diff --git a/.detignore b/.detignore new file mode 100644 index 0000000..9bafe7e --- /dev/null +++ b/.detignore @@ -0,0 +1,8 @@ +# Ignore tests tmp folder +.mypy_cache +.pytest_cache +tmp/* +.git +tests/ +*experiments* +*tools* diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..3fdbf90 --- /dev/null +++ b/.gitignore @@ -0,0 +1,157 @@ +*lightning_logs* +*ckpts* + +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +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 + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# 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/ + +# IDE +.vscode/ +Todo.json + +# Cython debug symbols +cython_debug/ + +# Temporary test files +tests/artifacts/tmp/* +!tests/artifacts/tmp/.gitkeep +debug_logs/ +wandb/ +*index_cache* + +#environment +envs* +.DS_Store +tmp/ +checkpoints/ diff --git a/.gitmodules b/.gitmodules new file mode 100644 index 0000000..e69de29 diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml new file mode 100644 index 0000000..0e98d5e --- /dev/null +++ b/.pre-commit-config.yaml @@ -0,0 +1,41 @@ +repos: + - repo: https://github.com/peterdemin/pip-compile-multi + rev: v2.4.5 + hooks: + - id: pip-compile-multi-verify + - repo: https://github.com/pre-commit/pre-commit-hooks + rev: v3.4.0 + hooks: + - id: check-json + # - id: pretty-format-json + # args: + # - --autofix + - id: end-of-file-fixer + exclude: '.bin|.meta.json' + - id: trailing-whitespace + exclude: '.bin|.meta.json' + - repo: https://github.com/psf/black + rev: 23.7.0 + hooks: + - id: black + # - repo: https://github.com/PyCQA/flake8 + # rev: '6.1.0' + # hooks: + # - id: flake8 + # exclude: src/license_plate_annotator/models/ + # args: ["--extend-ignore=E203,E501,P103,W503"] + # additional_dependencies: [ + # 'flake8-blind-except', + # 'flake8-docstrings', + # 'flake8-bugbear', + # 'flake8-comprehensions', + # 'flake8-docstrings', + # 'flake8-implicit-str-concat', + # 'flake8-fastapi', + # 'pydocstyle>=5.0.0', + # ] + # - repo: https://github.com/kynan/nbstripout + # rev: 0.4.0 + # hooks: + # - id: nbstripout + # files: ".ipynb" diff --git a/LICENSE b/LICENSE new file mode 100644 index 0000000..a214f50 --- /dev/null +++ b/LICENSE @@ -0,0 +1,28 @@ +The following applies to all files in this repository, unless otherwise noted: + +Copyright (c) 2024 IPAI Aleph Alpha Research GmbH + +Subject to the terms and conditions of this License, the Licensor grants you a non-exclusive, worldwide, +non-transferable, non-sublicensable, and royalty-free limited right to use, copy, modify, distribute, make +otherwise publicly available, and reproduce the Works and Derivative Works under Licensor’s copyright, +for any Non-Commercial and Non-Administrative purpose. +You may not use, copy, modify, distribute, make otherwise publicly available, reproduce, or sublicense the +Works or Derivative Works except as expressly provided under and in accordance with this License. +Your rights granted under this License will automatically terminate if you fail to comply with any of the +terms of this License. + +EXCEPT FOR DAMAGES CAUSED BY INTENT OR FRAUDULENTLY CONCEALED +DEFECTS, AND EXCEPT FOR DAMAGES RESULTING FROM BREACH OF ANY +WARRANTY OR GUARANTEE EXPRESSLY GIVEN BY LICENSOR IN THE OPEN ALEPH LICENSE, +IN NO EVENT WILL LICENSOR BE LIABLE TO YOU ON ANY LEGAL THEORY FOR ANY +DAMAGES ARISING OUT OF THE OPEN ALEPH LICENSE OR THE USE OF THE WORK. ANY +MANDATORY STATUTORY LIABILITY UNDER APPLICABLE LAW REMAINS +UNAFFECTED. + +EXCEPT AS EXPRESSLY STATED IN THIS LICENSE OR REQUIRED BY APPLICABLE +LAW, THE WORKS ARE PROVIDED ON AN "AS IS" BASIS, WITHOUT WARRANTIES +OF ANY KIND INCLUDING, WITHOUT LIMITATION, ANY WARRANTIES REGARDING +THE CONTENTS, ACCURACY, OR FITNESS FOR A PARTICULAR PURPOSE. + +For additional information on the license terms, see the complete license at +https://github.com/Aleph-Alpha/.github/blob/main/oal.pdf diff --git a/README.md b/README.md new file mode 100644 index 0000000..c60fe33 --- /dev/null +++ b/README.md @@ -0,0 +1,94 @@ +# T-Free: Subword Tokenizer-Free Generative LLMs via Sparse Representations for Memory Efficient Embeddings + +Paper link: https://arxiv.org/abs/2406.19223 + +![Figure 1: Method comparison classical Tokenizer to T-Free](figures/fig_1.png) +![Table 1: Near-Duplicate and fertility metrics for several models](figures/tab_1.png) +![Figure 3: Continued transfer learning evaluations](figures/fig_3.png) + + +## Checkpoints +- 7B trained on 1 epoch fineweb-edu (coming wk 35) + + + +## Install + +```console +conda create --name t-free python=3.11 -y +conda activate t-free + +conda install pytorch==2.1.2 pytorch-cuda=12.1 -c pytorch -c nvidia + +pip install -e .[test] + +pre-commit install +``` + +## Running some tests +``` +pip install determined==0.26.4 + +pytest tests/test_data +pytest tests/test_tokenizer +pytest tests/test_trainer +pytest tests/test_inference +``` + +## Training + +### Data preprocessing +Training requires data to be in one of two formats: MemoryMap or AlignedMemoryMap. MemoryMaps simply store data in byte format with indices for fast random access. +AlignedMemoryMaps build a second index above, that aggregate a minimum byte-count per entry. We use this for pre-training to avoid the need of aggregating a dynamic number of random entries to fill the full sequence length, which becomes hard when trying to ensure that each entry is will only be seen once during one epoch. + +An example of how to download and convert e.g. FinetuneWeb of HuggingFace into a MemoryMap is found in data/download_data.py. +Note that the data is stored in string format (converted to bytes). Trigramification or classical Tokenization are executed on-demand during training, depending on the respective training configurations. + +To further convert the data into an AlignedMemoryMap execute e.g. data/convert_mmap_to_alignedmmap.py. +Right now max_bytes is set to 20k, which we found to correlate well to roughly 4k trigram words -- our configured pre-training sequence length. +Note: If sequence length is exceeded, overhead will simply be cut off. If it is not reached with the index, it will be filled with a random further item. + +Right now typical instruction finetunings jsonl's need to casted to MemoryMaps as in data/convert_instruct_jsonl_to_mmap.py. + +Data in MemoryMap format requires config.data.pretraining = False. +AlignedMemoryMaps require config.data.pretraining = True. + +### Launch training +We include example determined configs in determined_configs/ and example training model configs in configs/. +You may launch a training through one of the determined experiments, or respectively convert the torch distributed launcher scripts of the following line to your environment: +``` +python3 -m determined.launch.torch_distributed python3 src/trigram_tokenizer/trainer/train_determined.py --config configs/7b_fineweb.yaml +``` + + +## Inference +Run one of the prepared inference* scripts. + +Note that the inference decode works different to that of other LLMs. +Currently we build a dictionary with word-patterns and compute the product with the models output logits to select e.g. the next top-word. This is shown in Fig. 4 below. + +As such you need/ may want to +- InferencePipe.__init__: pass a path to a collections.Counter pckl file through the "top_word_dict" parameter - these will be converted to the patterns of the respective loaded checkpoint config. We counted once the entire fineweb-edu dataset, a top-k subset is found in data/en_fineweb_top_1m_counter.pckl. +- InferencePipe.__init__: pass an integer through the "reduce_tokenizer_words_to" parameter - these cut off the top n words of aboves collection. +- InferencePipe.generate: pass a "more_words" string - a string of words (separated by whitespaces) that will dynamically be added to the dictionary for on demand sampling. +- InferencePipe.tokenizer.convert_weight_for_word_edge_overweight: will downweight edge-trigrams's as discussed in paper, to reduce artifacts (usually factor < .8). +- call data/generate_tokenizer.py once with a trained checkpoint. This will preprocess once the patterns for the passed dictionary and store them next to the checkpoint. Subsequent calls of InferencePipe.__init__ then do not require to pass the dict but directly load the stored patterns. + +![Figure 4: T-Free vs Classical Decode](figures/fig_4.png) + +## Known Issues/ Ongoing Research + +N/ A + + + +## Cite + +``` +@article{deiseroth2024t, + title={T-FREE: Tokenizer-Free Generative LLMs via Sparse Representations for Memory-Efficient Embeddings}, + author={Deiseroth, Bj{\"o}rn and Brack, Manuel and Schramowski, Patrick and Kersting, Kristian and Weinbach, Samuel}, + journal={arXiv preprint arXiv:2406.19223}, + year={2024} +} +``` \ No newline at end of file diff --git a/configs/7b_fineweb.yaml b/configs/7b_fineweb.yaml new file mode 100644 index 0000000..4f25cbf --- /dev/null +++ b/configs/7b_fineweb.yaml @@ -0,0 +1,139 @@ +{ + "logger": { + "log_level": "info", + "log_dir": None, + "use_wandb": False, + }, + "architecture": { + "mlp_type": "swiglu", + "init":"pythia", + "bias_terms": False, + "norm":"rms", + "use_flash": True, + "embedding_aggregation": "sum", + "embedding_normalization": False, + "vocab_size": 32000, + "hidden_size": 4096, + "num_layers": 32, + "num_attention_heads": 32, + "rotary_embedding_base": 10000, + "sequence_length": 4096, + "mlp_factor": 2.66796875, + "precision": "bfloat16", + "init_std_global_gain": 1., + }, + "data": { + "seed": 42, + "prefix_paths": [ + "", + ], + "prefix_path_tokenizer_file": "", + "sequence_length": 4096, + }, + "tokenizer": { + "sequence_length": 4096, + "lowercase": False, + "initialize": "hash", + "entire_words": False, + "vocab_size": 32000, + "vocab_population": 10, + "vocab_population_partial_lowercase": 2, #num of vocab_population taken in lowercase + "do_classic_tokenization": False, #! setting true overwrites above and uses prefix_path_tokenizer from data to do on-demand tokenization + "seed": 42, + "end_of_text": "<|endoftext|>", + "cache_dir": null + }, + "training": { + "reset_attention_mask": True, + "iterations": 375_010, + "micro_batch_size": 1, + "gradient_accumulation_steps": 4, + "save_interval": 5000, + "weight_decay": 0.1, + "loss_pos_weight": 300.0, + "loss_scale": 100.0, + "dataloader_num_workers": 4, + "dataloader_pin_memory": True, + "seed": 42, + "profile": False, + }, + "optimizer": { + # AdamWOptimizerConfig + # Base config class providing general settings for non-mutability and json serialization options + + # First coefficient used for computing running averages of gradient and its square + "beta1": 0.9, + + # Second coefficient used for computing running averages of gradient and its square + "beta2": 0.95, + + # term added to the denominator to improve numerical stability (default: 1e-8) + "eps": 1.0e-8, + + # clip global l2 grads to this value, deactivate if 0.0 + # "gradient_clipping": 1.0, + "gradient_clipping": 0.0, + + # number of floating points to allreduce in one go + "allreduce_bucket_size": 500000000, + + # Configuration of the loss scaler + "loss_scaler": { + # LossScalerConfig + # Loss scaling is designed to combat the problem of underflowing gradients encountered at long + # times when training fp16 networks. Dynamic loss scaling begins by attempting a very high loss + # scale. Ironically, this may result in OVERflowing gradients. + + # The optimizer then skips the update step for this particular iteration/minibatch, + # and the loss scaler adjusts the loss scale to a lower value. + # If a certain number of iterations occur without overflowing gradients detected, + # the loss scaler increases the loss scale once more. + # In this way the loss scaler attempts to "ride the edge" of + # always using the highest loss scale possible without incurring overflow. + + # + "enable": false, + + # Initial loss scale + "initial_scale": 4294967296.0, + + # + "window": 1000, + + # + "hysteresis": 2, + + # + "consecutive_hysteresis": false, + + # + "min_scale": 1.0, + + # + "factor": 2.0 + } +, + + # enable zero stage 1 optimizer + "zero": true, + "zero_save_static": true + } +, + + # + "learning_rate_scheduler": { + "learning_rate": 3e-4, + + # Minimum learning rate below which a step's learning rate will never drop. This is the final learning rate after the schedule has been applied. + "learning_rate_minimum": 3e-5, + + # Shape of the learning rate decay after warm up + "learning_rate_decay_style": "cosine", + + # Number of iterations within which the learning rate follows the schedule. Warmup iterations are included. + "learning_rate_decay_iters": 375_100, + + # Number of warmup steps during which the learning rate is linearly increased to the maximum learning rate. The actual schedule starts after the warmump steps. + "learning_rate_warmup_steps": 1_000 + } +} diff --git a/configs/7b_fineweb_continued_instruct.yaml b/configs/7b_fineweb_continued_instruct.yaml new file mode 100644 index 0000000..49c65ac --- /dev/null +++ b/configs/7b_fineweb_continued_instruct.yaml @@ -0,0 +1,146 @@ +{ + "logger": { + "log_level": "info", + "log_dir": None, + "use_wandb": False, + + }, + "architecture": { + "mlp_type": "swiglu", + "init":"pythia", + "bias_terms": False, + "norm":"rms", + "use_flash": True, + "embedding_aggregation": "sum", + "embedding_normalization": False, + "vocab_size": 32000, + "hidden_size": 4096, + "num_layers": 32, + "num_attention_heads": 32, + "rotary_embedding_base": 10000, + "sequence_length": 4096, + "mlp_factor": 2.66796875, + "precision": "bfloat16", + "init_std_global_gain": 1., + }, + "data": { + "seed": 42, + "prefix_paths": [ + "", + ], + "pretraining": false, + "prefix_path_tokenizer_file": "", + "sequence_length": 4096, + "reset_position_ids": false + }, + "tokenizer": { + "sequence_length": 4096, + "lowercase": False, + "initialize": "hash", #"orthogonal" + "entire_words": False, + "vocab_size": 32000, + "vocab_population": 10, + "vocab_population_partial_lowercase": 2, #num of vocab_population taken in lowercase + "do_classic_tokenization": False, #! setting true overwrites above and uses prefix_path_tokenizer from data to do on-demand tokenization + "seed": 42, + "end_of_text": "<|endoftext|>", + "cache_dir": null + }, + "training": { + "reset_attention_mask": False, + + "iterations": 2400, + "micro_batch_size": 1, + "gradient_accumulation_steps": 1, + "load_optimizer_states": False, + "load_context": False, + "load_dir": '', + "save_interval": 400, + "weight_decay": 0.1, + "loss_pos_weight": 300.0, + "loss_scale": 100.0, + "dataloader_num_workers": 4, + "dataloader_pin_memory": True, + "seed": 42, + "profile": False, + }, + "optimizer": { + # AdamWOptimizerConfig + # Base config class providing general settings for non-mutability and json serialization options + + # First coefficient used for computing running averages of gradient and its square + "beta1": 0.9, + + # Second coefficient used for computing running averages of gradient and its square + "beta2": 0.95, + + # term added to the denominator to improve numerical stability (default: 1e-8) + "eps": 1.0e-8, + + # clip global l2 grads to this value, deactivate if 0.0 + # "gradient_clipping": 1.0, + "gradient_clipping": 0.0, + + # number of floating points to allreduce in one go + "allreduce_bucket_size": 500000000, + + # Configuration of the loss scaler + "loss_scaler": { + # LossScalerConfig + # Loss scaling is designed to combat the problem of underflowing gradients encountered at long + # times when training fp16 networks. Dynamic loss scaling begins by attempting a very high loss + # scale. Ironically, this may result in OVERflowing gradients. + + # The optimizer then skips the update step for this particular iteration/minibatch, + # and the loss scaler adjusts the loss scale to a lower value. + # If a certain number of iterations occur without overflowing gradients detected, + # the loss scaler increases the loss scale once more. + # In this way the loss scaler attempts to "ride the edge" of + # always using the highest loss scale possible without incurring overflow. + + # + "enable": false, + + # Initial loss scale + "initial_scale": 4294967296.0, + + # + "window": 1000, + + # + "hysteresis": 2, + + # + "consecutive_hysteresis": false, + + # + "min_scale": 1.0, + + # + "factor": 2.0 + } +, + + # enable zero stage 1 optimizer + "zero": true, + "zero_save_static": true + } +, + + # + "learning_rate_scheduler": { + "learning_rate": 5e-6, + + # Minimum learning rate below which a step's learning rate will never drop. This is the final learning rate after the schedule has been applied. + "learning_rate_minimum": 5e-7, + + # Shape of the learning rate decay after warm up + "learning_rate_decay_style": "cosine", + + # Number of iterations within which the learning rate follows the schedule. Warmup iterations are included. + "learning_rate_decay_iters": 2400, + + # Number of warmup steps during which the learning rate is linearly increased to the maximum learning rate. The actual schedule starts after the warmump steps. + "learning_rate_warmup_steps": 100 + } +} diff --git a/configs/7b_fineweb_tokenizer.yaml b/configs/7b_fineweb_tokenizer.yaml new file mode 100644 index 0000000..7c6d327 --- /dev/null +++ b/configs/7b_fineweb_tokenizer.yaml @@ -0,0 +1,139 @@ +{ + "logger": { + "log_level": "info", + "log_dir": None, + "use_wandb": False, + }, + "architecture": { + "mlp_type": "swiglu", + "init":"pythia", + "bias_terms": False, + "norm":"rms", + "use_flash": True, + "embedding_aggregation": "sum", + "embedding_normalization": False, + "vocab_size": 32000, + "hidden_size": 4096, + "num_layers": 32, + "num_attention_heads": 32, + "rotary_embedding_base": 10000, + "sequence_length": 4096, + "mlp_factor": 2.66796875, + "precision": "bfloat16", + "init_std_global_gain": 1., + }, + "data": { + "seed": 42, + "prefix_paths": [ + "", + ], + "prefix_path_tokenizer_file": "", + "sequence_length": 4096, + }, + "tokenizer": { + "sequence_length": 4096, + "lowercase": False, + "initialize": "hash", + "entire_words": False, + "vocab_size": 32000, + "vocab_population": 10, + "vocab_population_partial_lowercase": 2, #num of vocab_population taken in lowercase + "do_classic_tokenization": False, #! setting true overwrites above and uses prefix_path_tokenizer from data to do on-demand tokenization + "seed": 42, + "end_of_text": "<|endoftext|>", + "cache_dir": null + }, + "training": { + "reset_attention_mask": True, + "iterations": 375_010, + "micro_batch_size": 1, + "gradient_accumulation_steps": 4, + "save_interval": 5000, + "weight_decay": 0.1, + "loss_pos_weight": 300.0, + "loss_scale": 100.0, + "dataloader_num_workers": 4, + "dataloader_pin_memory": True, + "seed": 42, + "profile": False, + }, + "optimizer": { + # AdamWOptimizerConfig + # Base config class providing general settings for non-mutability and json serialization options + + # First coefficient used for computing running averages of gradient and its square + "beta1": 0.9, + + # Second coefficient used for computing running averages of gradient and its square + "beta2": 0.95, + + # term added to the denominator to improve numerical stability (default: 1e-8) + "eps": 1.0e-8, + + # clip global l2 grads to this value, deactivate if 0.0 + # "gradient_clipping": 1.0, + "gradient_clipping": 0.0, + + # number of floating points to allreduce in one go + "allreduce_bucket_size": 500000000, + + # Configuration of the loss scaler + "loss_scaler": { + # LossScalerConfig + # Loss scaling is designed to combat the problem of underflowing gradients encountered at long + # times when training fp16 networks. Dynamic loss scaling begins by attempting a very high loss + # scale. Ironically, this may result in OVERflowing gradients. + + # The optimizer then skips the update step for this particular iteration/minibatch, + # and the loss scaler adjusts the loss scale to a lower value. + # If a certain number of iterations occur without overflowing gradients detected, + # the loss scaler increases the loss scale once more. + # In this way the loss scaler attempts to "ride the edge" of + # always using the highest loss scale possible without incurring overflow. + + # + "enable": false, + + # Initial loss scale + "initial_scale": 4294967296.0, + + # + "window": 1000, + + # + "hysteresis": 2, + + # + "consecutive_hysteresis": false, + + # + "min_scale": 1.0, + + # + "factor": 2.0 + } +, + + # enable zero stage 1 optimizer + "zero": true, + "zero_save_static": true + } +, + + # + "learning_rate_scheduler": { + "learning_rate": 3e-4, + + # Minimum learning rate below which a step's learning rate will never drop. This is the final learning rate after the schedule has been applied. + "learning_rate_minimum": 3e-5, + + # Shape of the learning rate decay after warm up + "learning_rate_decay_style": "cosine", + + # Number of iterations within which the learning rate follows the schedule. Warmup iterations are included. + "learning_rate_decay_iters": 375_100, + + # Number of warmup steps during which the learning rate is linearly increased to the maximum learning rate. The actual schedule starts after the warmump steps. + "learning_rate_warmup_steps": 1_000 + } +} diff --git a/data/convert_instruct_jsonl_to_mmap.py b/data/convert_instruct_jsonl_to_mmap.py new file mode 100644 index 0000000..a594e26 --- /dev/null +++ b/data/convert_instruct_jsonl_to_mmap.py @@ -0,0 +1,9 @@ +from trigram_tokenizer.data.dataset import TextDataset + +# format of finetuning data as examplified in test/test_data/finetuning.jsonl +# + +if __name__ == "__main__": + TextDataset.convert_finetuning_dataset_to_mmap( + source_file="/PATH/TO/SOURCE_JSONL", prefix_path="/PATH/TO/PREFIX" + ) diff --git a/data/convert_mmap_to_alignedmmap.py b/data/convert_mmap_to_alignedmmap.py new file mode 100644 index 0000000..23c19aa --- /dev/null +++ b/data/convert_mmap_to_alignedmmap.py @@ -0,0 +1,6 @@ +from trigram_tokenizer.data.aligned_mmap import AlignedMMap + +if __name__ == "__main__": + AlignedMMap.assert_index_exists( + prefix_path="path_to_mmap" + ) diff --git a/data/download_data.py b/data/download_data.py new file mode 100644 index 0000000..9273d42 --- /dev/null +++ b/data/download_data.py @@ -0,0 +1,116 @@ +import logging +import numpy as np +import shelve +import multiprocessing as mp + +from pathlib import Path +from datasets import load_dataset +from filelock import FileLock + + +from trigram_tokenizer.data.memory_map import MemoryMap +from trigram_tokenizer.data.memory_map import MemoryMapBuilder + + +# Huggingface Dataset repository +HF_DATASET = "HuggingFaceFW/fineweb-edu" +# Path to download and index data to. +DATA_DIRECTORY = Path("") +# List of dataset names to be downloaded as newline-separated textfile. +DATASET_LIST = Path(".data/cc_datasets.txt") +# Path of DB with metadata for completed/incomplete downloads. +STATUS_DB = Path(".data/status") +# Validates the correctness of memory map for each 'SAMPLE_INTERVAL' samples. +SAMPLE_INTERVAL = 10000 +# Number of parallel processes downloading files. +PARALLEL_PROCESSES = 8 + + +logging.basicConfig( + level=logging.INFO, format="%(asctime)s - %(name)s - %(levelname)s - %(message)s" +) + +logger = logging.getLogger(__name__) + + +class DownloadStatus: + COMPLETE = "COMPLETE" + INCOMPLETE = "INCOMPLETE" + FAILED = "FAILED" + + +def validate(mmap_path: str, valid_samples: list[tuple[int, str]]): + mmap = MemoryMap(mmap_path) + for i, sample in valid_samples: + doc = mmap[i] + decoded = doc.tobytes().decode("utf-8") + if decoded != sample: + raise ValueError("MemoryMap validation failed!") + return True + + +def download_and_index(ds_name): + logger.info(f"Indexing '{ds_name}'.") + ds = load_dataset(HF_DATASET, name=ds_name, split="train", streaming=True) + mmap_path = Path(DATA_DIRECTORY, ds_name) + mmap_builder = MemoryMapBuilder( + prefix_path=mmap_path, + index_dtype=np.uint64, + dtype=np.uint8, + ) + + valid_samples = [] + sample_index = 0 + + try: + for sample in ds: + sample_text = sample["text"] + encoded = sample_text.encode(encoding="utf-8") + byte_array = np.frombuffer(encoded, dtype=np.uint8) + mmap_builder.add(np_array=byte_array) + + if not sample_index % SAMPLE_INTERVAL: + if sample_index != 0: + logger.info(f"Indexed {SAMPLE_INTERVAL} samples in '{ds_name}'.") + valid_samples.append((sample_index, sample_text)) + sample_index += 1 + + # Append last sample. + valid_samples.append((sample_index - 1, sample_text)) + + mmap_builder.finalize() + if validate(mmap_path, valid_samples): + with FileLock(str(STATUS_DB) + ".lock"): + with shelve.open(str(STATUS_DB)) as db: + entry = db[ds_name] + entry["status"] = DownloadStatus.COMPLETE + db[ds_name] = entry + logger.info(f"'{ds_name}' successfully indexed.") + + except Exception as e: + logger.error(f"Error indexing '{ds_name}': {e}") + with FileLock(str(STATUS_DB) + ".lock"): + with shelve.open(str(STATUS_DB)) as db: + entry = db[ds_name] + entry["status"] = DownloadStatus.FAILED + db[ds_name] = entry + + +if __name__ == "__main__": + incomplete_ds_dl = [] + with open(DATASET_LIST, "r") as f: + ds_names = [line.strip() for line in f.readlines()] + + with FileLock(str(STATUS_DB) + ".lock"): + with shelve.open(str(STATUS_DB)) as db: + for ds_name in ds_names: + if not db.get(ds_name): + entry = {} + entry["dataset"] = ds_name + entry["status"] = DownloadStatus.INCOMPLETE + db[ds_name] = entry + if db[ds_name]["status"] != DownloadStatus.COMPLETE: + incomplete_ds_dl.append(ds_name) + + with mp.Pool(PARALLEL_PROCESSES) as pool: + pool.map(download_and_index, incomplete_ds_dl) \ No newline at end of file diff --git a/data/en_fineweb_top_1m_counter.pckl b/data/en_fineweb_top_1m_counter.pckl new file mode 100644 index 0000000..2e0c0e2 Binary files /dev/null and b/data/en_fineweb_top_1m_counter.pckl differ diff --git a/data/generate_tokenizer.py b/data/generate_tokenizer.py new file mode 100644 index 0000000..a1d984d --- /dev/null +++ b/data/generate_tokenizer.py @@ -0,0 +1,117 @@ +from trigram_tokenizer.tokenizer import TrigramTokenizer +from typing import List +import pickle +import collections +from tqdm import tqdm + +BASE_TOKENIZER = "/tokenizer" + +SPECIAL_TOKENS = [ + "<|\n|>", + "<|endoftext|>", + "<|no_ws|>", + "<|ws|>", + "<|2<-ws->|>", + "<|4<-ws->|>", + "<|6<-ws->|>", + "<|8<-ws->|>", + "<|2<-\n->|>", + "<|4<-\n->|>", + "<|6<-\n->|>", + "<|8<-\n->|>", + "<|begin_of_text|>", + "<|start_header_id|>", + "<|end_header_id|>", + "<|eot_id|>", +] + +MAX_VOCAB = 1_000_000 + + +def save_tokenizer(vocab_files: List[List[str]], target_dirs: List[str]): + assert len(vocab_files) == 1 or len(vocab_files) == 2 + + # load vocab_dicts + vocabs = list() + total_counter = collections.Counter() + for vocab_group in vocab_files: + counter = collections.Counter() + for vocab_file in vocab_group: + print("LOADING", vocab_file) + c = pickle.load(open(vocab_file, "rb")) + counter += c + + if len(total_counter) == 0: + total_counter = counter + else: + total_counter += counter + + print("CONVERT to counter list", len(counter)) + vocab_list = sorted( + [ + (word, count) + for (word, count) in counter.items() + if word not in SPECIAL_TOKENS + ], + key=lambda i: i[1], + reverse=True, + ) + if len(vocab_list) > MAX_VOCAB: + print("TRUNCATING VOCAB from", len(vocab_list), "to", MAX_VOCAB) + vocab_list = vocab_list[:MAX_VOCAB] + vocabs.append(vocab_list) + + # convert to joint list + top_word_list = [(word, total_counter.get(word, 0)) for word in SPECIAL_TOKENS] + if len(vocabs) == 1: + top_word_list += vocabs[0] + else: + # interleave + if len(vocabs[0]) > len(vocabs[1]): + longer = vocabs[0] + shorter = vocabs[1] + else: + longer = vocabs[1] + shorter = vocabs[0] + + words_added = set(SPECIAL_TOKENS) + for (longer_word, _), (shorter_word, _) in tqdm( + zip(longer, shorter), desc="interleaving" + ): + if longer_word not in words_added: + top_word_list.append((longer_word, total_counter.get(longer_word, 0))) + words_added.add(longer_word) + if shorter_word not in words_added: + top_word_list.append((shorter_word, total_counter.get(shorter_word, 0))) + words_added.add(shorter_word) + + if len(top_word_list) >= MAX_VOCAB: + break + + # fill in rest + if len(top_word_list) < MAX_VOCAB: + top_word_list = top_word_list + longer[len(shorter) :] + + top_word_list = top_word_list[:MAX_VOCAB] + + # instantiate tokenizer + tokenizer = TrigramTokenizer.load(BASE_TOKENIZER, top_word_list=top_word_list) + + # save + for target_dir in target_dirs: + print("SAVING", target_dir) + tokenizer.save(target_dir) + + +if __name__ == "__main__": + + save_tokenizer( + vocab_files=[ + [ + "/en_fineweb_top_1m_counter.pckl", + ], + ], + target_dirs=[ + "/tokenizer" + ], + ) diff --git a/determined_configs/7B_fineweb.yaml b/determined_configs/7B_fineweb.yaml new file mode 100644 index 0000000..540eb51 --- /dev/null +++ b/determined_configs/7B_fineweb.yaml @@ -0,0 +1,22 @@ +project: trigram-tokenizer +max_restarts: 0 +environment: + force_pull_image: true + image: + +checkpoint_storage: + save_trial_latest: 200 +resources: + slots_per_trial: 256 + priority: 42 + shm_size: 644245094400 +searcher: + name: single + metric: not_needed + max_length: 1 + +name: 7B-fineweb +entrypoint: >- + python3 -m determined.launch.torch_distributed python3 + src/trigram_tokenizer/trainer/train_determined.py --config + configs/7b_fineweb.yaml diff --git a/determined_configs/7b_fineweb_continued_instruct.yaml b/determined_configs/7b_fineweb_continued_instruct.yaml new file mode 100644 index 0000000..abc5ecd --- /dev/null +++ b/determined_configs/7b_fineweb_continued_instruct.yaml @@ -0,0 +1,18 @@ +project: trigram-tokenizer +max_restarts: 0 +environment: + force_pull_image: true + image: +resources: + slots_per_trial: 64 + priority: 42 + shm_size: 204294967296 +searcher: + name: single + metric: not_needed + max_length: 1 +name: 7B-fineweb-instruct +entrypoint: >- + python3 -m determined.launch.torch_distributed python3 + src/trigram_tokenizer/trainer/train_determined.py --config + configs/7B_fineweb_continued_instruct.yaml diff --git a/figures/fig_1.png b/figures/fig_1.png new file mode 100644 index 0000000..fce54e2 Binary files /dev/null and b/figures/fig_1.png differ diff --git a/figures/fig_2.png b/figures/fig_2.png new file mode 100644 index 0000000..fbf1075 Binary files /dev/null and b/figures/fig_2.png differ diff --git a/figures/fig_3.png b/figures/fig_3.png new file mode 100644 index 0000000..a470a8c Binary files /dev/null and b/figures/fig_3.png differ diff --git a/figures/fig_4.png b/figures/fig_4.png new file mode 100644 index 0000000..e6d5fe0 Binary files /dev/null and b/figures/fig_4.png differ diff --git a/figures/tab_1.png b/figures/tab_1.png new file mode 100644 index 0000000..4fa91a6 Binary files /dev/null and b/figures/tab_1.png differ diff --git a/inference.py b/inference.py new file mode 100644 index 0000000..a3d74c8 --- /dev/null +++ b/inference.py @@ -0,0 +1,46 @@ +from trigram_tokenizer.inference import InferencePipe +from trigram_tokenizer.logging import logger + + +def generate( + prompt: str, + max_tokens: int = 4, + echo: bool = False, +): + result = inference_pipe.generate( + prompt=prompt, + max_tokens=max_tokens, + echo=echo, + log_probs=10_000, + ) + + logger.info("#" * 50) + logger.info(f"PROMPT: {prompt}") + logger.info(f"COMPLETION: {result.completion}") + # logger.info(f"COMPLETION: {result.tokens}") + # logger.info(f"COMPLETION: {result.tokens_count_training}") + # logger.info(f"COMPLETION: {result.prompt_token_count_training}") + logger.info("#" * 50) + return result + + +if __name__ == "__main__": + inference_pipe = InferencePipe( + "", + top_word_dict="", # collections.Counter file with some sampling-dictionary + reduce_tokenizer_words_to=50000, # will reduce above's file to top-k frequent entries + ) + + # InferencePipe.tokenizer.convert_weight_for_word_edge_overweight(.8) # will downweight 'edge-trigram's - further discussed in paper + + generate( + "Question: what has angelina jolie accomplished? \nAnswer: ", + max_tokens=20, + echo=False, + ) + + generate( + "Once upon a time", + max_tokens=64, + echo=False, + ) diff --git a/inference_chat.py b/inference_chat.py new file mode 100644 index 0000000..d130d0e --- /dev/null +++ b/inference_chat.py @@ -0,0 +1,57 @@ +import json +from tqdm import tqdm + +from trigram_tokenizer.inference import InferencePipe +from trigram_tokenizer.logging import logger + + +def generate( + prompt: str, + max_tokens: int = 4, + echo: bool = False, +): + result = inference_pipe.generate( + prompt=prompt, + max_tokens=max_tokens, + echo=echo, + log_probs=10_000, + ) + + logger.info("#" * 50) + logger.info(f"PROMPT: {prompt}") + logger.info(f"COMPLETION: {result.completion}") + logger.info(f"COMPLETION: {result.tokens}") + logger.info(f"COMPLETION: {result.tokens_count_training}") + logger.info("#" * 50) + return result + + +if __name__ == "__main__": + inference_pipe = InferencePipe( + "", + reduce_tokenizer_words_to=600000, + ) + + prompt = "<|begin_of_text|><|start_header_id|>system<|end_header_id|>\n\nYour task as a language model is to help users. Provide responses that are engaging, clear, and structured.<|endoftext|>" + prompt_for_reset = prompt + print("#" * 10) + print("# Type 'STOP' to stop and 'RESET' to reset") + print("#" * 10) + while True: + text = input("User: ") + if text == "STOP": + break + if text == "RESET": + prompt = prompt_for_reset + continue + + prompt += f"<|start_header_id|>user<|end_header_id|>\n\n{text}<|endoftext|><|start_header_id|>assistant<|end_header_id|>" + + response = inference_pipe.generate( + prompt=prompt, + max_tokens=512, + echo=False, + ) + print("Trigram-7b-instruct:", response.completion.replace("<|endoftext|>", "")) + + prompt += response.completion diff --git a/license-overwrite-file.yaml b/license-overwrite-file.yaml new file mode 100644 index 0000000..392c927 --- /dev/null +++ b/license-overwrite-file.yaml @@ -0,0 +1,3 @@ +filelock: + license_name: The Unlicense + license_file: https://raw.githubusercontent.com/tox-dev/py-filelock/main/LICENSE diff --git a/mypy.ini b/mypy.ini new file mode 100644 index 0000000..976ba02 --- /dev/null +++ b/mypy.ini @@ -0,0 +1,2 @@ +[mypy] +ignore_missing_imports = True diff --git a/requirements/base.in b/requirements/base.in new file mode 100644 index 0000000..4fef966 --- /dev/null +++ b/requirements/base.in @@ -0,0 +1,10 @@ +torch==2.1.2 +tqdm +numpy +pydantic>2.0.0 +wandb +python-dateutil +tokenizers +einops +determined==0.26.4 +jsonlines diff --git a/requirements/base.txt b/requirements/base.txt new file mode 100644 index 0000000..85164be --- /dev/null +++ b/requirements/base.txt @@ -0,0 +1,293 @@ +# SHA1:f110b863e80c9a157a2c1c0204e1ed4d70e8048a +# +# This file is autogenerated by pip-compile-multi +# To update, run: +# +# pip-compile-multi +# +analytics-python==1.4.post1 + # via determined +annotated-types==0.7.0 + # via pydantic +appdirs==1.4.4 + # via determined +argcomplete==3.4.0 + # via determined +async-generator==1.10 + # via yogadl +attrs==23.2.0 + # via jsonlines +azure-core==1.30.2 + # via + # azure-storage-blob + # determined +azure-storage-blob==12.20.0 + # via determined +backoff==1.10.0 + # via analytics-python +bcrypt==4.1.3 + # via paramiko +boto3==1.34.130 + # via + # determined + # yogadl +botocore==1.34.130 + # via + # boto3 + # s3transfer +cachetools==5.3.3 + # via google-auth +certifi==2024.6.2 + # via + # determined + # requests + # sentry-sdk +cffi==1.16.0 + # via + # cryptography + # pynacl +charset-normalizer==3.3.2 + # via requests +click==8.1.7 + # via wandb +contourpy==1.2.1 + # via matplotlib +cryptography==42.0.8 + # via + # azure-storage-blob + # paramiko + # pyopenssl +cycler==0.12.1 + # via matplotlib +determined==0.26.4 + # via -r requirements/base.in +docker[ssh]==7.1.0 + # via determined +docker-pycreds==0.4.0 + # via wandb +einops==0.8.0 + # via -r requirements/base.in +filelock==3.15.3 + # via + # determined + # huggingface-hub + # torch + # yogadl +fonttools==4.53.0 + # via matplotlib +fsspec==2024.6.0 + # via + # huggingface-hub + # torch +gitdb==4.0.11 + # via gitpython +gitpython==3.1.43 + # via + # determined + # wandb +google-api-core==2.19.0 + # via + # google-api-python-client + # google-cloud-core + # google-cloud-storage +google-api-python-client==2.134.0 + # via determined +google-auth==2.30.0 + # via + # google-api-core + # google-api-python-client + # google-auth-httplib2 + # google-cloud-core + # google-cloud-storage +google-auth-httplib2==0.2.0 + # via google-api-python-client +google-cloud-core==2.4.1 + # via google-cloud-storage +google-cloud-storage==2.17.0 + # via + # determined + # yogadl +google-crc32c==1.5.0 + # via + # google-cloud-storage + # google-resumable-media +google-resumable-media==2.7.1 + # via google-cloud-storage +googleapis-common-protos==1.63.1 + # via google-api-core +httplib2==0.22.0 + # via + # google-api-python-client + # google-auth-httplib2 +huggingface-hub==0.23.4 + # via tokenizers +idna==3.7 + # via requests +isodate==0.6.1 + # via azure-storage-blob +jinja2==3.1.4 + # via torch +jmespath==1.0.1 + # via + # boto3 + # botocore +jsonlines==4.0.0 + # via -r requirements/base.in +kiwisolver==1.4.5 + # via matplotlib +lmdb==1.4.1 + # via yogadl +lomond==0.3.3 + # via + # determined + # yogadl +markupsafe==2.1.5 + # via jinja2 +matplotlib==3.9.0 + # via determined +monotonic==1.6 + # via analytics-python +mpmath==1.3.0 + # via sympy +networkx==3.3 + # via torch +numpy==2.0.0 + # via + # -r requirements/base.in + # contourpy + # determined + # matplotlib +packaging==24.1 + # via + # determined + # huggingface-hub + # matplotlib +paramiko==3.4.0 + # via + # determined + # docker +pathspec==0.12.1 + # via determined +pillow==10.3.0 + # via matplotlib +platformdirs==4.2.2 + # via wandb +proto-plus==1.24.0 + # via google-api-core +protobuf==4.25.3 + # via + # google-api-core + # googleapis-common-protos + # proto-plus + # wandb +psutil==6.0.0 + # via + # determined + # wandb +pyasn1==0.6.0 + # via + # pyasn1-modules + # rsa +pyasn1-modules==0.4.0 + # via google-auth +pycparser==2.22 + # via cffi +pydantic==2.7.4 + # via -r requirements/base.in +pydantic-core==2.18.4 + # via pydantic +pynacl==1.5.0 + # via paramiko +pyopenssl==24.1.0 + # via determined +pyparsing==3.1.2 + # via + # httplib2 + # matplotlib +python-dateutil==2.9.0.post0 + # via + # -r requirements/base.in + # analytics-python + # botocore + # determined + # matplotlib +pytz==2024.1 + # via determined +pyyaml==6.0.1 + # via + # huggingface-hub + # wandb +pyzmq==26.0.3 + # via determined +requests==2.32.3 + # via + # analytics-python + # azure-core + # determined + # docker + # google-api-core + # google-cloud-storage + # huggingface-hub + # wandb +rsa==4.9 + # via google-auth +ruamel-yaml==0.18.6 + # via determined +ruamel-yaml-clib==0.2.8 + # via ruamel-yaml +s3transfer==0.10.1 + # via boto3 +sentry-sdk==2.6.0 + # via wandb +setproctitle==1.3.3 + # via wandb +six==1.16.0 + # via + # analytics-python + # azure-core + # docker-pycreds + # isodate + # lomond + # python-dateutil +smmap==5.0.1 + # via gitdb +sympy==1.12.1 + # via torch +tabulate==0.9.0 + # via determined +termcolor==2.4.0 + # via determined +tokenizers==0.19.1 + # via -r requirements/base.in +torch==2.1.2 + # via -r requirements/base.in +tqdm==4.66.4 + # via + # -r requirements/base.in + # determined + # huggingface-hub +typing-extensions==4.12.2 + # via + # azure-core + # azure-storage-blob + # huggingface-hub + # pydantic + # pydantic-core + # torch +uritemplate==4.1.1 + # via google-api-python-client +urllib3==2.2.2 + # via + # botocore + # docker + # requests + # sentry-sdk +wandb==0.17.2 + # via -r requirements/base.in +websockets==12.0 + # via yogadl +yogadl==0.1.4 + # via determined + +# The following packages are considered to be unsafe in a requirements file: +# setuptools diff --git a/requirements/test.in b/requirements/test.in new file mode 100644 index 0000000..b195c97 --- /dev/null +++ b/requirements/test.in @@ -0,0 +1,9 @@ +pytest +black +pre-commit +mypy +typing-extensions +flake8 +httpx +pytest-cov +httpx diff --git a/requirements/test.txt b/requirements/test.txt new file mode 100644 index 0000000..8d42adc --- /dev/null +++ b/requirements/test.txt @@ -0,0 +1,87 @@ +# SHA1:0bd9f9bb482267eb16d5684475efd30f95a7a4c4 +# +# This file is autogenerated by pip-compile-multi +# To update, run: +# +# pip-compile-multi +# +anyio==4.4.0 + # via httpx +black==24.4.2 + # via -r requirements/test.in +certifi==2024.6.2 + # via + # httpcore + # httpx +cfgv==3.4.0 + # via pre-commit +click==8.1.7 + # via black +coverage[toml]==7.5.3 + # via pytest-cov +distlib==0.3.8 + # via virtualenv +filelock==3.15.3 + # via virtualenv +flake8==7.1.0 + # via -r requirements/test.in +h11==0.14.0 + # via httpcore +httpcore==1.0.5 + # via httpx +httpx==0.27.0 + # via -r requirements/test.in +identify==2.5.36 + # via pre-commit +idna==3.7 + # via + # anyio + # httpx +iniconfig==2.0.0 + # via pytest +mccabe==0.7.0 + # via flake8 +mypy==1.10.0 + # via -r requirements/test.in +mypy-extensions==1.0.0 + # via + # black + # mypy +nodeenv==1.9.1 + # via pre-commit +packaging==24.1 + # via + # black + # pytest +pathspec==0.12.1 + # via black +platformdirs==4.2.2 + # via + # black + # virtualenv +pluggy==1.5.0 + # via pytest +pre-commit==3.7.1 + # via -r requirements/test.in +pycodestyle==2.12.0 + # via flake8 +pyflakes==3.2.0 + # via flake8 +pytest==8.2.2 + # via + # -r requirements/test.in + # pytest-cov +pytest-cov==5.0.0 + # via -r requirements/test.in +pyyaml==6.0.1 + # via pre-commit +sniffio==1.3.1 + # via + # anyio + # httpx +typing-extensions==4.12.2 + # via + # -r requirements/test.in + # mypy +virtualenv==20.26.2 + # via pre-commit diff --git a/setup.py b/setup.py new file mode 100644 index 0000000..7389340 --- /dev/null +++ b/setup.py @@ -0,0 +1,53 @@ +"""Installation procedure.""" + +from setuptools import setup, find_packages # type: ignore +from pathlib import Path + +reqs_dir = Path("./requirements") + + +def read_requirements(filename: str): + """Read a requirements file into a list of individual requirements.""" + requirements_file = reqs_dir / filename + if requirements_file.is_file(): + requirements_list = requirements_file.read_text().splitlines() + requirements_list_ = [] + for r in requirements_list: + if r.strip().startswith("#") or r.strip() == "": + continue + package, version = r.split("==") + major_version = version.split(".")[0] + requirements_list_.append(f"{package}=={major_version}.*") + return requirements_list_ + else: + return [] + + +requirements_base = read_requirements("base.txt") +requirements_test = read_requirements("test.txt") + + +setup( + name="trigram-tokenizer", + url="https://github.com/Aleph-Alpha/trigrams", + author="Samuel Weinbach", + author_email="requests@aleph-alpha-ip.ai", + install_requires=[requirements_base], + tests_require=[], + extras_require={ + "test": requirements_test, + }, + package_dir={"": "src"}, + packages=find_packages("src"), + version="0.1.0", + license="Open Aleph License", + description="", + long_description=open("README.md").read(), + long_description_content_type="text/markdown", + entry_points="""""", + package_data={ + # If any package contains *.json or *.typed + "": ["*.json", "*.typed"], + }, + include_package_data=True, +) diff --git a/src/trigram_tokenizer/__init__.py b/src/trigram_tokenizer/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/src/trigram_tokenizer/config/__init__.py b/src/trigram_tokenizer/config/__init__.py new file mode 100644 index 0000000..c5db883 --- /dev/null +++ b/src/trigram_tokenizer/config/__init__.py @@ -0,0 +1 @@ +from .base import BaseConfig diff --git a/src/trigram_tokenizer/config/base.py b/src/trigram_tokenizer/config/base.py new file mode 100644 index 0000000..ba2a32f --- /dev/null +++ b/src/trigram_tokenizer/config/base.py @@ -0,0 +1,138 @@ +import json +import yaml # type: ignore +from typing import Dict, Any, Union, Optional +from pathlib import Path +from enum import Enum +from pydantic import BaseModel, Extra + + +def overwrite_recursive(d: Dict, d_new: Dict): + for k, v in list(d_new.items()): + if isinstance(v, dict): + if k not in d: + d[k] = dict() + overwrite_recursive(d[k], d_new[k]) + else: + d[k] = v + + +class BaseConfig(BaseModel): + """ + Base config class providing general settings for non-mutability and json serialization options + """ + + class Config: + extra = Extra.forbid # forbid unknown fields on instantiation + frozen = True # make all fields immutable + + def __post_init__(self): + pass + + def as_dict(self) -> Dict[Any, Any]: + """ + return a json-serializable dict of self + """ + self_dict: Dict[Any, Any] = dict() + + for k, v in dict(self).items(): + assert isinstance(k, str) + if isinstance(v, BaseConfig): + self_dict[k] = v.as_dict() + elif isinstance(v, Path): + self_dict[k] = str(v) + elif isinstance(v, list) and all([isinstance(i, Path) for i in v]): + self_dict[k] = [str(i) for i in v] + elif isinstance(v, list) and all([isinstance(i, BaseConfig) for i in v]): + self_dict[k] = [i.as_dict() for i in v] + elif isinstance(v, Enum): + self_dict[k] = v.value + elif isinstance(v, list) and all([isinstance(i, Enum) for i in v]): + self_dict[k] = [i.value for i in v] + else: + self_dict[k] = v + + return self_dict + + @classmethod + def from_dict(cls, d: dict, overwrite_values: Optional[Dict] = None): + if overwrite_values is not None: + overwrite_recursive(d, overwrite_values) + + return cls(**d) + + def as_str(self) -> str: + return json.dumps(self.as_dict()) + + @classmethod + def from_str(cls, s: str): + return cls.from_dict(json.loads(s)) + + @classmethod + def from_yaml( + cls, yml_filename: Union[str, Path], overwrite_values: Optional[Dict] = None + ): + with open(yml_filename) as conf_file: + config_dict = yaml.load(conf_file, Loader=yaml.FullLoader) + + if overwrite_values is not None: + overwrite_recursive(config_dict, overwrite_values) + return cls.from_dict(config_dict) + + def save(self, out_file: Path, indent=4): + json.dump(self.as_dict(), open(out_file, "w", encoding="UTF-8"), indent=indent) + + @classmethod + def get_template_str(cls, indent=4, level=1): + # get schema + schema = cls.schema() + fields = cls.__fields__ + + # save out + result = "" + result += " " * (level - 1) * indent + "{\n" + result += " " * level * indent + f"# {schema['title']}\n" + result += " " * level * indent + f"# {schema['description']}\n" + + for field_index, (field_name, schema_definition) in enumerate( + schema["properties"].items() + ): + field_definition = fields[field_name] + is_last = field_index == len(schema["properties"]) - 1 + + # description and field name + result += " " * level * indent + f"\n" + result += " " * level * indent + result += f"# {field_definition.field_info.description}\n" + result += " " * level * indent + result += f'"{field_name}": ' + + # field value + if isinstance(field_definition.default, BaseConfig): + result += field_definition.default.get_template_str( + indent=indent, level=level + 1 + ) + else: + if isinstance(field_definition.default, Enum): + result += f"{json.dumps(field_definition.default.value)}" + else: + result += f"{json.dumps(field_definition.default)}" + + # comma in the end + if not is_last: + result += "," + + # finalize + result += "\n" + + result += " " * (level - 1) * indent + "}\n" + + return result + + @classmethod + def save_template(cls, out_file: Path, indent=4): + # convert to yaml str + result = cls.get_template_str(indent=indent) + + # save out + with open(out_file, "w", encoding="UTF-8") as f: + f.write(result) diff --git a/src/trigram_tokenizer/data/__init__.py b/src/trigram_tokenizer/data/__init__.py new file mode 100644 index 0000000..904ed4f --- /dev/null +++ b/src/trigram_tokenizer/data/__init__.py @@ -0,0 +1,3 @@ +from .memory_map import MemoryMap, MemoryMapBuilder +from .dataset import TextDataset, TextDatasetConfig +from .dataloader import DataLoader diff --git a/src/trigram_tokenizer/data/aligned_mmap.py b/src/trigram_tokenizer/data/aligned_mmap.py new file mode 100644 index 0000000..ec24fd1 --- /dev/null +++ b/src/trigram_tokenizer/data/aligned_mmap.py @@ -0,0 +1,240 @@ +from typing import Union, List +from pathlib import Path +from tqdm import tqdm +import numpy as np + +from trigram_tokenizer.logging import logger + +from .memory_map import MemoryMap + + +class AlignedMMap: + def __init__(self, file_path): + self.ind_arr = np.memmap( + f"{file_path}.indices.bin", mode="r", order="C", dtype=np.uint32 + ) + + self.document_count = self.ind_arr.max() + + self.len_arr_buff = np.memmap( + f"{file_path}.lengths.bin", mode="r", order="C", dtype=np.uint16 + ) + self.off_arr_buff = np.memmap( + f"{file_path}.offsets.bin", mode="r", order="C", dtype=np.uint64 + ) + + self.data_arr_buff = np.memmap( + f"{file_path}.bin", mode="r", order="C", dtype=np.uint8 + ) + + def __len__(self): + return self.document_count + + def __getitem__(self, idx: int): + assert idx < len( + self + ), f"cannot retrieve document idx {idx} from {len(self)} documents" + + indices = np.where(self.ind_arr == idx) + + assert len(indices) == 1 + indices = indices[0].tolist() + + size = len(indices) + start_index = indices[0] + + offsets = np.frombuffer( + self.off_arr_buff, + dtype=np.uint64, + count=int(size), + offset=int(start_index) * 8, # np.uint64.itemsize, + ) + + lengths = np.frombuffer( + self.len_arr_buff, + dtype=np.uint16, + count=int(size), + offset=int(start_index) * 2, # np.uint16.itemsize, + ) + + all_data = [] + for o, l in zip(offsets, lengths): + data = np.frombuffer( + self.data_arr_buff, + dtype=np.uint8, + count=l, + offset=int(o), + ) + all_data.append(data.tobytes().decode("utf-8")) + return offsets, lengths, all_data + + @staticmethod + def index_text_mmap_file( + prefix_path: Union[str, Path], + file_path_indices: Union[str, Path], + file_path_lengths: Union[str, Path], + file_path_offsets: Union[str, Path], + all_splittables: str = " .,!?", + max_bytes: int = 20_000, + tolerance_bytes: int = 100, + ): + # filenames do not contain parameters + # we assert to make sure that changing the config does not results in unexpected behavior + assert all_splittables == " .,!?" + assert max_bytes == 20_000 + assert tolerance_bytes == 100 + + # use mmap to inherit changes and not duplicate code + # Index is loaded to memory because we will need all items anyways + mmap = MemoryMap(prefix_path=Path(prefix_path), load_index_to_memory=True) + + new_index: List[List[List[int]]] = [] + append_new = True + ditched_count = 0 + for i in tqdm(range(len(mmap))): + start, size = mmap.get_start_index_and_size(i) + if size < tolerance_bytes: + continue + + j = 0 + offset = 0 + + while offset < size: + force_new = False + cur_length = size - offset + if cur_length <= tolerance_bytes: + break + + cur_offset = int(start + offset) + cur_length = int(min(max_bytes, cur_length)) + if not append_new: + remaining = max_bytes - sum([x[1] for x in new_index[-1]]) + + if remaining > tolerance_bytes: + cur_length = int(min(remaining, cur_length)) + if cur_length == remaining: + force_new = True + else: + append_new = True + + offset_count = 0 + while True: + offset_count += 1 + + cur_bytes = mmap.read_from_buffer( + start_index=cur_offset + cur_length - offset_count, size=1 + ) + + # decode sometimes fails on single-special unicode bytes + # don't want to split at random letter + try: + if cur_bytes.tobytes().decode("utf-8") in all_splittables: + break + except Exception as e: + pass + + if cur_length - offset_count <= 0: + if append_new: + # no_ws_string = ( + # mmap.read_from_buffer( + # start_index=cur_offset + cur_length - offset_count, + # size=offset_count, + # ) + # .tobytes() + # .decode("utf-8") + # ) + # print(f"no ws in {no_ws_string}") + ditched_count += 1 + break + else: + append_new = True + continue + + cur_index = [[cur_offset, cur_length - offset_count]] + + # test that the item is readable + cur_bytes = mmap.read_from_buffer( + start_index=cur_offset, size=cur_length - offset_count + ) + try: + text = cur_bytes.tobytes().decode("utf-8") + except Exception as e: + offset += cur_index[0][1] + continue + + if append_new: + new_index.append(cur_index) + else: + append_new = True + new_index[-1].extend(cur_index) + + if ( + sum([x[1] for x in new_index[-1]]) < (max_bytes - tolerance_bytes) + and not force_new + ): + append_new = False + + j += 1 + offset += cur_index[0][1] + + new_index = new_index[:-1] + + all_indices = [] + all_offsets = [] + all_lengths = [] + for i, ind in enumerate(new_index): + for off, length in ind: + all_indices.append(i) + all_offsets.append(off) + all_lengths.append(length) + + ind_arr = np.array(all_indices, dtype=np.uint32) + len_arr = np.array(all_lengths, dtype=np.uint16) + off_arr = np.array(all_offsets, dtype=np.uint64) + + file = open(file_path_indices, "wb") + file.write(ind_arr.tobytes(order="C")) + file = open(file_path_lengths, "wb") + file.write(len_arr.tobytes(order="C")) + file = open(file_path_offsets, "wb") + file.write(off_arr.tobytes(order="C")) + file.close() + + logger.info( + f"index_text_mmap_file dichted parts of {ditched_count} samples for {prefix_path}" + ) + + @staticmethod + def assert_index_exists( + prefix_path: Union[str, Path], + all_splittables: str = " .,!?", + max_bytes: int = 20_000, + tolerance_bytes: int = 100, + ): + file_path_indices = f"{prefix_path}.indices.bin" + file_path_lengths = f"{prefix_path}.lengths.bin" + file_path_offsets = f"{prefix_path}.offsets.bin" + + if ( + Path(file_path_indices).is_file() + and Path(file_path_lengths).is_file() + and Path(file_path_offsets).is_file() + ): + return + + logger.info(f"computing text index for {prefix_path}") + AlignedMMap.index_text_mmap_file( + prefix_path=prefix_path, + file_path_indices=file_path_indices, + file_path_lengths=file_path_lengths, + file_path_offsets=file_path_offsets, + all_splittables=all_splittables, + max_bytes=max_bytes, + tolerance_bytes=tolerance_bytes, + ) + + def close(self): + pass + + def open(self): + pass diff --git a/src/trigram_tokenizer/data/dataloader.py b/src/trigram_tokenizer/data/dataloader.py new file mode 100644 index 0000000..ed33c2d --- /dev/null +++ b/src/trigram_tokenizer/data/dataloader.py @@ -0,0 +1,215 @@ +from functools import partial +from typing import List +from einops import rearrange +import torch +from trigram_tokenizer.logging import logger +from .dataset import TextDataset +from trigram_tokenizer.tokenizer import EncodingBatchTraining, EncodingTraining + +from multiprocessing import Semaphore + + +class RandomSampler: + """ + Class with iterator that returns a list of indices for a micro batch. + """ + + def __init__( + self, + dataset: TextDataset, + seed: int, + consumed_samples: int, + micro_batch_size: int, + world_size: int, + ): + # Keep a copy of input params for later use. + self.dataset = dataset + self.seed = seed + self.consumed_samples = consumed_samples + self.micro_batch_size = micro_batch_size + self.world_size = world_size + + # derive parameters + self.total_samples = len(dataset) + self.total_micro_batches = len(self.dataset) // self.micro_batch_size + self.total_micro_batches_per_data_parallel = ( + self.total_micro_batches // self.world_size + ) + self.usable_total_samples = ( + self.total_micro_batches_per_data_parallel + * self.micro_batch_size + * self.world_size + ) + assert ( + self.usable_total_samples > 0 + ), "not usable samples; this means that the dataset is too small for the provided data parallel size and micro batch size" + + def __len__(self): + return self.total_micro_batches + + def __iter__(self): + epoch = self.consumed_samples // self.usable_total_samples + consumed_samples_in_current_epoch = ( + self.consumed_samples % self.usable_total_samples + ) + remaining_samples_in_current_epoch = ( + self.usable_total_samples - consumed_samples_in_current_epoch + ) + + logger.info(f"creating new dataset shuffle index for epoch {epoch}") + logger.info(f"total_samples {self.total_samples}") + logger.info(f"micro_batch_size {self.micro_batch_size}") + logger.info(f"usable_total_samples {self.usable_total_samples}") + logger.info( + f"consumed_samples_in_current_epoch {consumed_samples_in_current_epoch}" + ) + logger.info( + f"remaining_samples_in_current_epoch {remaining_samples_in_current_epoch}" + ) + + # Set seed if not set already + self.dataset.set_seed(seed=self.seed + epoch) + + idx_range = ( + ( + torch.arange( + 0, + (remaining_samples_in_current_epoch // self.world_size), + dtype=torch.long, + ) + * self.world_size + ) + + torch.distributed.get_rank() + + consumed_samples_in_current_epoch + ) + + idx_range = idx_range.tolist() + if len(idx_range) % self.micro_batch_size != 0: + new_len = len(idx_range) - (len(idx_range) % self.micro_batch_size) + idx_range = idx_range[:new_len] + + batch = [] + # Last batch if not complete will be dropped. + for idx in idx_range: + batch.append(idx) + if len(batch) == self.micro_batch_size: + self.consumed_samples += self.micro_batch_size * self.world_size + yield batch + batch = [] + + +def collate( + x: List[EncodingTraining], + use_flash=True, + semaphore=None, + reset_attention_mask: bool = True, +): + result = EncodingBatchTraining.from_encodings( + x, reset_attention_mask=reset_attention_mask + ) + if use_flash: + seq_len = result.attention_mask.shape[2] + batch_size = result.attention_mask.shape[0] + + attention_mask = rearrange(result.attention_mask, "b s n h -> (b s) n h").to( + torch.int32 + ) + attention_mask = (1 - attention_mask).sum(dim=2) + + final_attention_mask = [] + for cur in (1 == attention_mask).nonzero(): + batch, index = cur + final_attention_mask.append((batch * seq_len + index).item()) + + if final_attention_mask[-1] != batch_size * seq_len: + final_attention_mask.append(batch_size * seq_len) + + final_attention_mask_tensor = ( + torch.tensor(final_attention_mask) + .to(torch.int32) + .to(result.attention_mask.device) + ) + result.attention_mask = final_attention_mask_tensor + + if semaphore: + semaphore.acquire() + return result + + +class DataLoader( + torch.utils.data.DataLoader +): # inherit and have another instance as a child to guarantee the interface of the DataLoader and instantiate from our parameters to initialize the data parallel sampler + """ + Generic base class to iterate over any given dataset which implements BaseDataset. + + The data loader + - is instantiated from a seed, the number of consumed samples, a micro batch size and a dataset + - implements an infinite iterator over the dataset + """ + + def __init__( + self, + seed: int, + consumed_samples: int, + dataset: TextDataset, + micro_batch_size: int, + world_size: int, + num_workers: int = 0, + pin_memory: bool = True, + use_flash: bool = True, + reset_attention_mask: bool = True, + ): + """ + seed (`int`) + seed used to shuffle the dataset + consumed_samples (`int`) + number of samples already consumed during training from the dataset + + dataset (`BaseDataset`) + dataset which implements the BaseDataset interface + """ + self.use_flash = use_flash + self.seed = seed + self.consumed_samples = consumed_samples + self.dataset = dataset + self.micro_batch_size = micro_batch_size + self.world_size = world_size + + assert ( + len(self.dataset) >= self.micro_batch_size + ), f"cannot instantiate data loader with micro_batch_size { self.micro_batch_size } because dataset has only length {len(self.dataset)}" + + batch_sampler = RandomSampler( + dataset=self.dataset, + seed=self.seed, + consumed_samples=self.consumed_samples, + micro_batch_size=self.micro_batch_size, + world_size=self.world_size, + ) + + self.semaphore = Semaphore(10) + + self.dataloader = torch.utils.data.DataLoader( + dataset=self.dataset, + batch_sampler=batch_sampler, + num_workers=num_workers, + collate_fn=partial( + collate, + use_flash=self.use_flash, + semaphore=self.semaphore, + reset_attention_mask=reset_attention_mask, + ), + pin_memory=pin_memory, + prefetch_factor=None, + ) + + self.iterator = self._iterate() + + def _iterate(self): + while True: + for item in self.dataloader: + self.semaphore.release() + yield item + + def __next__(self): + return next(self.iterator) diff --git a/src/trigram_tokenizer/data/dataset.py b/src/trigram_tokenizer/data/dataset.py new file mode 100644 index 0000000..1f911c0 --- /dev/null +++ b/src/trigram_tokenizer/data/dataset.py @@ -0,0 +1,209 @@ +from typing import Optional, List +import torch +from pydantic import Field +from pathlib import Path +from tokenizers import Tokenizer +import numpy as np +import json + +from ..config import BaseConfig + +from .memory_map import MemoryMap, MemoryMapBuilder +from .aligned_mmap import AlignedMMap + +from ..tokenizer import TrigramTokenizer, EncodingTraining, TrigramTokenizerConfig +from trigram_tokenizer.logging import logger + + +class TextDatasetConfig(BaseConfig): + seed: int = Field(42, description="") + + sequence_length: int = Field( + 2048, + description="Sequence length in number of tokens in one sample on which a train job is run; at inference time the seqence length of a sample should (usually) not be exceeded.", + ) + + prefix_paths: List[Path] = Field(description="") + + pretraining: bool = Field(True, description="") + + prefix_path_tokenizer_file: Path = Field(description="") + + reset_position_ids: bool = Field(True, description="") + + +class TextDataset(torch.utils.data.Dataset): + def __init__( + self, + config: TextDatasetConfig, + tokenizer_config: TrigramTokenizerConfig, + tokenizer: Optional[TrigramTokenizer] = None, + ): + self.config = config + if self.config.pretraining: + for prefix_path_index, prefix_path in enumerate(self.config.prefix_paths): + compute_index_on_rank = False + if torch.distributed.is_initialized(): + compute_index_on_rank = ( + prefix_path_index % torch.distributed.get_world_size() + == torch.distributed.get_rank() + ) + else: + compute_index_on_rank = True + + if compute_index_on_rank: + AlignedMMap.assert_index_exists(prefix_path=prefix_path) + + if torch.distributed.is_initialized(): + torch.distributed.barrier() + + _indexed_texts = list() + for prefix_path in self.config.prefix_paths: + indexed_text = AlignedMMap(file_path=prefix_path) + _indexed_texts.append(indexed_text) + + self.indexed_texts = _indexed_texts + self.storage_sizes = [len(it) for it in self.indexed_texts] + else: + self.memory_maps = [ + MemoryMap(prefix_path=prefix_path, load_index_to_memory=True) + for prefix_path in self.config.prefix_paths + ] + self.storage_sizes = [len(mmap) for mmap in self.memory_maps] + + self.seed: Optional[int] = None + self.random_index: np.ndarray + self.set_seed(seed=self.config.seed) + + if Path(self.config.prefix_path_tokenizer_file).is_file(): + self.prefix_path_tokenizer = Tokenizer.from_file( + str(self.config.prefix_path_tokenizer_file) + ) + + self.tokenizer = tokenizer or TrigramTokenizer.init(config=tokenizer_config) + + def close_all(self): + if self.config.pretraining: + for it in self.indexed_texts: + it.close() + + def open_all(self): + if self.config.pretraining: + for it in self.indexed_texts: + it.open() + + def __len__(self): + return len(self.random_index) + + def read_aligned_mmap_texts(self, idx: int): + idx = int(self.random_index[idx % len(self.random_index)]) + for indexed_text, indexed_text_size in zip( + self.indexed_texts, self.storage_sizes + ): + if idx > indexed_text_size - 1: + idx -= indexed_text_size + continue + all_texts = indexed_text[idx][2] + return all_texts + + def __getitem__(self, idx: int) -> EncodingTraining: + eot = None + if self.config.pretraining: + all_encodings: List[EncodingTraining] = [] + num_words = 0 + while num_words < self.config.sequence_length: + texts = self.read_aligned_mmap_texts(idx + len(all_encodings)) + for text in texts: + encoding = self.tokenizer.encode_training( + text=text + "<|endoftext|>", pad_to_seq_len=False + ) # do not pad here, this will be done in the concat! + num_words += len(encoding) + all_encodings.append(encoding) + + encoding = EncodingTraining.concat_encodings( + all_encodings, + seq_len=self.config.sequence_length, + eot=eot, + reset_position_ids=self.config.reset_position_ids, + ) + + return encoding + else: + idx = int(self.random_index[idx]) + for memory_map_size, memory_map in zip( + self.storage_sizes, self.memory_maps + ): + if idx > memory_map_size - 1: + idx -= memory_map_size + continue + + finetuning_bytes = memory_map[idx] + finetuning_str = finetuning_bytes.tobytes().decode("utf-8") + finetuning_list = json.loads(finetuning_str) + finetuning_texts: List[str] = list() + finetuning_loss_weights: List[float] = list() + for i in finetuning_list: + assert i["type"] == "text" + finetuning_texts.append(i["content"]) + finetuning_loss_weights.append(1.0 if i["has_loss"] else 0.0) + + assert not self.tokenizer.config.do_classic_tokenization + encoding = EncodingTraining.concat_encodings( + [ + self.tokenizer.encode_training_trigram( + text=finetuning_texts, + pad_to_seq_len=False, + text_loss_weights=finetuning_loss_weights, + ) + ], + seq_len=self.config.sequence_length, + ) + + return encoding + + raise RuntimeError("should not be here as one index should have fit") + + def save(self, dirname: Path): + dirname = Path(dirname) + dirname.mkdir(parents=True) + self.config.save(dirname / "config.yaml") + self.tokenizer.save(dirname=dirname / "tokenizer") + + @classmethod + def load(cls, dirname: Path): + dirname = Path(dirname) + config = TextDatasetConfig.from_yaml(dirname / "config.yaml") + tokenizer = TrigramTokenizer.load(dirname=dirname / "tokenizer") + + return cls(config, tokenizer.config, tokenizer) + + def set_seed(self, seed: int): + if self.seed is not None and self.seed == seed: + return + + self.seed = seed + + np_rng = np.random.RandomState(seed=seed) + random_index = np.arange(sum(self.storage_sizes)) + np_rng.shuffle(random_index) + self.random_index = random_index + + @staticmethod + def convert_finetuning_dataset_to_mmap(source_file: str, prefix_path: str): + mmap_builder = MemoryMapBuilder( + prefix_path=Path(prefix_path), + index_dtype=np.uint64, + dtype=np.uint8, + ) + + with open(source_file, "r", encoding="UTF-8") as f: + for line in f: + line = line.strip() + if line == "": + continue + + encoded = line.encode(encoding="utf-8") + byte_array = np.frombuffer(encoded, dtype=np.uint8) + mmap_builder.add(np_array=byte_array) + + mmap_builder.finalize() diff --git a/src/trigram_tokenizer/data/memory_map.py b/src/trigram_tokenizer/data/memory_map.py new file mode 100644 index 0000000..4c8d17c --- /dev/null +++ b/src/trigram_tokenizer/data/memory_map.py @@ -0,0 +1,257 @@ +import json +from pathlib import Path +from typing import Optional, Tuple + +import numpy as np + + +class MemoryMap: + """ + Dataset based on a memory map allowing for fast access to any data item + + We are using memory-mapped files because we want to access small segments of our large training files, + without reading the entire file into memory because those files are too large to fit into memory. + + Based on numpy.memmap: https://numpy.org/doc/stable/reference/generated/numpy.memmap.html + It creates an `ndarray` backed by a memory buffer that is mapped to a file. + """ + + def __init__(self, prefix_path: Path, load_index_to_memory: bool = False) -> None: + import atexit + + atexit.register(self.__del__) + + self.prefix_path = Path(prefix_path) + self.load_index_to_memory = load_index_to_memory + assert ( + self.file_path_data.is_file() + ), f"cannot initialize memory map, file not found: {self.file_path_data}" + assert ( + self.file_path_index.is_file() + ), f"cannot initialize memory map, file not found: {self.file_path_index}" + assert ( + self.file_path_meta.is_file() + ), f"cannot initialize memory map, file not found: {self.file_path_meta}" + self.initialize() + + def initialize(self): + # load index + meta_dict = json.loads(self.file_path_meta.read_text()) + + self.dtype = np.dtype(meta_dict["dtype"]) + + self.index_dtype = np.dtype(meta_dict["index_dtype"]) + + self.dtype_size = self.dtype.itemsize + self.index_dtype_size = self.index_dtype.itemsize + self.document_count = meta_dict["document_count"] + + # open memory map + self._bin_buffer = np.memmap( + self.file_path_data, mode="r", order="C", dtype=self.dtype + ) + self._bin_buffer_index = np.memmap( + self.file_path_index, mode="r", order="C", dtype=self.index_dtype + ) + self._index: Optional[np.ndarray] = None + if self.load_index_to_memory: + self._index = np.array( + np.frombuffer( + self._bin_buffer_index, + dtype=self.index_dtype, + count=2 * len(self), + offset=0, + ).reshape(len(self), 2) + ) + self._bin_buffer_index._mmap.close() + del self._bin_buffer_index + + @property + def file_path_data(self) -> Path: + """ + file name of the file containing data + """ + return Path(str(self.prefix_path) + ".bin") + + @property + def file_path_index(self) -> Path: + """ + file name of the file containing the index to data items + """ + return Path(str(self.prefix_path) + ".idx") + + @property + def file_path_meta(self) -> Path: + """ + file name of the file containing the index to data items + """ + return Path(str(self.prefix_path) + ".meta.json") + + def sizes(self, idx: Optional[int] = None) -> np.ndarray: + """ + token counts of the documents + """ + if self.load_index_to_memory: + assert self._index is not None + if idx is None: + return self._index[:, 1] + else: + return self._index[idx, 1] + else: + if idx is None: + sizes = np.zeros((len(self),), dtype=self.index_dtype) + for idx in range(len(self)): + size = np.frombuffer( + self._bin_buffer_index, + dtype=self.index_dtype, + count=1, + offset=int(idx * 2 + 1) * self.index_dtype_size, + ) + sizes[idx] = size + + return sizes + else: + size = np.frombuffer( + self._bin_buffer_index, + dtype=self.index_dtype, + count=1, + offset=int(idx * 2 + 1) * self.index_dtype_size, + ) + return np.array(size, dtype=self.index_dtype) + + def __del__(self): + if hasattr(self, "_bin_buffer"): + self._bin_buffer._mmap.close() + del self._bin_buffer + + if hasattr(self, "_bin_buffer_index"): + self._bin_buffer_index._mmap.close() + del self._bin_buffer_index + + def get_start_index_and_size(self, idx: int) -> Tuple[int, int]: + if self.load_index_to_memory: + assert self._index is not None + start_index, size = self._index[idx].tolist() + else: + start_index, size = np.frombuffer( + self._bin_buffer_index, + dtype=self.index_dtype, + count=2, + offset=int(idx * 2) * self.index_dtype_size, + ) + + return start_index, size + + def read_from_buffer(self, start_index: int, size: int): + np_array = np.frombuffer( + self._bin_buffer, + dtype=self.dtype, + count=int(size), + offset=int(start_index) * self.dtype_size, + ) + return np_array + + def __getitem__(self, idx: int): + if not isinstance(idx, int): + raise NotImplementedError + + assert ( + idx < self.document_count + ), f"cannot retrieve document idx {idx} from {self.document_count} documents" + start_index, size = self.get_start_index_and_size(idx=idx) + np_array = self.read_from_buffer(start_index=start_index, size=size) + return np_array + + def __len__(self): + return self.document_count + + def __iter__(self): + for i in range(len(self)): + yield self[i] + + +class MemoryMapBuilder(MemoryMap): + """ + Builder for a memory map allowing writes to the dataset + """ + + def __init__( + self, + prefix_path: Path, + dtype: object = np.int32, + index_dtype: object = np.int64, + ): + """ + data_prefix (`Path`) + path to a memory map + + dtype (`np.dtype`) + data type that the data will be stored in for the memory-mapped file so that we can build up a pointer to every data item + """ + self.prefix_path = prefix_path + self.dtype = dtype + self.index_dtype = index_dtype + self.initialize() + + def initialize(self): + assert ( + not self.file_path_data.is_file() + ), f"data file already exists: {self.file_path_data}" + assert ( + not self.file_path_index.is_file() + ), f"index file already exists: {self.file_path_index}" + assert ( + self.file_path_data.parent == self.file_path_index.parent + ), f"index file and data file are not in same directory" + + # create parent directory + self.file_path_data.parent.mkdir(exist_ok=True, parents=True) + + self.data_file = open(self.file_path_data, "wb") + self.index_file = open(self.file_path_index, "wb") + self.current_index = 0 + self.document_count = 0 + + def add(self, np_array: np.ndarray): + """ + adds an single one dimenional np array to the dataset + """ + assert len(np_array.shape) == 1, "cannot add arrays of more than one dimension" + np_array = np_array.astype(dtype=self.dtype) + self.data_file.write(np_array.tobytes(order="C")) + + document_length = len(np_array) + index_array = np.array([self.current_index, document_length]).astype( + self.index_dtype + ) + self.index_file.write(index_array.tobytes(order="C")) + self.current_index += document_length + self.document_count += 1 + + def finalize(self): + """ + finalizes the creation of the dataset by closing the data file and writing the index + """ + self.data_file.close() + self.index_file.close() + + index_dict = { + "dtype": np.dtype(self.dtype).name, + "index_dtype": np.dtype(self.index_dtype).name, + "document_count": self.document_count, + } + json.dump(index_dict, open(self.file_path_meta, "w")) + + def __del__(self): + if hasattr(self, "data_file"): + self.data_file.close() + if hasattr(self, "index_file"): + self.index_file.close() + + +if __name__ == "__main__": + import sys + + mm = MemoryMap(Path(sys.argv[1])) + print(len(mm)) + print(mm[0]) diff --git a/src/trigram_tokenizer/determined/__init__.py b/src/trigram_tokenizer/determined/__init__.py new file mode 100644 index 0000000..b9ad190 --- /dev/null +++ b/src/trigram_tokenizer/determined/__init__.py @@ -0,0 +1 @@ +from .core import init diff --git a/src/trigram_tokenizer/determined/core.py b/src/trigram_tokenizer/determined/core.py new file mode 100644 index 0000000..af8dcea --- /dev/null +++ b/src/trigram_tokenizer/determined/core.py @@ -0,0 +1,19 @@ +import determined as det + + +def init(*args, **kwargs): + """ + Wrapper around det.core.init, with specific arguments + we want to control set for any project using + aleph-alpha-scaling. + + The manual mode (det.core._tensorboard_mode.TensorboardMode.MANUAL) allows the user + full control of when tensorboard files are flushed. The default (AUTO) writes way too + many files, which makes the filesystem brittle. + """ + assert ( + "tensorboard_mode" not in kwargs + ), "We don't allow any overwrite for tensorboard_mode" + kwargs = dict(kwargs) + kwargs["tensorboard_mode"] = det.core._tensorboard_mode.TensorboardMode.MANUAL + return det.core.init(*args, **kwargs) diff --git a/src/trigram_tokenizer/determined/utils.py b/src/trigram_tokenizer/determined/utils.py new file mode 100644 index 0000000..4141bcd --- /dev/null +++ b/src/trigram_tokenizer/determined/utils.py @@ -0,0 +1,38 @@ +import contextlib +import faulthandler + +import determined as det # type: ignore +import determined.profiler # type: ignore +from determined.core._context import Context as DeterminedContext # type: ignore +from determined._experiment_config import ExperimentConfig as DeterminedExperimentConfig # type: ignore +from determined import ClusterInfo # type: ignore + + +@contextlib.contextmanager +def maybe_periodic_stacktraces(debug_enabled): + if debug_enabled: + faulthandler.dump_traceback_later(30, repeat=True) + try: + yield + finally: + if debug_enabled: + faulthandler.cancel_dump_traceback_later() + + +def determined_profiler_from_ctx( + ctx: DeterminedContext, + config_determined: DeterminedExperimentConfig, + info: ClusterInfo, +) -> "determined.profiler.ProfilerAgent": + begin_on_batch, end_after_batch = config_determined.profiling_interval() + return determined.profiler.ProfilerAgent( + trial_id=str(ctx.train._trial_id), + agent_id=info.agent_id, + master_url=info.master_url, + profiling_is_enabled=config_determined.profiling_enabled(), + global_rank=ctx.distributed.get_rank(), + local_rank=ctx.distributed.get_local_rank(), + begin_on_batch=begin_on_batch, + end_after_batch=end_after_batch, + sync_timings=config_determined.profiling_sync_timings(), + ) diff --git a/src/trigram_tokenizer/inference/__init__.py b/src/trigram_tokenizer/inference/__init__.py new file mode 100644 index 0000000..b9070e6 --- /dev/null +++ b/src/trigram_tokenizer/inference/__init__.py @@ -0,0 +1 @@ +from .inference_pipe import InferencePipe diff --git a/src/trigram_tokenizer/inference/inference_pipe.py b/src/trigram_tokenizer/inference/inference_pipe.py new file mode 100644 index 0000000..50ecddf --- /dev/null +++ b/src/trigram_tokenizer/inference/inference_pipe.py @@ -0,0 +1,304 @@ +from typing import Union, Optional, List, Dict, NamedTuple +from pathlib import Path + +import torch + +from trigram_tokenizer.tokenizer import ( + TrigramTokenizer, + EncodingBatchInference, + EncodingInference, +) +from trigram_tokenizer.transformer import TransformerLMHeadModel +from trigram_tokenizer.logging import logger +from trigram_tokenizer.tokenizer.wordsplit import words_to_text + + +class GenerationResult(NamedTuple): + uuid: str + completion: str + token_ids: List[int] + tokens: List[str] + tokens_count_training: List[Optional[int]] + logits: List[Optional[torch.Tensor]] + log_probs: Optional[Optional[List[Dict[str, float]]]] + prompt_token_count_training: List[Optional[int]] + + +class InferencePipe: + def __init__( + self, + checkpoint_dir: Union[Path, str], + device: Optional[Union[str, torch.device]] = None, + reduce_tokenizer_words_to: Optional[int] = None, + words_target_dir: Optional[Union[str, Path]] = None, + top_word_dict: Optional[Union[str, Path]] = None, + overwrite_values: dict = {}, + ): + self.checkpoint_dir = Path(checkpoint_dir) + logger.info(f"InferencePipe loading from {self.checkpoint_dir}") + self.device = ( + ("cuda" if torch.cuda.is_available() else "cpu") + if device is None + else device + ) + logger.info(f"InferencePipe setting device {self.device}") + logger.info( + f"InferencePipe loading Transformer {self.checkpoint_dir / 'transformer'}" + ) + overwrite_values.update({"use_flash": False}) + self.transformer: TransformerLMHeadModel = ( + TransformerLMHeadModel.load( + self.checkpoint_dir / "transformer", + device=self.device, + overwrite_values=overwrite_values, + ) + .eval() + .cuda() + ) + logger.info( + f"InferencePipe loading TrigramTokenizer {self.checkpoint_dir / 'tokenizer'}" + ) + self.tokenizer: TrigramTokenizer = TrigramTokenizer.load( + self.checkpoint_dir / "tokenizer", + reduce_tokenizer_words_to=reduce_tokenizer_words_to, + words_target_dir=words_target_dir, + top_word_dict=top_word_dict, + ) + logger.info(f"InferencePipe loaded") + + assert self.transformer.config.vocab_size == self.tokenizer.config.vocab_size + assert ( + self.transformer.config.sequence_length + == self.tokenizer.config.sequence_length + ) + + @torch.no_grad() + def generate( + self, + prompt: str = "", + encoding: Optional[EncodingInference] = None, + max_tokens: int = 16, + echo: bool = False, + log_probs: Optional[int] = None, + uuid: str = "", + abort_eot: bool = True, + stop_word: Optional[str] = None, + more_words: Optional[str] = None, + ): + token_id_result = list() + tokens_result = list() + tokens_count_training: List[Optional[int]] = list() + prompt_token_count_training: List[Optional[int]] = list() + logits_result: List[Optional[torch.Tensor]] = list() + log_probs_result: Optional[List[Dict[str, float]]] = None + if log_probs is not None: + log_probs_result = list() + + # prefill stage + if encoding is not None: + assert prompt == "" + else: + encoding = self.tokenizer.encode(text=prompt) + batch = EncodingBatchInference.from_encodings([encoding]) + seq_len_decode = batch.position_ids.shape[1] + logits, kv_cache = self.transformer( + trigram_set_position_ids=batch.trigram_set_position_ids.detach().to( + self.device + ), + trigram_token_ids=batch.trigram_token_ids.detach().to(self.device), + trigram_token_ids_offsets=batch.trigram_token_ids_offsets.detach().to( + self.device + ), + position_ids=batch.position_ids.detach().to(self.device).to(torch.long), + attention_mask=batch.attention_mask.detach().to(self.device), + kv_cache=dict(), + ) + if self.tokenizer.config.do_classic_tokenization: + prompt_token_count_training = [] + else: + prompt_token_count_training = [ + self.tokenizer.word_counter_full.get(w, 0) for w in encoding.words + ] + + if echo: + if self.tokenizer.config.do_classic_tokenization: + token_id_result = self.tokenizer.classic_tokenizer.encode(prompt).ids + tokens_result = [ + self.tokenizer.classic_tokenizer.decode([token_id]) + for token_id in token_id_result + ] + tokens_count_training = [None for _ in tokens_result] + + else: + token_id_result = [-1 for w in encoding.words] + tokens_result = [f"{w}" for w in encoding.words] + tokens_count_training = [ + self.tokenizer.word_counter_full.get(w, 0) for w in tokens_result + ] + + logits_result.append(None) # first token does not get logits + if log_probs is not None: + assert log_probs_result is not None + log_probs_result.append({}) # first token does not get log probs + + decode_result = self.tokenizer.decode( + logits=logits[0, : len(encoding.words) - 1, :], + log_probs=log_probs, + target_words=encoding.words[1:], + more_words=more_words or prompt, + ) + + logits_result.extend(decode_result.logits) + if log_probs is not None: + assert decode_result.log_probs is not None + assert log_probs_result is not None + log_probs_result.extend(decode_result.log_probs) + + if max_tokens > 0: + decode_result = self.tokenizer.decode( + logits=logits[0, -1:, :], + log_probs=log_probs, + more_words=more_words or prompt, + ) + assert len(decode_result.word_indices) == 1 + token_id_result.append(decode_result.word_indices[0]) + assert len(decode_result.words) == 1 + tokens_result.append(decode_result.words[0]) + tokens_count_training.append(decode_result.words_count_training[0]) + + if log_probs is not None: + assert decode_result.log_probs is not None + assert len(decode_result.log_probs) == 1 + assert log_probs_result is not None + log_probs_result.append(decode_result.log_probs[0]) + + assert len(decode_result.logits) == 1 + logits_result.append(decode_result.logits[0]) + + # decode + if not (decode_result.words[0] == self.tokenizer.config.end_of_text): + for _ in range(max_tokens - 1): + seq_len_decode += 1 + + if self.tokenizer.config.do_classic_tokenization: + dummybatch = EncodingBatchInference.from_encodings( + [encoding], + pad_attention_mask_to=seq_len_decode, + ) + logits, kv_cache = self.transformer( + trigram_set_position_ids=torch.tensor([0]).to(self.device), + trigram_token_ids=torch.tensor( + [[decode_result.word_indices[0]]] + ).to(self.device), + trigram_token_ids_offsets=torch.tensor([[0, 1]]).to( + self.device + ), + position_ids=torch.tensor( + [[seq_len_decode - 1]], + device=self.device, + dtype=torch.long, + ), + attention_mask=dummybatch.attention_mask[ + :, + :, + dummybatch.attention_mask.shape[2] + - 1 : dummybatch.attention_mask.shape[2], + :, + ] + .detach() + .to(self.device), + kv_cache=kv_cache, + ) + decode_result = self.tokenizer.decode( + logits=logits[0, -1:, :], + log_probs=log_probs, + more_words=more_words or prompt, + ) + else: + next_word = decode_result.words[0] + + if next_word == "": + logger.info(" >> abort - got a nile word") + break + + encoding = self.tokenizer.encode(text=next_word) + batch = EncodingBatchInference.from_encodings( + [encoding], + pad_attention_mask_to=seq_len_decode, + ) + logits, kv_cache = self.transformer( + trigram_set_position_ids=batch.trigram_set_position_ids.detach().to( + self.device + ), + trigram_token_ids=batch.trigram_token_ids.detach().to( + self.device + ), + trigram_token_ids_offsets=batch.trigram_token_ids_offsets.detach().to( + self.device + ), + position_ids=torch.tensor( + [[seq_len_decode - 1]], + device=self.device, + dtype=torch.long, + ), + attention_mask=batch.attention_mask[ + :, + :, + batch.attention_mask.shape[2] + - 1 : batch.attention_mask.shape[2], + :, + ] + .detach() + .to(self.device), + kv_cache=kv_cache, + ) + decode_result = self.tokenizer.decode( + logits=logits[0, -1:, :], + log_probs=log_probs, + more_words=more_words or prompt, + ) + + assert len(decode_result.word_indices) == 1 + token_id_result.append(decode_result.word_indices[0]) + assert len(decode_result.words) == 1 + tokens_result.append(decode_result.words[0]) + tokens_count_training.append(decode_result.words_count_training[0]) + + if log_probs is not None: + assert decode_result.log_probs is not None + assert len(decode_result.log_probs) == 1 + assert log_probs_result is not None + log_probs_result.append(decode_result.log_probs[0]) + + assert len(decode_result.logits) == 1 + logits_result.append(decode_result.logits[0]) + + if abort_eot and ( + decode_result.words[0] == self.tokenizer.config.end_of_text + ): + break + + if stop_word is not None and (decode_result.words[0] == stop_word): + break + + if self.tokenizer.config.do_classic_tokenization: + completion_result = self.tokenizer.classic_tokenizer.decode(token_id_result) + else: + completion_result = words_to_text(tokens_result) + + assert len(token_id_result) == len(tokens_result) + assert len(token_id_result) == len(logits_result) + if log_probs: + assert log_probs_result is not None + assert len(token_id_result) == len(log_probs_result) + + return GenerationResult( + uuid=uuid, + completion=completion_result, + token_ids=token_id_result, + tokens=tokens_result, + tokens_count_training=tokens_count_training, + logits=logits_result, + log_probs=log_probs_result, + prompt_token_count_training=prompt_token_count_training, + ) diff --git a/src/trigram_tokenizer/logging/__init__.py b/src/trigram_tokenizer/logging/__init__.py new file mode 100644 index 0000000..57ff838 --- /dev/null +++ b/src/trigram_tokenizer/logging/__init__.py @@ -0,0 +1 @@ +from .logging import Logger, logger, LoggerConfig, LogLevel diff --git a/src/trigram_tokenizer/logging/logging.py b/src/trigram_tokenizer/logging/logging.py new file mode 100644 index 0000000..1270c39 --- /dev/null +++ b/src/trigram_tokenizer/logging/logging.py @@ -0,0 +1,454 @@ +from typing import Optional, Dict, Any, List +import logging +import copy +import json +import subprocess +import os +import requests # type: ignore +import socket + +from enum import Enum +from pydantic import Field, root_validator +from pathlib import Path +from datetime import datetime +from dateutil.parser import parse # type: ignore + +try: + from determined.core._context import Context as DeterminedContext # type: ignore + from determined.profiler import ProfilerAgent as DeterminedProfilerAgent # type: ignore +except ImportError: + print("WARNING: determined not installed, skipping") + DeterminedContext = None # type: ignore + DeterminedProfilerAgent = None # type: ignore + +import wandb + +import torch + +from ..config import BaseConfig + +# On top of the config, we have another variable to check if we *really* want tensorboard enabled. +# The reasoning is that tensorboard is that we already store the data in other sinks so we are +# having the metrics data written 3 times at least. On top of that, the determined implementation +# of tensorboard seems to be writing way too many files, which makes backing up our disk brittle. +# So, in the rare case of needing to have tensorboard (we have wandb and determined metrics), this +# environment variable needs to be correctly set, otherwise we won't save tensorboard metrics. +ENABLE_TENSORBOARD_ENV_VAR = "SCALING_ENABLE_TENSORBOARD" + + +class LogLevel(Enum): + DEBUG = "debug" + INFO = "info" + WARNING = "warning" + ERROR = "error" + CRITICAL = "critical" + + +class ColorFormatter(logging.Formatter): + grey = "\x1b[38;20m" + blue = "\x1b[33;94m" + green = "\x1b[33;92m" + yellow = "\x1b[33;20m" + red = "\x1b[31;20m" + bold_red = "\x1b[31;1m" + reset = "\x1b[0m" + + COLORS = { + logging.DEBUG: grey, + logging.INFO: grey, + logging.WARNING: yellow, + logging.ERROR: red, + logging.CRITICAL: bold_red, + } + + def __format(self, record): + log_fmt = self.FORMATS.get(record.levelno) + formatter = logging.Formatter(log_fmt) + return formatter.format(record) + + def format(self, record): + """ + Format the specified record as text. + + The record's attribute dictionary is used as the operand to a + string formatting operation which yields the returned string. + Before formatting the dictionary, a couple of preparatory steps + are carried out. The message attribute of the record is computed + using LogRecord.getMessage(). If the formatting string uses the + time (as determined by a call to usesTime(), formatTime() is + called to format the event time. If there is exception information, + it is formatted using formatException() and appended to the message. + """ + + record.message = record.getMessage() + if self.usesTime(): + record.asctime = self.formatTime(record, self.datefmt) + s = self.formatMessage(record) + if record.exc_info: + # Cache the traceback text to avoid converting it multiple times + # (it's constant anyway) + if not record.exc_text: + record.exc_text = self.formatException(record.exc_info) + if record.exc_text: + if s[-1:] != "\n": + s = s + "\n" + s = s + record.exc_text + if record.stack_info: + if s[-1:] != "\n": + s = s + "\n" + s = s + self.formatStack(record.stack_info) + + color = self.COLORS.get(record.levelno) + if color is None: + return s + else: + return f"{color}{s}{self.reset}" + + +class LoggerConfig(BaseConfig): + log_level: LogLevel = Field(LogLevel.INFO, description="") + + log_dir: Optional[Path] = Field(None, description="") + + metrics_ranks: Optional[List[int]] = Field( + None, + description="define the global ranks of process to write metrics. If the list is ommitted or None only rank 0 will write metrics.", + ) + + use_wandb: bool = Field(False, description="") + wandb_ranks: Optional[List[int]] = Field( + None, + description="define the global ranks of process to write to wandb. If the list is ommitted or None only rank 0 will write to wandb.", + ) + + wandb_host: str = Field("https://api.wandb.ai", description="url of the wandb host") + wandb_team: str = Field( + "aleph-alpha", description="Team name for Weights and Biases." + ) + wandb_project: str = Field("trigram-tokenizer", description="wandb project name") + wandb_group: str = Field("debug", description="wandb project name") + wandb_api_key: Optional[str] = Field( + None, + description="set wandb api key in order not to perform a wandb login first", + ) + + use_tensorboard: bool = Field(False, description="") + tensorboard_ranks: Optional[List[int]] = Field( + None, + description="define the global ranks of process to write to tensorboard. If the list is ommitted or None only rank 0 will write to tensorboard.", + ) + + determined_metrics_ranks: Optional[List[int]] = Field( + None, + description="define the global ranks of process to write metrics to determined. If the list is ommitted or None only rank 0 will write to determined.", + ) + + @root_validator(pre=True) + def add_dates_to_values(cls, values: Dict[Any, Any]) -> Dict[Any, Any]: + log_dir = values.get("log_dir") + if log_dir is not None: + log_dir = Path(log_dir) + if not is_date(log_dir.name): + log_dir = log_dir / datetime.now().strftime("%Y-%m-%d-%H-%M-%S") + values["log_dir"] = log_dir + + wandb_group = values.get("wandb_group") + if wandb_group is not None: + if not is_date(wandb_group.split("-")[-1]): + wandb_group += "-" + datetime.now().strftime("%Y-%m-%d-%H-%M-%S") + values["wandb_group"] = wandb_group + + return values + + +def is_date(string, fuzzy=False): + """ + Return whether the string can be interpreted as a date. + + :param string: str, string to check for date + :param fuzzy: bool, ignore unknown tokens in string if True + """ + try: + parse(string, fuzzy=fuzzy) + return True + + except ValueError: + return False + + +def command_exists(cmd): + result = subprocess.Popen(f"type {cmd}", stdout=subprocess.PIPE, shell=True) + return result.wait() == 0 + + +def git_info(): + git_hash_cmd = "git rev-parse --short HEAD" + git_branch_cmd = "git rev-parse --abbrev-ref HEAD" + if command_exists("git"): + try: + result = subprocess.check_output(git_hash_cmd, shell=True) + git_hash = result.decode("utf-8").strip() + result = subprocess.check_output(git_branch_cmd, shell=True) + git_branch = result.decode("utf-8").strip() + except subprocess.CalledProcessError: + git_hash = "unknown" + git_branch = "unknown" + else: + git_hash = "unknown" + git_branch = "unknown" + + return { + "git_hash": git_hash, + "git_branch": git_branch, + } + + +def get_wandb_api_key(config: LoggerConfig): + """Get Weights and Biases API key from ENV or .netrc file. Otherwise return None""" + if "WANDB_LOCAL" in os.environ: + return "LOCAL" + + wandb_token = requests.utils.get_netrc_auth(config.wandb_host) + if wandb_token is not None: + return wandb_token[1] + + return None + + +def init_wandb(config: LoggerConfig, global_rank: Optional[int]): + # try and get key + wandb_api_key = config.wandb_api_key or get_wandb_api_key(config=config) + if wandb_api_key is None: + return False + + os.environ["WANDB_BASE_URL"] = config.wandb_host + os.environ["WANDB_API_KEY"] = wandb_api_key + group_name = config.wandb_group + name = f"{socket.gethostname()}-{global_rank}" if group_name else None + success = True + try: + wandb.init( + project=config.wandb_project, + group=group_name, + name=name, + save_code=False, + force=False, + entity=config.wandb_team, + ) + except wandb.UsageError as e: + success = False + + return success + + +class Logger: + def __init__(self): + self._tensorboard_writer = None + self._use_tensorboard = False + self._use_wandb = False + self._use_determined_metrics = False + self._write_metrics = True + + self._logger = logging.getLogger(name="trigram-tokenizer") + self._handler = logging.StreamHandler() + self._file_handler = None + self.set_formatter() + self._logger.addHandler(self._handler) + self.set_level(LogLevel.INFO) + + def set_level(self, log_level: LogLevel): + level = logging.DEBUG + if log_level == log_level.INFO: + level = logging.INFO + if log_level == log_level.WARNING: + level = logging.WARNING + if log_level == log_level.ERROR: + level = logging.ERROR + if log_level == log_level.CRITICAL: + level = logging.CRITICAL + self._logger.setLevel(level) + self._handler.setLevel(level) + + def set_formatter(self, name: Optional[str] = None): + if name is None: + formatter = ColorFormatter("[%(asctime)s] [%(levelname)s] %(message)s") + else: + formatter = ColorFormatter( + f"[%(asctime)s] [%(levelname)s] [{name}] %(message)s" + ) + self._handler.setFormatter(formatter) + if self._file_handler is not None: + self._file_handler.setFormatter(formatter) + + def configure( + self, + config: LoggerConfig, + name: Optional[str] = None, + global_rank: Optional[int] = None, + use_determined: bool = False, + determined_context: Optional[DeterminedContext] = None, + determined_profiler: Optional[DeterminedProfilerAgent] = None, + ): + self.set_level(config.log_level) + self._use_determined = use_determined + self.determined_context = determined_context + self.determined_profiler = determined_profiler + + if config.log_dir is not None: + # configure for distributed logging to files + config.log_dir.mkdir(exist_ok=True, parents=True) + self._file_handler = logging.FileHandler( + filename=str(config.log_dir.absolute() / f"log_{name}.log") + ) + self._logger.addHandler(self._file_handler) + + # configure tensorboard + if ( + bool(os.getenv(ENABLE_TENSORBOARD_ENV_VAR, False)) + and config.use_tensorboard + and global_rank is not None + and ( + (config.tensorboard_ranks is None and global_rank == 0) + or ( + config.tensorboard_ranks is not None + and global_rank in config.tensorboard_ranks + ) + ) + ): + self._use_tensorboard = True + if self._use_determined: + from determined.tensorboard.metric_writers.pytorch import TorchWriter # type: ignore + + wrapped_writer = TorchWriter() + self._tensorboard_writer = wrapped_writer.writer + else: + from torch.utils.tensorboard import SummaryWriter + + self._tensorboard_writer = SummaryWriter( + log_dir=str(config.log_dir / "tensorboard") + ) + + # configure wandb + if ( + config.use_wandb + and global_rank is not None + and ( + (config.wandb_ranks is None and global_rank == 0) + or ( + config.wandb_ranks is not None and global_rank in config.wandb_ranks + ) + ) + ): + self._use_wandb = init_wandb(config=config, global_rank=global_rank) + + # configure determined metrics + if ( + self._use_determined + and global_rank is not None + and ( + (config.determined_metrics_ranks is None and global_rank == 0) + or ( + config.determined_metrics_ranks is not None + and global_rank in config.determined_metrics_ranks + ) + ) + ): + self._use_determined_metrics = True + + # Write metrics for rank 0 if metrics ranks not set or if rank is included in metrics ranks + if global_rank is not None and ( + (config.metrics_ranks is None and global_rank == 0) + or ( + config.metrics_ranks is not None and global_rank in config.metrics_ranks + ) + ): + self._write_metrics = True + else: + self._write_metrics = False + + self.set_formatter(name=name) + + def debug(self, msg: object): + self._logger.debug(msg=msg) + + def info(self, msg: object): + self._logger.info(msg=msg) + + def warning(self, msg: object): + self._logger.warning(msg=msg) + + def error(self, msg: object): + self._logger.error(msg=msg) + + def critical(self, msg: object): + self._logger.critical(msg=msg) + + def report_memory(self, name): + """Simple GPU memory report.""" + mega_bytes = 1024.0 * 1024.0 + string = name + " memory (MB)" + string += " | allocated: {}".format(torch.cuda.memory_allocated() / mega_bytes) + string += " | max allocated: {}".format( + torch.cuda.max_memory_allocated() / mega_bytes + ) + string += " | reserved: {}".format(torch.cuda.memory_reserved() / mega_bytes) + string += " | max reserved: {}".format( + torch.cuda.max_memory_reserved() / mega_bytes + ) + self.info(string) + + def log_metrics(self, metrics: Dict[str, Any], step: int): + if self._write_metrics: + self.info(json.dumps(metrics)) + + # report training metrics to determined + if self._use_determined_metrics: + determined_metrics = dict( + { + k: (v.item() if isinstance(v, torch.Tensor) else v) + for k, v in metrics.items() + } + ) + assert self.determined_context is not None + + determined_evaluation_metrics: Dict[str, Any] = { + k: v + for k, v in determined_metrics.items() + if k.startswith("evaluation") + } + determined_training_metrics: Dict[str, Any] = { + k: v + for k, v in determined_metrics.items() + if not k.startswith("evaluation") + } + + self.determined_context.train.report_training_metrics( + steps_completed=step, metrics=determined_training_metrics + ) + + self.determined_context.train.report_validation_metrics( + steps_completed=step, metrics=determined_evaluation_metrics + ) + + if self._use_wandb: + wandb.log(metrics, step=step) + + if self._use_tensorboard and self._tensorboard_writer is not None: + for k, v in metrics.items(): + self._tensorboard_writer.add_scalar(k, v, step) + self._tensorboard_writer.flush() + + def log_config(self, config: BaseConfig): + config_dict = copy.deepcopy(config.as_dict()) + self.log_config_dict(config_dict=config_dict) + + def log_config_dict(self, config_dict: Dict): + if self._use_wandb: + wandb.config.update(config_dict, allow_val_change=True) + + if self._use_tensorboard and self._tensorboard_writer is not None: + for name, value in config_dict.items(): + self._tensorboard_writer.add_text(name, str(value)) + + +logger = Logger() diff --git a/src/trigram_tokenizer/optimizer/__init__.py b/src/trigram_tokenizer/optimizer/__init__.py new file mode 100644 index 0000000..fe78066 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/__init__.py @@ -0,0 +1,14 @@ +from .base import BaseOptimizer, OptimizerStepOutput +from .learning_rate_scheduler import ( + LearningRateSchedulerConfig, + LearningRateDecayStyle, + LearningRateScheduler, +) +from .adamw import ( + AdamWOptimizer, + AdamWOptimizerConfig, + AdamWOptimizerParamGroupConfig, + AdamWParameterGroup, + LossScaler, + LossScalerConfig, +) diff --git a/src/trigram_tokenizer/optimizer/adamw/__init__.py b/src/trigram_tokenizer/optimizer/adamw/__init__.py new file mode 100644 index 0000000..f850e81 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/adamw/__init__.py @@ -0,0 +1,6 @@ +from .adamw_parameter_group import AdamWOptimizerParamGroupConfig, AdamWParameterGroup +from .adamw import ( + AdamWOptimizer, + AdamWOptimizerConfig, +) +from .loss_scaler import LossScaler, LossScalerConfig diff --git a/src/trigram_tokenizer/optimizer/adamw/adamw.py b/src/trigram_tokenizer/optimizer/adamw/adamw.py new file mode 100644 index 0000000..40fa5e0 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/adamw/adamw.py @@ -0,0 +1,805 @@ +from typing import List, Dict, Union, Tuple +import collections +import math +import copy +from pydantic import Field +from pathlib import Path + + +import torch + +from trigram_tokenizer.logging import logger + +from ..base import BaseOptimizer, BaseConfig, OptimizerStepOutput +from .loss_scaler import LossScaler, LossScalerConfig + +from ..allreduce import allreduce_no_retain +from .adamw_parameter_group import ( + AdamWParameterGroup, + flatten_dense_tensors_aligned, + NCCL_START_ALIGNMENT_FACTOR, + get_data_parallel_partitions, +) +from ..parameter_meta import ParameterMeta + + +class AdamWOptimizerConfig(BaseConfig): + beta1: float = Field( + 0.9, + description="First coefficient used for computing running averages of gradient and its square", + ) + + beta2: float = Field( + 0.95, + description="Second coefficient used for computing running averages of gradient and its square", + ) + + eps: float = Field( + 1e-8, + description="term added to the denominator to improve numerical stability (default: 1e-8)", + ) + + gradient_clipping: float = Field( + 0.0, description="clip global l2 grads to this value, deactivate if 0.0", ge=0.0 + ) + + allreduce_bucket_size: int = Field( + 500000000, description="number of floating points to allreduce in one go", gt=0 + ) + + loss_scaler: LossScalerConfig = Field( + LossScalerConfig( + enable=False, + initial_scale=2.0**32, + window=1000, + hysteresis=2, + consecutive_hysteresis=False, + min_scale=1.0, + factor=2.0, + ), + description="Configuration of the loss scaler", + ) + + zero: bool = Field(False, description="enable zero stage 1 optimizer") + + zero_save_static: bool = Field( + False, + description="Save zero state dict without merging parameters and optimizer states. This may be used in large scale trainings to save and load checkpoints faster and not run oom.", + ) + + debug_log: bool = Field(False) + + +class AdamWOptimizer(BaseOptimizer): + def __init__( + self, + config: AdamWOptimizerConfig, + parameter_groups: List[AdamWParameterGroup], + ): + """ + Wrapper around AdamW Optimizer taking care of parallelization + """ + self.config = config + self.parameter_groups = parameter_groups + + self._assert_no_parameter_duplicates() + + for parameter_group in self.parameter_groups: + parameter_group.initialize(zero=self.config.zero) + + self.optimizer = torch.optim.AdamW( + [p.parameter_dict for p in self.parameter_groups], + betas=(self.config.beta1, self.config.beta2), + eps=self.config.eps, + ) + + # initialize all parameter groups with step + self.step_index: int = 0 + + # loss scaler + self.loss_scaler = LossScaler( + config=config.loss_scaler, parameter_groups=self.parameter_groups + ) + + @staticmethod + def named_parameters_with_meta( + model: torch.nn.Module, + ): + named_parameters_with_meta = list() + for parameter_name, parameter in model.named_parameters(): + if not hasattr(parameter, "parameter_meta"): + ParameterMeta.register_on_parameter( + parameter=parameter, + layer_index=0, + parameter_name=parameter_name, + ) + meta: ParameterMeta = parameter.parameter_meta # type: ignore + named_parameters_with_meta.append((parameter_name, parameter, meta)) + return named_parameters_with_meta + + def _assert_no_parameter_duplicates(self): + counter = collections.Counter() + id_to_name = dict() + for parameter_group in self.parameter_groups: + for name, parameter in zip( + parameter_group.parameter_names, + parameter_group.parameters_original, + ): + counter[id(parameter)] += 1 + id_to_name[id(parameter)] = name + + parameters_occuring_more_than_once = [ + id_to_name[id] for id, count in counter.items() if count > 1 + ] + assert ( + len(parameters_occuring_more_than_once) == 0 + ), f"parameters occuring more than once: {parameters_occuring_more_than_once}" + + def zero_grad(self, set_to_none: bool = True): + """ + Zero half precision parameter grads. + """ + for parameter_group in self.parameter_groups: + parameter_group.zero_grad(set_to_none=set_to_none) + + def backward(self, loss: torch.Tensor): + """ + execute backward pass on loss and potentially add loss scaling + """ + # scale for gradient accumulation steps + loss = loss.float() + loss = self.loss_scaler.scale_loss(loss=loss) + loss.backward() + + def step(self): + """ + Do a model step, this optimizes model parameters and zeros gradients + """ + + # remember the last step taken + self.step_index += 1 + + # give dummy parameters a grad + for parameter_group in self.parameter_groups: + parameter_group.set_dummy_grad() + + # apply loss scaler and potentially skip step + loss_scaler_output = self.loss_scaler.step() + if loss_scaler_output.overflow is not None and loss_scaler_output.overflow: + logger.warning(f"loss scaler encountered overflow, skipping step") + self.zero_grad(set_to_none=True) + return OptimizerStepOutput( + global_grad_norm=None, + global_grad_norm_clipped=None, + learning_rates=None, + overflow=loss_scaler_output.overflow, + no_overflow_steps=loss_scaler_output.no_overflow_steps, + current_loss_scale=loss_scaler_output.current_loss_scale, + debug_dict=None, + ) + + # Allreduce gradients over dp copies + # this assumes that the prequel moved gradients to the full precision to be optimized copies + # in order not to create redundant copies in full precision, zero reduces grads on the original parameters + # communication will happen in full precision in case of bfloat + if self.config.zero: + self.allreduce_gradients(optimized_grads=False) + global_grad_norm = self.scale_grads_and_get_global_grad_norm( + optimized_grads=False + ) + + if self.config.debug_log: + assert self.config.zero + debug_dict = dict() + for param_group in self.parameter_groups: + for param in param_group.parameters_original: + param_name = f"{param.parameter_meta.parameter_name}-layer-{param.parameter_meta.layer_index}" + if param.grad is not None: + debug_dict[f"debug/{param_name}-grad-norm"] = float( + param.grad.norm().item() + ) + debug_dict[f"debug/{param_name}-norm"] = float(param.norm().item()) + debug_dict[f"debug/{param_name}-pct-zero"] = 1.0 - float( + (param.count_nonzero() / param.numel()).item() + ) + + else: + debug_dict = None + + # Step in learning rate scheduler + # This will be setting the learning rate for the current step and + # move gradients to full precision parameter copies + # for zero this moves gradients the local copies + for param_group in self.parameter_groups: + param_group.step_prequel(step_index=self.step_index) + + # Allreduce gradients over dp copies + # this assumes that the prequel moved gradients to the full precision to be optimized copies + if not self.config.zero: + self.allreduce_gradients(optimized_grads=True) + global_grad_norm = self.scale_grads_and_get_global_grad_norm( + optimized_grads=True + ) + + # Clip gradients + was_clipped = self.clip_gradients(global_grad_norm=global_grad_norm) + global_grad_norm_clipped = ( + None # cannot be done with gradients being released immediatelly + ) + + # step in actual parameters + self.optimizer.step() + + # This will move optimized values to half precision parameter copies + for param_group in self.parameter_groups: + param_group.step_sequel( + numel_per_bucket=self.config.allreduce_bucket_size, + ) + + # FP32 grad should never exist outside of the step function + # For speed, set model fp16 grad to None by default + self.zero_grad(set_to_none=True) + + # collect learning rates + learning_rates = dict() + for param_group_index, param_group in enumerate(self.parameter_groups): + name = param_group.config.name + if name is None: + name = f"parameter_group_{param_group_index}" + learning_rates[name] = param_group.get_learning_rate() + + return OptimizerStepOutput( + global_grad_norm=global_grad_norm, + global_grad_norm_clipped=global_grad_norm_clipped, + learning_rates=learning_rates, + overflow=loss_scaler_output.overflow, + no_overflow_steps=loss_scaler_output.no_overflow_steps, + current_loss_scale=loss_scaler_output.current_loss_scale, + debug_dict=debug_dict, + ) + + def scale_grads_and_get_global_grad_norm( + self, optimized_grads: bool, asam_norm: bool = False + ): + # aggregate to global grad norm for all groups + # this assumes that the param_group_grad_norm_squared aggregates over the full data parallel copy + + loss_scale = 1.0 + if self.loss_scaler.config.enable: + loss_scale = self.loss_scaler._current_scale + + param_group_grad_norms_squared = list() + for param_group in self.parameter_groups: + param_group_grad_norm_squared = ( + param_group.scale_grads_and_get_grad_norm_squared( + optimized_grads=optimized_grads, + loss_scale=loss_scale, + asam_norm=asam_norm, + ) + ) + param_group_grad_norms_squared.append(param_group_grad_norm_squared) + global_grad_norm = math.sqrt(sum(param_group_grad_norms_squared)) + + return global_grad_norm + + def allreduce_gradients(self, optimized_grads: bool): + if torch.distributed.get_world_size() == 1: + return + + gradients = list() + for parameter_group in self.parameter_groups: + if optimized_grads: + gradients.extend(parameter_group.get_optimized_grads()) + else: + gradients.extend(parameter_group.get_original_grads()) + + allreduce_no_retain( + bucket=gradients, + numel_per_bucket=self.config.allreduce_bucket_size, + ) + + def clip_gradients(self, global_grad_norm: float): + # Do not execute if no gradient clipping is defined + if self.config.gradient_clipping == 0.0: + return False + + # Do not execute if the global grad norm is small enough + if global_grad_norm < self.config.gradient_clipping: + return False + + # actually clip the grads + scale_factor = self.config.gradient_clipping / global_grad_norm + + # if self.loss_scaler.config.enable: + # scale_factor *= self.loss_scaler._current_scale + for param_group in self.parameter_groups: + param_group.scale_grads(scale_factor) + + return True + + def refresh_optimizer_after_model_change(self): + """ + Update the full precision parameter copies from the half precision copies + the optimizer runs only on fp32 parameters + """ + for parameter_group in self.parameter_groups: + parameter_group.refresh_optimized_params() + + def log_state(self): + """ + Log useful information for debugging and overal information + """ + for param_group in self.parameter_groups: + param_group.log_state() + + def state_dict(self): + """ + Get a state_dict fully representing the optimizer state + A load of such state dict fully restores the state of the optimizer. + """ + return { + "step_index": self.step_index, + "parameter_groups": [pg.state_dict() for pg in self.parameter_groups], + "optimizer": self.optimizer.state_dict(), + "loss_scaler": self.loss_scaler.state_dict(), + } + + def _get_ordered_parameter_metas_and_layers(self): + """ + collect parameter meta data + assumptions are + - torch.optim.AdamW honors the parameter order + - we can use the param index + - parameter order and index is the same across model parallel ranks + + """ + parameter_metas: List[ParameterMeta] = list() + layer_indices = set() + for parameter_group in self.parameter_groups: + for parameter in parameter_group.parameters_original: + parameter_meta: ParameterMeta = parameter.parameter_meta # type: ignore + parameter_metas.append(parameter_meta) + layer_indices.add(parameter_meta.layer_index) + + return parameter_metas, layer_indices + + def save_checkpoint(self, dir: Union[Path, str]): + """ + Save the optimizer state to a directory. + Assumption is that there are no name collisions of files. + """ + + if torch.distributed.get_rank() != 0 and not self.config.zero: + return + + logger.info(f"starting optimizer checkpoint save") + + # load metadata + parameter_metas, layer_indices = self._get_ordered_parameter_metas_and_layers() + + # get local state dict + state_dict_local = self.state_dict() + + if self.config.zero and self.config.zero_save_static: + dir = Path(dir) + torch.save( + state_dict_local, + str( + dir / f"optimizer_state_static_dp_{torch.distributed.get_rank()}.pt" + ), + ) + logger.info(f"saved static optimizer checkpoint") + return + + # initialize merged state dict and copy components that are constant for model parallel + # one merged state dict is initialized for each model layer + # duplicated states are saved to all layer indices because we might load only one of them later + + for layer_index in layer_indices: + state_dict_for_layer: Dict = dict() + state_dict_for_layer = dict() + state_dict_for_layer["step_index"] = state_dict_local["step_index"] + state_dict_for_layer["loss_scaler"] = state_dict_local["loss_scaler"] + state_dict_for_layer["parameters"] = dict() + state_dict_for_layer["optimizer_param_groups"] = list() + + # initialize to be saved parameter groups for all layers + for parameter_group_local, optimizer_parameter_group_local in zip( + state_dict_local["parameter_groups"], + state_dict_local["optimizer"]["param_groups"], + ): + optimizer_param_group = copy.deepcopy(optimizer_parameter_group_local) + optimizer_param_group[ + "params" + ] = list() # this will not be valid in the checkpoint + state_dict_for_layer["optimizer_param_groups"].append( + optimizer_param_group + ) + + # save all parameters to state dict + for ( + step, + parameter_meta_local, + parameter_full_local, + parameter_exp_avg_local, + parameter_exp_avg_sq_local, + ) in self.iterate_parameters_for_saving( + state_dict_local, + parameter_metas, + optimizer_parameter_group_local, + layer_index, + ): + # merge the parameter + merged_parameter_full = parameter_full_local.cpu() + + # create metadata for merged parameter + parameter_meta = ParameterMeta( + local_shape=tuple(merged_parameter_full.shape), + layer_index=parameter_meta_local.layer_index, + parameter_name=parameter_meta_local.parameter_name, + ) + assert ( + parameter_meta_local.key == parameter_meta.key + ), "key changed after merge" + + # collect the parameters optimizer state + parameter_optimizer_state = dict() + parameter_optimizer_state["step"] = step + parameter_optimizer_state["exp_avg"] = parameter_exp_avg_local.cpu() + parameter_optimizer_state[ + "exp_avg_sq" + ] = parameter_exp_avg_sq_local.cpu() + + # record parameter in state dict + assert parameter_meta.layer_index is not None + all_layer_indices = set([parameter_meta.layer_index]) + if layer_index in all_layer_indices: + state_dict_for_layer["parameters"][parameter_meta.key] = { + "parameter": merged_parameter_full, + "meta": parameter_meta.state_dict(), + "optimizer_state": parameter_optimizer_state, + } + + # collect optimizer states and merge parameters + # this changes the structure of the optimizer state dict by breaking the reference to the local count + + if torch.distributed.get_rank() == 0: + dir = Path(dir) + torch.save( + state_dict_for_layer, + str(dir / f"optimizer_state_layer_{layer_index}.pt"), + ) + + logger.info(f"saved optimizer checkpoint") + + def iterate_parameters_for_saving( + self, + state_dict_local, + parameter_metas, + optimizer_parameter_group_local, + layer_index, + ): + global_parameter_index = -1 + for parameter_group_local, optimizer_parameter_group_local in zip( + state_dict_local["parameter_groups"], + state_dict_local["optimizer"]["param_groups"], + ): + for ( + parameter_name_local, + parameter_meta_local, + parameter_full_local, + parameter_coordinates, + ) in zip( + parameter_group_local["parameter_names"], + parameter_group_local["parameter_metas"], + parameter_group_local["parameters_optimized"], + parameter_group_local["parameter_coordinates"], + ): + # increment global parameter count as used in adam + global_parameter_index += 1 + if not self.config.zero: + assert ( + global_parameter_index + in optimizer_parameter_group_local["params"] + ) + + # reinitialize parameter meta from state dict + parameter_meta_local = ParameterMeta.from_state_dict( + parameter_meta_local + ) + all_layer_indices = set([parameter_meta_local.layer_index]) + if layer_index not in all_layer_indices: + continue + + assert parameter_metas[global_parameter_index] == parameter_meta_local + if ( + parameter_name_local is not None + and parameter_meta_local.parameter_name is not None + ): + assert ( + parameter_name_local == parameter_meta_local.parameter_name + ), f"inconsistent parameter naming {parameter_name_local} vs. {parameter_meta_local.parameter_name}" + + local_parameter_optimizer_state = state_dict_local["optimizer"][ + "state" + ][ + ( + optimizer_parameter_group_local["params"][0] + if self.config.zero + else global_parameter_index + ) + ] + step = local_parameter_optimizer_state["step"] # constant + + if self.config.zero: + # collect parameter from data parallel copies + + parameters_optimized_flat = parameter_group_local[ + "parameters_optimized_flat" + ] + + start, end, offset, shape = parameter_coordinates[ + torch.distributed.get_rank() + ] + assert ( + parameters_optimized_flat.dtype == torch.float32 + ), "this assert is for paranoia reasons, optimized parameters should always be in float32" + parameter_comms = torch.zeros( + (3, torch.prod(torch.tensor(list(shape), dtype=torch.long))), + dtype=parameters_optimized_flat.dtype, + device=parameters_optimized_flat.device, + ) + if all([start is not None, end is not None, offset is not None]): + local_full = parameters_optimized_flat[start:end] + parameter_comms.data[ + 0, offset : offset + local_full.numel() + ].copy_(local_full.data) + + local_exp = local_parameter_optimizer_state["exp_avg"][ + start:end + ] + parameter_comms.data[ + 1, offset : offset + local_exp.numel() + ].copy_(local_exp.data) + + local_exp_sq = local_parameter_optimizer_state["exp_avg_sq"][ + start:end + ] + parameter_comms.data[ + 2, offset : offset + local_exp.numel() + ].copy_(local_exp_sq.data) + + torch.distributed.all_reduce( + parameter_comms, + op=torch.distributed.ReduceOp.SUM, + ) + + parameter_comms = parameter_comms.reshape([3] + list(shape)) + parameter_full_local = parameter_comms[0] + parameter_exp_avg_local = parameter_comms[1] + parameter_exp_avg_sq_local = parameter_comms[2] + else: + parameter_exp_avg_local = local_parameter_optimizer_state["exp_avg"] + parameter_exp_avg_sq_local = local_parameter_optimizer_state[ + "exp_avg_sq" + ] + + assert ( + parameter_full_local.shape + == parameter_exp_avg_local.shape + == parameter_exp_avg_sq_local.shape + ) + + yield step, parameter_meta_local, parameter_full_local, parameter_exp_avg_local, parameter_exp_avg_sq_local + + def load_checkpoint(self, dir: Union[Path, str]): + """ + Load the state into an already initialized optimizer + """ + logger.info(f"loading optimizer checkpoint from {dir}") + if self.config.zero and self.config.zero_save_static: + dir = Path(dir) + checkpoint = torch.load( + str( + dir / f"optimizer_state_static_dp_{torch.distributed.get_rank()}.pt" + ), + ) + + # load constant state + self.step_index = checkpoint[ + "step_index" + ] # constant, does not matter which layer to use + self.loss_scaler.load_state_dict( + checkpoint["loss_scaler"] + ) # constant, does not matter which layer to use + self.optimizer.load_state_dict(checkpoint["optimizer"]) + for parameter_group_index, ( + parameter_group, + adamw_parameter_group, + loaded_state_dict, + ) in enumerate( + zip( + self.parameter_groups, + self.optimizer.param_groups, + checkpoint["parameter_groups"], + ) + ): + parameter_group.load_state_dict( + loaded_state_dict, zero_load_static=True + ) + + # adamw deepcopies + parameter_group.parameter_dict = adamw_parameter_group + + logger.info(f"loaded static optimizer checkpoint") + return + + # get currently initialized local parameters + parameter_metas, layer_indices = self._get_ordered_parameter_metas_and_layers() + layer_indices = list(layer_indices) + + # load all local layers + dir = Path(dir) + state_dict_by_layer = dict() + for layer_index in layer_indices: + state_dict_file = dir / f"optimizer_state_layer_{layer_index}.pt" + state_dict_by_layer[layer_index] = torch.load(str(state_dict_file)) + + # make sure all paramters that should be constant are constant + if len(layer_indices) > 1: + for layer_index_compare in layer_indices[1:]: + assert ( + state_dict_by_layer[layer_indices[0]]["step_index"] + == state_dict_by_layer[layer_index_compare]["step_index"] + ) + assert ( + state_dict_by_layer[layer_indices[0]]["loss_scaler"] + == state_dict_by_layer[layer_index_compare]["loss_scaler"] + ) + assert ( + state_dict_by_layer[layer_indices[0]]["optimizer_param_groups"] + == state_dict_by_layer[layer_index_compare][ + "optimizer_param_groups" + ] + ) + + # load constant state + self.step_index = state_dict_by_layer[layer_indices[0]][ + "step_index" + ] # constant, does not matter which layer to use + self.loss_scaler.load_state_dict( + state_dict_by_layer[layer_indices[0]]["loss_scaler"] + ) # constant, does not matter which layer to use + + # localize parameters and collect by key + parameters = dict() + for _layer_index, state_dict_for_layer in state_dict_by_layer.items(): + for _param_key, parameter_state_dict in state_dict_for_layer[ + "parameters" + ].items(): + aleph_alpha_parameter_meta = ParameterMeta.from_state_dict( + parameter_state_dict["meta"] + ) + + for possible_key in aleph_alpha_parameter_meta.possible_keys(): + parameters[possible_key] = parameter_state_dict + + # collect and load optimizer state + optimizer_state_dict: Dict = dict() + optimizer_state_dict_current = self.optimizer.state_dict() + optimizer_state_dict["state"] = {} + optimizer_state_dict["param_groups"] = list() + assert len(optimizer_state_dict_current["param_groups"]) == len( + state_dict_by_layer[layer_indices[0]]["optimizer_param_groups"] + ) + for param_group_current, param_group_loaded in zip( + optimizer_state_dict_current["param_groups"], + state_dict_by_layer[layer_indices[0]]["optimizer_param_groups"], + ): + # get the pointers to the current parameters + param_group_loaded["params"] = copy.deepcopy(param_group_current["params"]) + + # set the param groups state + optimizer_state_dict["param_groups"].append(param_group_loaded) + + # set the parameter states + if self.config.zero: + for parameter_group_index, parameter_group in enumerate( + self.parameter_groups + ): + exp_avg_list = [ + parameters[parameter_meta.key]["optimizer_state"]["exp_avg"] + for parameter_meta in parameter_group.parameter_metas + ] + exp_avg_tensor, _zero_padding = flatten_dense_tensors_aligned( + exp_avg_list, + NCCL_START_ALIGNMENT_FACTOR + * torch.distributed.get_world_size(), + ) + exp_avg = get_data_parallel_partitions(exp_avg_tensor)[ + torch.distributed.get_rank() + ] + + exp_avg_sq_list = [ + parameters[parameter_meta.key]["optimizer_state"]["exp_avg_sq"] + for parameter_meta in parameter_group.parameter_metas + ] + exp_avg_sq_tensor, _zero_padding = flatten_dense_tensors_aligned( + exp_avg_sq_list, + NCCL_START_ALIGNMENT_FACTOR + * torch.distributed.get_world_size(), + ) + exp_avg_sq = get_data_parallel_partitions(exp_avg_sq_tensor)[ + torch.distributed.get_rank() + ] + + optimizer_state_dict["state"][parameter_group_index] = { + "step": parameters[parameter_group.parameter_metas[0].key][ + "optimizer_state" + ]["step"], + "exp_avg": exp_avg, + "exp_avg_sq": exp_avg_sq, + } + + else: + for param_index in param_group_loaded["params"]: + assert ( + param_index not in optimizer_state_dict["state"] + ), "duplicate param index" + optimizer_state_dict["state"][param_index] = parameters[ + parameter_metas[param_index].key + ]["optimizer_state"] + + self.optimizer.load_state_dict(optimizer_state_dict) + + for parameter_group_index, ( + parameter_group, + adamw_parameter_group, + ) in enumerate( + zip( + self.parameter_groups, + self.optimizer.param_groups, + ) + ): + current_state_dict = parameter_group.state_dict() + loaded_state_dict = dict() + loaded_state_dict["parameter_names"] = copy.deepcopy( + current_state_dict["parameter_names"] + ) + loaded_state_dict["parameter_metas"] = copy.deepcopy( + current_state_dict["parameter_metas"] + ) + + if self.config.zero: + parameter_list = [ + parameters[parameter_meta.key]["parameter"] + for parameter_meta in parameter_group.parameter_metas + ] + parameter_tensor, _zero_padding = flatten_dense_tensors_aligned( + parameter_list, + NCCL_START_ALIGNMENT_FACTOR * torch.distributed.get_world_size(), + ) + parameter = get_data_parallel_partitions(parameter_tensor)[ + torch.distributed.get_rank() + ] + parameters_optimized = [parameter] + else: + parameters_optimized = list() + for parameter_name, parameter_meta_state_dict in zip( + current_state_dict["parameter_names"], + current_state_dict["parameter_metas"], + ): + aleph_alpha_parameter_meta = ParameterMeta.from_state_dict( + parameter_meta_state_dict + ) + assert parameter_name == aleph_alpha_parameter_meta.parameter_name + parameters_optimized.append( + parameters[aleph_alpha_parameter_meta.key]["parameter"] + ) + loaded_state_dict["parameters_optimized"] = parameters_optimized + parameter_group.load_state_dict(loaded_state_dict) + + # adamw deepcopies + parameter_group.parameter_dict = adamw_parameter_group + + logger.info(f"loaded optimizer checkpoint") diff --git a/src/trigram_tokenizer/optimizer/adamw/adamw_parameter_group.py b/src/trigram_tokenizer/optimizer/adamw/adamw_parameter_group.py new file mode 100644 index 0000000..c5402c4 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/adamw/adamw_parameter_group.py @@ -0,0 +1,705 @@ +from typing import List, Iterable, Tuple, Union, Optional +from pydantic import Field + +import torch + +from trigram_tokenizer.logging import logger + +from ..base import BaseConfig + +from ..learning_rate_scheduler import ( + LearningRateSchedulerConfig, + LearningRateScheduler, + LearningRateDecayStyle, +) +from ..parameter_meta import ParameterMeta + + +# align nccl all-gather send buffers to 4-byte boundary +# 4-byte alignment/sizeof(fp16) = 2 +NCCL_START_ALIGNMENT_FACTOR = 2 + + +def flatten_dense_tensors_aligned( + tensor_list: List[torch.Tensor], alignment: int +) -> Tuple[torch.Tensor, int]: + """ + create a flat tensor aligned at the alignment boundary + """ + num_elements = sum(t.numel() for t in tensor_list) + remaining = num_elements % alignment + + if remaining: + zero_padding = alignment - remaining + pad_tensor = torch.zeros( + zero_padding, + device="cpu", + dtype=tensor_list[0].dtype, + ) + padded_tensor_list = tensor_list + [pad_tensor] + else: + padded_tensor_list = tensor_list + zero_padding = 0 + + return torch._C._nn.flatten_dense_tensors(padded_tensor_list), zero_padding + + +def get_data_parallel_partitions(tensor: torch.Tensor): + """ + views the tensor as multiple partitions and returns + those partitions + """ + partitions = [] + + total_num_elements = tensor.numel() + + base_size = total_num_elements // torch.distributed.get_world_size() + remaining = total_num_elements % torch.distributed.get_world_size() + + start = 0 + for id in range(torch.distributed.get_world_size()): + partition_size = base_size + if id < remaining: + partition_size = partition_size + 1 + partitions.append(tensor.narrow(0, start, partition_size)) + start = start + partition_size + + # verify that data partition start locations are 4-byte aligned + for partitioned_data in partitions: + assert partitioned_data.data_ptr() % (2 * NCCL_START_ALIGNMENT_FACTOR) == 0 + + # verify that data partition start locations are 4-byte aligned + for partitioned_data in partitions: + assert partitioned_data.data_ptr() % (2 * NCCL_START_ALIGNMENT_FACTOR) == 0 + + return partitions + + +class AdamWOptimizerParamGroupConfig(BaseConfig): + name: Optional[str] = Field( + None, + description="Name of the parameter group for logging", + ) + + learning_rate_scheduler: LearningRateSchedulerConfig = Field( + LearningRateSchedulerConfig( + learning_rate=0.0001, + learning_rate_minimum=0.0, + learning_rate_decay_style=LearningRateDecayStyle.COSINE, + learning_rate_decay_iters=50000, + learning_rate_warmup_steps=2000, + ), + description="Configuration of the parameter group's learning rate schedule", + ) + + weight_decay: float = Field( + 1e-2, + description="Weight decay for all parameters within the parameter group", + ) + + +class AdamWParameterGroup: + """ + Parameter group to which the same train behavior is applied + Different parameter groups are initialized for different values of + weight decay and learning rate schedule. + """ + + def __init__( + self, + named_parameters_with_meta: List[Tuple[str, torch.Tensor, ParameterMeta]], + config: AdamWOptimizerParamGroupConfig, + ): + # record config + self.config = config + + # instantiate a learning rate scheduler for the parameter group + self.learning_rate_scheduler = LearningRateScheduler( + self.config.learning_rate_scheduler + ) + + self.parameter_names: List[str] = list() + self.parameter_metas: List[ParameterMeta] = list() + self.parameters_original: List[torch.Tensor] = list() + self.parameters_optimized: List[torch.Tensor] = list() + + # zero parameters + self.zero_dtype: Optional[torch.dtype] = None + self.zero: bool = False + self.zero_padding: int = 0 + self.parameters_original_flat: Optional[torch.Tensor] = None + self.parameters_original_partitions: Optional[List[torch.Tensor]] = None + self.float_parameter_partition_owned: Optional[torch.Tensor] = None + + # record parameters + # we can only iterate once through named parameters + # this is potentially a generator that can be consumed + self.dummy_parameters = list() + if len(named_parameters_with_meta) == 0: + dummy_parameter = torch.tensor([0.0], dtype=torch.bfloat16).cuda() + dummy_meta = ParameterMeta.register_on_parameter( + dummy_parameter, + layer_index=-1, + parameter_name="dummy_parameter", + ) + self.dummy_parameters.append(dummy_parameter) + named_parameters_with_meta = [ + ( + "dummy_parameter", + dummy_parameter, + dummy_meta, + ) + ] + + for n, p, m in named_parameters_with_meta: + self.parameter_names.append(n) + self.parameter_metas.append(m) + self.parameters_original.append(p) + + def initialize(self, zero: bool): + self.zero = zero + + # prepare to be optimized parameters + if zero: + # assert that all parameters have the same datatype for zero + self.zero_dtype = self.parameters_original[0].dtype + assert all( + [p.dtype == self.zero_dtype for p in self.parameters_original] + ), f"all zero optimizer parameters in a single group must have the same data type. different data types may be splitted in different optimizer groups" + assert all( + [p.device.type == "cuda" for p in self.parameters_original] + ), f"all zero optimizer parameters in a single group must have be on cuda." + + self.move_to_cpu(self.parameters_original) + ( + parameters_original_flat, + self.zero_padding, + ) = flatten_dense_tensors_aligned( + self.parameters_original, + NCCL_START_ALIGNMENT_FACTOR * torch.distributed.get_world_size(), + ) + self.parameters_original_flat = parameters_original_flat.cuda() + self._update_original_parameters() + self.parameters_original_partitions = get_data_parallel_partitions( + self.parameters_original_flat + ) + assert self.parameters_original_partitions is not None + + # a single 32-bit partition of the parallel partitioned parameters + # that this process will update + self.float_parameter_partition_owned = ( + self.parameters_original_partitions[torch.distributed.get_rank()] + .to(torch.cuda.current_device()) # type: ignore + .clone() + .float() + .detach() + ) + assert self.float_parameter_partition_owned is not None + self.parameters_optimized = [self.float_parameter_partition_owned] + ( + self.parameters_owned, + self.parameters_not_owned, + self.parameter_owned_offset, + ) = self._get_partition_info( + parameters_original=self.parameters_original, + partition_size=len(self.float_parameter_partition_owned), + ) + + self.parameter_coordinates = self._get_parameter_coordinates( + parameters_original=self.parameters_original, + partition_size=len(self.float_parameter_partition_owned), + ) + + # assert that all parameters still have the same datatype + # this was a bug before + assert all( + [p.dtype == self.zero_dtype for p in self.parameters_original] + ), f"all zero optimizer parameters in a single group must have the same data type. different data types may be splitted in different optimizer groups" + assert all( + [p.device.type == "cuda" for p in self.parameters_original] + ), f"all zero optimizer parameters in a single group must have be on cuda." + + else: + # collect float parameters + # optimization will happen on full precision + float_parameters = list() + for p in self.parameters_original: + if p.dtype == torch.float32: + float_parameter = p + else: + float_parameter = p.clone().float().detach() + float_parameter.parameter_meta = ( # type: ignore + p.parameter_meta # type: ignore + ) + float_parameters.append(float_parameter) + self.parameters_optimized = float_parameters + + # in case the internal optimizer needs it + for p in self.parameters_optimized: + p.requires_grad = True + + # create a parameter dict that is suitable for adamw + # this dict will be handed to adamw and can be manipulated + self.parameter_dict = { + "params": self.parameters_optimized, + "weight_decay": self.config.weight_decay, + "lr": self.config.learning_rate_scheduler.learning_rate, + } + + @staticmethod + def move_to_cpu(tensor_list): + for tensor in tensor_list: + tensor.data = tensor.data.cpu() + + def _update_original_parameters(self): + """ + set model bit16 weight to slices of flattened buffer + """ + updated_params = torch._C._nn.unflatten_dense_tensors( + self.parameters_original_flat, + self.parameters_original, + ) + for original, updated in zip(self.parameters_original, updated_params): + original.data = updated.data + + @staticmethod + def _get_parameter_coordinates( + parameters_original: List[torch.Tensor], partition_size: int + ): + parameter_coordinates = list() + + current_index = 0 + for parameter_original in parameters_original: + parameter_original_size = parameter_original.numel() + + # record the parameters coordinates + parameter_coordinate = dict() + for data_parallel_rank in range(torch.distributed.get_world_size()): + data_parallel_partition_start_index = ( + partition_size * data_parallel_rank + ) + data_parallel_partition_end_index = partition_size * ( + data_parallel_rank + 1 + ) + + if ( + data_parallel_partition_start_index <= current_index + and current_index < data_parallel_partition_end_index + ): + # the start of the current tensor is within the start and end of the data parallel partition + start = current_index - data_parallel_partition_start_index + end = min( + current_index + + parameter_original_size + - data_parallel_partition_start_index, + data_parallel_partition_end_index, + ) + offset = 0 + elif ( + current_index < data_parallel_partition_start_index + and data_parallel_partition_start_index + < (current_index + parameter_original_size) + ): + # the start of the tensor is before the start of the current partition, but some part of the tensor is still in the current partition + start = 0 + end = min( + current_index + + parameter_original_size + - data_parallel_partition_start_index, + data_parallel_partition_end_index, + ) + offset = data_parallel_partition_start_index - current_index + else: + start = None + end = None + offset = None + + # start in data parallel slice + # end in data parallel slice + # offset of data parallel part of parameter within parameter + parameter_coordinate[data_parallel_rank] = ( + start, + end, + offset, + parameter_original.shape, + ) + + # remember coordinates + parameter_coordinates.append(parameter_coordinate) + + # increment current index for next parameter + current_index = current_index + parameter_original_size + + return parameter_coordinates + + @staticmethod + def _get_partition_info( + parameters_original: List[torch.Tensor], partition_size: int + ): + parameters_owned = [] + parameters_not_owned = [] + + start_index = partition_size * torch.distributed.get_rank() + end_index = partition_size * (torch.distributed.get_rank() + 1) + + current_index = 0 # index pointing to a current position in a flattened tensor + parameter_owned_offset = 0 + + for parameter_original in parameters_original: + parameter_original_size = parameter_original.numel() + + if start_index <= current_index and current_index < end_index: + # the start of the current tensor is within the start and end of the data parallel partition + parameters_owned.append(parameter_original) + elif current_index < start_index and start_index < ( + current_index + parameter_original_size + ): + # the start of the tensor is before the start of the current partition, but some part of the tensor is still in the current partition + parameters_owned.append(parameter_original) + assert ( + parameter_owned_offset == 0 + ), "This can happen either zero or only once as this must be the first tensor in the partition" + parameter_owned_offset = start_index - current_index + else: + parameters_not_owned.append(parameter_original) + + current_index = current_index + parameter_original_size + + return parameters_owned, parameters_not_owned, parameter_owned_offset + + def set_dummy_grad(self): + for parameter in self.dummy_parameters: + parameter.grad = torch.zeros_like(parameter.data) + + def step_prequel(self, step_index: int): + """ """ + + # Set the learning rate for `step_index` + self.parameter_dict["lr"] = self.learning_rate_scheduler.get_lr( + step_index=step_index + ) + + # Copying gradients to fp32 to work with fp32 parameters + if self.zero: + # if zero is used we will need to find the gradients applicable to the current data parallel slice + + # first remove the grads that are not owned + for parameter in self.parameters_not_owned: + parameter.grad = None + + assert self.float_parameter_partition_owned is not None + partition_size = len(self.float_parameter_partition_owned) + current_start = 0 + self.float_parameter_partition_owned.grad = torch.zeros_like( + self.float_parameter_partition_owned + ) + for parameter_index, parameter in enumerate(self.parameters_owned): + # make sure there is a grad + if parameter.grad is None: + parameter_grad = torch.zeros_like(parameter) + else: + parameter_grad = parameter.grad.contiguous() + + # compute offset in case the current dp slice starts in the middle of the tensor + parameter_offset = 0 + parameter_elements = parameter_grad.numel() + if parameter_index == 0 and self.parameter_owned_offset > 0: + parameter_offset = self.parameter_owned_offset + parameter_elements = ( + parameter_elements - self.parameter_owned_offset + ) + + # cut parameter in case it ends at the next dp slice + if parameter_elements > (partition_size - current_start): + parameter_elements = partition_size - current_start + + # we need a narrow view of the tensor based on the tensor offset and number of elements that + # we need from this tensor + if parameter_offset > 0 or parameter_elements < parameter_grad.numel(): + self.float_parameter_partition_owned.grad[ + current_start : current_start + parameter_elements + ].copy_( + parameter_grad.view(-1).narrow( + 0, int(parameter_offset), int(parameter_elements) + ) + ) + else: + self.float_parameter_partition_owned.grad[ + current_start : current_start + parameter_elements + ].copy_(parameter_grad.view(-1)) + + current_start = current_start + parameter_elements + parameter.grad = None # Grad on the parameter is not needed any more + else: + # if zero is not used the optimized parameters retain the shape (or are even only pointers to same memory in case of fp32) + for optimized, original in zip( + self.parameters_optimized, self.parameters_original + ): + if id(original) == id(optimized): + continue + + if original.grad is None: + optimized.grad = torch.zeros( + optimized.size(), + dtype=optimized.dtype, + device=optimized.device, + ) + else: + optimized.grad = original.grad.to(optimized.dtype) + original.grad = None # Grad on the parameter is not needed any more + + def get_original_grads(self): + result = list() + + for original in self.parameters_original: + assert ( + original.grad is not None + ), f"parameter {original.parameter_meta.parameter_name} has grad None" + result.append(original.grad.data) + return result + + def get_optimized_grads(self): + return [optimized.grad.data for optimized in self.parameters_optimized] + + def step_sequel(self, numel_per_bucket: int): + """ """ + if self.zero: + # local grads are not needed any more + assert self.float_parameter_partition_owned is not None + self.float_parameter_partition_owned.grad = None + + # get updated parameter values from optimizer + assert self.parameters_original_partitions is not None + self.parameters_original_partitions[ + torch.distributed.get_rank() + ].data.copy_(self.float_parameter_partition_owned.data) + + # collect to local instances of flattened tensors + num_shards = max( + 1, + self.float_parameter_partition_owned.numel() + * torch.distributed.get_world_size() + // numel_per_bucket, + ) + + shard_size = self.float_parameter_partition_owned.numel() // num_shards + + # Enforce nccl/rccl alignment of start location of each shard + shard_size = shard_size - (shard_size % NCCL_START_ALIGNMENT_FACTOR) + + num_elements = shard_size + + assert ( + shard_size * num_shards <= self.float_parameter_partition_owned.numel() + ) + + for shard_id in range(num_shards): + if shard_id == (num_shards - 1): + num_elements = ( + self.float_parameter_partition_owned.numel() + - shard_id * shard_size + ) + + shard_list = [] + for dp_id in range(torch.distributed.get_world_size()): + curr_shard = ( + self.parameters_original_partitions[dp_id] + .narrow(0, shard_id * shard_size, num_elements) + .detach() + ) + shard_list.append(curr_shard) + torch.distributed.all_gather( + shard_list, + shard_list[torch.distributed.get_rank()], + ) + + # update local parameters + self._update_original_parameters() + + else: + # Copying updated parameters to original parameters + for optimized, original in zip( + self.parameters_optimized, self.parameters_original + ): + if id(original) == id(optimized): + continue + + # copy data from fp32 to fp16 + original.data.copy_(optimized.data) + + def scale_grads_and_get_grad_norm_squared( + self, + optimized_grads: bool, + loss_scale: float = 1.0, + asam_norm: bool = False, + ): + grad_norm_squared = 0.0 + + parameters_for_norm = ( + self.parameters_optimized if optimized_grads else self.parameters_original + ) + for param in parameters_for_norm: + # accumulate grad norms + parameter_meta: ParameterMeta = param.parameter_meta # type: ignore + + assert ( + param.grad is not None + ), f"parameter {parameter_meta.parameter_name} has no grad" + + if asam_norm: + param.grad.data.mul_(torch.abs(param) / loss_scale) + else: + param.grad.data.mul_(1 / loss_scale) + + if param.grad.dtype == torch.float16: + grad_norm_squared += param.grad.float().norm(2) ** 2 + else: + grad_norm_squared += param.grad.norm(2) ** 2 + + if ( + grad_norm_squared == float("inf") + or grad_norm_squared == -float("inf") + or grad_norm_squared != grad_norm_squared + ): + raise RuntimeError(f"grad norm is {grad_norm_squared}") + + return grad_norm_squared + + def scale_grads(self, scale_factor: float): + """ + scale the gradients on full precision copy + """ + + for optimized in self.parameters_optimized: + if ( + optimized.grad is not None + ): # this should not happen, but the type is technicall an optional tensor + optimized.grad.data.mul_(scale_factor) + + def log_state(self): + """ + Log useful information for debugging and overal information + """ + logger.debug(f"lr {self.parameter_dict['lr']}") + + def get_learning_rate(self): + """ + get the currently set learning rate + """ + return self.parameter_dict["lr"] + + def state_dict(self): + """ + Get a state_dict representing the state of the parameter group + """ + + if self.zero: + parameters_optimized = [None for _ in self.parameters_original] + parameters_optimized_flat = self.float_parameter_partition_owned + parameter_coordinates = self.parameter_coordinates + else: + parameters_optimized = self.parameters_optimized + parameters_optimized_flat = None + parameter_coordinates = [None for _ in parameters_optimized] + + assert len(parameters_optimized) == len(parameter_coordinates) + + return { + "parameter_names": self.parameter_names, + "parameter_metas": [m.state_dict() for m in self.parameter_metas], + "parameters_optimized": parameters_optimized, + "parameters_optimized_flat": parameters_optimized_flat, + "parameter_coordinates": parameter_coordinates, + } + + def load_state_dict(self, state_dict, zero_load_static: bool = False): + """ + Load the state into an already initialized parameter group + """ + + assert ( + self.parameter_names == state_dict["parameter_names"] + ), "parameters changed" + assert [m.state_dict() for m in self.parameter_metas] == state_dict[ + "parameter_metas" + ], "parameter metas changed" + + if zero_load_static: + assert self.float_parameter_partition_owned is not None + self.float_parameter_partition_owned.data.copy_( + state_dict["parameters_optimized_flat"] + ) + return + + assert len(self.parameters_optimized) == len(state_dict["parameters_optimized"]) + for name, current, parameter_state_dict in zip( + self.parameter_names, + self.parameters_optimized, + state_dict["parameters_optimized"], + ): + assert ( + current.shape == parameter_state_dict.shape + ), f"shape of parameter {name} changed; now {current.shape} from checkpoint {parameter_state_dict.shape}" + current.data.copy_(parameter_state_dict.data) + + @property + def trainable_parameters_original(self): + for p in self.parameters_original: + if p is None: + continue + if p.grad is None: + continue + + yield p + + @property + def trainable_parameters_optimized(self): + for p in self.parameters_optimized: + if p is None: + continue + if p.grad is None: + continue + + yield p + + def zero_grad(self, set_to_none=True): + # original parameters + for p in self.trainable_parameters_original: + if set_to_none: + p.grad = None + elif p.grad is not None: + p.grad.detach_() + p.grad.zero_() + + # optimized parameters + for p in self.trainable_parameters_optimized: + if set_to_none: + p.grad = None + elif p.grad is not None: + p.grad.detach_() + p.grad.zero_() + + def refresh_optimized_params(self): + """ + Update the optimized parameter copies from the original copies + the optimizer runs only on fp32 parameters + """ + if self.zero: + # if zero is used we will need to map the parameter values to the current data parallel slice + # parameters_original_partitions is a pointer + assert self.parameters_original_partitions is not None + assert self.float_parameter_partition_owned is not None + self.float_parameter_partition_owned.data.copy_( + self.parameters_original_partitions[torch.distributed.get_rank()].data + ) + + else: + for optimized, original in zip( + self.parameters_optimized, self.parameters_original + ): + if original is not None: + optimized.data.copy_(original.data) + + @property + def parameters_for_overflow_check(self) -> List[torch.Tensor]: + return self.parameters_original diff --git a/src/trigram_tokenizer/optimizer/adamw/loss_scaler.py b/src/trigram_tokenizer/optimizer/adamw/loss_scaler.py new file mode 100644 index 0000000..dcc3441 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/adamw/loss_scaler.py @@ -0,0 +1,178 @@ +from typing import Dict, Any, List, NamedTuple, Optional +from pydantic import Field + +import torch + +from trigram_tokenizer.logging import logger + +from .adamw_parameter_group import AdamWParameterGroup +from ...config import BaseConfig + + +def has_inf_or_nan(x: torch.Tensor): + try: + # if x is half, the .float() incurs an additional deep copy, but it's necessary if + # Pytorch's .sum() creates a one-element tensor of the same type as x + # (which is true for some recent version of pytorch). + cpu_sum = float(x.float().sum()) + # More efficient version that can be used if .sum() returns a Python scalar + # cpu_sum = float(x.sum()) + except RuntimeError as instance: + # We want to check if inst is actually an overflow exception. + # RuntimeError could come from a different error. + # If so, we still want the exception to propagate. + if "value cannot be converted" not in instance.args[0]: + raise + return True + else: + if cpu_sum == float("inf") or cpu_sum == -float("inf") or cpu_sum != cpu_sum: + return True + return False + + +class LossScalerConfig(BaseConfig): + """ + Loss scaling is designed to combat the problem of underflowing gradients encountered at long + times when training fp16 networks. Dynamic loss scaling begins by attempting a very high loss + scale. Ironically, this may result in OVERflowing gradients. + + The optimizer then skips the update step for this particular iteration/minibatch, + and the loss scaler adjusts the loss scale to a lower value. + If a certain number of iterations occur without overflowing gradients detected, + the loss scaler increases the loss scale once more. + In this way the loss scaler attempts to "ride the edge" of + always using the highest loss scale possible without incurring overflow. + """ + + enable: bool = Field( + False, + description="", + ) + + initial_scale: float = Field( + 2.0**32, + description="Initial loss scale", + ) + + window: int = Field( + 1000, + description="", + ) + + hysteresis: float = Field( + 2, + description="", + ) + + consecutive_hysteresis: bool = Field( + False, + description="", + ) + + min_scale: float = Field( + 1.0, + description="", + ) + + factor: float = Field( + 2.0, + description="", + ) + + +class LossScalerOutput(NamedTuple): + overflow: Optional[bool] + no_overflow_steps: Optional[int] + current_loss_scale: Optional[float] + + +class LossScaler: + def __init__( + self, config: LossScalerConfig, parameter_groups: List[AdamWParameterGroup] + ): + self.config = config + + self._current_scale = self.config.initial_scale + self._current_hysteresis = self.config.hysteresis + self._no_overflow_steps = 0 + + # record parameters for overflow checking + parameters = list() + for parameter_group in parameter_groups: + parameters.extend(parameter_group.parameters_for_overflow_check) + self.parameters = parameters + + def some_overflow_in_local_param_grads(self): + for parameter in self.parameters: + if parameter.grad is not None and has_inf_or_nan(parameter.grad.data): + return True + return False + + def some_overflow_in_global_param_grads(self): + local_overflow = self.some_overflow_in_local_param_grads() + overflow_tensor = torch.cuda.ByteTensor([local_overflow]) + + torch.distributed.all_reduce( + overflow_tensor, + op=torch.distributed.ReduceOp.MAX, + group=torch.distributed.group.WORLD, + ) + + overflow = overflow_tensor[0].item() + return bool(overflow) + + def step(self): + if not self.config.enable: + return LossScalerOutput( + overflow=None, no_overflow_steps=None, current_loss_scale=None + ) + + # check overflow + overflow = self.some_overflow_in_global_param_grads() + + # apply loss scaling dependent on overflow + if overflow: + if self.config.hysteresis == 1 or self._current_hysteresis == 1: + self._current_scale = max( + self._current_scale / self.config.factor, + self.config.min_scale, + ) + else: + self._current_hysteresis -= 1 + self._no_overflow_steps = 0 + else: + if self.config.consecutive_hysteresis: + self._current_hysteresis = self.config.hysteresis + if ( + self._no_overflow_steps > 0 + and (self._no_overflow_steps) % self.config.window == 0 + ): + if not self.config.consecutive_hysteresis: + self._current_hysteresis = self.config.hysteresis + self._current_scale *= self.config.factor + self._no_overflow_steps += 1 + + return LossScalerOutput( + overflow=overflow, + no_overflow_steps=self._no_overflow_steps, + current_loss_scale=self._current_scale, + ) + + def scale_loss(self, loss: torch.Tensor) -> torch.Tensor: + if not self.config.enable: + return loss + + loss = loss * self._current_scale + return loss + + def state_dict(self) -> Dict[str, Any]: + return { + "current_scale": self._current_scale, + "current_hysteresis": self._current_hysteresis, + "no_overflow_steps": self._no_overflow_steps, + } + + def load_state_dict(self, state_dict: Dict[str, Any]): + self._current_scale = state_dict["current_scale"] + self._current_hysteresis = state_dict["current_hysteresis"] + self._no_overflow_steps = state_dict["no_overflow_steps"] diff --git a/src/trigram_tokenizer/optimizer/allreduce.py b/src/trigram_tokenizer/optimizer/allreduce.py new file mode 100644 index 0000000..553f619 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/allreduce.py @@ -0,0 +1,94 @@ +from typing import List +import torch + + +def split_dtypes(tensors): + supported_types = [ + "torch.cuda.HalfTensor", + "torch.cuda.FloatTensor", + "torch.cuda.DoubleTensor", + "torch.cuda.BFloat16Tensor", + ] + + for t in tensors: + assert ( + t.type() in supported_types + ), f"attempting to reduce an unsupported grad type: {t.type()}" + + buckets = [] + for i, dtype in enumerate(supported_types): + bucket = [t for t in tensors if t.type() == dtype] + if bucket: + buckets.append(bucket) + return buckets + + +def allreduce_bucket(bucket: List[torch.Tensor]): + tensor = torch._C._nn.flatten_dense_tensors(bucket) + + tensor_to_allreduce = tensor + + if tensor.dtype == torch.bfloat16: + # always all-reduce in fp32 precision + communication_data_type = torch.float32 + tensor_to_allreduce = tensor.to(communication_data_type) + else: + communication_data_type = tensor_to_allreduce.dtype + + tensor_to_allreduce.div_(torch.distributed.get_world_size()) + + torch.distributed.all_reduce(tensor_to_allreduce) + + if communication_data_type != tensor.dtype and tensor is not tensor_to_allreduce: + tensor.copy_(tensor_to_allreduce) + + return tensor + + +def allreduce_and_copy(bucket: List[torch.Tensor]): + stream = torch.cuda.current_stream() + + with torch.cuda.stream(stream): + allreduced = allreduce_bucket( + bucket=bucket, + ) + for buf, synced in zip( + bucket, + torch._C._nn.unflatten_dense_tensors(allreduced, bucket), + ): + buf.copy_(synced) + + +def allreduce_no_retain( + bucket: List[torch.Tensor], + numel_per_bucket=500000000, +): + small_bucket = [] + numel = 0 + for tensor in bucket: + small_bucket.append(tensor) + numel = numel + tensor.numel() + if numel > numel_per_bucket: + allreduce_and_copy( + bucket=small_bucket, + ) + small_bucket = [] + numel = 0 + + if len(small_bucket) > 0: + allreduce_and_copy( + bucket=small_bucket, + ) + + +def buffered_allreduce( + bucket: List[torch.Tensor], + numel_per_bucket=500000000, +): + split_buckets = split_dtypes(bucket) + + for b in split_buckets: + allreduce_no_retain( + bucket=b, + numel_per_bucket=numel_per_bucket, + ) diff --git a/src/trigram_tokenizer/optimizer/base.py b/src/trigram_tokenizer/optimizer/base.py new file mode 100644 index 0000000..b88ec0d --- /dev/null +++ b/src/trigram_tokenizer/optimizer/base.py @@ -0,0 +1,84 @@ +from abc import ABC, abstractmethod +from typing import NamedTuple, Optional, Dict +from pathlib import Path + +import torch + +from ..config import BaseConfig + + +class OptimizerStepOutput(NamedTuple): + global_grad_norm: Optional[float] + global_grad_norm_clipped: Optional[float] + learning_rates: Optional[Dict[str, float]] + overflow: Optional[bool] + no_overflow_steps: Optional[int] + current_loss_scale: Optional[float] + debug_dict: Optional[Dict[str, float]] + + +class BaseOptimizer(ABC): + def __init__(self, config: BaseConfig): + pass + + def __repr__(self): + return self.__class__.__name__ + + @abstractmethod + def _assert_no_parameter_duplicates(self): + """ + Make sure no parameter occurs twice within one or more parameter groups + """ + raise NotImplementedError + + @abstractmethod + def step(self) -> OptimizerStepOutput: + """ + Do a model step, this optimizes model parameters and zeros gradients + """ + raise NotImplementedError + + @abstractmethod + def backward(self, loss: torch.Tensor): + """ + execute backward pass on loss and potentiall add loss scaling + """ + raise NotImplementedError + + @abstractmethod + def log_state(self): + """ + Log useful information for debugging and overal information + """ + raise NotImplementedError + + @abstractmethod + def state_dict(self): + """ + Get a state_dict fully representing the optimizer state + A load of such state dict fully restores the state of the optimizer. + """ + raise NotImplementedError + + @abstractmethod + def save_checkpoint(self, dir: Path): + """ + Save the optimizer state to a directory. + Assumption is that there are no name collisions of files. + """ + raise NotImplementedError + + @abstractmethod + def load_checkpoint(self, dir: Path): + """ + Load the state into an already initialized optimizer + """ + raise NotImplementedError + + @abstractmethod + def refresh_optimizer_after_model_change(self): + """ + Refresh the optimizer after the model has been changed. + This may be necessary in case of tensor copies. + """ + raise NotImplementedError diff --git a/src/trigram_tokenizer/optimizer/learning_rate_scheduler/__init__.py b/src/trigram_tokenizer/optimizer/learning_rate_scheduler/__init__.py new file mode 100644 index 0000000..e587c45 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/learning_rate_scheduler/__init__.py @@ -0,0 +1,5 @@ +from .learning_rate_scheduler import ( + LearningRateSchedulerConfig, + LearningRateDecayStyle, + LearningRateScheduler, +) diff --git a/src/trigram_tokenizer/optimizer/learning_rate_scheduler/learning_rate_scheduler.py b/src/trigram_tokenizer/optimizer/learning_rate_scheduler/learning_rate_scheduler.py new file mode 100644 index 0000000..f1f3681 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/learning_rate_scheduler/learning_rate_scheduler.py @@ -0,0 +1,87 @@ +from enum import Enum +import math +from pydantic import Field +from ...config import BaseConfig + + +class LearningRateDecayStyle(Enum): + CONSTANT = "constant" + LINEAR = "linear" + COSINE = "cosine" + + +class LearningRateSchedulerConfig(BaseConfig): + learning_rate: float = Field( + 0.0, + description="Base learning rate; this is also the maximum learning rate.", + ) + + learning_rate_minimum: float = Field( + 0.0, + description="Minimum learning rate below which a step's learning rate will never drop. This is the final learning rate after the schedule has been applied.", + ) + + learning_rate_decay_style: LearningRateDecayStyle = Field( + LearningRateDecayStyle.COSINE, + description="Shape of the learning rate decay after warm up", + ) + + learning_rate_decay_iters: int = Field( + 0, + description="Number of iterations within which the learning rate follows the schedule. Warmup iterations are included.", + ) + + learning_rate_warmup_steps: int = Field( + 0, + description="Number of warmup steps during which the learning rate is linearly increased to the maximum learning rate. The actual schedule starts after the warmump steps.", + ) + + +class LearningRateScheduler: + """ + Class managing learning rate decay functions from: + https://openreview.net/pdf?id=BJYwwY9ll pg. 4 + """ + + def __init__(self, config: LearningRateSchedulerConfig): + self.config = config + + def get_lr(self, step_index: int) -> float: + """ + Compute the learning rate for a given step index. + """ + # Use linear warmup for the initial part. + if ( + self.config.learning_rate_warmup_steps > 0 + and step_index <= self.config.learning_rate_warmup_steps + ): + return ( + self.config.learning_rate + * float(step_index) + / float(self.config.learning_rate_warmup_steps) + ) + + # If constant learning rate return the max after warmup + if self.config.learning_rate_decay_style == LearningRateDecayStyle.CONSTANT: + return self.config.learning_rate + + # For any steps larger than `self.config.learning_rate_decay_iters`, use `self.min_lr` + if step_index > self.config.learning_rate_decay_iters: + return self.config.learning_rate_minimum + + # Use decay styles after warmup + # Note that to get here self.config.learning_rate_warmup_steps < step_index <= self.config.learning_rate_decay_iters + num_steps_nowarmup = step_index - self.config.learning_rate_warmup_steps + decay_steps_nowarmup = ( + self.config.learning_rate_decay_iters + - self.config.learning_rate_warmup_steps + ) + decay_ratio = float(num_steps_nowarmup) / float(decay_steps_nowarmup) + + assert 0.0 <= decay_ratio <= 1.0 + delta_lr = self.config.learning_rate - self.config.learning_rate_minimum + if self.config.learning_rate_decay_style == LearningRateDecayStyle.LINEAR: + coeff = 1.0 - decay_ratio + elif self.config.learning_rate_decay_style == LearningRateDecayStyle.COSINE: + coeff = 0.5 * (math.cos(math.pi * decay_ratio) + 1.0) + return self.config.learning_rate_minimum + coeff * delta_lr diff --git a/src/trigram_tokenizer/optimizer/parameter_meta.py b/src/trigram_tokenizer/optimizer/parameter_meta.py new file mode 100644 index 0000000..1734a85 --- /dev/null +++ b/src/trigram_tokenizer/optimizer/parameter_meta.py @@ -0,0 +1,80 @@ +from typing import Optional, Tuple, Dict, Any, Union +import torch + + +class ParameterMeta: + def __init__( + self, + local_shape: Tuple[int, ...], + layer_index: Optional[int] = None, + parameter_name: Optional[str] = None, + ): + self.local_shape = local_shape + self.layer_index = layer_index + self.parameter_name = parameter_name + if layer_index is not None: + self.set_layer_index(layer_index=layer_index) + + def __repr__(self): + return f"ParameterMeta [{self.parameter_name}] layer_index [{self.layer_index}]" + + @property + def key(self): + """ + unique identifer within a constant model architecture independent of layout + """ + return self.key_for_layer(self.layer_index) + + def key_for_layer(self, layer_index: str): + return f"layer_index_{layer_index}_parameter_name_{self.parameter_name}" + + def possible_keys(self): + return [self.key] + + def state_dict(self) -> Dict[str, Any]: + return { + "local_shape": self.local_shape, + "layer_index": self.layer_index, + "parameter_name": self.parameter_name, + } + + @classmethod + def from_state_dict(cls, state_dict: Dict[str, Any]): + return cls(**state_dict) + + def set_layer_index(self, layer_index: int): + self.layer_index = layer_index + + def set_parameter_name(self, parameter_name: str): + self.parameter_name = parameter_name + + def set_is_tied(self, is_tied: bool): + self.is_tied = is_tied + + @staticmethod + def register_on_parameter( + parameter: torch.Tensor, + layer_index: Optional[int] = None, + parameter_name: Optional[str] = None, + ): + assert not hasattr( + parameter, "aleph_alpha_scaling_parameter_meta" + ), "aleph_alpha_scaling_parameter_meta already registered" + + local_shape = tuple(parameter.shape) + + meta = ParameterMeta( + local_shape=local_shape, + layer_index=layer_index, + parameter_name=parameter_name, + ) + + parameter.parameter_meta = meta # type: ignore + + return meta + + def __eq__(self, o): + if not isinstance(o, ParameterMeta): + return False + + return self.key == o.key diff --git a/src/trigram_tokenizer/py.typed b/src/trigram_tokenizer/py.typed new file mode 100644 index 0000000..e69de29 diff --git a/src/trigram_tokenizer/tokenizer/__init__.py b/src/trigram_tokenizer/tokenizer/__init__.py new file mode 100644 index 0000000..0558915 --- /dev/null +++ b/src/trigram_tokenizer/tokenizer/__init__.py @@ -0,0 +1,8 @@ +from .trigram_tokenizer import ( + TrigramTokenizer, + TrigramTokenizerConfig, +) +from .encoding_inference import EncodingInference +from .encoding_training import EncodingTraining +from .encoding_batch_training import EncodingBatchTraining +from .encoding_batch_inference import EncodingBatchInference diff --git a/src/trigram_tokenizer/tokenizer/encoding_batch_inference.py b/src/trigram_tokenizer/tokenizer/encoding_batch_inference.py new file mode 100644 index 0000000..fed90fb --- /dev/null +++ b/src/trigram_tokenizer/tokenizer/encoding_batch_inference.py @@ -0,0 +1,84 @@ +from typing import Set, List, Optional +from dataclasses import dataclass + +import torch + +from .encoding_inference import EncodingInference + + +@dataclass +class EncodingBatchInference: + trigram_set_position_ids: torch.Tensor + trigram_token_ids: torch.Tensor + trigram_token_ids_offsets: torch.Tensor + trigram_sets_input: List[List[Set]] + position_ids: torch.Tensor + attention_mask: torch.Tensor + + words: List[List[str]] + + @classmethod + def from_encodings( + cls, + encodings: List[EncodingInference], + pad_attention_mask_to: Optional[int] = None, + ): + # compute offsets + trigram_token_ids_offsets = list() + words = list() + offset = 0 + for e in encodings: + trigram_token_ids_offsets.append( + [offset, offset + int(e.trigram_set_position_ids.shape[0])] + ) + offset += int(e.trigram_set_position_ids.shape[0]) + words.append(e.words) + + # compute attention mask + position_ids_tensor = torch.stack([e.position_ids for e in encodings]) + attention_mask = torch.tril( + torch.ones( + ( + position_ids_tensor.shape[0], + ( + position_ids_tensor.shape[1] + if pad_attention_mask_to is None + else pad_attention_mask_to + ), + ( + position_ids_tensor.shape[1] + if pad_attention_mask_to is None + else pad_attention_mask_to + ), + ), + device=position_ids_tensor.device, + ) + ).view( + position_ids_tensor.shape[0], + 1, + ( + position_ids_tensor.shape[1] + if pad_attention_mask_to is None + else pad_attention_mask_to + ), + ( + position_ids_tensor.shape[1] + if pad_attention_mask_to is None + else pad_attention_mask_to + ), + ) + + # Convert attention mask to binary: + attention_mask = attention_mask < 0.5 + + return cls( + trigram_token_ids=torch.cat([e.trigram_token_ids for e in encodings]), + trigram_set_position_ids=torch.cat( + [e.trigram_set_position_ids for e in encodings] + ), + trigram_token_ids_offsets=torch.tensor(trigram_token_ids_offsets), + trigram_sets_input=[e.trigram_sets_input for e in encodings], + position_ids=torch.stack([e.position_ids for e in encodings]), + attention_mask=attention_mask, + words=words, + ) diff --git a/src/trigram_tokenizer/tokenizer/encoding_batch_training.py b/src/trigram_tokenizer/tokenizer/encoding_batch_training.py new file mode 100644 index 0000000..0ca391f --- /dev/null +++ b/src/trigram_tokenizer/tokenizer/encoding_batch_training.py @@ -0,0 +1,95 @@ +from typing import List, Optional +from dataclasses import dataclass + +import torch + +from .encoding_training import EncodingTraining + + +@dataclass +class EncodingBatchTraining: + trigram_set_position_ids: torch.Tensor + trigram_token_ids: torch.Tensor + trigram_token_ids_offsets: torch.Tensor + position_ids: torch.Tensor + loss_weights: torch.Tensor + attention_mask: torch.Tensor + + targets: torch.Tensor + words_targets: List[List[Optional[str]]] + + @classmethod + def from_encodings( + cls, encodings: List[EncodingTraining], reset_attention_mask: bool = True + ): + # compute offsets + trigram_token_ids_offsets = list() + offset = 0 + for e in encodings: + trigram_token_ids_offsets.append( + [offset, offset + int(e.trigram_set_position_ids.shape[0])] + ) + offset += int(e.trigram_set_position_ids.shape[0]) + + # compute attention mask + position_ids_tensor = torch.stack([e.position_ids for e in encodings]) + attention_mask = torch.tril( + torch.ones( + ( + position_ids_tensor.shape[0], + position_ids_tensor.shape[1], + position_ids_tensor.shape[1], + ), + device=position_ids_tensor.device, + ) + ).view( + position_ids_tensor.shape[0], + 1, + position_ids_tensor.shape[1], + position_ids_tensor.shape[1], + ) + if reset_attention_mask: + trigram_set_target_is_eot = torch.stack( + [ + e.trigram_set_target_is_eot + for e in encodings + if e.trigram_set_target_is_eot is not None + ] # for typing, should never be None here + ) + for b in range(position_ids_tensor.shape[0]): + # Find indecies where EOD token is. + eod_index = trigram_set_target_is_eot[b].nonzero().flatten() + + # collect coordinates + indices = list() + end_index = 0 + for end_inclusive in eod_index.tolist(): + start_index = end_index + end_index = int(end_inclusive) + 1 + indices.append((start_index, end_index)) + + # add the last + if end_index < int(trigram_set_target_is_eot.shape[1]): + indices.append((end_index, trigram_set_target_is_eot.shape[1])) + + # Loop through EOD indecies: + for start_index, end_index in indices: + # Mask attention + # This removes the tokens to the left starting at the previous eos token + attention_mask[b, 0, (end_index):, :(end_index)] = 0 + + # Convert attention mask to binary: + attention_mask = attention_mask < 0.5 + + return cls( + trigram_token_ids=torch.cat([e.trigram_token_ids for e in encodings]), + trigram_set_position_ids=torch.cat( + [e.trigram_set_position_ids for e in encodings] + ), + trigram_token_ids_offsets=torch.tensor(trigram_token_ids_offsets), + position_ids=torch.stack([e.position_ids for e in encodings]), + loss_weights=torch.stack([e.loss_weights for e in encodings]), + targets=torch.stack([e.targets for e in encodings]), + words_targets=[e.words_targets for e in encodings if e.words_targets], + attention_mask=attention_mask, + ) diff --git a/src/trigram_tokenizer/tokenizer/encoding_inference.py b/src/trigram_tokenizer/tokenizer/encoding_inference.py new file mode 100644 index 0000000..0dd0413 --- /dev/null +++ b/src/trigram_tokenizer/tokenizer/encoding_inference.py @@ -0,0 +1,148 @@ +from typing import Set, List, Optional, Union + +from dataclasses import dataclass + +import torch + + +@dataclass +class EncodingInference: + trigram_set_position_ids: torch.Tensor + trigram_token_ids: torch.Tensor + trigram_sets_input: List[Set] + words: List[str] + position_ids: torch.Tensor + + @staticmethod + def concat_encodings(encodings: List, seq_len: Optional[int] = None): + assert len(encodings) > 0, "cannot concat empty list of encodings" + + trigram_set_position_ids: List[torch.Tensor] = list() + trigram_token_ids: List[torch.Tensor] = list() + position_ids: List[torch.Tensor] = list() + + trigram_sets_input: List[Set[str]] = list() + words = list() + + position_offset = 0 + for encoding in encodings: + assert isinstance(encoding, EncodingInference) + trigram_set_position_ids.append( + encoding.trigram_set_position_ids + position_offset + ) + trigram_token_ids.append(encoding.trigram_token_ids) + + position_ids.append(encoding.position_ids + position_offset) + + trigram_sets_input.extend(encoding.trigram_sets_input) + + position_offset += len(encoding.position_ids) + + words.extend(encoding.words) + + # cat + trigram_set_position_ids_tensor = torch.cat(trigram_set_position_ids, dim=0) + trigram_token_ids_tensor = torch.cat(trigram_token_ids, dim=0) + position_ids_tensor = torch.cat(position_ids, dim=0) + + # pad or cut + if seq_len is not None: + if len(position_ids_tensor) > seq_len: + # cut + trigram_set_position_ids_tensor = trigram_set_position_ids_tensor[ + trigram_set_position_ids_tensor < seq_len + ] + trigram_token_ids_tensor = trigram_token_ids_tensor[ + : len(trigram_set_position_ids_tensor), : + ] + position_ids_tensor = position_ids_tensor[:seq_len] + trigram_sets_input = trigram_sets_input[:seq_len] + words = words[:seq_len] + elif len(position_ids_tensor) < seq_len: + # pad + padding_size = seq_len - len(position_ids_tensor) + position_ids_tensor = torch.arange(0, seq_len) + trigram_sets_input = trigram_sets_input + [ + set() for _ in range(padding_size) + ] + words = words + ["" for _ in range(padding_size)] + + return EncodingInference( + trigram_set_position_ids=trigram_set_position_ids_tensor, + trigram_token_ids=trigram_token_ids_tensor, + trigram_sets_input=trigram_sets_input, + position_ids=position_ids_tensor, + words=words, + ) + + def __eq__(self, o): + assert isinstance(o, EncodingInference) + if not self.trigram_set_position_ids.shape == o.trigram_set_position_ids.shape: + return False + if ( + not (self.trigram_set_position_ids == o.trigram_set_position_ids) + .all() + .item() + ): + return False + + if not self.trigram_token_ids.shape == o.trigram_token_ids.shape: + return False + if not (self.trigram_token_ids == o.trigram_token_ids).all().item(): + return False + + if not self.trigram_sets_input == o.trigram_sets_input: + return False + + if not self.position_ids.shape == o.position_ids.shape: + return False + if not (self.position_ids == o.position_ids).all().item(): + return False + + return True + + def __len__(self): + return len(self.position_ids) + + def __getitem__(self, idx: Union[int, slice]): + if isinstance(idx, slice): + idx_slice = slice(idx.start or 0, idx.stop or len(self)) + elif isinstance(idx, int): + idx_slice = slice(idx, idx + 1) + else: + raise NotImplementedError + + if idx_slice.stop > len(self): + idx_slice = slice(idx_slice.start, len(self)) + if idx_slice.start < 0: + raise IndexError + + trigram_sets_input = self.trigram_sets_input[idx_slice.start : idx_slice.stop] + words = self.words[idx_slice.start : idx_slice.stop] + + position_ids_tensor = ( + self.position_ids[idx_slice.start : idx_slice.stop] + - self.position_ids[idx_slice.start] + ) + + trigram_set_position_ids_tensor = ( + self.trigram_set_position_ids[ + (self.trigram_set_position_ids >= idx_slice.start).logical_and( + self.trigram_set_position_ids < idx_slice.stop + ) + ] + - self.position_ids[idx_slice.start] + ) + trigram_token_ids_tensor = self.trigram_token_ids[ + (self.trigram_set_position_ids >= idx_slice.start).logical_and( + self.trigram_set_position_ids < idx_slice.stop + ) + ] + + return EncodingInference( + trigram_set_position_ids=trigram_set_position_ids_tensor, + trigram_token_ids=trigram_token_ids_tensor, + trigram_sets_input=trigram_sets_input, + position_ids=position_ids_tensor, + words=words, + ) diff --git a/src/trigram_tokenizer/tokenizer/encoding_training.py b/src/trigram_tokenizer/tokenizer/encoding_training.py new file mode 100644 index 0000000..05b5dc2 --- /dev/null +++ b/src/trigram_tokenizer/tokenizer/encoding_training.py @@ -0,0 +1,343 @@ +from typing import Set, List, Optional, Union +from typing_extensions import Never +from dataclasses import dataclass + +import torch + +from trigram_tokenizer.logging import logger + + +@dataclass +class EncodingTraining: + trigram_set_position_ids: torch.Tensor + trigram_token_ids: torch.Tensor + trigram_sets_input: List[Set] + position_ids: torch.Tensor + trigram_set_input_is_padding: torch.Tensor + loss_weights: torch.Tensor + + targets: torch.Tensor + trigram_set_target_is_eot: torch.Tensor + trigram_sets_targets: List[Set] + words_targets: List[Optional[str]] + + @staticmethod + def concat_encodings( + encodings: List, + seq_len: Optional[int] = None, + eot: Optional[int] = None, + reset_position_ids: bool = True, + ): + assert len(encodings) > 0, "cannot concat empty list of encodings" + + trigram_set_position_ids: List[torch.Tensor] = list() + trigram_token_ids: List[torch.Tensor] = list() + targets: List[torch.Tensor] = list() + words_targets: List[Optional[str]] = list() + position_ids: List[torch.Tensor] = list() + loss_weights: List[torch.Tensor] = list() + trigram_set_target_is_eot: List[torch.Tensor] = list() + + trigram_sets_input: List[Union[Set[str], Set[Never]]] = list() + trigram_sets_targets: List[Union[Set[str], Set[Never]]] = list() + + position_offset = 0 + for encoding in encodings: + assert isinstance(encoding, EncodingTraining) + trigram_set_position_ids.append( + encoding.trigram_set_position_ids + position_offset + ) + trigram_token_ids.append(encoding.trigram_token_ids) + + assert encoding.targets is not None, f"can only concat training data" + targets.append(encoding.targets) + + assert encoding.words_targets is not None, f"can only concat training data" + words_targets.extend(encoding.words_targets) + + loss_weights.append(encoding.loss_weights) + if reset_position_ids: + position_ids.append(encoding.position_ids) + else: + position_ids.append(encoding.position_ids + position_offset) + + assert ( + encoding.trigram_set_target_is_eot is not None + ), f"can only concat training data" + trigram_set_target_is_eot.append(encoding.trigram_set_target_is_eot) + + trigram_sets_input.extend(encoding.trigram_sets_input) + + assert ( + encoding.trigram_sets_targets is not None + ), f"can only concat training data" + trigram_sets_targets.extend(encoding.trigram_sets_targets) + + position_offset += len(encoding.position_ids) + + # cat + trigram_set_position_ids_tensor = torch.cat(trigram_set_position_ids, dim=0) + trigram_token_ids_tensor = torch.cat(trigram_token_ids, dim=0) + targets_tensor = torch.cat(targets, dim=0) + loss_weights_tensor = torch.cat(loss_weights, dim=0) + position_ids_tensor = torch.cat(position_ids, dim=0) + trigram_set_target_is_eot_tensor = torch.cat(trigram_set_target_is_eot, dim=0) + trigram_set_input_is_padding = torch.zeros_like( + trigram_set_target_is_eot_tensor + ) + + # pad or cut + if seq_len is not None: + if len(position_ids_tensor) > seq_len: + # cut + trigram_set_position_ids_tensor = trigram_set_position_ids_tensor[ + trigram_set_position_ids_tensor < seq_len + ] + trigram_token_ids_tensor = trigram_token_ids_tensor[ + : len(trigram_set_position_ids_tensor), : + ] + targets_tensor = targets_tensor[:seq_len, :] + words_targets = words_targets[:seq_len] + position_ids_tensor = position_ids_tensor[:seq_len] + loss_weights_tensor = loss_weights_tensor[:seq_len] + trigram_set_target_is_eot_tensor = trigram_set_target_is_eot_tensor[ + :seq_len + ] + trigram_sets_input = trigram_sets_input[:seq_len] + trigram_sets_targets = trigram_sets_targets[:seq_len] + trigram_set_input_is_padding = torch.zeros_like( + trigram_set_target_is_eot_tensor + ) + elif len(position_ids_tensor) < seq_len: + # pad + padding_size = seq_len - len(position_ids_tensor) + # logger.info(f"EncodingTraining PADDING: {padding_size}") + + trigram_set_input_is_padding = torch.cat( + [ + torch.zeros((len(position_ids_tensor),), dtype=torch.bool), + torch.ones((padding_size,), dtype=torch.bool), + ], + dim=0, + )[:seq_len] + + # these remain unchanged as they will only fill positions later + # trigram_set_position_ids_tensor + # trigram_token_ids_tensor + + if eot: + pad_eot = torch.ones( + (padding_size, targets_tensor.shape[1]), + dtype=targets_tensor.dtype, + device=targets_tensor.device, + ) + pad_eot *= eot + else: + pad_eot = torch.zeros( + (padding_size, targets_tensor.shape[1]), + dtype=targets_tensor.dtype, + device=targets_tensor.device, + ) + + targets_tensor = torch.cat( + [ + targets_tensor, + pad_eot, + ], + dim=0, + )[:seq_len, :] + position_ids_tensor = torch.arange(0, seq_len) + loss_weights_tensor = torch.cat( + [ + loss_weights_tensor, + torch.zeros( + (padding_size,), + dtype=loss_weights_tensor.dtype, + device=loss_weights_tensor.device, + ), + ], + dim=0, + )[:seq_len] + trigram_set_target_is_eot_tensor = torch.cat( + [ + trigram_set_target_is_eot_tensor, + torch.ones( + (padding_size,), + dtype=trigram_set_target_is_eot_tensor.dtype, + device=trigram_set_target_is_eot_tensor.device, + ), + ], + dim=0, + )[:seq_len] + words_targets = words_targets + [None for _ in range(padding_size)] + words_targets = words_targets[:seq_len] + trigram_sets_input = ( + trigram_sets_input + [set() for _ in range(padding_size)][:seq_len] + ) + trigram_sets_targets = ( + trigram_sets_targets + + [set() for _ in range(padding_size)][:seq_len] + ) + + return EncodingTraining( + trigram_set_position_ids=trigram_set_position_ids_tensor, + trigram_token_ids=trigram_token_ids_tensor, + targets=targets_tensor, + trigram_sets_input=trigram_sets_input, + trigram_sets_targets=trigram_sets_targets, + words_targets=words_targets, + position_ids=position_ids_tensor, + loss_weights=loss_weights_tensor, + trigram_set_target_is_eot=trigram_set_target_is_eot_tensor, + trigram_set_input_is_padding=trigram_set_input_is_padding, + ) + + def __eq__(self, o): + assert isinstance(o, EncodingTraining) + if not self.trigram_set_position_ids.shape == o.trigram_set_position_ids.shape: + return False + if ( + not (self.trigram_set_position_ids == o.trigram_set_position_ids) + .all() + .item() + ): + return False + + if not self.trigram_token_ids.shape == o.trigram_token_ids.shape: + return False + if not (self.trigram_token_ids == o.trigram_token_ids).all().item(): + return False + + if not self.trigram_sets_input == o.trigram_sets_input: + return False + + if not self.position_ids.shape == o.position_ids.shape: + return False + if not (self.position_ids == o.position_ids).all().item(): + return False + + if ( + not self.trigram_set_input_is_padding.shape + == o.trigram_set_input_is_padding.shape + ): + return False + if ( + not (self.trigram_set_input_is_padding == o.trigram_set_input_is_padding) + .all() + .item() + ): + return False + + if not self.loss_weights.shape == o.loss_weights.shape: + return False + if not (self.loss_weights == o.loss_weights).all().item(): + return False + + if not (self.targets is None and o.targets is None): + if self.targets is None or o.targets is None: + return False + if not self.targets.shape == o.targets.shape: + return False + if not (self.targets == o.targets).all().item(): + return False + + if not ( + self.trigram_set_target_is_eot is None + and o.trigram_set_target_is_eot is None + ): + if ( + self.trigram_set_target_is_eot is None + or o.trigram_set_target_is_eot is None + ): + return False + if ( + not self.trigram_set_target_is_eot.shape + == o.trigram_set_target_is_eot.shape + ): + return False + if ( + not (self.trigram_set_target_is_eot == o.trigram_set_target_is_eot) + .all() + .item() + ): + return False + + if not self.trigram_sets_targets == o.trigram_sets_targets: + return False + + return True + + def __len__(self): + return len(self.position_ids) + + def __getitem__(self, idx: Union[int, slice]): + if isinstance(idx, slice): + idx_slice = slice(idx.start or 0, idx.stop or len(self)) + elif isinstance(idx, int): + idx_slice = slice(idx, idx + 1) + else: + raise NotImplementedError + + if idx_slice.stop > len(self): + idx_slice = slice(idx_slice.start, len(self)) + if idx_slice.start < 0: + raise IndexError + + if self.targets is None: + targets_tensor = None + else: + targets_tensor = self.targets[idx_slice.start : idx_slice.stop, :] + + if self.words_targets is None: + words_targets = None + else: + words_targets = self.words_targets[idx_slice.start : idx_slice.stop] + + position_ids_tensor = ( + self.position_ids[idx_slice.start : idx_slice.stop] + - self.position_ids[idx_slice.start] + ) + loss_weights_tensor = self.loss_weights[idx_slice.start : idx_slice.stop] + if self.trigram_set_target_is_eot is None: + trigram_set_target_is_eot_tensor = None + else: + trigram_set_target_is_eot_tensor = self.trigram_set_target_is_eot[ + idx_slice.start : idx_slice.stop + ] + trigram_set_input_is_padding = self.trigram_set_input_is_padding[ + idx_slice.start : idx_slice.stop + ] + trigram_sets_input = self.trigram_sets_input[idx_slice.start : idx_slice.stop] + if self.trigram_sets_targets is None: + trigram_sets_targets = None + else: + trigram_sets_targets = self.trigram_sets_targets[ + idx_slice.start : idx_slice.stop + ] + + trigram_set_position_ids_tensor = ( + self.trigram_set_position_ids[ + (self.trigram_set_position_ids >= idx_slice.start).logical_and( + self.trigram_set_position_ids < idx_slice.stop + ) + ] + - self.position_ids[idx_slice.start] + ) + trigram_token_ids_tensor = self.trigram_token_ids[ + (self.trigram_set_position_ids >= idx_slice.start).logical_and( + self.trigram_set_position_ids < idx_slice.stop + ) + ] + + return EncodingTraining( + trigram_set_position_ids=trigram_set_position_ids_tensor, + trigram_token_ids=trigram_token_ids_tensor, + targets=targets_tensor, + words_targets=words_targets, + trigram_sets_input=trigram_sets_input, + trigram_sets_targets=trigram_sets_targets, + position_ids=position_ids_tensor, + loss_weights=loss_weights_tensor, + trigram_set_target_is_eot=trigram_set_target_is_eot_tensor, + trigram_set_input_is_padding=trigram_set_input_is_padding, + ) diff --git a/src/trigram_tokenizer/tokenizer/trigram_tokenizer.py b/src/trigram_tokenizer/tokenizer/trigram_tokenizer.py new file mode 100644 index 0000000..741b5eb --- /dev/null +++ b/src/trigram_tokenizer/tokenizer/trigram_tokenizer.py @@ -0,0 +1,1128 @@ +from typing import Set, List, Optional, Tuple, Union, Dict, NamedTuple +from pathlib import Path +from tqdm import tqdm +import collections +from pydantic import Field +import hashlib +import pickle +import torch +import copy +import collections +from tokenizers import Tokenizer +from trigram_tokenizer.logging import logger +from ..config import BaseConfig + +from .encoding_inference import EncodingInference +from .encoding_training import EncodingTraining +from .wordsplit import text_to_words + +import string +import itertools + + +class DecodeResult(NamedTuple): + words: List[str] + word_indices: List[int] + word_ps: List[float] + logits: List[Optional[torch.Tensor]] + log_probs: Optional[List[Dict[str, float]]] + words_count_training: List[Optional[int]] + + +class TrigramTokenizerConfig(BaseConfig): + lowercase: bool = Field(False, description="") + vocab_size: int = Field(description="") + sequence_length: int = Field(4096, description="") + vocab_population: int = Field(description="") + vocab_population_partial_lowercase: int = Field(0, description="") + do_classic_tokenization: bool = Field(False, description="") + prefix_path_tokenizer_file: str = Field("") + seed: int = Field(42, description="") + initialize: str = Field("hash", description="hash or orthogonal") + entire_words: bool = Field( + False, description="use trigramify (False) or hash word directly" + ) + end_of_text: str = Field("<|endoftext|>", description="") + + word_edge_weight: int = Field(1, description="") + + cache_dir: Optional[Path] = Field(None, description="") + + +class TrigramTokenizer: + def __init__( + self, + config: TrigramTokenizerConfig, + trigram_to_vocab: Optional[torch.Tensor] = None, + words_to_weights: Optional[torch.Tensor] = None, + word_trigram_counts: Optional[torch.Tensor] = None, + word_counts: Optional[torch.Tensor] = None, + words: Optional[List[str]] = None, + word_counter_full: Optional[Dict[str, int]] = None, + ): + logger.info( + f"TrigramTokenizer initializing", + ) + self.config = config + + assert ( + config.word_edge_weight < 2**8 + ), "counts are represented in int 8, dont make the weight too big!" + + torch.manual_seed(self.config.seed) + if torch.cuda.is_initialized(): + torch.cuda.manual_seed_all(self.config.seed) + + if self.config.do_classic_tokenization: + logger.info( + f"TrigramTokenizer file: {self.config.prefix_path_tokenizer_file}" + ) + assert self.config.prefix_path_tokenizer_file != "" + assert Path( + self.config.prefix_path_tokenizer_file + ).exists(), f"tokenizer file does not exist {self.config.prefix_path_tokenizer_file}" + self.classic_tokenizer = Tokenizer.from_file( + self.config.prefix_path_tokenizer_file + ) + self.trigram_to_vocab = None # torch.tensor(range(len(self.classic_tokenizer))).unsqueeze(dim=-1).to(torch.long) + else: + if self.config.initialize == "hash": + self.trigram_to_vocab = ( + self.initialize_hash_weight( + cache_dir=self.config.cache_dir, + trigram_count=256 * 256 * 256, + vocab_size=self.config.vocab_size, + vocab_population=self.config.vocab_population, + seed=self.config.seed, + ) + if trigram_to_vocab is None + else trigram_to_vocab + ) + else: + assert self.config.initialize == "orthogonal" + + self.trigram_to_vocab = ( + self.initialize_orthogonal_weight( + cache_dir=self.config.cache_dir, + trigram_count=256 * 256 * 256, + vocab_size=self.config.vocab_size, + vocab_population=self.config.vocab_population, + seed=self.config.seed, + ) + if trigram_to_vocab is None + else trigram_to_vocab + ) + + if self.config.vocab_population_partial_lowercase > 0: + logger.info( + f"replacing lower-cased vocabs - {self.config.vocab_population_partial_lowercase} ", + ) + + all_chars = list(string.ascii_lowercase + " ") + + for pattern in itertools.product(all_chars, repeat=3): + lower_pattern = "".join(pattern) + for num in range(8): + cur_pattern = list(lower_pattern) + cur_num = num + for i in range(3): + if cur_num % 2 == 1: + cur_pattern[i] = cur_pattern[i].upper() + cur_num = cur_num >> 1 + cur_pattern_joined = "".join(cur_pattern) + if lower_pattern == cur_pattern_joined: + continue + + assert self.trigram_to_vocab is not None + self.trigram_to_vocab[ + self.trigram_to_id(str.encode(cur_pattern_joined)) + ][ + -self.config.vocab_population_partial_lowercase : + ] = self.trigram_to_vocab[ + self.trigram_to_id(str.encode(lower_pattern)) + ][ + -self.config.vocab_population_partial_lowercase : + ] + + logger.info( + f"end replacing lower-cased vocabs", + ) + + self.words_to_weights: Optional[torch.Tensor] = words_to_weights + self.word_trigram_counts: Optional[torch.Tensor] = word_trigram_counts + self.word_counts: Optional[torch.Tensor] = word_counts + self.words: List[str] = list() if words is None else words + self.word_to_index = {w: i for i, w in enumerate(self.words)} + + self.word_counter_full = word_counter_full or dict() + + logger.info( + f"end TrigramTokenizer initializing", + ) + + @staticmethod + def trigramify( + text: str, + lowercase: bool, + strip: bool = False, + ) -> Tuple[List[Set[bytes]], List[str]]: + if lowercase: + text = text.lower() + + if strip: + text = text.strip() + + words = text_to_words(text=text) + + trigram_sets = list() + words_ = list() + for word in words: + whitespaced_word = f" {word} " + whitespaced_word_bytes = str.encode(whitespaced_word) + trigram_set = set() + for i in range(len(whitespaced_word_bytes) - 2): + trigram = whitespaced_word_bytes[i : i + 3] + trigram_set.add(trigram) + + if len(trigram_set) > 0: + trigram_sets.append(trigram_set) + words_.append(word) + + return trigram_sets, words_ + + @staticmethod + def trigram_to_id(word_trigram: bytes) -> int: + assert len(word_trigram) == 3 + trigram_id = 0 + for i, b in enumerate(word_trigram): + trigram_id += b * pow(256, i) + + return trigram_id + + @staticmethod + def id_to_trigram(trigram_id: int) -> bytes: + assert trigram_id < pow(256, 3) + + byte_1 = trigram_id % 256 + trigram_id -= byte_1 + trigram_id = trigram_id // 256 + byte_2 = trigram_id % 256 + trigram_id -= byte_2 + byte_3 = trigram_id // 256 + return bytes([byte_1, byte_2, byte_3]) + + def encode_training( + self, text: str, pad_to_seq_len: bool = True + ) -> EncodingTraining: + if self.config.do_classic_tokenization: + return self.encode_training_token(text, pad_to_seq_len=pad_to_seq_len) + else: + return self.encode_training_trigram(text, pad_to_seq_len=pad_to_seq_len) + + def encode_training_token( + self, text: str, pad_to_seq_len: bool = True + ) -> EncodingTraining: + assert not pad_to_seq_len + tokenized_text = self.classic_tokenizer.encode(text).ids + + trigram_set_position_ids = list() + trigram_token_ids = list() + trigram_sets_input = list() + trigram_sets_targets = list() + position_ids = list() + trigram_set_target_is_eot = list() + words_targets: List[Optional[str]] = list() + + eot_token = self.classic_tokenizer.encode(self.config.end_of_text).ids + seq_len = len(tokenized_text) - 1 + targets = torch.zeros((seq_len, 1), dtype=torch.int32) # CAN BE MEMORY INTENSE! + for position_index, (trigram_set, word) in enumerate( + zip( + [[i] for i in tokenized_text], + [ + self.classic_tokenizer.decode([i], skip_special_tokens=False) + for i in tokenized_text + ], + ) + ): + trigram_set_tensor = torch.tensor(trigram_set) + if position_index < seq_len: + trigram_sets_input.append(set(trigram_set)) + position_ids.append(position_index) + if position_index > 0 and position_index <= (seq_len): + trigram_sets_targets.append(set(trigram_set)) + trigram_set_target_is_eot.append( + trigram_set_tensor.tolist() == eot_token + ) + words_targets.append(word) + for word_trigram in [trigram_set_tensor]: + vocab_ids = word_trigram + if (position_index < seq_len) and position_index <= (seq_len - 1): + trigram_set_position_ids.append(position_index) + trigram_token_ids.append(vocab_ids) + if position_index > 0 and position_index <= seq_len: + targets[position_index - 1] = vocab_ids[0] + + return EncodingTraining( + trigram_set_position_ids=torch.tensor( + trigram_set_position_ids, dtype=torch.int32 + ), + trigram_token_ids=torch.stack(trigram_token_ids), + targets=targets, + trigram_sets_input=trigram_sets_input, + trigram_sets_targets=trigram_sets_targets, + position_ids=torch.tensor(position_ids, dtype=torch.int32), + trigram_set_target_is_eot=torch.tensor( + trigram_set_target_is_eot, dtype=torch.bool + ), + trigram_set_input_is_padding=torch.zeros( + (len(trigram_set_target_is_eot),), dtype=torch.bool + ), + loss_weights=torch.ones( + (len(trigram_set_target_is_eot),), dtype=torch.float + ), + words_targets=words_targets, + ) + + @classmethod + def encode_word_to_vocab_ids( + cls, config: TrigramTokenizerConfig, word: str + ) -> torch.Tensor: + vocab_ids = [] + for i in range( + config.vocab_population - config.vocab_population_partial_lowercase + ): + vocab_ids.append( + int( + hashlib.md5(str.encode(f"{word}_{i}")).hexdigest(), + 16, + ) + % config.vocab_size + ) + for i in range(config.vocab_population_partial_lowercase): + vocab_ids.append( + int( + hashlib.md5(str.encode(f"{word.lower()}_lower_{i}")).hexdigest(), + 16, + ) + % config.vocab_size + ) + vocab_ids_tensor = torch.tensor(vocab_ids) + + return vocab_ids_tensor + + def encode_training_trigram( + self, + text: Union[str, List[str]], + pad_to_seq_len=True, + text_loss_weights: Optional[List[float]] = None, + ) -> EncodingTraining: + # always look at a list from now on + if isinstance(text, str): + assert text_loss_weights is None + text = [text] + text_loss_weights = [1.0] + elif isinstance(text, list): + assert text_loss_weights is not None + assert len(text) == len(text_loss_weights) + else: + raise NotImplementedError + + assert isinstance(text, list) + assert isinstance(text_loss_weights, list) + + trigram_sets = list() + words = list() + trigram_sets_loss_weights = list() + for t, lw in zip(text, text_loss_weights): + trigram_sets_, words_ = self.trigramify( + text=t, + lowercase=self.config.lowercase, + strip=True, + ) + trigram_sets.extend(trigram_sets_) + words.extend(words_) + trigram_sets_loss_weights.extend([lw for _ in range(len(trigram_sets_))]) + + assert len(trigram_sets) == len(words) + assert len(trigram_sets) == len(trigram_sets_loss_weights) + + trigram_set_position_ids = list() + trigram_token_ids = list() + trigram_sets_input = list() + trigram_sets_targets = list() + position_ids = list() + trigram_set_target_is_eot = list() + words_targets: List[Optional[str]] = list() + + seq_len = ( + self.config.sequence_length if pad_to_seq_len else len(trigram_sets) - 1 + ) + targets = torch.zeros( + (seq_len, self.config.vocab_size), dtype=torch.int8 + ) # CAN BE MEMORY INTENSE! + loss_weights = torch.zeros( + (seq_len,), dtype=torch.float32 + ) # CAN BE MEMORY INTENSE! + for position_index, (trigram_set, word, lw) in enumerate( + zip(trigram_sets, words, trigram_sets_loss_weights) + ): + hash_word = self.config.entire_words or "<|" in word + if hash_word: + trigram_set = set([word.encode()]) + if position_index < seq_len: + trigram_sets_input.append(trigram_set) + position_ids.append(position_index) + if position_index > 0 and position_index <= seq_len: + trigram_sets_targets.append(trigram_set) + trigram_set_target_is_eot.append(word == self.config.end_of_text) + words_targets.append(word) + for word_trigram in trigram_set: + if hash_word: + assert len(trigram_set) == 1 + vocab_ids = self.encode_word_to_vocab_ids(self.config, word) + else: + trigram_id = self.trigram_to_id(word_trigram) + assert self.trigram_to_vocab is not None + vocab_ids = self.trigram_to_vocab[trigram_id] + + if position_index < seq_len: + trigram_set_position_ids.append(position_index) + trigram_token_ids.append(vocab_ids) + if position_index > 0 and position_index <= seq_len: + targets[ + position_index - 1, vocab_ids + ] += 1 # we increment to allow for loss fn experiments around the magnitude of the sparse hits. will bo converted to bool in loss atm + + loss_weights[position_index - 1] = lw * ( + self.config.word_edge_weight + if word_trigram.startswith(b" ") or word_trigram.endswith(b" ") + else 1 + ) + + if position_index == seq_len: + break + + return EncodingTraining( + trigram_set_position_ids=torch.tensor( + trigram_set_position_ids, dtype=torch.int32 + ), + trigram_token_ids=torch.stack(trigram_token_ids), + targets=targets, + trigram_sets_input=trigram_sets_input, + trigram_sets_targets=trigram_sets_targets, + position_ids=torch.tensor(position_ids, dtype=torch.int32), + trigram_set_target_is_eot=torch.tensor( + trigram_set_target_is_eot, dtype=torch.bool + ), + trigram_set_input_is_padding=torch.zeros( + (len(trigram_set_target_is_eot),), dtype=torch.bool + ), + loss_weights=loss_weights, + words_targets=words_targets, + ) + + def encode(self, text: str, strip: bool = False) -> EncodingInference: + if self.config.do_classic_tokenization: + return self.encode_token(text) + else: + return self.encode_trigram(text, strip) + + def encode_token(self, text: str) -> EncodingInference: + tokenized_text = self.classic_tokenizer.encode(text).ids + + trigram_set_position_ids = list() + trigram_token_ids = list() + trigram_sets_input = list() + position_ids = list() + + all_words = [] + for position_index, (trigram_set, word) in enumerate( + zip( + [set([i]) for i in tokenized_text], + [self.classic_tokenizer.decode([i]) for i in tokenized_text], + ) + ): + all_words.append(word) + trigram_set_tensor = torch.tensor(list(trigram_set)) + trigram_sets_input.append(trigram_set) + position_ids.append(position_index) + + for word_trigram in [trigram_set_tensor]: + vocab_ids = word_trigram + trigram_set_position_ids.append(position_index) + trigram_token_ids.append(vocab_ids) + + return EncodingInference( + trigram_set_position_ids=torch.tensor( + trigram_set_position_ids, dtype=torch.long + ), + trigram_token_ids=torch.stack(trigram_token_ids), + trigram_sets_input=trigram_sets_input, + position_ids=torch.tensor(position_ids, dtype=torch.long), + words=all_words, + ) + + def encode_trigram(self, text: str, strip: bool = False) -> EncodingInference: + trigram_sets, words = self.trigramify( + text=text, + lowercase=self.config.lowercase, + strip=strip, + ) + + trigram_set_position_ids = list() + trigram_token_ids = list() + trigram_sets_input = list() + position_ids = list() + for position_index, (trigram_set, word) in enumerate(zip(trigram_sets, words)): + hash_word = self.config.entire_words or "<|" in word + if hash_word: + trigram_set = set([word.encode()]) + trigram_sets_input.append(trigram_set) + position_ids.append(position_index) + for word_trigram in trigram_set: + if hash_word: + assert len(trigram_set) == 1 + vocab_ids = self.encode_word_to_vocab_ids(self.config, word) + else: + trigram_id = self.trigram_to_id(word_trigram) + assert self.trigram_to_vocab is not None + vocab_ids = self.trigram_to_vocab[trigram_id] + trigram_set_position_ids.append(position_index) + trigram_token_ids.append(vocab_ids) + + return EncodingInference( + trigram_set_position_ids=torch.tensor( + trigram_set_position_ids, dtype=torch.int32 + ), + trigram_token_ids=torch.stack(trigram_token_ids), + trigram_sets_input=trigram_sets_input, + position_ids=torch.tensor(position_ids, dtype=torch.int32), + words=words, + ) + + def decode( + self, + logits: torch.Tensor, + log_probs: Optional[int] = None, + target_words: Optional[List[str]] = None, + more_words: Optional[str] = None, + ) -> DecodeResult: + assert logits.ndim == 2, "expecting two dimensions [seq, vocab]" + if self.config.do_classic_tokenization: + return self.decode_token(logits, log_probs, target_words) + else: + return self.decode_trigram( + logits, log_probs, target_words, more_words=more_words + ) + + def decode_token( + self, + logits: torch.Tensor, + log_probs: Optional[int] = None, + target_words: Optional[List[str]] = None, + ) -> DecodeResult: + argmax_indices = logits.argmax(-1).tolist() + argmax_words = [self.classic_tokenizer.decode([i]) for i in argmax_indices] + log_probs_ = logits.log_softmax(-1) + probs_ = logits.softmax(-1) + + log_probs_result: Optional[List[Dict[str, float]]] = None + if log_probs is not None: + log_probs_result = list() + for _seq_idx, word_logprobs in enumerate(log_probs_): + log_probs_word_result = dict() + + top_values, top_indices = word_logprobs.topk(log_probs) + for v, i in zip(top_values, top_indices): + log_probs_word_result[ + self.classic_tokenizer.decode([i.item()]) + ] = float(v.item()) + + log_probs_result.append(log_probs_word_result) + + return DecodeResult( + words=argmax_words, + word_indices=argmax_indices, + word_ps=[ + float(probs_[indx, i].item()) for indx, i in enumerate(argmax_indices) + ], + logits=[l for l in logits], + log_probs=log_probs_result, + words_count_training=[None for _ in argmax_words], + ) + + def get_sparse_word_list_from_str(self, text: str): + all_words = text_to_words(text) + + all_words = [w for w in all_words if w not in self.word_to_index] + + results = [] + for idx, word in enumerate(all_words): + results.append( + self.process_word( + idx, + word, + self.config.lowercase, + self.trigram_to_vocab, + self.config, + ) + ) + + # convert to weights + indices_1 = list() + indices_2 = list() + values = list() + word_trigram_counts = list() + for word_index, word, token_ids, word_trigram_count, _ in results: + indices_1.extend([word_index] * len(token_ids)) + indices_2.extend(token_ids) + values.extend([True] * len(token_ids)) + word_trigram_counts.append(word_trigram_count) + + # convert to sparse tensor + words_to_weights = torch.sparse_coo_tensor( + indices=torch.tensor([indices_1, indices_2]), + values=torch.tensor(values), + dtype=torch.bool, + device="cpu", + size=(len(all_words), self.config.vocab_size), + ).float() + + return all_words, words_to_weights, word_trigram_counts + + def decode_trigram( + self, + logits: torch.Tensor, + log_probs: Optional[int] = None, + target_words: Optional[List[str]] = None, + more_words: Optional[str] = None, + ) -> DecodeResult: + # prepare logits and scores + assert self.words_to_weights is not None + logits_activated = logits.float().sigmoid().to(self.words_to_weights.device) + all_words = copy.deepcopy(self.words) + words_to_weights = self.words_to_weights + word_trigram_counts = self.word_trigram_counts + + if more_words: + ( + more_words_split, + more_words_to_weights, + more_word_trigram_counts, + ) = self.get_sparse_word_list_from_str(more_words) + + if len(more_words_split) > 0: + # logger.warning(f"Added {len(more_words_split)} new words to decoding.") + all_words.extend(more_words_split) + words_to_weights = torch.vstack( + [ + self.words_to_weights, + more_words_to_weights.to(self.words_to_weights.device), + ] + ) + + assert self.word_trigram_counts is not None + word_trigram_counts = torch.hstack( + [ + self.word_trigram_counts, + torch.tensor(more_word_trigram_counts).to( + self.words_to_weights.device + ), + ] + ) + + scores = words_to_weights @ logits_activated.transpose(1, 0) + scores = scores.transpose(1, 0) + + scores = scores / word_trigram_counts / self.config.vocab_population + + scores = scores.softmax(-1) + + # greedy sampling + argmax_indices = scores.argmax(1).tolist() + argmax_words = [all_words[word_index] for word_index in argmax_indices] + argmax_scores = [ + float(scores[sequence_index, word_index].item()) + for sequence_index, word_index in enumerate(argmax_indices) + ] + + # get logprobs + log_probs_result: Optional[List[Dict[str, float]]] = None + if log_probs is not None: + # make sure we are not getting more log probs than we have words + log_probs = min(log_probs, scores.shape[-1]) + + # initialize log probs with the actual generations + # sigmoid values don't sum up to 1 (i.p. not * random activation patterns) + log_probs_result = [ + {word: float(torch.tensor(score).log().item())} + for word, score in zip(argmax_words, argmax_scores) + ] + + # add topk tokens to logprobs + if log_probs > 0: + top_k_values, top_k_indices = scores.topk(log_probs, dim=-1) + + for seq_idx in range(top_k_values.shape[0]): + for word_p, word_index in zip( + top_k_values[seq_idx].tolist(), top_k_indices[seq_idx].tolist() + ): + word = all_words[word_index] + log_probs_result[seq_idx][word] = float( + torch.tensor(word_p).log().item() + ) + if len(log_probs_result[seq_idx]) == log_probs: + break + + # add target words to logprobs + if target_words is not None: + # assert False, "not yet ready?"+ + word_to_index: Optional[Dict[str, int]] = None + assert len(target_words) == len(log_probs_result) + for seq_idx, target_word in enumerate(target_words): + word_index = self.word_to_index.get(target_word) + if word_index is None: + if word_to_index is None: + word_to_index = { + word: idx for idx, word in enumerate(all_words) + } + word_index = word_to_index.get(target_word) + assert ( + word_index is not None + ), f" BROKEN INDEX FOR {target_word}" + log_probs_result[seq_idx][target_word] = ( + scores[seq_idx, word_index].log().item() + ) + else: + log_probs_result[seq_idx][target_word] = float( + scores[seq_idx, word_index].log().item() + ) + + return DecodeResult( + words=argmax_words, + word_indices=argmax_indices, + word_ps=argmax_scores, + logits=[None for _ in argmax_indices], + log_probs=log_probs_result, + words_count_training=[ + self.word_counter_full.get(w, 0) for w in argmax_words + ], + ) + + def __len__(self): + return self.config.vocab_size + + def save(self, dirname: Union[str, Path]): + dirname = Path(dirname) + dirname.mkdir(exist_ok=True, parents=True) + torch.save( + { + "trigram_to_vocab": self.trigram_to_vocab, + "words_to_weights": self.words_to_weights, + "word_trigram_counts": self.word_trigram_counts, + "word_counts": self.word_counts, + "words": self.words, + "word_counter_full": self.word_counter_full, + }, + str(dirname / "tokenizer.pt"), + ) + self.config.save(dirname / "tokenizer_config.yaml") + + logger.info( + f"TrigramTokenizer saved checkpoint to {dirname}", + ) + + @classmethod + def process_word( + cls, + word_index, + word, + lowercase, + trigram_to_vocab, + config: TrigramTokenizerConfig, + ): + trigram_sets, words = cls.trigramify( + text=word, + lowercase=lowercase, + ) + assert len(words) == 1, f"{word}, {words}" + + token_ids = set() + token_ids_edge = set() + hash_word = config.entire_words or "<|" in word + if hash_word: + vocab_ids = cls.encode_word_to_vocab_ids(config, word=word) + for t_id in vocab_ids.tolist(): + token_ids.add(t_id) + trigram_counts = 1 + else: + assert len(trigram_sets) == 1 + for trigram in trigram_sets[0]: + trigram_id = cls.trigram_to_id(trigram) + vocab_ids = trigram_to_vocab[trigram_id] + + # for now we are just using a set, compare loss_fn + for t_id in vocab_ids.tolist(): + token_ids.add(t_id) + if trigram.startswith(b" ") or trigram.endswith(b" "): + token_ids_edge.add(t_id) + + trigram_counts = len(trigram_sets[0]) + + return word_index, word, token_ids, trigram_counts, token_ids_edge + + @classmethod + def load( + cls, + dirname: Union[str, Path], + words_target_dir: Optional[Union[str, Path]] = None, + reduce_tokenizer_words_to: Optional[int] = None, + top_word_dict: Optional[Union[str, Path]] = None, + top_word_list: Optional[List[Tuple[str, int]]] = None, + ): + if top_word_list is not None: + assert top_word_dict is None + assert words_target_dir is None + + dirname = Path(dirname) + tokenizer_dict = torch.load(str(dirname / "tokenizer.pt")) + config = TrigramTokenizerConfig.from_yaml(dirname / "tokenizer_config.yaml") + + # load words if defined + word_counts_combined: collections.Counter = collections.Counter() + if words_target_dir is not None: + logger.info( + f"TrigramTokenizer loading {words_target_dir}", + ) + words_target_dir = Path(words_target_dir) + + # load all dp files + for words_file in sorted(list(words_target_dir.glob("*.pt"))): + logger.info( + f"TrigramTokenizer loading {words_file}", + ) + words = torch.load(words_file) + assert isinstance(words, collections.Counter) + word_counts_combined += words + + if top_word_dict is not None: + word_counts_combined_loaded = pickle.load(open(top_word_dict, "rb")) + assert isinstance(word_counts_combined_loaded, collections.Counter) + word_counts_combined = word_counts_combined + word_counts_combined_loaded + + if len(word_counts_combined): + # add special words + # add large count because we want to keep them + word_counts_combined["<|\n|>"] += 0 + word_counts_combined["<|endoftext|>"] += 0 + word_counts_combined["<|no_ws|>"] += 0 + word_counts_combined["<|ws|>"] += 0 + word_counts_combined["<|2<-ws->|>"] += 0 + word_counts_combined["<|4<-ws->|>"] += 0 + word_counts_combined["<|6<-ws->|>"] += 0 + word_counts_combined["<|8<-ws->|>"] += 0 + word_counts_combined["<|2<-\n->|>"] += 0 + word_counts_combined["<|4<-\n->|>"] += 0 + word_counts_combined["<|6<-\n->|>"] += 0 + word_counts_combined["<|8<-\n->|>"] += 0 + + if len(word_counts_combined) or top_word_list is not None: + logger.info("START converting words to weights") + + if top_word_list is None: + word_counts_combined_list = sorted( + [(word, count) for (word, count) in word_counts_combined.items()], + key=lambda i: i[1], + reverse=True, + ) + else: + word_counts_combined_list = top_word_list + + logger.info( + f"TrigramTokenizer loaded {len(word_counts_combined_list)} words", + ) + + all_words = [] + for word_index, (word, _) in enumerate(word_counts_combined_list): + all_words.append((word_index, word)) + + results = [] + for idx, word in tqdm(all_words): + # print(idx, word) + results.append( + cls.process_word( + idx, + word, + config.lowercase, + tokenizer_dict["trigram_to_vocab"], + config, + ) + ) + + # convert to weights + indices_1 = list() + indices_2 = list() + values = list() + word_trigram_counts = list() + for word_index, word, token_ids, word_trigram_count, _ in results: + # print(word_index, word, token_ids, word_trigram_count) + indices_1.extend([word_index] * len(token_ids)) + indices_2.extend(token_ids) + values.extend([True] * len(token_ids)) + word_trigram_counts.append(word_trigram_count) + + logger.info("END converting words to weights") + + # convert to sparse tensor + words_to_weights = torch.sparse_coo_tensor( + indices=torch.tensor([indices_1, indices_2]), + values=torch.tensor(values), + dtype=torch.bool, + device="cpu", + size=(len(word_counts_combined_list), config.vocab_size), + ) + + # store in state_dict + tokenizer_dict["words_to_weights"] = words_to_weights + tokenizer_dict["word_trigram_counts"] = torch.tensor(word_trigram_counts) + tokenizer_dict["word_counts"] = torch.tensor( + [c for (w, c) in word_counts_combined_list] + ) + tokenizer_dict["words"] = [w for (w, c) in word_counts_combined_list] + tokenizer_dict["word_counter_full"] = { + word: count for word, count in word_counts_combined_list + } + + if reduce_tokenizer_words_to is not None: + logger.info( + f"reduce_tokenizer_words_to {reduce_tokenizer_words_to} from {len(tokenizer_dict['word_trigram_counts'])}" + ) + tokenizer_dict["words_to_weights"] = tokenizer_dict[ + "words_to_weights" + ].coalesce() + indices = tokenizer_dict["words_to_weights"].indices() + values = tokenizer_dict["words_to_weights"].values() + values = values[indices[0] < reduce_tokenizer_words_to] + indices = indices[:, indices[0] < reduce_tokenizer_words_to] + tokenizer_dict["words_to_weights"] = torch.sparse_coo_tensor( + indices=indices, + values=values, + dtype=torch.bool, + device="cpu", + size=(reduce_tokenizer_words_to, config.vocab_size), + ) + tokenizer_dict["word_trigram_counts"] = tokenizer_dict[ + "word_trigram_counts" + ][:reduce_tokenizer_words_to] + tokenizer_dict["word_counts"] = tokenizer_dict["word_counts"][ + :reduce_tokenizer_words_to + ] + tokenizer_dict["words"] = tokenizer_dict["words"][ + :reduce_tokenizer_words_to + ] + + if ( + "words_to_weights" in tokenizer_dict + and tokenizer_dict["words_to_weights"] is not None + ): + tokenizer_dict["words_to_weights"] = ( + tokenizer_dict["words_to_weights"].to("cuda").float() + ) + tokenizer_dict["word_trigram_counts"] = tokenizer_dict[ + "word_trigram_counts" + ].to(tokenizer_dict["words_to_weights"].device) + + return cls(config=config, **tokenizer_dict) + + def convert_weight_for_word_edge_overweight(self, word_edge_weight: float): + processed_words = [] + for idx, word in enumerate( + tqdm(self.words, "convert_weight_for_word_edge_overweight") + ): + processed_words.append( + self.process_word( + idx, + word, + self.config.lowercase, + self.trigram_to_vocab, + self.config, + ) + ) + + # convert to weights + indices_1 = list() + indices_2 = list() + values = list() + for ( + word_index, + word, + token_ids, + word_trigram_count, + token_ids_edge, + ) in processed_words: + # print(word_index, word, token_ids, word_trigram_count) + indices_1.extend([word_index] * len(token_ids)) + token_ids_added = list() + token_values_added = list() + + for t_id in token_ids: + token_ids_added.append(t_id) + token_values_added.append( + (word_edge_weight if t_id in token_ids_edge else 1) + ) + + indices_2.extend(token_ids_added) + values.extend(token_values_added) + + logger.info("END converting words to weights") + + # convert to sparse tensor + words_to_weights = torch.sparse_coo_tensor( + indices=torch.tensor([indices_1, indices_2]), + values=torch.tensor(values), + dtype=torch.float32, + device="cpu", + size=(len(self.words), self.config.vocab_size), + ) + + assert self.words_to_weights is not None + self.words_to_weights = words_to_weights.to(self.words_to_weights.device) + + @classmethod + def init(cls, config: TrigramTokenizerConfig): + return cls(config=config) + + @classmethod + def from_dict(cls, d): + return cls(**d) + + @staticmethod + def initialize_hash_weight( + cache_dir: Optional[Path], + trigram_count: int, + vocab_size: int, + vocab_population: int, + seed: int, + ) -> torch.Tensor: + logger.info( + f"TrigramTokenizer (hash) initializing (no seed needed)", + ) + + cache_file: Optional[Path] = None + if cache_dir is not None: + cache_file = ( + cache_dir + / f"hash_weight_{trigram_count}_{vocab_size}_{vocab_population}.pt" + ) + if cache_file.is_file(): + logger.info( + f"TrigramTokenizer loading from cache {cache_file}", + ) + final_weight = torch.load(str(cache_file)) + return final_weight + + final_weight = torch.empty((trigram_count, vocab_population), dtype=torch.long) + + for i in range(trigram_count): + cur_set: Set[int] = set() + for k in range(vocab_population): + cur_set_len = len(cur_set) + j = 0 + while len(cur_set) == cur_set_len: + cur_set.add( + int(hashlib.md5(str.encode(f"{i}_{k}_{j}")).hexdigest(), 16) + % vocab_size + ) + j += 1 + + final_weight[i, :] = torch.tensor(sorted(list(cur_set)), dtype=torch.long) + + if cache_file is not None and ( + not torch.distributed.is_initialized() or torch.distributed.get_rank() == 0 + ): + if not cache_file.parent.is_dir(): + cache_file.parent.mkdir(parents=True) + logger.info( + f"TrigramTokenizer saving to cache {cache_file}", + ) + torch.save(final_weight, str(cache_file)) + + return final_weight + + @staticmethod + def initialize_orthogonal_weight( + cache_dir: Optional[Path], + trigram_count: int, + vocab_size: int, + vocab_population: int, + seed: int, + ) -> torch.Tensor: + logger.info( + f"TrigramTokenizer (orthogonal) initializing", + ) + + cache_file: Optional[Path] = None + if cache_dir is not None: + cache_file = ( + cache_dir + / f"orthogonal_weight_{trigram_count}_{vocab_size}_{vocab_population}_{seed}.pt" + ) + if cache_file.is_file(): + logger.info( + f"TrigramTokenizer loading from cache {cache_file}", + ) + final_weight = torch.load(str(cache_file)) + return final_weight + + # initialize orthogonal and cast to long + # make sure to use the seed and do not alter the rng state otherwise + rng_state = torch.get_rng_state() + torch.manual_seed(seed) + cuda_rng_state = None + if torch.cuda.is_initialized(): + cuda_rng_state = torch.cuda.get_rng_state_all() + torch.cuda.manual_seed_all(seed) + weights = torch.empty((trigram_count, vocab_population), dtype=torch.float32) + torch.nn.init.orthogonal_(weights) + torch.set_rng_state(rng_state) + if cuda_rng_state is not None: + torch.cuda.set_rng_state_all(cuda_rng_state) + + # shift weights + weights = weights - weights.min() + weights = weights / weights.max() + weights = vocab_size * weights + weights = weights.long() + weights[weights >= vocab_size] = 0 + assert weights.max() < vocab_size + + final_weight = torch.empty((trigram_count, vocab_population), dtype=torch.long) + for vocab_id, weight in enumerate( + tqdm(weights, disable=torch.distributed.is_initialized()) + ): + # get indices with lowes population + weight_set = set() + for w in weight.tolist(): + while w in weight_set: + w += 1 + if w >= vocab_size: + w = 0 + weight_set.add(w) + + assert len(weight_set) == vocab_population + final_weight[vocab_id, :] = torch.tensor( + sorted(list(weight_set)), dtype=torch.long + ) + + if cache_file is not None and ( + not torch.distributed.is_initialized() or torch.distributed.get_rank() == 0 + ): + if not cache_file.parent.is_dir(): + cache_file.parent.mkdir(parents=True) + logger.info( + f"TrigramTokenizer saving to cache {cache_file}", + ) + torch.save(final_weight, str(cache_file)) + + return final_weight diff --git a/src/trigram_tokenizer/tokenizer/wordsplit.py b/src/trigram_tokenizer/tokenizer/wordsplit.py new file mode 100644 index 0000000..2b9ecdf --- /dev/null +++ b/src/trigram_tokenizer/tokenizer/wordsplit.py @@ -0,0 +1,241 @@ +import re +from typing import List +import copy + +WHITESPACE = " " +LINEBREAK = "\n" + +DIGITS = "1234567890" + +NO_WHITESPACE_AFTER = "#$=-+*/'\"\\(<[]~^&@%_\n " +NO_WHITESPACE_BEFORE = ".,:;?!=-+*/'\"\\)>]~^&@%_\n " + DIGITS + +NO_WHITESPACE_TOKEN = "<|no_ws|>" +WHITESPACE_TOKEN = "<|ws|>" +LINEBREAK_TOKEN = f"<|\n|>" + +WHITESPACE_TOKEN_FACTORIAL = "<-ws->" +LINEBREAK_TOKEN_FACTORIAL = "<-\n->" + +TOKEN_FACTORIAL_MAP = { + WHITESPACE_TOKEN: WHITESPACE_TOKEN_FACTORIAL, + LINEBREAK_TOKEN: LINEBREAK_TOKEN_FACTORIAL, +} + + +def text_to_words(text: str) -> List[str]: + result = list() + for i, t in enumerate(re.split(r"(<\|.*?\|>)", text)): + # do not further split special token syntax + if t.startswith("<|") and t.endswith("|>"): + result.append(t) + continue + + # split further + segments = [s for s in re.split(r"(\d|\W|\_)", t) if s != ""] + segments = _do_compress_whitespaces(segments) + segments = [(LINEBREAK_TOKEN if s == LINEBREAK else s) for s in segments] + segments = _do_create_factorial_tokens(segments) + segments = [s for s in segments if s != ""] + result.extend(segments) + + return result + + +def words_to_text(words: List[str]) -> str: + segments = _undo_create_factorial_tokens(words) + segments = _undo_compress_whitespaces(segments) + segments = [(LINEBREAK if s == LINEBREAK_TOKEN else s) for s in segments] + + return "".join(segments) + + +def _do_compress_whitespaces(splits: List[str]) -> List[str]: + """ + Splits are expected to contain whitespaces only as invidual characters in one sequence item. + Some of these whitespaces can be predicted and are strongly expected (e.g. in between words). + Others are rare (e.g. in between digits). + + This compression function removes the expected whitespaces and marks unexpected whitespaces + while being invertible. + + This will add one special token and just keep whitespaces otherwise: + - NO_WHITESPACE_TOKEN at locations where a whitespace is expected but not in the splits + - keep whitespaces at locations where a whitspece is present but not expected + """ + + # in the following a non-empty sequence is expected + if len(splits) == 0: + return splits + + # add no whitespace tokens where we would otherwise have expected one + result = list() + for last, next in zip(splits[:-1], splits[1:]): + # we are not removing anything here + result.append(last) + + # we are generally expecting a whitespace in between words + # exceptions are explicit + # NO_WHITESPACE_TOKEN is added iff a whitespace is expected (no exception) and not there + if last != WHITESPACE and next != WHITESPACE: + # no whitespace present in between two words + # check whether no whitespace would be expected + if last[-1] in NO_WHITESPACE_AFTER or next[0] in NO_WHITESPACE_BEFORE: + pass # there is no whitespace and we are expecting none + else: + result.append(NO_WHITESPACE_TOKEN) + + # the last item is so far not included + result.append(splits[-1]) + splits = result + + # remove whitespaces where expected + # at this point there are already NO_WHITESPACE_TOKENs present + result = list() + result.append( + WHITESPACE_TOKEN if splits[0] == WHITESPACE else splits[0] + ) # we never expect a whitespace in the beginning + if len(splits) > 2: + for last, middle, next in zip(splits[:-2], splits[1:-1], splits[2:]): + if WHITESPACE == middle: + if ( + (last[-1] in NO_WHITESPACE_AFTER and last != WHITESPACE_TOKEN) + or (next[0] in NO_WHITESPACE_BEFORE and next != WHITESPACE_TOKEN) + or ( + last.startswith("<|") + and last.endswith("|>") # no whitespace around special tokens + ) + or (next.startswith("<|") and next.endswith("|>")) + ): # no whitespace around special tokens: + result.append( + WHITESPACE_TOKEN + ) # keep the whitespace as we would not have expected it + else: + pass # whitespace is expected and removed + else: + result.append(middle) + + if len(splits) > 1: # do not add one token twice + result.append( + WHITESPACE_TOKEN if splits[-1] == WHITESPACE else splits[-1] + ) # we never expect a whitespace in the end + return result + + +def _undo_compress_whitespaces(splits: List[str]) -> List[str]: + """ + whitespaces are added when expected while making sure that no whitspace is added if expected but marked otherwise + """ + # in the following a non-empty sequence is expected + if len(splits) == 0: + return splits + + # add whitespaces where expected + result = list() + for i, (previous, next) in enumerate(zip(splits[:-1], splits[1:])): + # we are not removing anything here + result.append(previous) + + if ( + previous != NO_WHITESPACE_TOKEN + and next != NO_WHITESPACE_TOKEN + and previous[-1] not in NO_WHITESPACE_AFTER + and next[0] not in NO_WHITESPACE_BEFORE + and previous != WHITESPACE_TOKEN + and next != WHITESPACE_TOKEN + and not ( + previous.startswith("<|") and previous.endswith("|>") + ) # no whitespace around special tokens + and not ( + next.startswith("<|") and next.endswith("|>") + ) # no whitespace around special tokens + ): + result.append(WHITESPACE_TOKEN) + + # the last item is so far not included + result.append(splits[-1]) + + # convert tokens to chars + final_result = list() + for s in result: + if s == WHITESPACE_TOKEN: + final_result.append(WHITESPACE) + elif s == NO_WHITESPACE_TOKEN: + pass + else: + final_result.append(s) + + return final_result + + +def _do_create_factorial_tokens(splits: List[str]) -> List[str]: + """ + merges multiple whitespace or line break tokens to factorial tokens + """ + + splits = copy.deepcopy(splits) + result = list() + counter = 0 + while len(splits) > 0: + # take next word + next_word = splits.pop(0) + + # create factorial tokens if applicable + # this merges a number of tokens + if next_word in [WHITESPACE_TOKEN, LINEBREAK_TOKEN]: + factorial = TOKEN_FACTORIAL_MAP[next_word] + # check if following tokens are also whitepsace tokens + counter += 1 + while len(splits) > 0 and splits[0] == next_word: + counter += 1 + splits.pop(0) + + multiple_of_2 = counter // 2 + residual = counter - (multiple_of_2 * 2) + + # limiting to 4 --- 8 seems too rare + while multiple_of_2 > 2: + result.append(f"<|4{factorial}|>") + multiple_of_2 -= 2 + + if residual == 0: + next_word = f"<|{multiple_of_2*2}{factorial}|>" + else: + if multiple_of_2 > 0: + result.append(f"<|{multiple_of_2*2}{factorial}|>") + next_word = next_word + counter = 0 + + # add next word + result.append(next_word) + + return result + + +def _undo_create_factorial_tokens(splits: List[str]) -> List[str]: + result = list() + + for token in splits: + # identify factorial tokens and unwrap + if ( + token.startswith("<|") + and token.endswith("|>") + and token[2] in DIGITS + and ( + WHITESPACE_TOKEN_FACTORIAL in token + or LINEBREAK_TOKEN_FACTORIAL in token + ) + ): + i = 3 + while token[i] in DIGITS: + i += 1 + count = int(token[2:i]) + + if WHITESPACE_TOKEN_FACTORIAL in token: + result.extend([WHITESPACE_TOKEN] * count) + else: + result.extend([LINEBREAK_TOKEN] * count) + else: + result.append(token) + + return result diff --git a/src/trigram_tokenizer/trainer/__init__.py b/src/trigram_tokenizer/trainer/__init__.py new file mode 100644 index 0000000..b9695b2 --- /dev/null +++ b/src/trigram_tokenizer/trainer/__init__.py @@ -0,0 +1,2 @@ +from .config import TrainerConfig +from .trainer import Trainer diff --git a/src/trigram_tokenizer/trainer/config.py b/src/trigram_tokenizer/trainer/config.py new file mode 100644 index 0000000..446f537 --- /dev/null +++ b/src/trigram_tokenizer/trainer/config.py @@ -0,0 +1,180 @@ +from typing import Optional +from pydantic import Field +from pathlib import Path + +from ..logging import LoggerConfig, LogLevel +from ..config import BaseConfig +from ..transformer import TransformerArchitectureConfig, Precision, EmbeddingAggregation +from ..data import TextDatasetConfig +from ..tokenizer import TrigramTokenizerConfig +from ..optimizer import ( + AdamWOptimizerConfig, + LearningRateSchedulerConfig, + LossScalerConfig, + LearningRateDecayStyle, +) + + +class TrainingConfig(BaseConfig): + iterations: int = Field(description="") + world_size: int = Field(1, description="") + micro_batch_size: int = Field(description="") + gradient_accumulation_steps: int = Field(description="") + + save_dir: Optional[str] = Field(None, description="") + save_interval: int = Field(description="") + load_dir: Optional[str] = Field(None, description="") + load_optimizer_states: bool = Field(True, description="") + load_context: bool = Field(True, description="") + + weight_decay: float = Field(0.1, description="") + loss_pos_weight: float = Field(100.0, description="") + loss_scale: float = Field(1000.0, description="") + + dataloader_num_workers: int = Field(0, description="") + dataloader_pin_memory: bool = Field(True, description="") + + determined_experiment_id: Optional[int] = Field(None, description="") + determined_trial_id: Optional[int] = Field(None, description="") + + seed: int = Field(42, description="") + profile: bool = Field(False, description="") + + reset_attention_mask: bool = Field(True, description="") + gather_word_statistics: bool = Field(False, description="") + + statistics_every_steps: Optional[int] = Field(None, description="") + + +class TrainerConfig(BaseConfig): + logger: LoggerConfig = Field( + LoggerConfig( + log_level=LogLevel.INFO, + log_dir=None, + metrics_ranks=None, + use_wandb=False, + wandb_ranks=None, + wandb_host="https://api.wandb.ai", + wandb_team="aleph-alpha", + wandb_project="trigram-tokenizer", + wandb_group="default", + wandb_api_key=None, + use_tensorboard=False, + tensorboard_ranks=None, + determined_metrics_ranks=None, + ), + description="", + ) + + optimizer: AdamWOptimizerConfig = Field( + AdamWOptimizerConfig( + beta1=0.9, + beta2=0.95, + eps=1e-8, + gradient_clipping=0.0, + allreduce_bucket_size=500000000, + loss_scaler=LossScalerConfig( + enable=False, + initial_scale=2.0**32, + window=1000, + hysteresis=2, + consecutive_hysteresis=False, + min_scale=1.0, + factor=2.0, + ), + zero=True, + zero_save_static=False, + debug_log=False, + ), + description="", + ) + + learning_rate_scheduler: LearningRateSchedulerConfig = Field( + LearningRateSchedulerConfig( + learning_rate=0.0001, + learning_rate_minimum=0.0, + learning_rate_decay_style=LearningRateDecayStyle.COSINE, + learning_rate_decay_iters=50000, + learning_rate_warmup_steps=2000, + ), + description="", + ) + + architecture: TransformerArchitectureConfig = Field( + TransformerArchitectureConfig( + vocab_size=32000, + hidden_size=256, + num_layers=2, + num_attention_heads=2, + norm="rms", + mlp_type="simple_gelu", + init="xavier", + rotary_embedding_base=10000, + sequence_length=2048, + mlp_factor=4.0, + precision=Precision.FLOAT32, + layernorm_epsilon=0.00001, + init_std_global_gain=1.0, + use_flash=True, + embedding_normalization=False, + embedding_aggregation=EmbeddingAggregation.SUM, + bias_terms=False, + ), + description="", + ) + + tokenizer: TrigramTokenizerConfig = Field( + TrigramTokenizerConfig( + lowercase=False, + sequence_length=2048, + vocab_size=32000, + vocab_population=4, + seed=42, + end_of_text="<|endoftext|>", + cache_dir=None, + vocab_population_partial_lowercase=0, + do_classic_tokenization=False, + prefix_path_tokenizer_file="", + initialize="hash", + entire_words=False, + word_edge_weight=1, + ) + ) + + data: TextDatasetConfig = Field( + TextDatasetConfig( + seed=42, + sequence_length=2048, + prefix_paths=[Path("/insert/path/here")], + prefix_path_tokenizer_file=Path("/insert/path/here"), + reset_position_ids=True, + pretraining=True, + ), + description="", + ) + + training: TrainingConfig = Field( + TrainingConfig( + iterations=50000, + world_size=1, + micro_batch_size=2, + gradient_accumulation_steps=2, + save_interval=1, + save_dir=None, + load_dir=None, + load_optimizer_states=True, + load_context=True, + weight_decay=0.1, + loss_pos_weight=100.0, + loss_scale=1000.0, + dataloader_num_workers=0, + dataloader_pin_memory=True, + determined_experiment_id=None, + determined_trial_id=None, + seed=42, + reset_attention_mask=True, + profile=False, + gather_word_statistics=False, + statistics_every_steps=None, + ) + ) diff --git a/src/trigram_tokenizer/trainer/context.py b/src/trigram_tokenizer/trainer/context.py new file mode 100644 index 0000000..035779e --- /dev/null +++ b/src/trigram_tokenizer/trainer/context.py @@ -0,0 +1,103 @@ +from typing import Dict, Any, Union +from pathlib import Path +import random +import numpy as np +import torch + +from .config import TrainerConfig +from trigram_tokenizer.logging import logger + + +class TrainerContext: + """ + Context containing information for a train or inference process + The config is regarded to be immutable. + """ + + def __init__( + self, + config: TrainerConfig, + ): + self.config = config + + self.iterations = 0 + self.consumed_samples = 0 + + def step(self): + self.iterations += 1 + self.consumed_samples += ( + self.config.training.gradient_accumulation_steps + * self.config.training.micro_batch_size + * self.config.training.world_size + ) + + def state_dict(self): + return { + "iterations": self.iterations, + "consumed_samples": self.consumed_samples, + "random_rng_state": random.getstate(), + "np_rng_state": np.random.get_state(), + "torch_rng_state": torch.get_rng_state(), + "torch_cuda_rng_state": torch.cuda.get_rng_state(), + } + + def load_state_dict(self, state_dict: Dict[str, Any]): + self.iterations = state_dict["iterations"] + self.consumed_samples = state_dict["consumed_samples"] + random.setstate(state_dict["random_rng_state"]) + np.random.set_state(state_dict["np_rng_state"]) + torch.set_rng_state(state_dict["torch_rng_state"]) + torch.cuda.set_rng_state(state_dict["torch_cuda_rng_state"]) + + def save(self, dir: Union[Path, str]): + """ + Save the context state to a directory. + Assumption is that there are no name collisions of files. + """ + + dir = Path(dir) + if not dir.is_dir(): + dir.mkdir(parents=True) + if torch.distributed.get_rank() == 0: + self.config.save(dir / "config.yml") + torch.save( + self.state_dict(), + str(dir / f"context_global_rank_{torch.distributed.get_rank()}.pt"), + ) + + def load_checkpoint(self, dir: Union[Path, str]): + """ + Load the state into an already initialized context + """ + dir = Path(dir) + logger.info(f"loading context checkpoint from {dir}") + + # load checkpoint file if exists + checkpoint_file = dir / f"context_global_rank_{torch.distributed.get_rank()}.pt" + if checkpoint_file.is_file(): + state_dict = torch.load(str(checkpoint_file)) + self.load_state_dict(state_dict) + + # if the context checkpoint does not exist, new global ranks are in play + # in this case iterations and consumed samples need to be synced + if torch.distributed.is_initialized(): + if torch.distributed.get_rank() == 0: + t = torch.tensor( + [ + self.iterations, + self.consumed_samples, + ] + ).cuda() + else: + t = torch.tensor([0, 0]).cuda() + + torch.distributed.all_reduce( + t, + op=torch.distributed.ReduceOp.MAX, + group=torch.distributed.group.WORLD, + ) + + self.iterations = int(t[0].item()) + self.consumed_samples = int(t[1].item()) + + logger.info(f"loaded context checkpoint from {dir}") diff --git a/src/trigram_tokenizer/trainer/train.py b/src/trigram_tokenizer/trainer/train.py new file mode 100644 index 0000000..87c94af --- /dev/null +++ b/src/trigram_tokenizer/trainer/train.py @@ -0,0 +1,204 @@ +from typing import Optional +from datetime import timedelta + +try: + from determined.core._context import Context as DeterminedContext # type: ignore + from determined.profiler import ProfilerAgent as DeterminedProfilerAgent # type: ignore +except ImportError: + print("WARNING: determined not installed, skipping") + DeterminedContext = None # type: ignore + DeterminedProfilerAgent = None # type: ignore + +import torch + +from trigram_tokenizer.logging import logger +from trigram_tokenizer.trainer.config import TrainerConfig +from trigram_tokenizer.trainer.context import TrainerContext +from trigram_tokenizer.trainer.trainer import Trainer +from trigram_tokenizer.transformer import TransformerLMHeadModel +from trigram_tokenizer.data import TextDataset +from trigram_tokenizer.optimizer import ( + AdamWOptimizer, + AdamWParameterGroup, + AdamWOptimizerParamGroupConfig, +) + + +def get_parameter_groups(context: TrainerContext, model: TransformerLMHeadModel): + named_parameters_with_meta_weight_decay = list() + named_parameters_with_meta_no_weight_decay = list() + + for n, p, m in AdamWOptimizer.named_parameters_with_meta(model): + if n.endswith(".bias"): + named_parameters_with_meta_no_weight_decay.append((n, p, m)) + else: + named_parameters_with_meta_weight_decay.append((n, p, m)) + + parameter_counts = [ + len(named_parameters_with_meta_weight_decay), + len(named_parameters_with_meta_no_weight_decay), + ] + + parameter_count_total = sum(parameter_counts) + parameter_count_total_tensor = torch.tensor( + [parameter_count_total], dtype=torch.long, device="cuda" + ) + torch.distributed.all_reduce(parameter_count_total_tensor) + parameter_count_total = int(parameter_count_total_tensor.item()) + assert ( + parameter_count_total > 0 + ), f"did not specifiy any trainable paramters on any rank" + + parameter_groups = [] + + parameter_set = set( + [p[0] for p in named_parameters_with_meta_weight_decay] + + [p[0] for p in named_parameters_with_meta_no_weight_decay] + ) + logger.warning(f"training parameters: {parameter_set}") + + parameter_counts_max_tensor = torch.tensor( + parameter_counts, + dtype=torch.int, + device="cuda", + ) + # collect whether there is at least one non-empty group for weight_decay, resp. no_weight decay parameters on some rank + torch.distributed.all_reduce( + parameter_counts_max_tensor, op=torch.distributed.ReduceOp.MAX + ) + + # if at least one rank has a non empty group we need to add the group everywhere since it hangs otherwise + if parameter_counts_max_tensor[0].item() > 0: + parameter_groups.append( + AdamWParameterGroup( + named_parameters_with_meta=named_parameters_with_meta_weight_decay, + config=AdamWOptimizerParamGroupConfig( + name="weight_decay_params", + weight_decay=context.config.training.weight_decay, + learning_rate_scheduler=context.config.learning_rate_scheduler, + ), + ) + ) + if parameter_counts_max_tensor[1].item() > 0: + parameter_groups.append( + AdamWParameterGroup( + named_parameters_with_meta=named_parameters_with_meta_no_weight_decay, + config=AdamWOptimizerParamGroupConfig( + name="no_weight_decay_params", + weight_decay=0.0, + learning_rate_scheduler=context.config.learning_rate_scheduler, + ), + ) + ) + + # Safety check whether the number of optimizer groups is the same on all ranks + + len_param_groups_tensor_list = [ + torch.zeros([1], dtype=torch.int, device="cuda") + for _ in range(torch.distributed.get_world_size()) + ] + torch.distributed.all_gather( + len_param_groups_tensor_list, + torch.tensor([len(parameter_groups)], dtype=torch.int, device="cuda"), + ) + + len_param_groups_list = [t.item() for t in len_param_groups_tensor_list] + assert ( + len(set(len_param_groups_list)) == 1 + ), f"Got different number of optimizer groups on different ranks \n {len_param_groups_list}" + + assert len(parameter_groups) > 0, "Number of optimizer groups is zero" + + return parameter_groups + + +def broadcast_model(transformer: TransformerLMHeadModel): + """ + broadcast model weights from data parallel rank 0 to all other data parallel ranks + This ensures the same initial parameter values + """ + + for parameter in transformer.parameters(): + if torch.is_tensor(parameter): + torch.distributed.broadcast( + parameter, + 0, + ) + + +def train_main( + conf_file: str, + overwrite_config: Optional[dict] = None, + determined_context: Optional[DeterminedContext] = None, + determined_profiler: Optional[DeterminedProfilerAgent] = None, + master_addr: Optional[str] = None, + master_port: Optional[str] = None, + world_size: Optional[str] = None, + global_rank: Optional[str] = None, + local_slot: Optional[str] = None, + return_metrics: bool = False, +): + if conf_file is None: + assert overwrite_config is not None + config = TrainerConfig.from_dict(overwrite_config) + else: + config = TrainerConfig.from_yaml(conf_file, overwrite_values=overwrite_config) + + logger.info( + f"initialize_distributed using master {master_addr}:{master_port} with world_size {config.training.world_size} for rank {global_rank}" + ) + assert world_size is not None + assert global_rank is not None + assert master_addr is not None + assert master_port is not None + assert local_slot is not None + torch.distributed.init_process_group( + backend="nccl", + world_size=int(world_size), + rank=int(global_rank), + init_method=f"tcp://{master_addr}:{master_port}", + timeout=timedelta(minutes=20), + ) + device = f"cuda:{local_slot}" + torch.cuda.set_device(device) + + logger.configure( + config=config.logger, + name=f"RANK {global_rank}", + global_rank=int(global_rank), + use_determined=determined_context is not None, + determined_context=determined_context, + determined_profiler=determined_profiler, + ) + logger.log_config(config=config) + + logger.info(f" SEQ {config.architecture.sequence_length}") + logger.info(f" VOCAB {config.architecture.vocab_size}") + + assert config.architecture.vocab_size == config.tokenizer.vocab_size + assert config.architecture.sequence_length == config.tokenizer.sequence_length + + context = TrainerContext(config=config) + transformer = TransformerLMHeadModel(config=config.architecture, device=device) + broadcast_model(transformer=transformer) + parameter_count = sum([p.numel() for p in transformer.parameters()]) + logger.log_config_dict( + { + "parameter_count": parameter_count, + } + ) + parameter_groups = get_parameter_groups(context=context, model=transformer) + optimizer = AdamWOptimizer( + config=context.config.optimizer, + parameter_groups=parameter_groups, + ) + dataset = TextDataset(config=config.data, tokenizer_config=config.tokenizer) + + trainer = Trainer( + context=context, + transformer=transformer, + optimizer=optimizer, + dataset=dataset, + device=device, + ) + trainer.run_training() diff --git a/src/trigram_tokenizer/trainer/train_determined.py b/src/trigram_tokenizer/trainer/train_determined.py new file mode 100644 index 0000000..7e0a438 --- /dev/null +++ b/src/trigram_tokenizer/trainer/train_determined.py @@ -0,0 +1,130 @@ +from trigram_tokenizer import determined as local_determined_overwrite +from typing import Dict, Optional, List, Union +from trigram_tokenizer.determined.utils import ( + determined_profiler_from_ctx, + maybe_periodic_stacktraces, +) +from determined import ClusterInfo +from determined.core._context import Context as DeterminedContext # type: ignore +from determined.profiler import ProfilerAgent as DeterminedProfilerAgent # type: ignore +import argparse +import os + + +try: + import determined as det # type: ignore + from determined.core._context import Context as DeterminedContext # type: ignore + from determined.profiler import ProfilerAgent as DeterminedProfilerAgent # type: ignore +except ImportError: + print("WARNING: determined not installed, skipping") + DeterminedContext = None # type: ignore + DeterminedProfilerAgent = None # type: ignore + +from trigram_tokenizer.trainer.config import TrainerConfig +from trigram_tokenizer.trainer.train import train_main + + +def main( + determined_context: DeterminedContext, + profiler: Optional[DeterminedProfilerAgent], + overwrite_config: Optional[dict] = None, + return_metrics: bool = False, + det_experiment_id: Optional[int] = None, + det_trial_id: Optional[int] = None, + info: Optional[ClusterInfo] = None, +) -> Optional[List[Dict[str, Union[float, int]]]]: + """ + Collects determined launcher arguments and calls training script + """ + + master_addr = os.environ["MASTER_ADDR"] + master_port = os.environ["MASTER_PORT"] + world_size = os.environ["WORLD_SIZE"] + global_rank = os.environ["RANK"] + local_slot = os.environ[ + "LOCAL_RANK" + ] # Torch distributed launcher set name as LOCAL_RANK + + parser = argparse.ArgumentParser(description="process launch") + + # Optional arguments for the launch helper + parser.add_argument( + "--config", + type=str, + default=None, + help="path to config file", + ) + parser.add_argument("remaining_args", nargs=argparse.REMAINDER) + args = parser.parse_args() + + if overwrite_config is None: + overwrite_config = dict() + if "training" not in overwrite_config: + overwrite_config["training"] = dict() + overwrite_config["training"]["determined_experiment_id"] = det_experiment_id + overwrite_config["training"]["determined_trial_id"] = det_trial_id + overwrite_config["training"]["world_size"] = world_size + + try: + assert info is not None + hparams = info.trial.hparams + except: + hparams = {} + if "vocab_size" in hparams: + overwrite_config["tokenizer"] = dict() + overwrite_config["architecture"] = dict() + overwrite_config["tokenizer"]["vocab_size"] = hparams["vocab_size"] + overwrite_config["architecture"]["vocab_size"] = hparams["vocab_size"] + print(f" >> overwritten vocab_size {hparams['vocab_size']}") + if "vocab_population" in hparams: + if "tokenizer" not in overwrite_config: + overwrite_config["tokenizer"] = dict() + + overwrite_config["tokenizer"]["vocab_population"] = hparams["vocab_population"] + print(f" >> overwritten vocab_population {hparams['vocab_population']}") + + if "learning_rate" in hparams: + overwrite_config["learning_rate_scheduler"] = dict() + overwrite_config["learning_rate_scheduler"]["learning_rate"] = hparams[ + "learning_rate" + ] + overwrite_config["learning_rate_scheduler"]["learning_rate_minimum"] = ( + hparams["learning_rate"] / 10 + ) + print(f" >> overwritten learning rate {hparams['learning_rate']}") + + return train_main( + args.config, + overwrite_config=overwrite_config, + determined_context=determined_context, + master_addr=master_addr, + master_port=master_port, + world_size=world_size, + global_rank=global_rank, + local_slot=local_slot, + return_metrics=return_metrics, + ) + + +if __name__ == "__main__": + info = det.get_cluster_info() + assert info is not None + config_determined = det.ExperimentConfig(info.trial._config) + det_experiment_id = info.trial.experiment_id + det_trial_id = info.trial.trial_id + + distributed = det.core.DistributedContext.from_torch_distributed() + with maybe_periodic_stacktraces(config_determined.debug_enabled()): + with local_determined_overwrite.core.init( + distributed=distributed + ) as determined_context: + with determined_profiler_from_ctx( + determined_context, config_determined, info + ) as profiler: + main( + determined_context, + profiler, + det_experiment_id=det_experiment_id, + det_trial_id=det_trial_id, + info=info, + ) diff --git a/src/trigram_tokenizer/trainer/trainer.py b/src/trigram_tokenizer/trainer/trainer.py new file mode 100644 index 0000000..bb635a2 --- /dev/null +++ b/src/trigram_tokenizer/trainer/trainer.py @@ -0,0 +1,469 @@ +from typing import Optional, Union, Dict +from pathlib import Path +import time +import collections +import uuid +import sys + + +import torch +from time import gmtime, strftime +import gc + +from ..tokenizer import EncodingBatchTraining +from .context import TrainerContext +from trigram_tokenizer.logging import logger +from ..transformer import TransformerLMHeadModel +from ..data import TextDataset, DataLoader +from ..optimizer import AdamWOptimizer +from pathlib import Path + + +@torch.jit.script +def torch_move_stuff( + logits: torch.Tensor, + targets: torch.Tensor, + loss_weights: torch.Tensor, + vocab_size: int, +): + logits = logits.float() + targets = targets.to(logits.device).float() + targets[ + targets > 1.0 + ] = 1.0 # binarize targets, differnt loss functions could be tested if we have collisions + + loss_weights_repeated = (loss_weights.to(logits.device)[:, :, None]).repeat( + 1, 1, vocab_size + ) + + return logits, targets, loss_weights_repeated + + +class Trainer: + def __init__( + self, + context: TrainerContext, + transformer: TransformerLMHeadModel, + optimizer: AdamWOptimizer, + dataset: TextDataset, + device: Optional[Union[str, torch.device]], + ): + self.context = context + + self.transformer = transformer + self.optimizer = optimizer + self.dataset = dataset + self.device = device + self.words_target: collections.Counter = collections.Counter() + + self.load_checkpoint() + self.accuracy_loss_occurance_dict: Dict[str, int] = {} + + print( + f" >> DATALOADER: {self.context.config.training.dataloader_num_workers} {self.context.config.training.world_size} {self.context.config.training.dataloader_pin_memory}" + ) + if not self.context.config.data.pretraining: + assert not self.context.config.training.reset_attention_mask + assert not self.context.config.data.reset_position_ids + + self.dataloader: DataLoader = DataLoader( + use_flash=self.context.config.architecture.use_flash, + seed=self.context.config.training.seed, + consumed_samples=self.context.consumed_samples, + dataset=self.dataset, + micro_batch_size=self.context.config.training.micro_batch_size, + world_size=self.context.config.training.world_size, + num_workers=self.context.config.training.dataloader_num_workers, + pin_memory=self.context.config.training.dataloader_pin_memory, + reset_attention_mask=self.context.config.training.reset_attention_mask, + ) + gc.collect() + torch.cuda.empty_cache() + + def run_training(self): + logger.info(f"running training") + + if self.context.config.training.profile: + formatted_time = strftime("%m-%d_%H_%M_%S", gmtime()) + profile_path = ( + f"./logs/profile_{formatted_time}" + ) + prof = torch.profiler.profile( + schedule=torch.profiler.schedule( + skip_first=0, wait=0, warmup=1, active=3, repeat=1 + ), + on_trace_ready=torch.profiler.tensorboard_trace_handler(profile_path), + record_shapes=True, + profile_memory=True, + with_stack=True, + ) + prof.start() + count = 0 + while self.context.iterations < self.context.config.training.iterations: + count += 1 + if count % 200 == 0: + gc.collect() + torch.cuda.empty_cache() + if self.context.config.training.profile: + prof.step() + self.train_step() + + if logger._use_determined: + assert logger.determined_context is not None + if logger.determined_context.preempt.should_preempt(): + self.determined_save_checkpoint() + print("exiting program after preemption.", flush=True) + sys.exit() + + # save checkpoint + if ( + self.context.iterations % self.context.config.training.save_interval + == 0 + ): + if logger._use_determined: + self.determined_save_checkpoint() + else: + self.save() + + def train_step(self): + start = time.time() + self.optimizer.zero_grad() + step_metrics = list() + + for _gradient_accumulation_step in range( + self.context.config.training.gradient_accumulation_steps + ): + batch = next(self.dataloader) + + assert isinstance(batch, EncodingBatchTraining) + + if self.context.config.training.gather_word_statistics: + for words_target in batch.words_targets: + for word_target in words_target: + if word_target is None: + continue + self.words_target[word_target] += 1 + + logits = self.transformer( + trigram_set_position_ids=batch.trigram_set_position_ids.detach().to( + self.device + ), + trigram_token_ids=batch.trigram_token_ids.detach().to(self.device), + trigram_token_ids_offsets=batch.trigram_token_ids_offsets.detach().to( + self.device + ), + position_ids=batch.position_ids.detach().to(self.device).to(torch.long), + attention_mask=batch.attention_mask.detach().to(self.device), + ) + loss, metrics = self.loss_fn( + logits=logits, + targets=batch.targets, + loss_weights=batch.loss_weights, + do_metrics=self.context.config.training.statistics_every_steps + is not None + and ( + (1 + self.context.iterations) + % self.context.config.training.statistics_every_steps + == 0 + ), + ) + + step_metrics.append(metrics) + self.optimizer.backward( + loss + ) # loss returned is only used for the backward pass, all for logging is in metrics + + # optimize + optimizer_step_output = self.optimizer.step() + + # context + self.context.step() + + end = time.time() + + # aggregate metrics and log + aggregated_metrics = {} + values_list = list() + for k in sorted(list(step_metrics[0].keys())): + values_list.append( + 0.0 + if any(m[k] is None for m in step_metrics) + else torch.tensor( + [m[k] for m in step_metrics], + dtype=torch.float32, + device=self.device, + ).mean() + ) + + values_tensor = torch.tensor(values_list, dtype=torch.float32, device="cuda") + torch.distributed.all_reduce(values_tensor) + values_tensor = values_tensor / self.context.config.training.world_size + + for k, v in zip( + sorted(list(step_metrics[0].keys())), values_tensor.cpu().tolist() + ): + aggregated_metrics[k] = v + + # overall + aggregated_metrics["runtime/step_duration"] = float(end - start) + aggregated_metrics["training/step"] = self.context.iterations + aggregated_metrics["training/epochs"] = self.context.consumed_samples / len( + self.dataset + ) + + # optim + aggregated_metrics[ + "training/global_grad_norm" + ] = optimizer_step_output.global_grad_norm + if optimizer_step_output.debug_dict is not None: + aggregated_metrics.update(optimizer_step_output.debug_dict) + if optimizer_step_output.learning_rates is not None: + for ( + param_group_name, + learning_rate, + ) in optimizer_step_output.learning_rates.items(): + aggregated_metrics[ + f"training/learning_rate_{param_group_name}" + ] = learning_rate + if optimizer_step_output.overflow is not None: + aggregated_metrics["training/overflow"] = int( + optimizer_step_output.overflow + ) + if optimizer_step_output.no_overflow_steps is not None: + aggregated_metrics[ + "training/no_overflow_steps" + ] = optimizer_step_output.no_overflow_steps + if optimizer_step_output.current_loss_scale is not None: + aggregated_metrics[ + "training/current_loss_scale" + ] = optimizer_step_output.current_loss_scale + + logger.log_metrics(aggregated_metrics, self.context.iterations) + + def loss_fn( + self, + logits: torch.Tensor, + targets: torch.Tensor, + loss_weights: torch.Tensor, + do_metrics: bool, + ): + if self.context.config.tokenizer.do_classic_tokenization: + logits = logits.float() + targets = targets.to(logits.device).squeeze().reshape(-1).to(torch.int64) + + loss = torch.nn.functional.cross_entropy( + logits.reshape(-1, logits.shape[-1]), targets + ) + metrics = {"training/loss": float(loss.item())} + else: + logits, targets, loss_weights_repeated = torch_move_stuff( + logits, targets, loss_weights, self.dataset.tokenizer.config.vocab_size + ) + + loss = torch.nn.functional.binary_cross_entropy_with_logits( + logits, + targets, + reduction="none", + pos_weight=torch.tensor( + self.context.config.training.loss_pos_weight, + device=logits.device, + dtype=logits.dtype, + ), + ) + loss = loss * loss_weights_repeated.to(loss.dtype) + loss = self.context.config.training.loss_scale * loss.mean() + metrics = { + "training/loss": float(loss.item()) + / self.context.config.training.loss_scale + } + if do_metrics: + logits_activated = logits.sigmoid() + + logits_activated = logits_activated.view(-1)[ + loss_weights_repeated.reshape(-1) > 0.0 + ] + + metrics = { + "training/loss": float(loss.item()) + / self.context.config.training.loss_scale, + "charts/average_score": float(logits_activated.mean().item()), + } + non_padded_sequence_count = float(loss_weights.sum().item()) + for i in range(11): + cutoff_i = i / 10 + metrics[f"charts/count_active_{cutoff_i}"] = ( + float( + (logits_activated > cutoff_i).sum(-1).float().mean().item() + ) + / non_padded_sequence_count + ) + + return loss, metrics + + def determined_save_checkpoint(self): + from determined.common import storage # type: ignore + + determined_context = logger.determined_context + storage_manager = determined_context.checkpoint._storage_manager + if torch.distributed.get_rank() == 0: + # Only run this once + metadata = { + "steps_completed": self.context.iterations, + } + storage_id = str(uuid.uuid4()) + with storage_manager.store_path(storage_id) as path: + # Broadcast checkpoint path to all ranks. + determined_context.distributed.broadcast((storage_id, path)) + + self.save(save_dir=path) + + # If the storage manager is a sharedfs, then the checkpoint directory + # will already contain all the files. Otherwise, checkpoint files are + # saved to a local directory before being uploaded to cloud storage so + # we'll need to gather all the files across nodes before reporting the + # checkpoint. + resources = storage.StorageManager._list_directory(path) + if isinstance(storage_manager, storage.SharedFSStorageManager): + all_resources = [resources] + else: + # Gather resources across nodes. + all_resources = determined_context.distributed.gather(resources) + resources = {k: v for d in all_resources for k, v in d.items()} + + determined_context.checkpoint._report_checkpoint( + storage_id, resources, metadata + ) + + else: + storage_id, path = determined_context.distributed.broadcast(None) + self.save(save_dir=path) + if not isinstance(storage_manager, storage.SharedFSStorageManager): + # Gather resources across nodes. + if determined_context.distributed.local_rank == 0: + resources = storage.StorageManager._list_directory(path) + else: + resources = {} + _ = determined_context.distributed.gather(resources) + if determined_context.distributed.local_rank == 0: + storage_manager.post_store_path(str(path), storage_id) + + def save(self, save_dir: Optional[Union[Path, str]] = None): + iteration_str = str(self.context.iterations).zfill(12) + + if save_dir is None: + if self.context.config.training.save_dir is None: + return + checkpoint_dir = Path(self.context.config.training.save_dir) / iteration_str + else: + checkpoint_dir = Path(save_dir) / iteration_str + + checkpoint_dir_words = checkpoint_dir / "words_target" + checkpoint_dir_optimizer = checkpoint_dir / "optimizer" + + self.dataset.close_all() + if torch.distributed.get_rank() == 0: + checkpoint_dir.mkdir(parents=True) + self.context.save(checkpoint_dir / "context") + self.transformer.save(checkpoint_dir / "transformer") + self.dataset.tokenizer.save(checkpoint_dir / "tokenizer") + + checkpoint_dir_words.mkdir(parents=True) + checkpoint_dir_optimizer.mkdir(parents=True) + + torch.distributed.barrier() + self.optimizer.save_checkpoint(checkpoint_dir_optimizer) + torch.save( + self.words_target, + checkpoint_dir_words + / f"words_target_rank_{torch.distributed.get_rank()}.pt", + ) + logger.info(f"saved words to {checkpoint_dir_words}") + + if torch.distributed.get_rank() == 0: + with open(checkpoint_dir.parent / "latest", "w", encoding="UTF-8") as f: + f.write(iteration_str) + torch.distributed.barrier() + + logger.info(f"saved trainer to {checkpoint_dir}") + self.dataset.open_all() + + def load_checkpoint(self): + load_dir = self.context.config.training.load_dir + continue_det_experiment = False + + # Check if a determined latest checkpoint is available for example through pausing and resuming of an experiment + if logger._use_determined: + import determined as det # type: ignore + + info = det.get_cluster_info() + if info is not None and info.latest_checkpoint is not None: + continue_det_experiment = True + assert logger.determined_context is not None + with logger.determined_context.checkpoint.restore_path( + info.latest_checkpoint + ) as load_path: + logger.info( + f"Updating load checkpoint directory from {self.context.config.training.load_dir} to {load_path} according to determined setting" + ) + load_dir = Path(load_path) + else: + # No latest checkpoint available from determined + # We could still have configured a checkpoint to load and finetune + pass + + # Check if a checkpoint load directory is specified + if load_dir is None: + return False + + load_dir = Path(load_dir) + + if (load_dir / "latest").is_file(): + with open(load_dir / "latest", "r", encoding="UTF-8") as f: + global_step_dir = ( + f.read().strip() # strip removes potential line breaks and spaces + ) + + iteration_dir = load_dir / global_step_dir + + elif len(list((load_dir.glob("*.pt")))) > 0: + logger.info( + f"no latest file found, using load dir directly instead: {load_dir}" + ) + iteration_dir = load_dir + else: + logger.error(f"no files found in load dir: {load_dir}") + return False + + if not iteration_dir.is_dir(): + logger.error(f"iteration_dir does not exist: {iteration_dir}") + return False + + if self.context.config.training.load_context or continue_det_experiment: + self.context.load_checkpoint(iteration_dir / "context") + + self.transformer.load_checkpoint(iteration_dir / "transformer") + + if ( + self.context.config.training.load_optimizer_states + or continue_det_experiment + ): + self.optimizer.load_checkpoint(iteration_dir / "optimizer") + else: + self.optimizer.refresh_optimizer_after_model_change() + + word_files_with_rank_for_load = [ + (str(f), int(f.stem.split("_")[-1]) % torch.distributed.get_world_size()) + for f in (iteration_dir / "words_target").glob("*.pt") + ] + + for word_file, rank_for_load in word_files_with_rank_for_load: + if rank_for_load == torch.distributed.get_rank(): + words_target = torch.load(word_file) + assert isinstance(words_target, collections.Counter) + self.words_target += words_target + logger.info(f"loaded words_target: {word_file}") + + # tokenizer load checkpoint + logger.info(f"loaded checkpoint: {iteration_dir}") + + return True diff --git a/src/trigram_tokenizer/transformer/__init__.py b/src/trigram_tokenizer/transformer/__init__.py new file mode 100644 index 0000000..dde8c6b --- /dev/null +++ b/src/trigram_tokenizer/transformer/__init__.py @@ -0,0 +1,5 @@ +from .config import TransformerArchitectureConfig, Precision, EmbeddingAggregation +from .transformer import ( + TransformerLMHeadModel, + TransformerModel, +) diff --git a/src/trigram_tokenizer/transformer/components/__init__.py b/src/trigram_tokenizer/transformer/components/__init__.py new file mode 100644 index 0000000..4b78dca --- /dev/null +++ b/src/trigram_tokenizer/transformer/components/__init__.py @@ -0,0 +1,7 @@ +""" +Modularized components of a transformer +""" + +from .embedding import Embedding +from .layer import Layer +from .mlp import MLP diff --git a/src/trigram_tokenizer/transformer/components/attention.py b/src/trigram_tokenizer/transformer/components/attention.py new file mode 100644 index 0000000..585236c --- /dev/null +++ b/src/trigram_tokenizer/transformer/components/attention.py @@ -0,0 +1,269 @@ +from typing import Optional, Union, Dict, Tuple +import math +import torch +from einops import rearrange + +from ..config import TransformerArchitectureConfig +from .rotary_complex import RotaryEmbeddingComplex + +try: + from flash_attn.flash_attn_interface import flash_attn_varlen_func +except: + pass + + +def flash_attention( + query: torch.Tensor, + key: torch.Tensor, + value: torch.Tensor, + attention_mask: torch.Tensor, + query_key_scaling_factor: Optional[float], + dropout_attention_probs: float, + local_attention_window_size: Optional[int] = None, +) -> torch.Tensor: + attention_mask = attention_mask.to(torch.int32) + """ + Compute attention via flash attention dependency. + + Args: + query (Tensor [s_q b h]) + key (Tensor [s_k b h]) + value (Tensor [s_k b h]) + Returns: + Tensor[s_q, b, hp] : context_layer + Tensor[b np s_q s_k] : attention_probs + # """ + assert ( + flash_attn_varlen_func is not None + ), "Please install Flash Attention via optimization requirements" + assert ( + attention_mask.dtype == torch.int32 + ), f"flash attention needs an attention mask with one dimension and dtype int32, got shape {attention_mask.shape} and dtype {attention_mask.dtype}" + + batch_size = query.shape[1] + + # reshape into format expected by flash attention [sq, b, np, hn] => [b * sq, np, hn] + query = rearrange(query, "s_q b n h -> (b s_q) n h") + key = rearrange(key, "s_k b n h -> (b s_k) n h") + value = rearrange(value, "s_k b n h -> (b s_k) n h") + + if local_attention_window_size is None: + local_attention_window_size = -1 + + cumulative_seq_len_q = attention_mask + cumulative_seq_len_k = attention_mask + max_seq_len_q = (attention_mask[1:] - attention_mask[:-1]).max().item() + max_seq_len_k = max_seq_len_q + + # breakpoint() + + attention_output = flash_attn_varlen_func( + q=query, + k=key, + v=value, + cu_seqlens_q=cumulative_seq_len_q, + cu_seqlens_k=cumulative_seq_len_k, + max_seqlen_q=max_seq_len_q, + max_seqlen_k=max_seq_len_k, + dropout_p=dropout_attention_probs, + softmax_scale=query_key_scaling_factor, + causal=True, + window_size=(local_attention_window_size, local_attention_window_size), + ) + + attention_output = rearrange( + attention_output, "(b s) n h -> b s (n h)", b=batch_size + ) + + return attention_output + + +class Attention(torch.nn.Module): + def __init__( + self, + config: TransformerArchitectureConfig, + layer_index: int, + device: Optional[Union[str, torch.device]], + ): + super().__init__() + self.config = config + self.layer_index = layer_index + + self.hidden_size_per_attention_head = ( + self.config.hidden_size / self.config.num_attention_heads + ) + + self.scaling_factor: float = 1 / math.sqrt( + self.config.hidden_size / self.config.num_attention_heads + ) + + self.rotary = RotaryEmbeddingComplex( + dimensions=self.config.hidden_size // self.config.num_attention_heads, + base=self.config.rotary_embedding_base, + max_seq_length=self.config.sequence_length, + device=device, + ) + + self.query = torch.nn.Linear( + in_features=self.config.hidden_size, + out_features=self.config.hidden_size, + dtype=self.config.precision.dtype, + device=device, + bias=self.config.bias_terms, + ) + + self.key = torch.nn.Linear( + in_features=self.config.hidden_size, + out_features=self.config.hidden_size, + dtype=self.config.precision.dtype, + device=device, + bias=self.config.bias_terms, + ) + + self.value = torch.nn.Linear( + in_features=self.config.hidden_size, + out_features=self.config.hidden_size, + dtype=self.config.precision.dtype, + device=device, + bias=self.config.bias_terms, + ) + + self.dense = torch.nn.Linear( + in_features=self.config.hidden_size, + out_features=self.config.hidden_size, + dtype=self.config.precision.dtype, + device=device, + bias=self.config.bias_terms, + ) + + if self.config.init == "xavier": + torch.nn.init.xavier_normal_(self.query.weight) + torch.nn.init.xavier_normal_(self.key.weight) + torch.nn.init.xavier_normal_(self.value.weight) + torch.nn.init.xavier_normal_(self.dense.weight) + elif self.config.init == "pythia": + std = math.sqrt(2 / (5 * self.config.hidden_size)) + torch.nn.init.normal_(self.query.weight, mean=0.0, std=std) + torch.nn.init.normal_(self.key.weight, mean=0.0, std=std) + torch.nn.init.normal_(self.value.weight, mean=0.0, std=std) + std = 2 / self.config.num_layers / math.sqrt(self.config.hidden_size) + torch.nn.init.normal_(self.dense.weight, mean=0.0, std=std) + else: + assert self.config.init == "normal" + torch.nn.init.normal_( + self.query.weight, + mean=0.0, + std=self.config.init_std_global_gain + / math.sqrt(self.config.hidden_size), + ) + + torch.nn.init.normal_( + self.key.weight, + mean=0.0, + std=self.config.init_std_global_gain + / math.sqrt(self.config.hidden_size), + ) + torch.nn.init.normal_( + self.value.weight, + mean=0.0, + std=self.config.init_std_global_gain + / math.sqrt(self.config.hidden_size), + ) + + torch.nn.init.normal_( + self.dense.weight, + mean=0.0, + std=self.config.init_std_global_gain + / math.sqrt(self.config.hidden_size), + ) + + def forward( + self, + hidden_states: torch.Tensor, + attention_mask: torch.Tensor, + position_ids: torch.Tensor, + kv_cache: Optional[Dict[int, Tuple[torch.Tensor, torch.Tensor]]] = None, + ): + batch_size = hidden_states.shape[0] + query = rearrange( + self.query(hidden_states), + "b sq (np hn) -> sq b np hn", + np=self.config.num_attention_heads, + ) + key = rearrange( + self.key(hidden_states), + "b sq (np hn) -> sq b np hn", + np=self.config.num_attention_heads, + ) + value = rearrange( + self.value(hidden_states), + "b sq (np hn) -> sq b np hn", + np=self.config.num_attention_heads, + ) + + # breakpoint() + + position_ids = rearrange(position_ids, "b sq -> sq b") + query, key = self.rotary( + query=query, + key=key, + query_position_ids=position_ids, + key_position_ids=position_ids, + ) + + if self.config.use_flash: + pass # nothing to be done + else: + query = rearrange(query, "s_q b n h -> s_q (b n) h") + key = rearrange(key, "s_k b n h -> s_k (b n) h") + value = rearrange(value, "s_k b n h -> s_k (b n) h") + + if kv_cache is not None: + current_cache = kv_cache.get(self.layer_index) + if current_cache is not None: + past_key, past_value = current_cache + key = torch.cat((past_key, key), dim=0) + value = torch.cat((past_value, value), dim=0) + + kv_cache[self.layer_index] = (key, value) + + if self.config.use_flash: + hidden_states = flash_attention( + query=query, + key=key, + value=value, + attention_mask=attention_mask, + query_key_scaling_factor=self.scaling_factor, + dropout_attention_probs=0.0, + ) + + else: + matmul_result = ( + torch.matmul(query.transpose(0, 1), key.transpose(0, 1).transpose(1, 2)) + * self.scaling_factor + ) + attention_scores = rearrange( + matmul_result, "(b n) s_q s_k -> b n s_q s_k", b=batch_size + ) + + # softmax + attention_scores_dtype = attention_scores.dtype + attention_scores = attention_scores.float() + attention_scores.masked_fill_( + attention_mask.to(attention_scores.device), -10000.0 + ) + attention_probs = torch.nn.functional.softmax(attention_scores, -1) + attention_probs = attention_probs.to(attention_scores_dtype) + attention_probs = rearrange(attention_probs, "b n s_q s_k -> (b n) s_q s_k") + + # multiply with values + hidden_states = torch.bmm( + attention_probs.to(dtype=value.dtype), value.transpose(0, 1) + ) + hidden_states = rearrange( + hidden_states, "(b np) sq hn -> b sq (np hn)", b=batch_size + ) + + hidden_states = self.dense(hidden_states) + + return hidden_states diff --git a/src/trigram_tokenizer/transformer/components/embedding.py b/src/trigram_tokenizer/transformer/components/embedding.py new file mode 100644 index 0000000..63497b8 --- /dev/null +++ b/src/trigram_tokenizer/transformer/components/embedding.py @@ -0,0 +1,100 @@ +from typing import Optional, Union +import math + +import torch + +from ..config import TransformerArchitectureConfig, EmbeddingAggregation + + +class Embedding(torch.nn.Module): + def __init__( + self, + config: TransformerArchitectureConfig, + device: Optional[Union[str, torch.device]], + ): + super().__init__() + self.config = config + + self.embedding = torch.nn.Embedding( + num_embeddings=config.vocab_size, + embedding_dim=config.hidden_size, + dtype=config.precision.dtype, + device=device, + ) + + if self.config.init == "xavier": + torch.nn.init.xavier_normal_(self.embedding.weight) + elif self.config.init == "pythia": + std = math.sqrt(2 / (5 * config.hidden_size)) + torch.nn.init.normal_(self.embedding.weight, mean=0.0, std=std) + else: + assert self.config.init == "normal" + torch.nn.init.normal_( + self.embedding.weight, + mean=0.0, + std=self.config.init_std_global_gain + / math.sqrt(self.config.hidden_size), + ) + + def forward( + self, + trigram_set_position_ids: torch.Tensor, + trigram_token_ids: torch.Tensor, + trigram_token_ids_offsets: torch.Tensor, + seq_len: int, + ): + activations_ = list() + for start, end in trigram_token_ids_offsets.tolist(): + assert start < end + + assert ( + trigram_set_position_ids[end - 1] < self.config.sequence_length + ) # might get padded / will get 0 value + attention mask + assert trigram_set_position_ids[start] == 0 + + # embed token ids + embeddings = self.embedding(trigram_token_ids[start:end]) + + # aggregate sparse representation + if self.config.embedding_aggregation == EmbeddingAggregation.MEAN: + embeddings_ = embeddings.mean(-2) + elif self.config.embedding_aggregation == EmbeddingAggregation.SUM: + embeddings_ = embeddings.sum(-2) + else: + raise NotImplementedError + + activation_ = torch.zeros( + (seq_len, embeddings_.shape[-1]), + dtype=embeddings_.dtype, + device=embeddings_.device, + ) + + activation_.index_add_( + 0, + trigram_set_position_ids[start:end].view(-1), + embeddings_.view(-1, embeddings_.shape[-1]), + ) + + if ( + self.config.embedding_normalization + ): # divide by num trigrams -> mean embedding per word, not accumulated + # this is a tiny bit wrong , but othw i get division by zero :'( + trigram_counts = torch.zeros( + (seq_len), + dtype=torch.int32, + device=embeddings_.device, + ) + + trigram_counts.index_add_( + 0, + trigram_set_position_ids[start:end].view(-1), + torch.ones_like(trigram_set_position_ids[start:end]), + ) + trigram_counts[trigram_counts == 0] = 1.0 + + activation_ = activation_ / trigram_counts[:, None] + + activations_.append(activation_) + + activations = torch.stack(activations_) + return activations diff --git a/src/trigram_tokenizer/transformer/components/layer.py b/src/trigram_tokenizer/transformer/components/layer.py new file mode 100644 index 0000000..08e904f --- /dev/null +++ b/src/trigram_tokenizer/transformer/components/layer.py @@ -0,0 +1,84 @@ +from typing import Optional, Union, Dict, Tuple +import torch + +from ..config import TransformerArchitectureConfig +from .attention import Attention +from .mlp import MLP + +from .rmsnorm import RMSNorm + + +class Layer(torch.nn.Module): + def __init__( + self, + config: TransformerArchitectureConfig, + layer_index: int, + device: Optional[Union[str, torch.device]], + ): + super().__init__() + self.config = config + self.layer_index = layer_index + + self.input_layernorm: Union[torch.nn.LayerNorm, RMSNorm] + if self.config.norm == "layer": + self.input_layernorm = torch.nn.LayerNorm( + normalized_shape=self.config.hidden_size, + eps=self.config.layernorm_epsilon, + dtype=self.config.precision.dtype, + device=device, + ) + else: + assert self.config.norm == "rms" + self.input_layernorm = RMSNorm( + dimensions=self.config.hidden_size, + eps=self.config.layernorm_epsilon, + dtype=self.config.precision.dtype, + device=device, + ) + self.attention = Attention( + config=config, layer_index=layer_index, device=device + ) + + self.post_attention_layernorm: Union[torch.nn.LayerNorm, RMSNorm] + if self.config.norm == "layer": + self.post_attention_layernorm = torch.nn.LayerNorm( + normalized_shape=self.config.hidden_size, + eps=self.config.layernorm_epsilon, + dtype=self.config.precision.dtype, + device=device, + ) + else: + assert self.config.norm == "rms" + self.post_attention_layernorm = RMSNorm( + dimensions=self.config.hidden_size, + eps=self.config.layernorm_epsilon, + dtype=self.config.precision.dtype, + device=device, + ) + self.mlp = MLP(config=config, layer_index=layer_index, device=device) + + def forward( + self, + hidden_states: torch.Tensor, + attention_mask: torch.Tensor, + position_ids: torch.Tensor, + kv_cache: Optional[Dict[int, Tuple[torch.Tensor, torch.Tensor]]] = None, + ): + # attention block + hidden_states_tmp = self.input_layernorm(hidden_states) + hidden_state_tmp = self.attention( + hidden_states_tmp, + attention_mask=attention_mask, + position_ids=position_ids, + kv_cache=kv_cache, + ) + hidden_states = hidden_states + hidden_state_tmp + + # mlp block + hidden_states_tmp = self.post_attention_layernorm(hidden_states) + hidden_states_tmp = self.mlp( + hidden_states_tmp, + ) + hidden_states = hidden_states + hidden_states_tmp + + return hidden_states diff --git a/src/trigram_tokenizer/transformer/components/mlp.py b/src/trigram_tokenizer/transformer/components/mlp.py new file mode 100644 index 0000000..6990547 --- /dev/null +++ b/src/trigram_tokenizer/transformer/components/mlp.py @@ -0,0 +1,90 @@ +from typing import Optional, Union +import math + +import torch + +from ..config import TransformerArchitectureConfig + + +class MLP(torch.nn.Module): + def __init__( + self, + config: TransformerArchitectureConfig, + layer_index: int, + device: Optional[Union[str, torch.device]], + ): + super().__init__() + self.config = config + self.layer_index = layer_index + + self.dense_in = torch.nn.Linear( + in_features=self.config.hidden_size, + out_features=int(self.config.hidden_size * self.config.mlp_factor), + dtype=self.config.precision.dtype, + device=device, + bias=self.config.bias_terms, + ) + + if self.config.mlp_type == "swiglu": + self.swiglu = torch.nn.Linear( + in_features=self.config.hidden_size, + out_features=int(self.config.hidden_size * self.config.mlp_factor), + dtype=self.config.precision.dtype, + device=device, + bias=self.config.bias_terms, + ) + if self.config.init == "xavier": + torch.nn.init.xavier_normal_(self.swiglu.weight) + elif self.config.init == "pythia": + std = math.sqrt(2 / (5 * self.config.hidden_size)) + torch.nn.init.normal_(self.swiglu.weight, mean=0.0, std=std) + else: + assert False + + self.dense_out = torch.nn.Linear( + in_features=int(self.config.hidden_size * self.config.mlp_factor), + out_features=self.config.hidden_size, + dtype=self.config.precision.dtype, + device=device, + bias=self.config.bias_terms, + ) + + if self.config.init == "xavier": + torch.nn.init.xavier_normal_(self.dense_in.weight) + torch.nn.init.xavier_normal_(self.dense_out.weight) + elif self.config.init == "pythia": + std = math.sqrt(2 / (5 * self.config.hidden_size)) + torch.nn.init.normal_(self.dense_in.weight, mean=0.0, std=std) + std = 2 / self.config.num_layers / math.sqrt(self.config.hidden_size) + torch.nn.init.normal_(self.dense_out.weight, mean=0.0, std=std) + else: + assert self.config.init == "normal" + torch.nn.init.normal_( + self.dense_in.weight, + mean=0.0, + std=self.config.init_std_global_gain + / math.sqrt(self.config.hidden_size), + ) + torch.nn.init.normal_( + self.dense_out.weight, + mean=0.0, + std=self.config.init_std_global_gain + / math.sqrt(self.config.hidden_size), + ) + + def forward( + self, + hidden_states: torch.Tensor, + ): + if self.config.mlp_type == "swiglu": + hidden_states_ = self.dense_in(hidden_states) + hidden_states_ = torch.nn.functional.silu(hidden_states_) + hidden_states = hidden_states_ * self.swiglu(hidden_states) + hidden_states = self.dense_out(hidden_states) + else: + assert self.config.mlp_type == "simple_gelu" + hidden_states = self.dense_in(hidden_states) + hidden_states = torch.nn.functional.gelu(hidden_states) + hidden_states = self.dense_out(hidden_states) + + return hidden_states diff --git a/src/trigram_tokenizer/transformer/components/rmsnorm.py b/src/trigram_tokenizer/transformer/components/rmsnorm.py new file mode 100644 index 0000000..f057555 --- /dev/null +++ b/src/trigram_tokenizer/transformer/components/rmsnorm.py @@ -0,0 +1,37 @@ +from enum import Enum +from typing import Optional, List, Union +from pydantic import Field +import torch + +try: + from flash_attn.ops.rms_norm import rms_norm as flash_attn_rms_norm +except ImportError: + flash_attn_rms_norm = None + + +class RMSNorm(torch.nn.Module): + def __init__( + self, + dimensions: int, + device: Optional[Union[torch.device, str]], + eps: float, + dtype=torch.float32, + ): + super().__init__() + self.eps = eps + + self.weight = torch.nn.Parameter( + torch.ones(dimensions, dtype=dtype, device=device) + ) + + def _norm(self, x: torch.Tensor) -> torch.Tensor: + return x * torch.rsqrt(x.pow(2).mean(-1, keepdim=True) + self.eps) + + def forward(self, x: torch.Tensor) -> torch.Tensor: + if flash_attn_rms_norm is None: + output = self._norm(x.float()).type_as(x) + output = output * self.weight + else: + output = flash_attn_rms_norm(x, self.weight, self.eps) + + return output diff --git a/src/trigram_tokenizer/transformer/components/rotary_complex.py b/src/trigram_tokenizer/transformer/components/rotary_complex.py new file mode 100644 index 0000000..ab6f1ff --- /dev/null +++ b/src/trigram_tokenizer/transformer/components/rotary_complex.py @@ -0,0 +1,114 @@ +from typing import Tuple, Optional, Union +import torch + + +from einops import rearrange, repeat + + +def vector_gather(vectors: torch.Tensor, indices: torch.Tensor): + """ + Gathers (batched) vectors according to indices. + """ + vectors = repeat(vectors, "sq d -> sq B nh d", B=indices.shape[1], nh=1) + indices = repeat( + indices, + "sq b -> sq b nh d", + nh=1, + d=vectors.shape[-1], + ) + + out = torch.gather(vectors, dim=0, index=indices) + + out = rearrange(out, "sq b nh hh -> b sq nh hh") + + return out + + +def precompute_freqs_cis( + dim: int, end: int, theta: float, device: Optional[Union[str, torch.device]] +): + theta = float(theta) + freqs = 1.0 / (theta ** (torch.arange(0, dim, 2)[: (dim // 2)].float() / dim)) + t = torch.arange(end) # type: ignore + freqs = torch.outer(t, freqs).float() # type: ignore + freqs_cis = torch.polar(torch.ones_like(freqs), freqs) # complex64 + + if device is not None: + freqs_cis = freqs_cis.to(device) + return freqs_cis + + +def reshape_for_broadcast(freqs_cis: torch.Tensor, x: torch.Tensor): + ndim = x.ndim + assert 0 <= 1 < ndim + assert freqs_cis.shape[0] == x.shape[1] + assert freqs_cis.shape[1] == x.shape[-1] + shape = [d if i == 1 or i == ndim - 1 else 1 for i, d in enumerate(x.shape)] + return freqs_cis.view(*shape) + + +def apply_rotary_emb( + xq: torch.Tensor, + xk: torch.Tensor, + freqs_cis: torch.Tensor, + query_position_ids: Optional[torch.Tensor], + key_position_ids: Optional[torch.Tensor], +) -> Tuple[torch.Tensor, torch.Tensor]: + xq_ = torch.view_as_complex(xq.float().reshape(*xq.shape[:-1], -1, 2)) + xk_ = torch.view_as_complex(xk.float().reshape(*xk.shape[:-1], -1, 2)) + + if query_position_ids is None: + freqs_cis_q_ = reshape_for_broadcast(freqs_cis, xq_) + else: + freqs_cis_q_ = vector_gather(freqs_cis, query_position_ids) + + if key_position_ids is None: + freqs_cis_k_ = reshape_for_broadcast(freqs_cis, xq_) + else: + freqs_cis_k_ = vector_gather(freqs_cis, key_position_ids) + + xq_out = torch.view_as_real(xq_ * freqs_cis_q_).flatten(3) + xk_out = torch.view_as_real(xk_ * freqs_cis_k_).flatten(3) + return xq_out.type_as(xq), xk_out.type_as(xk) + + +class RotaryEmbeddingComplex(torch.nn.Module): + """ + Relative rotary position embedding based on + * RoFormer: Enhanced Transformer with Rotary Position Embedding (https://arxiv.org/abs/2104.09864) + * Rotary Embeddings: A Relative Revolution (https://blog.eleuther.ai/rotary-embeddings/) + """ + + def __init__( + self, + dimensions: int, + base: int, + max_seq_length: int, + device: Optional[Union[str, torch.device]], + ): + super().__init__() + assert ( + dimensions > 1 + ), "RotaryEmbedding cannot use `dim` == 1, this results in weird reshape errors" + + self.freqs_cis = precompute_freqs_cis( + dim=dimensions, end=max_seq_length, theta=base, device=device + ) + + def forward( + self, + query: torch.Tensor, + key: torch.Tensor, + query_position_ids: Optional[torch.Tensor] = None, + key_position_ids: Optional[torch.Tensor] = None, + ): + query, key = apply_rotary_emb( + xq=rearrange(query, "sq b nh hh -> b sq nh hh"), + xk=rearrange(key, "sq b nh hh -> b sq nh hh"), + freqs_cis=self.freqs_cis, + query_position_ids=query_position_ids, + key_position_ids=key_position_ids, + ) + return rearrange(query, "b sq nh hh -> sq b nh hh"), rearrange( + key, "b sq nh hh -> sq b nh hh" + ) diff --git a/src/trigram_tokenizer/transformer/config/__init__.py b/src/trigram_tokenizer/transformer/config/__init__.py new file mode 100644 index 0000000..e33dec2 --- /dev/null +++ b/src/trigram_tokenizer/transformer/config/__init__.py @@ -0,0 +1,5 @@ +""" +Configuration dataclass +""" + +from .config import TransformerArchitectureConfig, Precision, EmbeddingAggregation diff --git a/src/trigram_tokenizer/transformer/config/config.py b/src/trigram_tokenizer/transformer/config/config.py new file mode 100644 index 0000000..3db4123 --- /dev/null +++ b/src/trigram_tokenizer/transformer/config/config.py @@ -0,0 +1,96 @@ +import torch +from enum import Enum +from pydantic import Field + +from ...config import BaseConfig + + +class Precision(Enum): + FLOAT16 = "float16" + BFLOAT16 = "bfloat16" + FLOAT32 = "float32" + + @property + def dtype(self) -> torch.dtype: + if self == Precision.FLOAT16: + return torch.float16 + elif self == Precision.BFLOAT16: + return torch.bfloat16 + elif self == Precision.FLOAT32: + return torch.float32 + else: + raise NotImplementedError + + +class EmbeddingAggregation(Enum): + SUM = "sum" + MEAN = "mean" + + +class TransformerArchitectureConfig(BaseConfig): + """ + Transformer architecture config object containing non-mutable (constant) architecture specific configurations + """ + + use_flash: bool = Field(True) + + embedding_normalization: bool = Field( + False, + description="", + ) + + embedding_aggregation: EmbeddingAggregation = Field( + EmbeddingAggregation.MEAN, description="" + ) + + norm: str = Field("rms") + mlp_type: str = Field("simple_gelu") + init: str = Field("xavier") + bias_terms: bool = Field(True) + + vocab_size: int = Field( + 0, + description="Size of the vocabulary before padding; this matches the vocab size of the tokenizer", + ) + + hidden_size: int = Field( + 0, + description="Transformer hidden size.", + ) + + num_layers: int = Field( + 0, + description="Number of luminous layers", + ) + + num_attention_heads: int = Field( + 0, + description="Number of attention heads", + ) + + rotary_embedding_base: int = Field( + 10000, + description="", + ) + + sequence_length: int = Field( + 2048, + description="Sequence length in number of tokens in one sample on which a train job is run; at inference time the seqence length of a sample should (usually) not be exceeded.", + ) + + mlp_factor: float = Field( + 4.0, + description="expansion factor for mlp hidden layer", + ) + + precision: Precision = Field(Precision.FLOAT32, description="") + + layernorm_epsilon: float = Field( + 0.00001, + description="", + ) + + init_std_global_gain: float = Field( + 1.0, + description="", + ) diff --git a/src/trigram_tokenizer/transformer/transformer.py b/src/trigram_tokenizer/transformer/transformer.py new file mode 100644 index 0000000..8d8e811 --- /dev/null +++ b/src/trigram_tokenizer/transformer/transformer.py @@ -0,0 +1,185 @@ +from typing import Optional, Union, Optional, Dict, Tuple +from pathlib import Path +import math + +import torch + +from trigram_tokenizer.logging import logger +from .config import TransformerArchitectureConfig +from .components import Embedding, Layer, MLP + +from .components.rmsnorm import RMSNorm + + +class TransformerModel(torch.nn.Module): + """ + Main transformer decoder class + """ + + def __init__( + self, + config: TransformerArchitectureConfig, + device: Optional[Union[str, torch.device]] = None, + ): + super().__init__() + + self.config = config + + # embedding input layer + self.embeddings = Embedding(config=config, device=device) + + # transformer layers + layers_ = list() + for layer_index in range(config.num_layers): + layer = Layer(config=config, layer_index=layer_index, device=device) + layers_.append(layer) + self.layers = torch.nn.ModuleList(layers_) + + # final norm + self.norm: Union[torch.nn.LayerNorm, RMSNorm] + if self.config.norm == "layer": + self.norm = torch.nn.LayerNorm( + normalized_shape=self.config.hidden_size, + eps=self.config.layernorm_epsilon, + dtype=config.precision.dtype, + device=device, + ) + else: + assert self.config.norm == "rms" + self.norm = RMSNorm( + dimensions=self.config.hidden_size, + eps=self.config.layernorm_epsilon, + dtype=config.precision.dtype, + device=device, + ) + + def forward( + self, + trigram_set_position_ids: torch.Tensor, + trigram_token_ids: torch.Tensor, + trigram_token_ids_offsets: torch.Tensor, + position_ids: torch.Tensor, + attention_mask: torch.Tensor, + kv_cache: Optional[Dict[int, Tuple[torch.Tensor, torch.Tensor]]] = None, + ): + # embed + # breakpoint() + + hidden_states = self.embeddings( + trigram_set_position_ids=trigram_set_position_ids, + trigram_token_ids=trigram_token_ids, + trigram_token_ids_offsets=trigram_token_ids_offsets, + seq_len=position_ids.shape[-1], # self.config.sequence_length, + ) + + # transformer layers + for layer_index, layer in enumerate(self.layers): + hidden_states = layer( + hidden_states=hidden_states, + attention_mask=attention_mask, + position_ids=position_ids, + kv_cache=kv_cache, + ) + + # final norm + norm_out = self.norm( + hidden_states.to(self.norm.weight.device), + ) + + return norm_out, kv_cache + + +class TransformerLMHeadModel(torch.nn.Module): + """ + Main transformer decoder class with lm head + """ + + def __init__( + self, + config: TransformerArchitectureConfig, + device: Optional[Union[str, torch.device]] = None, + ): + super().__init__() + + self.config = config + + self.transformer = TransformerModel(config=config, device=device) + + # lm head + self.lm_head = torch.nn.Linear( + config.hidden_size, + config.vocab_size, + bias=False, + dtype=config.precision.dtype, + device=device, + ) + if self.config.init == "xavier": + torch.nn.init.xavier_normal_(self.lm_head.weight) + elif self.config.init == "pythia": + std = math.sqrt(2 / (5 * config.hidden_size)) + torch.nn.init.normal_(self.lm_head.weight, mean=0.0, std=std) + else: + assert self.config.init == "normal" + + torch.nn.init.normal_( + self.lm_head.weight, + mean=0.0, + std=self.config.init_std_global_gain + / math.sqrt(self.config.hidden_size), + ) + + def forward( + self, + trigram_set_position_ids: torch.Tensor, + trigram_token_ids: torch.Tensor, + trigram_token_ids_offsets: torch.Tensor, + position_ids: torch.Tensor, + attention_mask: torch.Tensor, + kv_cache: Optional[Dict[int, Tuple[torch.Tensor, torch.Tensor]]] = None, + ): + hidden_states, kv_cache = self.transformer( + trigram_set_position_ids=trigram_set_position_ids, + trigram_token_ids=trigram_token_ids, + trigram_token_ids_offsets=trigram_token_ids_offsets, + position_ids=position_ids, + attention_mask=attention_mask, + kv_cache=kv_cache, + ) + logits = self.lm_head(hidden_states) + + if kv_cache is None: + return logits + else: + return logits, kv_cache + + def save(self, dirname: Path): + dirname = Path(dirname) + dirname.mkdir(parents=True) + + torch.save(self.state_dict(), str(dirname / "transformer.pt")) + self.config.save(dirname / "transformer_config.yaml") + + @classmethod + def load( + cls, + dirname: Path, + device: Optional[Union[str, torch.device]] = None, + overwrite_values=None, + ): + dirname = Path(dirname) + config = TransformerArchitectureConfig.from_yaml( + dirname / "transformer_config.yaml", overwrite_values=overwrite_values + ) + transformer = cls(config=config, device=device) + state_dict = torch.load(str(dirname / "transformer.pt"), map_location="cpu") + transformer.load_state_dict(state_dict=state_dict) + return transformer + + def load_checkpoint(self, dirname): + logger.info(f"loading transformer checkpoint from {dirname}") + dirname = Path(dirname) + state_dict = torch.load( + str(dirname / "transformer.pt"), map_location=torch.device("cpu") + ) # for memory leak on continue + self.load_state_dict(state_dict=state_dict) + logger.info(f"loaded transformer checkpoint from {dirname}") diff --git a/startup-hook.sh b/startup-hook.sh new file mode 100644 index 0000000..3dcf888 --- /dev/null +++ b/startup-hook.sh @@ -0,0 +1 @@ +pip install -e . --no-deps diff --git a/tests/__init__.py b/tests/__init__.py new file mode 100644 index 0000000..d4470a3 --- /dev/null +++ b/tests/__init__.py @@ -0,0 +1,336 @@ +import math +import shutil +import os +import pytest + +from pathlib import Path + +import torch + + +def get_empty_cache_dir(name: str) -> Path: + cache_dir = Path(__file__).parent.absolute() / "files" / "tmp" / name + if cache_dir.is_dir(): + shutil.rmtree(str(cache_dir)) + cache_dir.mkdir(exist_ok=True, parents=True) + + return cache_dir + + +def normal_round(n, digits=0): + """ + python rounding rounds 0.5 down + this function fixes it and rounds up + """ + n = n * (10**digits) + if n - math.floor(n) < 0.5: + return float(math.floor(n)) / (10**digits) + return float(math.ceil(n)) / (10**digits) + + +def rounded_equal(a: float, b: float, digits=10): + """ + sometimes float have different numbers of digits due to serialization and rounding + this function checks if two floats are equal while allowing for one flaot to be rounded + If different numbers of digits are encountered, the more precise number is rounded + """ + # no rounding necessary if both are equal + if a == b: + return True + + a = float(a) + b = float(b) + + # find number of characters + str_a = str(a) + str_b = str(b) + digits_a = len(str_a.split(".")[1]) + digits_b = len(str_b.split(".")[1]) + + # if same length we know that the two floats must truly be differen + if digits_a < digits_b: + round_to_digits = min(digits_a, digits) + else: + # b is shorter, a is rounded + round_to_digits = min(digits_b, digits) + + # if the number itself has been rounded, rounded again at the last position can result in problems + if min(digits_a, digits_b) - 1 == round_to_digits: + round_to_digits += 1 + + a = normal_round(a, round_to_digits) + b = normal_round(b, round_to_digits) + return a == b + + +def assert_nested_dicts_equal(result, target, message=None, precision=None): + """ + compare two dictionaries and do readable assertions + """ + assert isinstance(result, dict), "result is a dict" + assert isinstance(target, dict), "target is a dict" + + assert set(result.keys()) == set(target.keys()), ( + f"result and target have different keys: {set(result.keys())} vs. {set(target.keys())}" + + ("" if message is None else " (" + message + ")") + ) + + for k, r_v in result.items(): + t_v = target[k] + assert type(r_v) == type(t_v), ( + "result and target have different value types for " + + str(k) + + ( + f": {type(r_v)} with value {r_v} vs. {type(t_v)} with value {t_v}" + if message is None + else " (" + message + f"): {type(r_v)} vs. {type(t_v)}" + ) + ) + if isinstance(r_v, dict): + assert_nested_dicts_equal( + result=r_v, + target=t_v, + message=(str(k) if message is None else message + "." + str(k)), + precision=precision, + ) + elif isinstance(r_v, list): + assert_nested_lists_equal( + result=r_v, + target=t_v, + message=(str(k) if message is None else message + "." + str(k)), + precision=precision, + ) + else: + if precision is not None and isinstance(r_v, float): + assert abs(r_v - t_v) < 0.1**precision, ( + "result and target have different values for " + + str(k) + + "; r_v == " + + str(r_v) + + " (" + + str(type(r_v)) + + "); t_v == " + + str(t_v) + + "(" + + str(type(r_v)) + + ")" + + ("" if message is None else " (" + message + ")") + + "; precision == " + + str(precision) + ) + else: + if torch.is_tensor(r_v) and torch.is_tensor(t_v): + assert (r_v == t_v).all(), ( + "result and target have different values for " + + str(k) + + "; r_v == " + + str(r_v) + + " (" + + str(type(r_v)) + + "); t_v == " + + str(t_v) + + "(" + + str(type(r_v)) + + ")" + + ("" if message is None else " (" + message + ")") + ) + else: + assert r_v == t_v, ( + "result and target have different values for " + + str(k) + + "; r_v == " + + str(r_v) + + " (" + + str(type(r_v)) + + "); t_v == " + + str(t_v) + + "(" + + str(type(r_v)) + + ")" + + ("" if message is None else " (" + message + ")") + ) + + +def assert_nested_lists_equal(result, target, message=None, precision=None): + assert isinstance(result, list), "result is a list" + assert isinstance(target, list), "target is a list" + + assert len(result) == len(target), "result and target have different lengths" + ( + "" if message is None else " (" + message + ")" + ) + for i, (r_v, t_v) in enumerate(zip(result, target)): + assert type(r_v) == type(t_v), ( + "result and target have different value types for list item " + + str(i) + + ("" if message is None else " (" + message + ")") + ) + if isinstance(r_v, dict): + assert_nested_dicts_equal( + result=r_v, + target=t_v, + message=( + "list item " + str(i) + if message is None + else message + "." + "list item " + str(i) + ), + precision=precision, + ) + elif isinstance(r_v, list): + assert_nested_lists_equal( + result=r_v, + target=t_v, + message=( + "list item " + str(i) + if message is None + else message + "." + "list item " + str(i) + ), + precision=precision, + ) + else: + if precision is not None and isinstance(r_v, float): + assert rounded_equal(r_v, t_v, digits=precision), ( + "result and target have different values" + + "; r_v == " + + str(r_v) + + "(" + + str(type(r_v)) + + ")" + + "; t_v == " + + str(t_v) + + "(" + + str(type(t_v)) + + ")" + + ("" if message is None else " (" + message + ")") + + "; precision == " + + str(precision) + ) + elif torch.is_tensor(r_v) and torch.is_tensor(t_v): + assert (r_v == t_v).all().item(), ( + "result and target have different values" + + "; r_v == " + + str(r_v) + + "(" + + str(type(r_v)) + + ")" + + "; t_v == " + + str(t_v) + + "(" + + str(type(t_v)) + + ")" + + ("" if message is None else " (" + message + ")") + ) + else: + assert r_v == t_v, ( + "result and target have different values" + + "; r_v == " + + str(r_v) + + "(" + + str(type(r_v)) + + ")" + + "; t_v == " + + str(t_v) + + "(" + + str(type(t_v)) + + ")" + + ("" if message is None else " (" + message + ")") + ) + + +def find_free_port(): + """https://stackoverflow.com/questions/1365265/on-localhost-how-do-i-pick-a-free-port-number""" + import socket + from contextlib import closing + + with closing(socket.socket(socket.AF_INET, socket.SOCK_STREAM)) as s: + s.bind(("", 0)) + s.setsockopt(socket.SOL_SOCKET, socket.SO_REUSEADDR, 1) + return str(s.getsockname()[1]) + + +# Worker timeout *after* the first worker has completed. +PROCESS_TIMEOUT = 120 + + +def dist_init( + run_func, + master_port, + local_rank, + world_size, + return_dict, + *func_args, + **func_kwargs, +): + os.environ["MASTER_ADDR"] = "127.0.0.1" + os.environ["MASTER_PORT"] = str(master_port) + os.environ["WORLD_SIZE"] = str(world_size) + # NOTE: unit tests don't support multi-node so local_rank == global rank + os.environ["RANK"] = str(local_rank) + os.environ["LOCAL_SLOT"] = str(local_rank) + + run_func(return_dict=return_dict, *func_args, **func_kwargs) + + +def dist_launcher(run_func, world_size, master_port, *func_args, **func_kwargs): + """Launch processes and gracefully handle failures.""" + ctx = torch.multiprocessing.get_context("spawn") + manager = ctx.Manager() + return_dict = manager.dict() + # Spawn all workers on subprocesses. + processes = [] + for local_rank in range(world_size): + p = ctx.Process( + target=dist_init, + args=( + run_func, + master_port, + local_rank, + world_size, + return_dict, + *func_args, + ), + kwargs=func_kwargs, + ) + p.start() + processes.append(p) + + # Now loop and wait for a test to complete. The spin-wait here isn't a big + # deal because the number of processes will be O(#GPUs) << O(#CPUs). + any_done = False + any_failed = False + while not any_done: + for p in processes: + if not p.is_alive(): + any_done = True + if p.exitcode is not None: + any_failed = any_failed or (p.exitcode != 0) + + if any_failed: + for p in processes: + # If it the process hasn't terminated, kill it because it hung. + if p.is_alive(): + p.terminate() + if p.is_alive(): + p.kill() + + # Wait for all other processes to complete + for p in processes: + p.join(PROCESS_TIMEOUT) + + # Collect exitcodes and terminate hanging process + failures = [] + for rank, p in enumerate(processes): + if p.exitcode is None: + # If it still hasn't terminated, kill it because it hung. + p.terminate() + if p.is_alive(): + p.kill() + failures.append(f"Worker {rank} hung.") + elif p.exitcode < 0: + failures.append(f"Worker {rank} killed by signal {-p.exitcode}") + elif p.exitcode > 0: + failures.append(f"Worker {rank} exited with code {p.exitcode}") + + if len(failures) > 0: + raise RuntimeError("\n".join(failures)) + + return dict(return_dict) diff --git a/tests/test_data/.gitignore b/tests/test_data/.gitignore new file mode 100644 index 0000000..8f49063 --- /dev/null +++ b/tests/test_data/.gitignore @@ -0,0 +1,2 @@ +tmp_test* +tmp_finetuning* diff --git a/tests/test_data/__init__.py b/tests/test_data/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/tests/test_data/data_fineweb/.gitignore b/tests/test_data/data_fineweb/.gitignore new file mode 100644 index 0000000..8718877 --- /dev/null +++ b/tests/test_data/data_fineweb/.gitignore @@ -0,0 +1,3 @@ +*.indices.bin +*.lengths.bin +*.offsets.bin diff --git a/tests/test_data/data_fineweb/CC-MAIN-2013-20.bin b/tests/test_data/data_fineweb/CC-MAIN-2013-20.bin new file mode 100644 index 0000000..928089b --- /dev/null +++ b/tests/test_data/data_fineweb/CC-MAIN-2013-20.bin @@ -0,0 +1,2858 @@ +No. 24; Updated March 2011 +Click here to download and print a PDF version of this document. +Parents are usually the first to recognize that their child has a problem with emotions or behavior. Still, the decision to seek professional help can be difficult and painful for a parent. The first step is to gently try to talk to the child. An honest open talk about feelings can often help. Parents may choose to consult with the child's physicians, teachers, members of the clergy, or other adults who know the child well. These steps may resolve the problems for the child and family. +Following are a few signs which may indicate that a child and adolescent psychiatric evaluation will be useful. +- Marked fall in school performance +- Poor grades in school despite trying very hard +- Severe worry or anxiety, as shown by regular refusal to go to school, go to sleep or take part in activities that are normal for the child's age +- Frequent physical complaints +- Hyperactivity; fidgeting; constant movement beyond regular playing with or without difficulty paying attention +- Persistent nightmares +- Persistent disobedience or aggression (longer than 6 months) and provocative opposition to authority figures +- Frequent, unexplainable temper tantrums +- Threatens to harm or kill oneself +- Marked decline in school performance +- Inability to cope with problems and daily activities +- Marked changes in sleeping and/or eating habits +- Extreme difficulties in concentrating that get in the way at school or at home +- Sexual acting out +- Depression shown by sustained, prolonged negative mood and attitude, often accompanied by poor appetite, difficulty sleeping or thoughts of death +- Severe mood swings +- Strong worries or anxieties that get in the way of daily life, such as at school or socializing +- Repeated use of alcohol and/or drugs +- Intense fear of becoming obese with no relationship to actual body weight, excessive dieting, throwing up or using laxatives to loose weight +- Persistent nightmares +- Threats of self-harm or harm to others +- Self-injury or self destructive behavior +- Frequent outbursts of anger, aggression +- Repeated threats to run away +- Aggressive or non-aggressive consistent violation of rights of others; opposition to authority, truancy, thefts, or vandalism +- Strange thoughts, beliefs, feelings, or unusual behaviors +See other Facts for Families: +#25 Where to Seek Help for Your Child +#52 Comprehensive Psychiatric Evaluation +#57 Normal Adolescent Development, Middle School, and Early High School Years +#58 Normal Adolescent Development, Late High School Year and Beyond +#00 Definition of a Child and Adolescent Psychiatrist +The American Academy of Child and Adolescent Psychiatry (AACAP) represents over 8,500 child and adolescent psychiatrists who are physicians with at least five years of additional training beyond medical school in general (adult) and child and adolescent psychiatry. +Facts for Families© information sheets are developed, owned and distributed by AACAP. Hard copies of Facts sheets may be reproduced for personal or educational use without written permission, but cannot be included in material presented for sale or profit. All Facts can be viewed and printed from the AACAP website (www.aacap.org). Facts sheets may not be reproduced, duplicated or posted on any other website without written consent from AACAP. Organizations are permitted to create links to AACAP's website and specific Facts sheets. For all questions please contact the AACAP Communications & Marketing Coordinator, ext. 154. +If you need immediate assistance, please dial 911. +Copyright © 2012 by the American Academy of Child and Adolescent Psychiatry.Previous abstract Next abstract +Session 40 - The Interstellar Medium. +Display session, Tuesday, June 09 +Gamma Ray Burst (GRB) explosions can make kpc-size shells and holes in the interstellar media (ISM) of spiral galaxies if much of the energy heats the local gas to above 10^7 K. Disk blowout is probably the major cause for energy loss in this case, but the momentum acquired during the pressurized expansion phase can be large enough that the bubble still snowplows to a kpc diameter. This differs from the standard model for the origin of such shells by multiple supernovae, which may have problems with radiative cooling, evaporative losses, and disk blow-out. Evidence for giant shells with energies of \sim10^53 ergs are summarized. Some contain no obvious central star clusters and may be GRB remnants, although sufficiently old clusters would be hard to detect. The expected frequency of GRBs in normal galaxies can account for the number of such shells. +Program listing for TuesdayQuestion: How is bipolar disorder different from unipolar depression or 'regular' depression? +Answer: Both bipolar disorder and major depression are typically associated with depressive episodes. So both illnesses are accompanied by depressions. The difference is that in bipolar disorder people also have periods of elevation -- or severe irritability. We call these manic or hypomanic episodes.Making the Case for Action +This fact sheet(pdf) and slide deck provide essential state-specific information that addresses the economic imperative, the equity imperative, and the expectations imperative of the college- and career-ready agenda. These resources can be used on their own or serve as the foundation for a personalized presentation or fact sheet(word), which can be customized with state-specific details and examples. The PowerPoint, in particular, was developed with various users in mind and offers a wide range of case-making data that can be drawn from to support your own advocacy efforts. +Advancing the Agenda +As states continue their efforts to promote college and career readiness, Achieve regularly surveys the states to identify their progress in adopting critical college- and career-ready policies. Below is a summary of Idaho's progress to date: +See Closing the Expectations Gap for more information +State accountability systems focus the efforts of teachers, students, parents, administrators and policymakers to ensure that students and schools meet the established goals, including the goal of ensuring all students graduate ready for college and careers. Idaho has yet to begin to use any of the key college- and career-ready indicators in their accountability system. +|Annual School-level Public Reporting||Statewide Performance Goals||School-level Incentives||Accountability Formula| +|Earning a college- and career-ready diploma| +|Scoring college-ready on a high school assessment| +|Earning college credit while in high school| +|Requiring remedial courses in college| +For an explanation of the indicators, their uses and Achieve’s minimum criteria for college- and career-ready accountability, see here.A land whose rich cultural heritage is discovered not only from within the walls of numerous museums, galleries and churches, many of which today, as zero category monuments are included in a part of the UNESCO World Heritage List, but also in that magical place on the Mediterranean, where even the shortest stroll becomes a journey down a staircase thousands of years old, which takes one through a history that is at the same time turbulent, exciting and glorious. +With as many as seven cultural phenomena- The Festivity of Saint Blaise, lace-making in Lepoglava, Hvar and Pag, the bell ringers from the Kastav region, the Hvar Procession Za Križem, (‘following the Cross’), two-part singing in the Istrian scale, in Istria and Hrvatsko Primorje, the spring procession of ‘Ljelje’ and traditional manufacture of wooden toys in the Hrvatsko zagorje region, Croatia is among the countries with the most protected intangible cultural heritage elements, recorded on the UNESCO List. +The famous scientist Nikola Tesla (1856-1943), inventor of alternating current. +Was born in Smiljan, Croatia, died in New York, USA. +Dog breed Dalmatian originates from these areas? In a small Franciscan monastery in Zaostrog, there is a painting from 1724 which for the first time depicts a Dalmatian dog… +Slavoljub Eduard Penkala +In 1906, a Croat Slavoljub Eduard Penkala for the first time applied for a patent for a ballpoint (penkala) and a holder for a fountain pen. +From time immemorial, the tie has been a part of the Croatian national costume, which was preserved by the Croats to the more recent times, who moved to central Europe in the 16th century. It was later taken over by the Croatian soldiers who were fighting in Europe, and a part of their uniform was assumed by the French in the 17th century. Under the leadership of the French „God of Sun" Louis XIV there was a horsemen unit, the so-called Royal cravate, who wore mostly red collar ribbons. The custom of wearing ribbons from the Croats dates back to this time, which was later expanded around Europe and the world, and today is inevitably the most important detail in men's fashion, and also an original Croatian souvenir. The word «kravata» (tie) originates from the word «Kroate»... +The world traveler and explorer Marco Polo was born in 1254, most probably on the island of Korčula. Even today, there are people living on the island with the same last name.. +Island of Vrnik is situated in the archipelago of the Pelješac canal in front of the east coast of Korčula island, widely known for its stone-pit of quality lime-stone (marble) from which Aia Sofia (Istanbul) and the While House (Washington) were partly built as were some palaces-town halls in Dubrovnik, Stockholm, Venice, Vienna. +Visit to the fertile plains of Baranja where the grapes have been cultivated for centuries, is not complete if you do not taste the "golden drops" of Baranja's vineyards. According to the old manuscripts, vine was a usual drink at the royal court of Maria Teresa, and the ancient Romans, delighted with its bouquet and with the sun rises and sunsets of that region, called it the "Golden hill"... +There is a Ulysses' cave on the island of Mljet. It was named after a story which says that a famous adventurer stranded on the nearby cliff Ogiron, where he met the nymph Calypso with whom he fell in love, and spent unforgettable moments in her company... +Red-white coat of arms +Recognizable all over the world, and related only to Croats - characteristic cube-shaped red-white coat of arms which is believed to originate from the Persian original homeland of Croats (red signifies south and white signifies north). That is where the name for two Croatias derives from, i.e. White in north and Red in south. When the Croats have selected Ferdinand Habsburg to be their King in Cetine in 1527, they confirmed that choice with some seals, and one of them was Croatian coat of arms, but with 64 fields, i.e. the complete chess-board. That is where the popular term „šahovnica" derives from, and Šah (chess) in Persian means the Ruler - Tsar. +Did you know that there is a world rarity in the Archeological museum in Zagreb? Of course, we are talking about the Zagreb mummy. Nesi-hensu, the wife of Aher-hensu, „the divine tailor" from Thebes, is the name of a mummified woman who was wrapped in cut ribbons of Zagreb linen book which represents the longest preserved text in Etruscan language and the only preserved sample of linen book in the entire Ancient world. +Top seven world getaways +The American magazine "In Style" has included Croatia on its list of seven top world destinations ("Top seven world getaways"). The article authors recommend a visit to Croatia for its very rich historical-cultural heritage, natural beauties and clean sea. In addition to Croatia, the list of top seven places includes Kenya, South Africa, London, Greek island Santorini and three American destinations - Aspen, Napa Valley and Nantucket. +Every day, for over hundred and ten years, the cannon fires from the top of tower Lotrščak exactly at noon in memory of an event from Zagreb history. According to the legend, exactly at noon, the Grič canon fired a discharge from Lotrščak to the Turkish camp located across Sava and blew out a rooster (or a turkey) which the cook was taking to Pasha on a platter. After this event, the Turks scattered and did not attack Zagreb...adopt many methods to determine whether the unborn baby is a boy or a +girl. The Chinese +pregnancy calendar is an often used +method to know about the +gender of the new life in the mothers womb. +is an ancient way for +predicting the gender of +the unborn baby +It is also known as a Chinese +conception chart, or +the Chinese Conception Calendar. It is believed that this ancient +method is highly accurate, although no clinical studies verify these +chart is an +ancient Chinese secret +A Chinese scientist developed this calendar, +700 years ago. According to a legend, the Chinese +is capable of +predicting the baby gender based +on two variables: the baby month of conception and the mothers age. +chart was kept in a royal tomb, near the city of Peking in China in +ancient times. Now this original Chinese chart is on display at the +Beijing Institute of Science. Many people, especially the Chinese, +believe that the original Chinese pregnancy +calendar is almost 100% +According to studies, the +Chinese pregnancy calendar +has been found to be +97% effective in +predicting a baby gender. This accuracy is credited to the use of +Chinese lunar calendar +pregnancy calendar is dependent on the +lunar calendar. It is +based on the month a baby is conceived and not the birth month. The +second factor is the mothers age at the time of conception, adding 9 +months to her age to adjust the lunar calendar. +conceived month from January to December is listed on the top row of +the Chinese chart, +and the left column of +age during the conception. You need to follow the steps given below to +get the most accurate result from the Chinese +Pregnancy by the boy approaches more often , than pregnancy an girl. On +statistical given beside young and sound parents more often birth boys, +but beside of parents of more senior age on the contrary. +1. Note down your age +at the time of conception. +2. Add 9 months to the age to +adjust to the lunar calendar. +3. Also note down the month +when the baby was conceived. +4. Now simply search for the +conceived month across the top portion of the chart and the age on the +left side of the chart. +5. Lastly, follow these two +coordinates to the spot where they intersect, and that will show you +either a box containing B +boy, or G +comparison to the Chinese pregnancy calendar, +the ultrasound during +the 7th or 8th month of +is a more reliable method to +know the gender of the +child. In fact an ultrasound is use to monitor the +week by week +development right from +conception till child birth. +it is a +boy or a girl, what does it matter? What matters is that you have fun +guessing the gender of your unborn baby using the Chinese pregnancy +All along use a +journal to record your +development week by week. +More radio frequency to conceive aihe male sex is connected with +that Spermatozoidum, carrying male Y-chromosome, several more +movable, than carrying X-chromosome, and has more chances earlier to +reach ovules. But healled Spermatozoidum with X-chromosome more viable +and can more long to survive in wombs of pipe, and wait a period of +One of the ways of planning of conceiving boy or girl is based on such +abilities an Spermatozoidum. +In the first place it is necessary exactly +to define a date of ovulations. So, if beside you menstruations +regular, the day of ovulations constant and possible produce an +uncomplicated calculation. If you want conceive boy or girl, You must +adjust last sexual contact before a data of ovulations. If You to +planned conceive of boy or girl +Study has shown that method +efficient in 80% events aproximately. +Used and other ways of planning conceive boy or girl, based on +calculations "biological rhythms", astrological forecasts and etc. But +from medical standpoints these methods not motivated. +a sex of aihe during pregnancy. +By means of the ultrasound during of pregnancy possible to +define a sex of future child. This better and easier to realize at late +terms of pregnancy, after 22-26 weeks. Then results will moreAverage life span in the wild: 12 years +Size: 21 in (50 cm) +Weight: 14.4 oz (408 g) +Did you know? Chameleons don't change colors to match their surroundings. Each species displays distinct color patterns to indicate specific reactions or emotions. +The Meller's chameleon is the largest of the chameleons not native to Madagascar. Their stout bodies can grow to be up to two feet (two-thirds of a meter) long and weigh more than a pound (one-half kilogram). +Meller's distinguish themselves from their universally bizarre-looking cousins with a single small horn protruding from the front of their snouts. This and their size earn them the common name "giant one-horned chameleon." +They are fairly common in the savanna of East Africa, including Malawi, northern Mozambique, and Tanzania. Almost one-half of the world’s chameleons live on the island of Madagascar. +As with all chameleons, Meller's will change colors in response to stress and to communicate with other chameleons. Their normal appearance is deep green with yellow stripes and random black spots. Females are slightly smaller, but are otherwise indistinguishable from males. +They subsist on insects and small birds, using their camouflage and a lightning-fast, catapulting tongue, which can be up to 20 inches (50 centimeters) long, to ambush prey. +Exotic pet enthusiasts often attempt to keep Meller's chameleons as pets. However, they are highly susceptible to even the slightest level of stress and are very difficult to care for in captivity. In the wild, they can live as long as 12 years.Nuclear Energy in France +Nuclear energy is the cornerstone of french energy policy. In the ‘70s France chose to develop nuclear as its base load electricity source as a response to the oil crisis and assure its energy independence. +Nuclear Electricity Production: France currently counts 58 commercial nuclear reactors in operation responsible for producing 80% of French domestic electricity. As a comparison, the 104 US reactors produces 20% of US electricity.Despite scarce natural resources, France has reached an energy independence of 50% thanks to its strategic choice for nuclear energy. +Environment: As well as providing safe and reliable energy, nuclear helps to reduce French greenhouse gas emissions by avoiding the release of 31 billions tones of carbon dioxide (contrary to coal or gas generation) and making France the less carbon emitting country within the OECD. As a leader in nuclear energy, France has developed clean technology for radioactive waste disposal. Reprocessing currently allows France to recover valuable elements from spent fuels and permit a significant reduction of high level waste and lead to safer and optimized containment, for final radioactive waste disposition. French nuclear power plants produces only 10 g/year/inhabitant of highly radioactive waste. +International Cooperation and research: France is one of the forerunner in nuclear research and participates in numerous international cooperation programs alongside the United States such as the development of the next generation of nuclear power plants (Gen IV) and the International Thermonuclear Experimental Reactor (ITER) that will be built in Cadarache, South of France. +The French Atomic Energy Commission (CEA) +The French Atomic Energy Commission is a public body established in October 1945 by General de Gaulle. It constitutes a power of expertise and proposition for the authorities. A leader in research, development and innovation, the CEA is involved in three main fields: +It develops and acquires the technological building blocks necessary to the development of the nuclear reactors of the future (Contribution to Generation IV and GNEP research), +It contributes to reducing greenhouse gas emission with its research on hydrogen, fuel cells, biomass, energy storage…, +It supports the nuclear utilities in France by optimizing the nuclear power plants of the French nuclear fleet and by optimizing the fuel cycle, +It offers safe and economically viable technical solutions for managing nuclear waste, +It conducts fundamental research in climate and environmental sciences, high energy physics, astrophysics, fusion, nanosciences… +Information and Health technologies: +It tackles micro and nano-technologies for telecommunication and nuclear medicine for radiotherapy and medical imaging, +It researches programs on biotechnology, molecular labelling, biomolecular engineering and structural biology, +It shares its knowledge and know-how through education and training through the National Institute for Nuclear Sciences and Technologies (INSTN), +It manages over 300 priority patents and is active in the creation of clusters. +Defense and National Security: +It conceives, builds, maintains then dismantles the nuclear warhead of the French deterrence force, +It helps to fight against nuclear, biological and chemical weapons (NRBC program). +The missions of the CEA are similar to the Department of Energy in the United States. The CEA has a network of counselor or representatives in French Embassies around the world (see joint map). +The French Nuclear Safety Authority (ASN) +Created in 2006, from the former DSIN (Directorate for the Safety of Nuclear Facilities), the French Nuclear Safety Authority is an independent administrative authority which is tasked with regulating nuclear safety and radiation protection in order to protect workers, patients, the public and the environment from the risks involved in nuclear activities. It also contributes to informing the public. Like the Nuclear Regulatory Commission in the United States, it carries out inspections and may pronounce sanctions, up to and including suspension of operation of an installation. +French Institute for Radioprotection and Nuclear Safety (IRSN) +Created in 2001 by merging the Protection and Nuclear Safety Institute (IPSN) and the Ionizing radiations Protection Office (OPRI), the Institute for Radioprotection and Nuclear Safety is a public establishment of an industrial and commercial nature placed under the joint authority of the Ministries of the Environment, Health, Industry, Research and Defense. It is the expert in safety research and specialized assessments into nuclear and radiological risk serving public authorities whose work is complementary to the ASN. +Its scope of activities includes: +environment and response, +human radiological protection, +research on the prevention of major accidents, +power reactor safety, +fuel cycle facility safety, +research installation safety, +waste management safety; +nuclear defense expertise. +National radioactive Waste Management Agency (ANDRA) +Created in 1991, the French National Agency for Radioactive Waste Management is a public industrial and commercial organization that operates independently of waste producers. It is responsible for the long-term management of radioactive waste produced in France under the supervision of the French Ministries for Energy, Research and the Environment. It can be compared to a certain extent to the Office for Nuclear Waste of the Department of Energy in the United States. +Andra also pursues industrial, research, and information activities as it designs and implements disposal solutions suited to each category of radioactive waste: +the collection, conditioning, disposal of radioactive waste from small producers (hospitals, research centers, industry), +specification of waste packages for disposal, +disposal in suited sites, +monitoring of closed disposal facilities, +research programs for long-lived and high level activity waste, especially through the operation of an underground research laboratory in a deep clay formation… +General Directorate for Energy and Climate (DGEC) +The General Directorate for Energy and Climate represents the government and is part of the Office of the Department for Ecology and Sustainable Development. It defines the French nuclear policy. The DGEC takes care of the energy supply, the security of supply, oil refining and logistics, nuclear industry, and coal and mines. +Consequently, its activities include: +the design and implement energy and raw material supply policy, +to ensure opening of electricity and gas markets, +track key energy and raw material sectors, +to oversee enterprises and public institutions in energy sector, +to ensure compliance with rules and regulations governing energy sector, +to participate in European and international energy projects and working groups, +to provide economic, environmental, and fiscal expertise on energy matters. +The Rise of Nuclear Power Generation in France.Mexican America - Introduction +"Mexican America" is a sampling of objects from the collections of the National Museum of American History. The stories behind these objects reflect the history of the Mexican presence in the United States. They illustrate a fundamentally American story about the centuries-old encounter between distinct (yet sometimes overlapping) communities that have coexisted but also clashed over land, culture, and livelihood. +Who, where, and what is Mexico? Over time, the definitions and boundaries of Mexico have changed. The Aztec Empire and the area where Náhautl was spoken—today the region surrounding modern Mexico City—was known as Mexico. For 300 years, the Spanish colonizers renamed it New Spain. +When Mexico was reborn in 1821 as a sovereign nation, its borders stretched from California to Guatemala. It was a huge and ancient land of ethnically, linguistically, and economically diverse regions that struggled for national unity. Texas, (then part of the Mexican state of Coahuila y Tejas) was a frontier region far from the dense cities and fertile valleys of central Mexico, a place where immigrants were recruited from the United States. The immigrants in turn declared the Mexican territory an independent republic in 1836 (later a U.S. state), making the state the first cauldron of Mexican American culture. By 1853, the government of Mexico, the weaker neighbor of an expansionist United States, had lost what are today the states of California, Nevada, Utah, Arizona, New Mexico, Texas, and parts of Colorado and Wyoming. In spite of the imposition of a new border, the historical and living presence of Spaniards, Mexicans, indigenous peoples, and their mixed descendants remained a defining force in the creation of the American West. +“La América Mexicana” es una muestra conformada por objetos provenientes de las distintas colecciones del Museo Nacional de Historia Americana. Estos objetos reflejan la historia de la presencia mexicana en los Estados Unidos e ilustran una crónica fundamentalmente americana acerca del encuentro centenario entre comunidades diferentes que han coexistido, pero que también se han enfrentado, en la pugna por la tierra, la cultura y el sustento. +¿Quién, dónde y qué es México? Con el transcurso del tiempo, las definiciones y los límites de México han ido cambiando. Se conocía como México al Imperio Azteca y toda el área donde se hablaba náhuatl —actualmente la región circundante a la ciudad de México. Durante 300 años los colonizadores españoles se refirieron a ella como Nueva España. Cuando en 1821 México resurgió como una nación soberana, sus fronteras se extendían desde California a Guatemala. En ese entonces era un antiguo e inmenso territorio conformado por regiones étnica, lingüística y económicamente diversas que luchaban por adquirir unidad nacional. Texas (en ese entonces parte de los estados mexicanos de Coahuila y Tejas) era una región fronteriza lejos de las densas urbes y de los fértiles valles de México central, donde se reclutaban inmigrantes de los Estados Unidos. En el año 1836 este territorio mexicano se declaró como república independiente (y más tarde, estado de EE.UU.), convirtiéndose en el primer calderón de la cultura mexicoamericana. Hacia 1853, el gobierno de México, el vecino débil de un Estados Unidos en expansión, había perdido el territorio de los actuales estados de California, Nevada, Utah, Arizona, Nuevo México, Texas y partes de Colorado y Wyoming. A pesar de la imposición de un nuevo límite fronterizo, la presencia histórica y ocupacional de los españoles, mexicanos y pueblos indígenas, junto a sus descendientes mestizos, constituiría a lo largo del tiempo una influencia determinante para el desarrollo del Oeste Americano. +"Mexican America - Introduction" showing 1 items. +- This print depicts American forces attacking the fortress palace of Chapultepec on Sept. 13th, 1847. General Winfield Scott, in the lower left on a white horse, led the southern division of the U.S. Army that successfully captured Mexico City during the Mexican American War. The outcome of American victory was the loss of Mexico's northern territories, from California to New Mexico, by the terms set in the Treaty of Guadalupe Hidalgo. It should be noted that the two countries ratified different versions of the same peace treaty, with the United States ultimately eliminating provisions for honoring the land titles of its newly absorbed Mexican citizens. Despite notable opposition to the war from Americans like Abraham Lincoln, John Quincy Adams, and Henry David Thoreau, the Mexican-American War proved hugely popular. The United States' victory boosted American patriotism and the country's belief in Manifest Destiny. +- This large chromolithograph was first distributed in 1848 by Nathaniel Currier of Currier and Ives, who served as the "sole agent." The lithographers, Sarony & Major of New York (1846-1857) copied it from a painting by "Walker." Unfortunately, the current location of original painting is unknown, however, when the print was made the original painting was owned by a Captain B. S. Roberts of the Mounted Rifles. The original artist has previously been attributed to William Aiken Walker as well as to Henry A. Walke. William Aiken Walker (ca 1838-1921) of Charleston did indeed do work for Currier and Ives, though not until the 1880's and he would have only have been only 10 years old when this print was copyrighted. Henry Walke (1808/9-1896) was a naval combat artist during the Mexican American War who also worked with Sarony & Major and is best known for his Naval Portfolio. +- Most likely the original painting was done by James Walker (1819-1889) who created the "Battle of Chapultepec" 1857-1862 for the U.S. Capitol. This image differs from the painting commissioned for the U. S. Capitol by depicting the troops in regimented battle lines with General Scott in a more prominent position in the foreground. James Walker was living in Mexico City at the outbreak of the Mexican War and joined the American forces as an interpreter. He was attached to General Worth's staff and was present at the battles of Contreras, Churubusco, and Chapultepec. The original painting's owner, Captain Roberts was assigned General Winfield Scott to assist Walker with recreating the details of the battle of Chapultepec. When the painting was complete, Roberts purchased the painting. By 1848, James Walker had returned to New York and had a studio in New York City in the same neighborhood as the print's distributor Nathaniel Currier as well as the lithographer's Napoleon Sarony and Henry B. Major. +- This popular lithograph was one of several published to visually document the war while engaging the imagination of the public. Created prior to photography, these prints were meant to inform the public, while generally eliminating the portrayal of the more gory details. Historians have been able to use at least some prints of the Mexican War for study and to corroborate with the traditional literary forms of documentation. As an eyewitness, Walker could claim accuracy of detail within the narrative in his painting. The battle is presented in the grand, historic, heroic style with the brutality of war not portrayed. The print depiction is quite large for a chromo of the period. In creating the chromolithographic interpretation of the painting, Sarony & Major used at least four large stones to produce the print "in colours," making the most of their use of color. They also defined each figure with precision by outlining each in black. This print was considered by expert/collector Harry T. Peters as one of the finest ever produced by Sarony & Major. +- Currently not on view +- Date made +- associated date +- Currier, Nathaniel +- Scott, Winfield +- Sarony & Major +- Walker, James +- ID Number +- catalog number +- accession number +- Data Source +- National Museum of American History, Kenneth E. Behring Center- Action research (6 posts) +- Artist CPD (11 posts) +- Barriers to participation (2 posts) +- Change management (8 posts) +- Co-construction (3 posts) +- Community cohesion (12 posts) +- Creative curriculum development (13 posts) +- Creative teaching and learning (28 posts) +- Cross-curricular working (21 posts) +- Developing school ethos (6 posts) +- Disability awareness (4 posts) +- Diversity (3 posts) +- Exchanges and trips (4 posts) +- Experiential learning (6 posts) +- Extracurricular work (3 posts) +- Learning outcomes for artists (23 posts) +- Learning outcomes for teachers (27 posts) +- Learning outcomes for young people (37 posts) +- Learning styles (13 posts) +- Mentoring (2 posts) +- Outdoor learning environment (1 post) +- Parent engagement (4 posts) +- Participation and engagement (29 posts) +- Partnerships (37 posts) +- Role of the practitioner (32 posts) +- School networks (2 posts) +- Teacher CPD (17 posts) +- Whole school working (13 posts) +- Young people in decision making role (9 posts) +- Youth leadership (5 posts) +- Youth voice (16 posts) +Select from the categories above, and scroll over the thumbnails to view information about each resource. You can download many of the resources as PDFs, view film or listen to audio. +A New Direction Schools Forum: Effective Partnership WorkingThis resource summarises key ideas from schools and arts & cultural organisations from a series of discussions around six different… +A Personal Journey through Preferred Learning StylesAn essay written by a creative practitioner who undertook action research into students' preferred learning styles and creativity. +Artists and Teachers PartnershipsAn essay exploring partnerships between creative practitioners and teachers from an Early Years setting and a Secondary school. +Arts Beyond the ClassroomA film documenting the experiences of the pupils and parents in the Arts Beyond the Classroom project. +Beneath the HoodA pack including a poignant film portrait of students at a PRU, poetry cards and a resource guide for similar… +Building PartnershipsAn essay describing three effective partnership projects delivered in two primary schools and one FE College. +Co-construction of LearningA case study exploring examples of creative projects which supported young people to guide school change through 'co-construction'. +Connecting Countries: London to VancouverA film of a group of Secondary School students who journey to Vancouver for the 2010 Winter Paralympic Games. +Creative Interventions in the English FacultyAn essay providing an arts organisation's perspective of creative teaching strategies within an East London school's English curriculum. +Creative Teaching and LearningA case study discussing the ways creative programmes have supported the development of creative teaching and learning. +Creativity and ChangeAn essay exploring structural and institutional change through creative programmes in three primaries and one special school. +Cross-Curricular Creative ProjectsAn essay describing cross-curricular approaches in 3 primary schools and 1 secondary school in East London. +Developing a Learning Strategy for ArtsadminA paper detailing the development of an arts organisation's education programme in partnership with artists and local schools. +Engaging Parents Creatively in the Foundation StageA paper presenting two examples that aimed to increase parental engagement and community involvement in the pupils' work. +Forensic Science Murder MysteryA film documenting a cross-curricular drama project with secondary school students inspired by a TV crime series. +Grove Park Special School Takes Over the Borough of BrentA film made by students with a range of physical and learning disabilities who investigate their local area. +ImagiNationA film charting an 18 month whole school cross-curricular project culminating in a community carnival. +Imagine NationA short film of a poem and set of accompanying activities for literacy lessons exploring creativity and imagination. +Institutional ChangeA paper exploring two different approaches to whole school change in a Special School and a Secondary School. +IPC Media Schools Design ProgrammeAn essay describing the IPC Media Schools Design Programme, a graphic design work-related learning programme initiated in 2005. +Learning about Learning: Preferred Learning Styles and CreativityA publication exploring education approaches to preferred learning styles. Essays and a toolkit of lesson activities are included. +London to Beijing - a Dance TravelogueA film about dance students from a Further Education college who visit a dance school in Beijing, China. +Making Things Happen - HereA project case study and two films. A group of Primary Schools imagine something extraordinary for their community. +Olympics Literacy ResourceA set of classroom resources for all year groups for creating poetry around the theme of the Olympics.White-throated Magpie-Jays (Calocitta formosa) are beautiful big jays that travel the North Pacific slopes in small flocks. Their songs and calls are quite varied - this is one of the typical calls, recorded on the road to Monteverde (Costa Rica). +Douglas Von Gausig (recordist; copyright holder), Naturesongs.com +This work is licensed under a Creative Commons Attribution-Noncommercial-Share Alike 3.0 Unported License. +To cite this page: Myers, P., R. Espinosa, C. S. Parr, T. Jones, G. S. Hammond, and T. A. Dewey. 2013. The Animal Diversity Web (online). Accessed at http://animaldiversity.org. +Disclaimer: The Animal Diversity Web is an educational resource written largely by and for college students. ADW doesn't cover all species in the world, nor does it include all the latest scientific information about organisms we describe. Though we edit our accounts for accuracy, we cannot guarantee all information in those accounts. While ADW staff and contributors provide references to books and websites that we believe are reputable, we cannot necessarily endorse the contents of references beyond our control.Octodon degus is generally considered endemic to west central Chile, where it inhabits the lower slopes of the Andes. Although some have argued that its range may extend north into Peru, this is not well supported. It is common in the international pet trade, however, and is often used in laboratory studies outside of its native range. (Contreras, et al., 1987; Woods and Boraker, 1975) +Octodon degus inhabits a mediterranean-type semi-arid shrubland ecosystem called "matorral", which is found on the western slopes of the Andes between 28 and 35 degrees south latitude. Further north the climate becomes too arid to support this plant community, and further south it is too wet. Degus appear to be limited to elevations below 1200 meters, both by the distribution of their habitat and by their intolerance of low oxygen partial pressure. Degus are well able to inhabit lands influenced by cattle grazing, and are agricultural pests in some areas. (Contreras, et al., 1987; Fulk, 1976) +Octodon degus superficially resembles a gerbil, but is much larger. Degus typically weigh between 170 and 300 g, and measure between 325 and 440 mm in length, including the tail. The fur is yellow-brown on the back and head, and the underparts and feet are cream colored. There is a pale band around the eye and, in some individuals, the neck. The tail is moderately long and conspicuously tufted. The ears are large and darkly pigmented. The fifth digit is reduced, and on the forefeet it has a nail instead of a claw. The cheekteeth are hypsodont and their biting surfaces resemble a figure of eight. Sexes are difficult to distinguish, but males tend to be about 10% larger than females. Pups are born furred and able to see, and begin exploring within hours of birth. Octodon degus can be distinguished from the two other members of the genus Octodon by slight differences in dental morphology. It is also smaller than its relatives and its tail is said to be more noticeably tufted. (Fulk, 1976; Lee, 2004) +During the annual breeding season, male-male aggression temporarily increases. Males exclude other males from their burrow and monopolize the females (usually 2 to 4) who live there. Dustbathing and urine marking may be used in the defense of territory by both sexes, but these behaviors particularly increase in the male during the breeding season. Courting males often engage in mutual grooming with females, and frequently perform a courtship ritual which involves wagging of the tail and trembling of the body. The male then raises a hind leg and sprays urine onto the female. This may serve to familiarize her with his scent and perhaps make her more receptive to his advances in the future. Receptive females may sometimes enurinate males in a similar fashion. Related female degus may nurse each other's young. (Ebensperger and Caiozzi, 2002; Fulk, 1976; Kleiman, 1974; Soto-Gamboa, 2005) +In the wild degus tend to breed once per year. The breeding season usually begins in late May (autumn in Chile), and the young are conceived in late winter to early spring (September to October). In wet years, degus may produce second litters. It has been suggested that degus may be induced ovulators, but this has not been established for certain. There is also some evidence that male reproductive organs may be sensitive to changes in photoperiod. The gestation period is 90 days, and litter size is typically 4-6 pups. The young are precocial. They are born with fur and teeth; their eyes are open and they are able to move about the nest on their own. Pups are weaned at 4 to 5 weeks, and become sexually mature between 12 and 16 weeks of age. Degus do not reach adult size until about 6 months of age, however, and they generally live in same-sex social groups until they are about 9 months old and their first breeding season occurs. It has been reported that pups raised in isolation in the laboratory experience severe neural and behavioral abnormalities. (Ebensperger and Hurtado, 2005; Lee, 2004; Woods and Boraker, 1975) +Before conception can occur, the male degu must invest considerable energy in the defense of his territory and harem from other males. The female subsequently expends considerable energy in gestation and lactation. The pregnancy is relatively long for a rodent, and the young are born well developed. After birth, both parents protect and provision the pups. Degus nest communally, and groups of related females nurse one another's young. In the laboratory, the female remains close to the pups until two weeks after birth, and males have been observed to huddle with the young during this period without instances of infanticide. In the wild, male degus may spend as much time feeding and huddling with the young as females do. Pups begin to eat solid food at about two weeks of age, and venture out of the burrow at three weeks. Upon weaning at four to six weeks, the pups are able to live independently of the parents and form same-sex social groups until their first breeding season. (Ebensperger and Hurtado, 2005; Fulk, 1976; Lee, 2004; Woods and Boraker, 1975) +In laboratory conditions, degus typically live five to eight years. +Degus are social and tend to live in groups of one to two males and two to five related females. Females participate in rearing on another's young. Groups maintain territories throughout much of the year. Degus are semi-fossorial, digging extensive communal burrow systems. These burrows are often shared by Bennett's chinchilla rat (Abrocoma bennettii). Degus feed exclusively above ground, however, and have been observed climbing into the low branches of shrubs while foraging. Dustbathing is an important social behavior among degus. Groups repeatedly mark favorite wallows with urine and anal gland secretions. This may help the group identify each other by scent as well as delineating territorial boundaries. Degus are mainly diurnal, and are most active during the morning and evening. (Ebensperger, et al., 2004; Fulk, 1976; Woods and Boraker, 1975) +Fulk (1976) estimated that social groups of degus occupy home areas of roughly 200 square meters, and that their density is about 75 degus per hectare. This may be an underestimate, however, due to the trapping methods used. (Fulk, 1976) +Degus have well-developed sight, smell, and hearing. They are highly vocal and use various calls to communicate with one another, including alarm calls, mating calls, and communication between parents and young. Vision is very important in avoidance of predators and in foraging. It has been shown that degus are able to see ultraviolet wavelengths, and that their urine reflects in the UV range when fresh. It has therefore been suggested that degus' urine scent marks are also visual cues. These scent marks are also used as dust wallows, allowing members of a social group to identify each other by scent. (Chavez, et al., 2003; Fulk, 1976; Woods and Boraker, 1975) +Degus are generalist herbivores. They feed on the leaves, bark, and seeds of shrubs and forbs. Among their favorite foods are the bark of Cestrum palqui and Mimosa cavenia, leaves and bark of Proustia cuneifolia, Atriplex repunda, and Acacia caven, annuals such as Erodium cicutarum when in season, green grasses, and thistle seeds. Degus choose food items that reduce fiber and increase nitrogen and moisture in the diet, and thus prefer young leaves and avoid woodier shrubs. Degus rely on microbial fermentation in their enlarged cecum (they are "hindgut fermenters") to digest their food. They reingest a large percentage of their feces, usually during the night. This allows them to maximize their digestion. Degus store food in the winter, and it has been reported that they occasionally eat meat in old age. (Gutierrez and Bozinovic, 1998; Kenagy, et al., 1999; Veloso and Kenagy, 2005; Woods and Boraker, 1975) +Octodon degus is subject to predation by larger mammals such as culpeo foxes (Lycalopex culpaeus), and from the air by raptors such as barn owls (Tyto alba), short-eared owls (Asio flammeus), and black-chested buzzard eagles (Geranoaetus melanoleucus). Degus use vigilance and cover to avoid predators. Their pelage is also counter-shaded and matches the soil color, which reduces visibility to predators. Degus live socially and use alarm calls to warn others of danger. When a predator is spotted, they take cover in shrubby areas and may retreat to the communal burrow. (Ebensperger and Wallem, 2002; Woods and Boraker, 1975) +Octodon degus affects the plant community in its habitat by selective browsing. Degus behaviorally reduce the fiber content of their diet, preferrentially eating shrubs such as Adesmia bedwellii, Baccharis paniculata, and Chenopodium petioare, which are less fibrous and less thorny than others. These species have been shown to increase their foliage area upon exclusion of degus. As degus are very common, they are themselves an important food source for their predators. (Gutierrez and Bozinovic, 1998) +Degus often live in association with Bennett's chinchilla rats (Abrocoma bennettii). The two species are known to share burrow systems and have even been observed in the same chamber within a burrow. This is believed to be a mutualistic relationship, but it is not well understood. (Fulk, 1976; Woods and Boraker, 1975) +Degus are frequently kept as pets, and are used extensively in laboratory research. Because they are largely diurnal, they are useful in research on circadian rhythms, and their intolerance of sugars makes them ideal models for diabetes research. (Lee, 2004) +Degus are significant agricultural pests in some areas. They take advantage of cultivated prickly pear cactus, wheat, vineyards, and orchards as abundant food sources, and can do considerable damage. They are also known to host three species of parasites that can infect humans. (Fulk, 1976) +Tanya Dewey (editor), Animal Diversity Web. +Mary Hejna (author), University of Michigan-Ann Arbor, Phil Myers (editor, instructor), Museum of Zoology, University of Michigan-Ann Arbor. +living in the southern part of the New World. In other words, Central and South America. +uses sound to communicate +living in landscapes dominated by human agriculture. +having body symmetry such that the animal can be divided in one plane into two mirror-image halves. Animals with bilateral symmetry have dorsal and ventral sides, as well as anterior and posterior ends. Synapomorphy of the Bilateria. +Found in coastal areas between 30 and 40 degrees latitude, in areas with a Mediterranean climate. Vegetation is dominated by stands of dense, spiny shrubs with tough (hard or waxy) evergreen leaves. May be maintained by periodic fire. In South America it includes the scrub ecotone between forest and paramo. +uses smells or other chemicals to communicate +helpers provide assistance in raising young that are not their own +an animal that mainly eats the dung of other animals +active at dawn and dusk +having markings, coloration, shapes, or other features that cause an animal to be camouflaged in its natural environment; being difficult to see or otherwise detect. +animals that use metabolically generated heat to regulate body temperature independently of ambient temperature. Endothermy is a synapomorphy of the Mammalia, although it may have arisen in a (now extinct) synapsid ancestor; the fossil record does not distinguish these possibilities. Convergent in birds. +an animal that mainly eats leaves. +Referring to a burrowing life-style or behavior, specialized for digging or burrowing. +an animal that mainly eats seeds +An animal that eats mainly plants or parts of plants. +offspring are produced in more than one group (litters, clutches, etc.) and across multiple seasons (or other periods hospitable to reproduction). Iteroparous animals must, by definition, survive over multiple seasons (or periodic condition changes). +having the capacity to move from one place to another. +the area in which the animal is naturally found, the region in which it is endemic. +the business of buying and selling animals for people to keep in their homes as pets. +having more than one female as a mate at one time +specialized for leaping or bounding locomotion; jumps or hops. +communicates by producing scents from special gland(s) and placing them on a surface whether others can smell or taste them +breeding is confined to a particular season +remains in the same area +reproduction that includes combining the genetic contribution of two individuals, a male and a female +associates with others of its species; forms social groups. +places a food item in a special place to be eaten later. Also called "hoarding" +uses touch to communicate +that region of the Earth between 23.5 degrees North and 60 degrees North (between the Tropic of Cancer and the Arctic Circle) and between 23.5 degrees South and 60 degrees South (between the Tropic of Capricorn and the Antarctic Circle). +Living on the ground. +defends an area within the home range, occupied by a single animals or group of animals of the same species and held through overt defense, display, or advertisement +uses sight to communicate +reproduction in which fertilization and development take place within the female body and the developing embryo derives nourishment from the female. +young are relatively well-developed when born +Chavez, A., F. Bozinovic, L. Peichl, A. Palacios. 2003. Retinal spectral sensitivity, fur coloration, and urine reflectance in the genus Octodon (Rodentia): implications for visual ecology. Investigative Opthalmology & Visual Science, 44/5: 2290-2296. +Contreras, L., J. Torres-Mura, J. Yanez. 1987. Biogeography of Octodontid rodents: An eco-evolutionary hypothesis. Fieldiana: Zoology, New Series, 39: 401-411. +Ebensperger, L., F. Bozinovic. 2000. Energetics and burrowing behaviour in the semifossorial degu Octadon degus (Rodentia: Octodontidae). Journal of Zoology, 252: 179-186. +Ebensperger, L., A. Caiozzi. 2002. Male degus, Octodon degus, modify their dustbathing behavior in response to social familiarity of previous dustbathing marks. Revista Chilena de Historia Natural, 75: 157-163. +Ebensperger, L., M. Hurtado. 2005. On the relationship between herbaceous cover and vigilance activity of degus (Octodon degus). Ethology, 111/6: 593-608. +Ebensperger, L., M. Hurtado. 2005. Seasonal changes in the time budget of degus, Octadon degus.. Behaviour, 142: 91-112. +Ebensperger, L., M. Hurtado, M. Soto-Gamboa, E. Lacey, A. Chang. 2004. Communal nesting and kinship in degus (Octodon degus). Naturwissenschaften, 91: 391-395. +Ebensperger, L., P. Wallem. 2002. Grouping increases the ability of the social rodent, Octodon degus, to detect predators when using exposed microhabitats. Oikos, 98: 491-497. +Fulk, G. 1976. Notes on the activity, reproduction, and social behavior of Octodon degus. Journal of Mammalogy, 57/3: 495-505. +Gutierrez, J., F. Bozinovic. 1998. Diet selection in captivity by a generalist herbivorous rodent (Octodon degus) from the Chilean coastal desert. Journal of Arid Environments, 39: 601-607. +Kenagy, G., R. Nespolo, R. Vasquez, F. Bozinovic. 2002. Daily and seasonal limits of time and temperature to activity of degus. Revista Chilena de Historia Natural, 75: 567-581. +Kenagy, G., C. Veloso, F. Bozinovic. 1999. Daily rhythms of food intake and feces reingestion in the degu, an herbivorous Chilean rodent: optimizing digestion through coprophagy. Physiological and Biochemical Zoology, 72/1: 78-86. +Kleiman, D. 1974. Patterns of behaviour in hystricomorph rodents. Symposium of the Zoological Society (London), 34: 171-209. +Lee, T. 2004. Octodon degus: A diurnal, social, and long-lived rodent. ILAR Journal, 45/1: 14-24. +Soto-Gamboa, M., M. Villalon, F. Bozinovic. 2005. Social cues and hormone levels in male Octadon degus (Rodentia): a field test of the Challange Hypothesis. Hormones and Behavior, 47/3: 311-318. +Soto-Gamboa, M. 2005. Free and total testosterone levels in field males of Octodon degus (Rodentia, Octodontidae): accuracy of the hormonal regulation of behavior. Revista Chilena de Historia Natural, 78/2: 229-238. +Tokimoto, N., K. Okanoya. 2004. Spontaneous construction of "Chines boxes" by Degus (Octodon degus): A rudiment of recursive intelligence?. Japanese Psychological Research, 46/3: 255-261. +Veloso, C., G. Kenagy. 2005. Temporal dynamics of milk composition of the precocial caviomorph Octodon degus (Rodentia : Octodontidae). Revista Chilena de Historia Natural, 78/2: 247-252. +Woods, C., D. Boraker. 1975. Octodon degus. Mammalian Species, 67: 1-5.Details of Glycemic Index (GI) +The GI Scale +The glycemic index uses a scale from 1 to 100, which indicates the rate at which 50 grams of carbohydrate in a particular food is absorbed into the bloodstream as blood-sugar. The main reference food (rated 100) is glucose. +GI Rating Categories +The glycemic index divides carbohydrate +foods into three categories: +GI Food Testing is Ongoing +Not all foods have been given a GI value, although most food-types are covered. However, due to the way GI is measured using volunteer subjects, results can vary, so GI values for some specific foods are not yet uniformly established. +GI - Diabetes and Weight Control +Although the glycemic index was first designed to assist diabetes patients manage their blood-sugar levels, dietitians and weight experts now use it as a tool to help treat obesity, food cravings and appetite swings, and improve eating habits. +Both the type AND quantity of carbohydrate in our food influence the rise in blood glucose. But the glycemic index only rates a standard 50 gram serving size of digestible carbohydrate in a particular food, which may not be appropriate for all foods. For example, foods whose serving size contains only a small amount of carbohydrate may in practice be better for blood sugar control than foods whose normal serving size contains a large amount of carbs. Therefore, to provide a more meaningful GI-rating system, researchers at Harvard University invented the term Glycemic Load, which applies the glycemic index to normal food serving sizes. +OBESITY, OVERWEIGHT andDiscover the cosmos! Each day a different image or photograph of our fascinating universe is featured, along with a brief explanation written by a professional astronomer. +2010 August 12 +Explanation: Each August, as planet Earth swings through dust trailing along the orbit of periodic comet Swift-Tuttle, skygazers can enjoy the Perseid Meteor Shower. The shower should build to its peak now, best seen from later tonight after moonset, until dawn tomorrow morning when Earth moves through the denser part of the wide dust trail. But shower meteors have been spotted for many days, like this bright Perseid streaking through skies near Lake Balaton, Hungary on August 8. In the foreground is the region's Church of St. Andrew ruin, with bright Jupiter dominating the sky to its right. Two galaxies lie in the background of the wide-angle, 3 frame panorama; our own Milky Way's luminous arc, and the faint smudge of the more distant Andromeda Galaxy just above the ruin's leftmost wall. If you watch for Perseid meteors tonight, be sure and check out the early evening sky show too, featuring bright planets and a young crescent Moon near the western horizon after sunset. +Authors & editors: +Jerry Bonnell (UMCP) +NASA Official: Phillip Newman Specific rights apply. +A service of: ASD at NASA / GSFC +& Michigan Tech. U.1. Why is extremism an issue in prisons? +Extremist groups often pose special security risks in prisons. They may encourage the overthrow of the government, and prison officials can be targeted as agents of "illegal" government authority. Further, their literature often encourages ethnic hatred, promoting a violent and racially charged prison atmosphere. +Since the 1980s, white supremacist organizations have spread throughout the American prison system, beginning with the growth of Aryan Brotherhood.1 Aryan Nations, although not permitting inmates to become members, has engaged in "prison outreach" since 1979. In 1987, it began publishing a "prison outreach newsletter" called The Way to facilitate recruitment. Aryan Nations also disseminates its literature and letters to inmates. The World Church of the Creator and some Identity Church groups engage in similar outreach activity, as do other racist groups, such as Nation of Islam. The situation is further complicated by the fact that nonideological criminal prison gangs are often organized based on race, which increases racial polarization. +Imprisoned extremists also pose a security threat by continuing their activities while incarcerated. They recruit inmates, and teach other inmates extremist tactics. Some imprisoned extremists also have attempted to continue to influence adherents outside of prison by, for instance, publishing newsletters from the prison to maintain their outside following. +Prison officials have responded in various ways, reflecting the fact that each state has its own prison system (as do cities, counties and the federal government), and that prisons have varying populations. At times, prison officials have tried to limit access to extremist literature, and these responses have occasionally given rise to litigation because they potentially impinge upon inmates' First Amendment rights. The questions are especially complicated when the censored material comes from a group that claims to be religious. +1 Aryan Brotherhood, at one time associated with Aryan Nations, began as a virulent racist and anti-Semitic prison gang, and has since developed into a crime gang associated with extortion, drug operations and prison violence. +2. Do inmates have the same First Amendment rights as everybody else? +The United States Supreme Court has said that "prison walls do not form a barrier separating prison inmates from the protections of the Constitution." Nevertheless, inmates' First Amendment rights are less extensive than other citizens' and their rights can be limited due to security or other penological concerns. Because of the particular challenges administrators face running prisons, the Supreme Court has acknowledged there is a compelling government interest which warrants limiting prisoners' rights. Courts have been deferential to prison officials' assessments of security threats, and sensitive to their related regulatory decisions, even if such decisions impact inmates' First Amendment rights. +A prison regulation that impinges on an inmate's constitutional rights will be upheld in court if that regulation is reasonably related to legitimate penological objectives. This means that, generally, prison officials can ban extremist materials from prisons because of concerns that the distribution of such material will undermine prison security. Extremist books, leaflets, and magazines have been forbidden to prisoners on this basis. Such material has not been allowed through the mail and has not been kept in the prison library. +However, prisons have less discretion to limit inmates' religious practices than other First Amendment rights due to a new federal law. Because of the Religious Land Use and Institutionalized Persons Act (RLUIPA), prison officials' discretion in limiting access to extremist material may depend in part on whether such material is related to an inmate's religious exercise. Therefore, prison regulations that affect religious exercise, including access to religious literature, will be reviewed carefully if challenged in court. +3. What legal standard is used to determine the constitutionality of prison regulations? +The Supreme Court announced the standard under which it would review the constitutionality of prison regulations in Turner v. Safley, a case involving a challenge to a complete prohibition on inmate marriage. As noted earlier, a prison regulation is constitutional if it is reasonably related to legitimate penological objectives. Under this standard, courts have upheld regulations based on the consideration of certain factors: +- Is there a valid, rational connection between the prison regulation and the legitimate governmental +interest put forward to justify it? +- Are there alternative means of exercising the assert- ed right that remain open to inmates? +- How great a negative impact will accommodating the inmates' rights have on guards, other inmates,a +nd on the allocation of prison resources? +Courts will consider the existence of obvious and easy alternatives to a challenged regulation as evidence of a regulation's arbitrariness. +4. Is the same legal standard used to determine the constitutionality of prison regulations that implicate an inmate's right to free exercise of religion? +No, the same standard is not applicable to determining the constitutionality of prison regulations alleged to violate inmates' free exercise rights. The constitutionality of such regulations is determined under the more stringent standard set forth in RLUIPA. RLUIPA says that the government cannot impose a substantial burden on the religious exercise of an inmate, even if the inmate's religious exercise is being limited by a generally applicable rule. However, an inmate's religious practices can be limited if the prison official demonstrates that the regulations in question (i) further a compelling interest and (ii) the same interest cannot be served in a manner that is less restrictive of the inmate's free exercise rights. +Since RLUIPA was enacted in September 2000, it has not yet been interpreted by the courts. Therefore, how this statute will impact prison regulations that affect inmates' religious exercise remains unclear. +5. How should prison officials evaluate whether particular material can be withheld from inmates? +Generally, the First Amendment does not allow speech to be censored by the government because of the content of that speech. The government can only limit the time, place, and manner of speech. However, because inmates have more limited First Amendment rights than other citizens, some content-based discrimination is allowed for security reasons. For example, the United States Court of Appeals for the 10th Circuit upheld a prison official's decision to withhold entire issues of the magazine, Muhammad Speaks, because certain articles in the magazine created a danger of violence by advocating racial, religious, or national hatred. This decision was prior to the passage of RLUIPA, and therefore the Court's analysis might be somewhat different today. Under current law, if having the entire magazine withheld was determined to be a substantial burden on inmates' free exercise rights, the Court might require that the offending material be removed rather than the entire issue being withheld. +Regulations that exclude publications from a prison because of security concerns have been found constitutional when the regulations have required individualized review of any material before it is banned, notification to inmates that the material has been denied, and the possibility of review of such decisions. Courts have tended to find prison regulations that ban all literature from particular groups unconstitutional. However, the determination of the constitutionality of a given regulation or the implementation of the regulation has tended to be very fact-specific. Courts look not only at the regulation at issue but also consider the nature of the prison (high, medium, or low security) and the particular administrative challenges faced by the prison (such as crowding and quantity of incoming mail) in determining reasonableness, or the practical existence of less restrictive alternative measures. +6. Can prison officials apply the same restrictions to outgoing prison material? +The Supreme Court does not allow content regulation with respect to outgoing mail from inmates. While outgoing mail can be searched for contraband,2 content regulation of outgoing mail is also more restricted because it implicates the First Amendment rights of non-prisoner addressees.3 In addition, outgoing material does not pose a threat to internal prison security; therefore content limitations have been considered less urgent. However, regulations can limit the content of outgoing mail categorically. For example, escape plans, threats, running a business, and blackmail are categories that have been disallowed. Therefore, correspondence from prisoners to extremist groups cannot be banned outright because of its content. However, inmates can be prevented from distributing a newsletter from prison when doing so constitutes running a business. +2 Special rules exist with respect to attorney-client correspondence or mail that implicates an inmate's right to access the courts that are beyond the scope of this discussion. +3 However, prison officials can forbid all correspondence between incarcerated individuals. +7. Can extremist "missionaries" be prevented from visiting prisons? +Prison officials can ban categories of prison visitors, such as former inmates or visitors who have previously broken visiting rules. An extremist "missionary" can be barred from a prison because of generally applicable rules. In addition, prisons can create procedures for requesting visiting ministers, and impose conditions on the selection of the ministers, such as sponsorship by an outside religious organization. Prison officials can also exclude prison "missionaries" if they are advocating violence or otherwise fomenting prison unrest by encouraging racial tension. However, under RLUIPA, the prison would have to show that any restrictions on visiting clergy are the least restrictive means of achieving its end. +Prison officials do not have a responsibility to hire a minister for each religious denomination represented in the prison population. However, if visiting ministers of one denomination are compensated, visiting ministers of other denominations must be equally compensated. Security limitations can be placed on inmate-led prayer or services, but again, under RLUIPA, the prison would have to show that any restrictions on such gatherings is the least restrictive means of achieving its end. For example, it is more likely that the prison could limit the frequency of such meetings, the number of attendees and require supervision than that such gatherings could be banned outright. +8. Under what circumstances must prisons accommodate prisoners' religious dietary requirements? +Accommodating religiously based dietary rules has become an issue when dealing with extremists because incidents have raised concern that extremists "adopt" religious practices that are not based on sincere beliefs in order to obtain special privileges, such as specialized diets. Generally, if an inmate's request for a special diet is because of a sincerely held belief and religious in nature, the inmate has a constitutionally protected interest. Under RLUIPA, a request for a special religious diet can only be refused based on a compelling prison interest and if it is the least restrictive means possible for the prison protecting that interest. Prisons may offer more limited food selection to prisoners with religious dietary limitations, such as providing only cold kosher meals rather than hot food. In the past, when determining whether a prison was required to provided a special diet for a prisoner, courts have considered whether the dietary restrictions were central to the prisoner's religious observance. Under RLUIPA, such a determination would probably not be relevant. The threshold question in evaluating the prison's obligation to accommodate a request would still be whether the inmate's dietary request arose out of sincerely held beliefs that were religious in nature.Wikipedia sobre física de partículas +Rapidinho. Me falaram que a definição de física de partículas da Wikipedia era muito ruim. E de fato, era assim: +Particle physics is a branch of physics that studies the elementary particle|elementary subatomic constituents of matter and radiation, and their interactions. The field is also called high energy physics, because many elementary particles do not occur under ambient conditions on Earth. They can only be created artificially during high energy collisions with other particles in particle accelerators. +Particle physics has evolved out of its parent field of nuclear physics and is typically still taught in close association with it. Scientific research in this area has produced a long list of particles. +Mas hein? Partículas que só podem ser criadas em aceleradores? Física de partículas é ensinada junto com física nuclear? A pesquisa produz partículas (essa é ótima!)? +Em que mundo essa pessoa vive? Reescrevi: +Particle Physics is a branch of physics that studies the existence and interactions of particles, which are the constituents of what is usually referred as matter or radiation. In our current understanding, particles are excitations of quantum fields and interact following their dynamics. Most of the interest in this area is in fundamental fields, those that cannot be described as a bound state of other fields. The set of fundamental fields and their dynamics are summarized in a model called the Standard Model and, therefore, Particle Physics is largely the study of the Standard Model particle content and its possible extensions. +Eu acho que ficou bem melhor. Vamos ver em quanto tempo algum editor esquentado da Wikipedia vai demorar para reverter. Atualmente está um saco participar da Wikipedia por causa dessas pessoas.- published: 19 Mar 2013 +- views: 42 +- author: T.A. B +possibly testing on weans, that worries me http://www.bbc.co.uk/news/world-us-canada-21849808. +A vaccine is a biological preparation that improves immunity to a particular disease. A vaccine typically contains an agent that resembles a disease-causing microorganism, and is often made from weakened or killed forms of the microbe, its toxins or one of its surface proteins. The agent stimulates the body's immune system to recognize the agent as foreign, destroy it, and "remember" it, so that the immune system can more easily recognize and destroy any of these microorganisms that it later encounters. +Vaccines can be prophylactic (example: to prevent or ameliorate the effects of a future infection by any natural or "wild" pathogen), or therapeutic (e.g. vaccines against cancer are also being investigated; see cancer vaccine). +The term vaccine derives from Edward Jenner's 1796 use of cow pox (Latin variola vaccinia, adapted from the Latin vaccīn-us, from vacca, cow), to inoculate humans, providing them protection against smallpox. +Vaccines do not guarantee complete protection from a disease. Sometimes, this is because the host's immune system simply does not respond adequately or at all. This may be due to a lowered immunity in general (diabetes, steroid use, HIV infection, age) or because the host's immune system does not have a B cell capable of generating antibodies to that antigen. +Even if the host develops antibodies, the human immune system is not perfect and in any case the immune system might still not be able to defeat the infection immediately. In this case, the infection will be less severe and heal faster. +Adjuvants are typically used to boost immune response. Most often aluminium adjuvants are used, but adjuvants like squalene are also used in some vaccines and more vaccines with squalene and phosphate adjuvants are being tested. Larger doses are used in some cases for older people (50–75 years and up), whose immune response to a given vaccine is not as strong. +The efficacy or performance of the vaccine is dependent on a number of factors: +When a vaccinated individual does develop the disease vaccinated against, the disease is likely to be milder than without vaccination. +The following are important considerations in the effectiveness of a vaccination program: +In 1958 there were 763,094 cases of measles and 552 deaths in the United States. With the help of new vaccines, the number of cases dropped to fewer than 150 per year (median of 56). In early 2008, there were 64 suspected cases of measles. 54 out of 64 infections were associated with importation from another country, although only 13% were actually acquired outside of the United States; 63 of these 64 individuals either had never been vaccinated against measles, or were uncertain whether they had been vaccinated. +Vaccines are dead or inactivated organisms or purified products derived from them. +There are several types of vaccines in use. These represent different strategies used to try to reduce risk of illness, while retaining the ability to induce a beneficial immune response. +Some vaccines contain killed, but previously virulent, micro-organisms that have been destroyed with chemicals, heat, radioactivity or antibiotics. Examples are the influenza vaccine, cholera vaccine, bubonic plague vaccine, polio vaccine, hepatitis A vaccine, and rabies vaccine. +Some vaccines contain live, attenuated microorganisms. Many of these are live viruses that have been cultivated under conditions that disable their virulent properties, or which use closely related but less dangerous organisms to produce a broad immune response. Although most attenuated vaccines are viral, some are bacterial in nature. They typically provoke more durable immunological responses and are the preferred type for healthy adults. Examples include the viral diseases yellow fever, measles, rubella, and mumps and the bacterial disease typhoid. The live Mycobacterium tuberculosis vaccine developed by Calmette and Guérin is not made of a contagious strain, but contains a virulently modified strain called "BCG" used to elicit an immune response to the vaccine. The live attenuated vaccine containing strain Yersinia pestis EV is used for plague immunization. Attenuated vaccines have some advantages and disadvantages. They have the capacity of transient growth so they give prolonged protection, and no booster dose is required. But they may get reverted to the virulent form and cause the disease. +Toxoid vaccines are made from inactivated toxic compounds that cause illness rather than the micro-organism. Examples of toxoid-based vaccines include tetanus and diphtheria. Toxoid vaccines are known for their efficacy. Not all toxoids are for micro-organisms; for example, Crotalus atrox toxoid is used to vaccinate dogs against rattlesnake bites. +Protein subunit – rather than introducing an inactivated or attenuated micro-organism to an immune system (which would constitute a "whole-agent" vaccine), a fragment of it can create an immune response. Examples include the subunit vaccine against Hepatitis B virus that is composed of only the surface proteins of the virus (previously extracted from the blood serum of chronically infected patients, but now produced by recombination of the viral genes into yeast), the virus-like particle (VLP) vaccine against human papillomavirus (HPV) that is composed of the viral major capsid protein, and the hemagglutinin and neuraminidase subunits of the influenza virus. Subunit vaccine is being used for plague immunization. +Conjugate – certain bacteria have polysaccharide outer coats that are poorly immunogenic. By linking these outer coats to proteins (e.g. toxins), the immune system can be led to recognize the polysaccharide as if it were a protein antigen. This approach is used in the Haemophilus influenzae type B vaccine. +A number of innovative vaccines are also in development and in use: +While most vaccines are created using inactivated or attenuated compounds from micro-organisms, synthetic vaccines are composed mainly or wholly of synthetic peptides, carbohydrates or antigens. +Vaccines may be monovalent (also called univalent) or multivalent (also called polyvalent). A monovalent vaccine is designed to immunize against a single antigen or single microorganism. A multivalent or polyvalent vaccine is designed to immunize against two or more strains of the same microorganism, or against two or more microorganisms. In certain cases a monovalent vaccine may be preferable for rapidly developing a strong immune response. +The immune system recognizes vaccine agents as foreign, destroys them, and "remembers" them. When the virulent version of an agent comes along the body recognizes the protein coat on the virus, and thus is prepared to respond, by (1) neutralizing the target agent before it can enter cells, and (2) by recognizing and destroying infected cells before that agent can multiply to vast numbers. +When two or more vaccines are mixed together in the same formulation, the two vaccines can interfere. This most frequently occurs with live attenuated vaccines, where one of the vaccine components is more robust than the others and suppresses the growth and immune response to the other components. This phenomenon was first noted in the trivalent Sabin polio vaccine, where the amount of serotype 2 virus in the vaccine had to be reduced to stop it from interfering with the "take" of the serotype 1 and 3 viruses in the vaccine. This phenomenon has also been found to be a problem with the dengue vaccines currently being researched,[when?] where the DEN-3 serotype was found to predominate and suppress the response to DEN-1, -2 and -4 serotypes. +Vaccines have contributed to the eradication of smallpox, one of the most contagious and deadly diseases known to man. Other diseases such as rubella, polio, measles, mumps, chickenpox, and typhoid are nowhere near as common as they were a hundred years ago. As long as the vast majority of people are vaccinated, it is much more difficult for an outbreak of disease to occur, let alone spread. This effect is called herd immunity. Polio, which is transmitted only between humans, is targeted by an extensive eradication campaign that has seen endemic polio restricted to only parts of four countries (Afghanistan, India, Nigeria and Pakistan). The difficulty of reaching all children as well as cultural misunderstandings, however, have caused the anticipated eradication date to be missed several times. +In order to provide best protection, children are recommended to receive vaccinations as soon as their immune systems are sufficiently developed to respond to particular vaccines, with additional "booster" shots often required to achieve "full immunity". This has led to the development of complex vaccination schedules. In the United States, the Advisory Committee on Immunization Practices, which recommends schedule additions for the Centers for Disease Control and Prevention, recommends routine vaccination of children against: hepatitis A, hepatitis B, polio, mumps, measles, rubella, diphtheria, pertussis, tetanus, HiB, chickenpox, rotavirus, influenza, meningococcal disease and pneumonia. The large number of vaccines and boosters recommended (up to 24 injections by age two) has led to problems with achieving full compliance. In order to combat declining compliance rates, various notification systems have been instituted and a number of combination injections are now marketed (e.g., Pneumococcal conjugate vaccine and MMRV vaccine), which provide protection against multiple diseases. +Besides recommendations for infant vaccinations and boosters, many specific vaccines are recommended at other ages or for repeated injections throughout life—most commonly for measles, tetanus, influenza, and pneumonia. Pregnant women are often screened for continued resistance to rubella. The human papillomavirus vaccine is recommended in the U.S. (as of 2011) and UK (as of 2009). Vaccine recommendations for the elderly concentrate on pneumonia and influenza, which are more deadly to that group. In 2006, a vaccine was introduced against shingles, a disease caused by the chickenpox virus, which usually affects the elderly. +Sometime during the 1770s Edward Jenner heard a milkmaid boast that she would never have the often-fatal or disfiguring disease smallpox, because she had already had cowpox, which has a very mild effect in humans. In 1796, Jenner took pus from the hand of a milkmaid with cowpox, inoculated an 8-year-old boy with it, and six weeks later variolated the boy's arm with smallpox, afterwards observing that the boy did not catch smallpox. Further experimentation demonstrated the efficacy of the procedure on an infant. Since vaccination with cowpox was much safer than smallpox inoculation, the latter, though still widely practiced in England, was banned in 1840. Louis Pasteur generalized Jenner's idea by developing what he called a rabies vaccine, and in the nineteenth century vaccines were considered a matter of national prestige, and compulsory vaccination laws were passed. +The twentieth century saw the introduction of several successful vaccines, including those against diphtheria, measles, mumps, and rubella. Major achievements included the development of the polio vaccine in the 1950s and the eradication of smallpox during the 1960s and 1970s. Maurice Hilleman was the most prolific of the developers of the vaccines in the twentieth century. As vaccines became more common, many people began taking them for granted. However, vaccines remain elusive for many important diseases, including malaria and HIV. +||The neutrality of this section is disputed. Please see the discussion on the talk page. Please do not remove this message until the dispute is resolved. (October 2011)| +||This article is missing information about Scientific rebuttal to the attacks. This concern has been noted on the talk page where whether or not to include such information may be discussed. (October 2011)| +Opposition to vaccination, from a wide array of vaccine critics, has existed since the earliest vaccination campaigns. Although the benefits of preventing suffering and death from serious infectious diseases greatly outweigh the risks of rare adverse effects following immunization, disputes have arisen over the morality, ethics, effectiveness, and safety of vaccination. Some vaccination critics say that vaccines are ineffective against disease or that vaccine safety studies are inadequate. Some religious groups do not allow vaccination, and some political groups oppose mandatory vaccination on the grounds of individual liberty. In response, concern has been raised that spreading unfounded information about the medical risks of vaccines increases rates of life-threatening infections, not only in the children whose parents refused vaccinations, but also in other children, perhaps too young for vaccines, who could contract infections from unvaccinated carriers (see herd immunity). +One challenge in vaccine development is economic: many of the diseases most demanding a vaccine, including HIV, malaria and tuberculosis, exist principally in poor countries. Pharmaceutical firms and biotechnology companies have little incentive to develop vaccines for these diseases, because there is little revenue potential. Even in more affluent countries, financial returns are usually minimal and the financial and other risks are great. +Most vaccine development to date has relied on "push" funding by government, universities and non-profit organizations. Many vaccines have been highly cost effective and beneficial for public health. The number of vaccines actually administered has risen dramatically in recent decades.[when?] This increase, particularly in the number of different vaccines administered to children before entry into schools may be due to government mandates and support, rather than economic incentive. +The filing of patents on vaccine development processes can also be viewed as an obstacle to the development of new vaccines. Because of the weak protection offered through a patent on the final product, the protection of the innovation regarding vaccines is often made through the patent of processes used on the development of new vaccines as well as the protection of secrecy. +Vaccine production has several stages. First, the antigen itself is generated. Viruses are grown either on primary cells such as chicken eggs (e.g., for influenza), or on continuous cell lines such as cultured human cells (e.g., for hepatitis A). Bacteria are grown in bioreactors (e.g., Haemophilus influenzae type b). Alternatively, a recombinant protein derived from the viruses or bacteria can be generated in yeast, bacteria, or cell cultures. After the antigen is generated, it is isolated from the cells used to generate it. A virus may need to be inactivated, possibly with no further purification required. Recombinant proteins need many operations involving ultrafiltration and column chromatography. Finally, the vaccine is formulated by adding adjuvant, stabilizers, and preservatives as needed. The adjuvant enhances the immune response of the antigen, stabilizers increase the storage life, and preservatives allow the use of multidose vials. Combination vaccines are harder to develop and produce, because of potential incompatibilities and interactions among the antigens and other ingredients involved. +Vaccine production techniques are evolving. Cultured mammalian cells are expected to become increasingly important, compared to conventional options such as chicken eggs, due to greater productivity and low incidence of problems with contamination. Recombination technology that produces genetically detoxified vaccine is expected to grow in popularity for the production of bacterial vaccines that use toxoids. Combination vaccines are expected to reduce the quantities of antigens they contain, and thereby decrease undesirable interactions, by using pathogen-associated molecular patterns. +In 2010, India produced 60 percent of world's vaccine worth about $900 million. +Many vaccines need preservatives to prevent serious adverse effects such as Staphylococcus infection that, in one 1928 incident, killed 12 of 21 children inoculated with a diphtheria vaccine that lacked a preservative. Several preservatives are available, including thiomersal, phenoxyethanol, and formaldehyde. Thiomersal is more effective against bacteria, has better shelf life, and improves vaccine stability, potency, and safety, but in the U.S., the European Union, and a few other affluent countries, it is no longer used as a preservative in childhood vaccines, as a precautionary measure due to its mercury content. Although controversial claims have been made that thiomersal contributes to autism, no convincing scientific evidence supports these claims. +There are several new delivery systems in development[when?] that will hopefully make vaccines more efficient to deliver. Possible methods include liposomes and ISCOM (immune stimulating complex). +The latest developments[when?] in vaccine delivery technologies have resulted in oral vaccines. A polio vaccine was developed and tested by volunteer vaccinations with no formal training; the results were positive in that the ease of the vaccines increased. With an oral vaccine, there is no risk of blood contamination. Oral vaccines are likely to be solid which have proven to be more stable and less likely to freeze; this stability reduces the need for a "cold chain": the resources required to keep vaccines within a restricted temperature range from the manufacturing stage to the point of administration, which, in turn, may decrease costs of vaccines. A microneedle approach, which is still in stages of development, uses "pointed projections fabricated into arrays that can create vaccine delivery pathways through the skin". +A nanopatch is a needle free vaccine delivery system which is under development. A stamp-sized patch similar to an adhesive bandage contains about 20,000 microscopic projections per square inch. When worn on the skin, it will deliver vaccine directly to the skin, which has a higher concentration of immune cells than that in the muscles, where needles and syringes deliver. It thus increases the effectiveness of the vaccination using a lower amount of vaccine used in traditional syringe delivery system. +The use of plasmids has been validated in preclinical studies as a protective vaccine strategy for cancer and infectious diseases. However, in human studies this approach has failed to provide clinically relevant benefit. The overall efficacy of plasmid DNA immunization depends on increasing the plasmid's immunogenicity while also correcting for factors involved in the specific activation of immune effector cells. +Vaccinations of animals are used both to prevent their contracting diseases and to prevent transmission of disease to humans. Both animals kept as pets and animals raised as livestock are routinely vaccinated. In some instances, wild populations may be vaccinated. This is sometimes accomplished with vaccine-laced food spread in a disease-prone area and has been used to attempt to control rabies in raccoons. +Where rabies occurs, rabies vaccination of dogs may be required by law. Other canine vaccines include canine distemper, canine parvovirus, infectious canine hepatitis, adenovirus-2, leptospirosis, bordatella, canine parainfluenza virus, and Lyme disease among others. +Vaccine development has several trends: +Principles that govern the immune response can now be used in tailor-made vaccines against many noninfectious human diseases, such as cancers and autoimmune disorders. For example, the experimental vaccine CYT006-AngQb has been investigated as a possible treatment for high blood pressure. Factors that have impact on the trends of vaccine development include progress in translatory medicine, demographics, regulatory science, political, cultural, and social responses. +|Modern Vaccine and Adjuvant Production and Characterization, Genetic Engineering & Biotechnology News| +The World News (WN) Network, has created this privacy statement in order to demonstrate our firm commitment to user privacy. The following discloses our information gathering and dissemination practices for wn.com, as well as e-mail newsletters. +We do not collect personally identifiable information about you, except when you provide it to us. For example, if you submit an inquiry to us or sign up for our newsletter, you may be asked to provide certain information such as your contact details (name, e-mail address, mailing address, etc.). +We may retain other companies and individuals to perform functions on our behalf. Such third parties may be provided with access to personally identifiable information needed to perform their functions, but may not use such information for any other purpose. +In addition, we may disclose any information, including personally identifiable information, we deem necessary, in our sole discretion, to comply with any applicable law, regulation, legal proceeding or governmental request. +We do not want you to receive unwanted e-mail from us. We try to make it easy to opt-out of any service you have asked to receive. If you sign-up to our e-mail newsletters we do not sell, exchange or give your e-mail address to a third party. +E-mail addresses are collected via the wn.com web site. Users have to physically opt-in to receive the wn.com newsletter and a verification e-mail is sent. wn.com is clearly and conspicuously named at the point ofcollection. +If you no longer wish to receive our newsletter and promotional communications, you may opt-out of receiving them by following the instructions included in each newsletter or communication or by e-mailing us at michaelw(at)wn.com +The security of your personal information is important to us. We follow generally accepted industry standards to protect the personal information submitted to us, both during registration and once we receive it. No method of transmission over the Internet, or method of electronic storage, is 100 percent secure, however. Therefore, though we strive to use commercially acceptable means to protect your personal information, we cannot guarantee its absolute security. +If we decide to change our e-mail practices, we will post those changes to this privacy statement, the homepage, and other places we think appropriate so that you are aware of what information we collect, how we use it, and under what circumstances, if any, we disclose it. +If we make material changes to our e-mail practices, we will notify you here, by e-mail, and by means of a notice on our home page. +The advertising banners and other forms of advertising appearing on this Web site are sometimes delivered to you, on our behalf, by a third party. In the course of serving advertisements to this site, the third party may place or recognize a unique cookie on your browser. For more information on cookies, you can visit www.cookiecentral.com. +As we continue to develop our business, we might sell certain aspects of our entities or assets. In such transactions, user information, including personally identifiable information, generally is one of the transferred business assets, and by submitting your personal information on Wn.com you agree that your data may be transferred to such parties in these circumstances.Wars have given us the Jeep, the computer and even the microwave. +Will the war in Iraq give us the Tiger? +Military scientists at Edgewood Chemical Biological Center at Aberdeen Proving Ground hope so. The machine - its full name is the Tactical Garbage to Energy Refinery - combines a chute, an engine, chemical tanks and other components, giving it the appearance of a lunar rover. It's designed to turn food and waste into fuel. If it works, it could save scores of American and Iraqi lives. +Among the biggest threats that soldiers face in the war in Iraq are the roadside bombs that have killed or maimed thousands since the U.S.-led invasion in 2003. Because some military bases lack a landfill, transporting garbage to dumps miles away in the desert has become a potentially fatal routine for U.S. troops and military contractors. +The Tiger would attempt to solve two problems at once: It would sharply reduce those trash hauls and provide the military with an alternative source of fuel. +It is the latest in a long line of wartime innovations, from can openers to desert boots. The conflict in Iraq has produced innovations such as "warlocks," which jam electronic signals from cell phones, garage door openers and other electronic devices that insurgents use to detonate roadside bombs, according to Inventors Digest. +"In wartime, you're not worried about making a profit necessarily. You're worried about getting the latest technology on the street," said Peter Kindsvatter, a military historian at Aberdeen Proving Ground, who added that money is spent more freely for research when a nation is at war. "Basically, you find yourself in a technology race with your enemy." +The Tiger, now being tested in Baghdad, would not be the first device to turn garbage into energy - a large incinerator near Baltimore's downtown stadiums does it. But it would be among the first to attempt to do it on a small scale. Its creators say it could one day become widely used in civilian life, following the lead of other wartime innovations. +During World War II, contractors developed the Jeep to meet the military's desire for a light, all-purpose vehicle that could transport supplies. +The development of radar technology to spot Nazi planes led to the microwave, according to historians. +The World War II era also gave birth to the first electronic digital computer, the Electronic Numerical Integrator and Computer, or ENIAC. Funded by the Defense Department, the machine was built to compute ballistics tables that soldiers used to mechanically aim large guns. For years it was located at Aberdeen Proving Ground. +This decade, the Pentagon determined that garbage on military bases poses a serious logistical problem. +"When you're over in a combat area and people are shooting at you, you still have to deal with your trash," said John Spiller, project officer with the Army's Rapid Equipping Force, which is funding the Tiger project. "How would you feel if somebody was shooting at you every other time you pushed it down the curb?" +He and other Army officials said they could not recall any specific attacks against troops or contractors heading to dumpsites.For years, large incinerators have burned trash to generate power. Baltimore Refuse Energy Systems Co., the waste-to-energy plant near the stadiums, consumes up to 2,250 tons of refuse a day while producing steam and electricity. +The process is so expensive that it has only made sense to do it on a large scale, scientists say. +The military has spent almost $3 million on two Tiger prototypes, each weighing nearly 5 tons and small enough to fit into a 20- to 40-foot wide container. The project is being developed by scientists from the Edgewood, Va.-based Defense Life Sciences LLC and Indiana's Purdue University. +The biggest challenge was getting the parts to work together, said Donald Kennedy, an Edgewood spokesman. Because the Tiger is a hybrid consisting of a gasifier, bioreactor and generator, much of it is built with off-the-shelf items, including a grinder. +Another big challenge: expectations. +"When we would initially talk to people about the Tiger system, a large percentage would refuse to believe it could actually work," Kennedy wrote in an e-mail. "Alternatively, a similar percentage would be so intrigued by the idea that they would demand to know when they could buy one for their neighborhood." +The Tiger works like this: A shredder rips up waste and soaks it in water. A bioreactor metabolizes the sludge into ethanol. A pelletizer compresses undigested waste into pellets that are fed into a gasification unit, which produces composite gas. +The ethanol, composite gas and a 10-percent diesel drip are injected into a diesel generator to produce electricity, according to scientists. It takes about six hours for the Tiger to power up. When it works, the device can power a 60-kilowatt generator. +The prototypes are being tested at Camp Victory in Baghdad +Initial runs proved successful. The prototypes have been used to power an office trailer. At their peak, they could power two to three trailers. +In recent weeks, the scientists suffered a setback: The above-100 degree temperatures caused a chiller device to overheat and shut off occasionally. A new chiller from Edgewood just arrived at the site, Kennedy said. +After the 90-day testing phase that ends Aug. 10, the Army will decide whether to fund the project further. +Its developers envision the device being used to respond to crises such as Hurricane Katrina, when there is no lack of garbage but a great need for electricity. +Spiller, of the Army's Rapid Equipping Force, said he is optimistic. +"The mere fact we wrote a check means we think it's got a high chance of success," Spiller said.Then and now, there is ample proof that Americans do take Supreme Court nominations seriously. With good reason. +Sooner or later, the nation's most vexing disagreements over our most vital issues wind up before the Supreme Court. None quite penetrates to the core of our democratic being more than those involving First Amendment rights and values. +Each term, the nine justices must grapple with profound questions involving freedom of speech, freedom of thought and freedom to participate in political discourse: Just how free is freedom of speech? What is the role of religion in public life? Does national security trump the public's right to know? +During the Court's last three terms, the First Amendment has not fared well. The high court has accepted for review far fewer free-expression-related cases than usual and it has been unusually stingy in recognizing First Amendment claims. In only two of the 15 decisions rendered in free-expression cases did the Court sustain those claims. +How the First Amendment will fare in the future depends on how Chief Justice John Roberts differs from his predecessor, William Rehnquist, and how Miers, if confirmed, differs from O'Connor. +During his 33 years on the Court as an associate justice and chief justice, Rehnquist consistently voted against free-speech and free-press claims. O'Connor, however, played a pivotal role during her time as justice, frequently casting the decisive fifth vote in religion cases and occasionally in expression cases. +The justices over the next 12 months will hear arguments, review briefs and render opinions in several cases that have direct bearing on whether we have full or constricted freedoms when we wish to play a role in the crucial political, cultural or religious issues that confront us. +In five cases, the Court will once more take up the question of whether state laws regulating campaign contributions and expenditures pose an unconstitutional threat to political expression: Is money speech? +The issues of compelled speech and government funding of speech are raised in another case. A coalition of university law schools which object to the military's ban against acknowledged homosexuals contends that requiring them to allow military recruiters on campus violates their rights. +Another case tests the limits of the free exercise of religion. The justices will decide whether the federal government can prohibit a small group of followers of a Brazilian religious sect in New Mexico from importing a banned substance, a hallucinogenic tea, for use in its ceremonies. +In a case involving anti-abortion protests appearing before the Court for the third time since 1986, the justices' ruling could affect protest and picketing rights and practices. +And a Los Angeles deputy district attorney wants the Court to declare that his free-speech rights were violated when he was disciplined for informing a defense attorney about ethical problems in a pending case. +The confirmation process for Miers should be complete by the end of the year. At present, chances seem good that she will be confirmed. Since 1789, the Senate has rejected only 34 of 155 nominations to the Supreme Court. +Not much is known about Roberts' views on these issues; even less about Miers'. First Amendment advocates, of course, hope they set the new Court on a new course as far as free expression is concerned. In that regard, Justice Brandeis set a great example as a First Amendment champion during his 23 years on the Supreme Court. +"Those who won our independence," he wrote in 1927, "believed liberty to be the secret of happiness and courage to be the secret of liberty. They believed that freedom to think as you will and to speak as you think are means indispensable to the discovery and spread of political truth." +The cause of liberty would be better served if this Court's future rulings transcend individual temperament and ideology to embrace the freedom for speech and the tolerance for belief that define a vital democracy. +Editor's note: Paul K. McMasters is First Amendment ombudsman at the First Amendment Center, 1101 Wilson Blvd., Arlington, Va. 22209. Web: www.firstamendmentcenter.org. E-mail: email@example.com.The vaunted protection that intellectually active adults get from Alzheimer’s disease has a dark downside, a study released Wednesday has found. Once dementia symptoms become evident and Alzheimer’s disease is diagnosed in such patients, their mental decline can come with frightening speed. +That finding, published in the journal Neurology, comes from a study of 1,157 Chicago-based seniors who were followed for an average of just over 11 years. Six years after gauging the extent to which the study participants engaged in activities that challenged their mental capacities, researchers from Rush University Medical Center Alzheimer’s Disease Center made periodic assessments of the study participants’ cognitive health and traced the trajectories of their brain health. +All told, 148 of the participants were diagnosed with Alzheimer’s disease during the follow-up period, and 395 were found to have mild cognitive impairment—intellectual problems that are less severe than Alzheimer’s disease, but which often precede such a diagnosis. +While all participants’ mental function showed yearly declines, the steepest downward trajectories belonged to those who had been diagnosed with Alzheimer’s disease, but who had reported high levels of mental engagement at the outset of the study. Fellow Alzheimer’s sufferers who had not sought out much intellectual stimulation at the study’s outset showed a more gradual decline in their function. +“In effect, the results of this study suggest that the benefit of delaying the initial appearance of cognitive impairment [in Alzheimer’s disease] comes at the cost of more rapid dementia progression,” the author wrote. +The findings support a common observation of those who treat intellectually minded patients who go on to be diagnosed with Alzheimer’s disease—that once diagnosed, their decline is rapid. It also underscores a growing body of evidence that the bright and mentally-active may not beat Alzheimer’s disease, but can hold off its ravages for months or years longer than those who are not so engaged. +Dr. John M. Ringman, a UCLA neurologist and assistant director of the Mary S. Easton Center for Alzheimer’s Disease Research, said he sees regular evidence of the phenomenonen in his clinical work, as well as in brain-imaging scans that can detect the physical signs of Alzheimer’s disease while a patient is still alive: Patients with a history of intensive mental engagement seem to develop a “cognitive reserve,” said Dr. Ringman. That mental strength frequently allows them to function almost normally, he said, even as the amyloid plaques and neurofibrillary tangles that are the hallmarks of the disease have advanced upon the brain. +By the time such a patient comes to his office complaining that his memory and mental function are not what they used to be, the disease has progressed significantly, said Ringman. The decline from that point can be precipitous. +In a disease that evidence now suggests takes years, perhaps decades, to show up in everyday behavior, Ringman said “it’s hard to quantify this cognitive reserve.” The strength of the study published Wednesday is that it gathered copious evidence of participants’ mental status and activity at the outset and followed them for more than a decade, he added. +--Melissa Healy/Los Angeles TimesBelgian physicist Francois Englert, left, speaks with British physicist… (Fabrice Coffrini / AFP/Getty…) +For physicists, it was a moment like landing on the moon or the discovery of DNA. +The focus was the Higgs boson, a subatomic particle that exists for a mere fraction of a second. Long theorized but never glimpsed, the so-called God particle is thought to be key to understanding the existence of all mass in the universe. The revelation Wednesday that it -- or some version of it -- had almost certainly been detected amid more than hundreds of trillions of high-speed collisions in a 17-mile track near Geneva prompted a group of normally reserved scientists to erupt with joy. +For The Record +Los Angeles Times Friday, July 06, 2012 Home Edition Main News Part A Page 4 News Desk 1 inches; 48 words Type of Material: Correction +Large Hadron Collider: In some copies of the July 5 edition, an article in Section A about the machine used by physicists at the European Organization for Nuclear Research to search for the Higgs boson referred to the $5-billion Large Hadron Collider. The correct amount is $10 billion. +Peter Higgs, one of the scientists who first hypothesized the existence of the particle, reportedly shed tears as the data were presented in a jampacked and applause-heavy seminar at CERN, the European Organization for Nuclear Research. +"It's a gigantic triumph for physics," said Frank Wilczek, an MIT physicist and Nobel laureate. "It's a tremendous demonstration of a community dedicated to understanding nature." +The achievement, nearly 50 years in the making, confirms physicists' understanding of how mass -- the stuff that makes stars, planets and even people -- arose in the universe, they said. +It also points the way toward a new path of scientific inquiry into the mass-generating mechanism that was never before possible, said UCLA physicist Robert Cousins, a member of one of the two research teams that has been chasing the Higgs boson at CERN. +"I compare it to turning the corner and walking around a building -- there's a whole new set of things you can look at," he said. "It is a beginning, not an end." +Leaders of the two teams reported independent results that suggested the existence of a previously unseen subatomic particle with a mass of about 125 to 126 billion electron volts. Both groups got results at a "five sigma" level of confidence -- the statistical requirement for declaring a scientific "discovery." +"The chance that either of the two experiments had seen a fluke is less than three parts in 10 million," said UC San Diego physicist Vivek Sharma, a former leader of one of the Higgs research groups. "There is no doubt that we have found something." +But he and others stopped just shy of saying that this new particle was indeed the long-sought Higgs boson. "All we can tell right now is that it quacks like a duck and it walks like a duck," Sharma said. +In this case, quacking was enough for most. +"If it looks like a duck and quacks like a duck, it's probably at least a bird," said Wilczek, who stayed up past 3 a.m. to watch the seminar live over the Web while vacationing in New Hampshire. +Certainly CERN leaders in Geneva, even as they referred to their discovery simply as "a new particle," didn't bother hiding their excitement. +The original plan had been to present the latest results on the Higgs search at the International Conference on High Energy Physics, a big scientific meeting that began Wednesday in Melbourne. +But as it dawned on CERN scientists that they were on the verge of "a big announcement," Cousins said, officials decided to honor tradition and instead present the results on CERN's turf. +The small number of scientists who theorized the existence of the Higgs boson in the 1960s -- including Higgs of the University of Edinburgh -- were invited to fly to Geneva. +For the non-VIP set, lines to get into the auditorium began forming late Tuesday. Many spent the night in sleeping bags. +All the hubbub was due to the fact that the discovery of the Higgs boson is the last piece of the puzzle needed to complete the so-called Standard Model of particle physics -- the big picture that describes the subatomic particles that make up everything in the universe, and the forces that work between them. +Over the course of the 20th century, as physicists learned more about the Standard Model, they struggled to answer one very basic question: Why does matter exist? +Higgs and others came up with a possible explanation: that particles gain mass by traveling through an energy field. One way to think about it is that the field sticks to the particles, slowing them down and imparting mass. +That energy field came to be known as the Higgs field. The particle associated with the field was dubbed the Higgs boson. +Higgs published his theory in 1964. In the 48 years since, physicists have eagerly chased the Higgs boson. Finding it would provide the experimental confirmation they needed to show that their current understanding of the Standard Model was correct. +On the other hand, ruling it out would mean a return to the drawing board to look for an alternative Higgs particle, or several alternative Higgs particles, or perhaps to rethink the Standard Model from the bottom up. +Either outcome would be monumental, scientists said.Discrimination against citizens because of their sexual orientation or their youth is just as unfair as discrimination based on race, religion or gender. Access to housing, hotels, theaters and restaurants should be equal to all, as a matter of plain fairness. +The Palm Beach County Commission recognized this truth in passing an ordinance protecting homosexuals, unmarried couples and young people from discrimination in renting or buying housing and in public accommodations. The ordinance also bans discrimination based on race, religion, gender, ethnic origin or disability, but it was the protection of gays that generated opposition and demands for a countywide referendum on the issue. +No other Florida county protects homosexuals against housing discrimination. In the 1970s, Dade County passed a similar ordinance but it was repealed in a voter referendum after a bitter fight. +A Broward County effort to revise the human rights law to protect homosexuals is more complicated. The Broward law was adopted through the Florida Legislature, so a revision must get legislative approval and be ratified in a public referendum. +Palm Beach County`s ordinance passed 4-1; commissioner Ron Howard dissented. The other four commissioners demonstrated courage by refusing to buckle under to opponents or to pass the buck to the public in a referendum. Commissioners were elected to make tough decisions; this time they did. +The ordinance provides exceptions: A landlord who lives on his property of four or fewer housing units and rents the rest won`t have to comply. Nor will a seasonal resident who rents his home to someone else part of the year and lives in it himself the rest of the time. Also exempt are religious organizations that own housing units. +Those sensible exceptions leave the vast majority of housing covered under the new ordinance. Violators will face fines of up to $50,000, but it may be difficult to prove a violation. Early decisive action against violators by law enforcers, prosecutors and judges could make a clear statement that the county means business and won`t tolerate further discrimination in housing and public accommodations."Helplessness" and "confusion" are words that easily come to mind when the issue of sick building syndrome is mentioned. It is a problem that does not have a regulatory solution, and is bound with engineering, medicine and emotions that will challenge the best of school administrators. +A careful management style and knowledgeable use of technologies in medicine, toxicology and property maintenance are a school administrator's best allies in preparing to deal with or prevent this new generation of health and safety challenges. +Defining sick building syndrome There is no regulatory definition for sick building syndrome. Although it often relates to indoor-air-quality problems, it simply means that the environment of a building is inspiring complaints of discomfort and/or disease. +Fundamentally, the causes of sick buildings relate to architecture and engineering patterns institutionalized in school construction following World War II. Schools of glass, rock and wood, with high ceilings, cross-ventilation via a transom over the door, and windows and radiators that could be adjusted by teachers no longer were built. These schools were being replaced with new, factory-like buildings featuring a temperamental, eccentric system of master controls for indoor environment. Buildings were constructed with no regard to the environment around them or to people within the property. Today, allowing for the ambiguity in defining sick buildings, somewhere between 1-in-5 and 1-in-15 school facilities are in a situation where discomfort and disease can be attributed to operations of the building. +Health symptoms in a sick building are highly variable, but generally split into three categories: +-Radical reaction--a number of people clearly and suddenly ill. This usually involves limited air exchange combined with a "smoking gun," which can include a new chemical cleaner, misbatched chlorine in a pool area, a weather inversion preventing a kiln from venting properly or a failure of a mechanical air-exchange system. +-Unhealthy atmosphere--many people experiencing ongoing subtle illness or discomfort. The most common symptoms involve the dehydration of sensitive tissue, including sore eyes, throat or nasal membranes; a feeling of lethargy; a higher incidence of upper-respiratory infection; asthmatic reactions; low-grade headaches; and a continuum of muscle pain and general discomfort among building occupants. Much of this relates to oxygen deprivation typically caused by oxygen being displaced by other compounds, and occasionally by infestation of microbes as a result of excessive moisture remaining within the property. +-Hypersensitive reaction or multiple chemical sensitivity reaction--one or two individuals extremely ill. This can result if even tiny exposures occur to anyone that has a highly sensitive reaction to certain chemicals. Typically, these complaints should be viewed as warnings that some low-level toxin is in the area. +Although sick building syndrome usually relates to the general nature of the building itself, there are some specifics that account for most indoor-air problems: +*Combustibles; any possible introduction of carbon monoxide. *Moisture as it may relate to mold (look for growths on drywall). *Moisture as it may relate to airborne infectious agents (standing water and consequent growths). *Volatile organic compounds (VOCs), usually cleaning agents or building materials, which may give off unpleasant, sometimes toxic gases. *Formaldehydes in new carpet, pressed wood or other building products. *Any new or newly exposed particleboard. *Applied poisons (pesticides, insecticides, rodenticides, herbicides). +A proactive approach Administrators are dealing with a generation of post-World War II properties prone to indoor-air-quality problems, particularly buildings constructed or remodeled during the 1970s energy crisis. A school district should take several steps before a problem strikes. First, initiate patterns for preventing air-quality problems. Second, establish baseline information that will profile the building to facilitate an efficient, inexpensive and confidence-inspiring response. Building occupants and the community need to see a clear and confident administrative approach should a problem arise in the future. +The proactive investigation of the building should involve a limited amount of basic testing, particularly a professional review of the microbial matrix within the building--the number of colony-forming units or what kinds of microbes presently are nesting in the building. Understanding what is living in the ambient air can help administrators understand if there is a problem or, more importantly, can help to quickly isolate the exact nature of a problem. +Similarly, administrators should consider hiring an outside contractor to review how air-handling and mechanical-engineering systems are managed. A knowledgeable person should walk the area and observe the mechanical systems to see how the filtering system, the air-dispersion system and the air-dilution patterns of the building are operating. Finally, a reliable epidemiological profile of comparative absenteeism should be archived. +Administrators also need to be ready to implement a smooth, confidence-building reporting system for occupants regarding air-quality or sick-building concerns. How fast and capably the district responds can be the key to getting the issue under control. The costs for responding to indoor-air problems decrease dramatically if there is baseline data and a plan in place.Ethiopian kids hack Zoom tablets in five months. +The One Laptop Per Child (OLPC) project recently tried a new approach to distributing computers to developing countries, by leaving boxes of tablets in remote Ethiopian villages with no instructions. The Motorola Zoom tablets had a custom English language OS, a solar charger, and tracking software to monitor how they were used. +To the surprise of the organization, not only could the kids who started using the tablets easily figure out how to switch on and use them, but they also learnt to hack into the OS and enable features - amazing especially seeing as most of the kids had never seen a printed word before, let alone in English. +“We left the boxes in the village. Closed. Taped shut. No instruction, no human being. I thought, the kids will play with the boxes! Within four minutes, one kid not only opened the box, but found the on/off switch. He’d never seen an on/off switch. He powered it up. Within five days, they were using 47 apps per child per day. Within two weeks, they were singing ABC songs [in English] in the village. And within five months, they had hacked Android. Some idiot in our organization or in the Media Lab had disabled the camera! And they figured out it had a camera, and they hacked Android.” +OLPC used the experiment to see whether kids can teach themselves to read and write English. Research shows that 100,000,000 kids worldwide don’t even make to to first grade, often because there are no schools or teachers available. For the cost of a tablet, that could all change. Previous OLPC studies have also shown that the kids will also teach their parents to read and write as well.The Independent Jane +For all the love, romance and scandal in Jane Austen’s books, what they are really about is freedom and independence. Independence of thought and the freedom to choose. +Elizabeth’s refusal of Mr. Collins offer of marriage showed an independence seldom seen in heroines of the day. Her refusal of Mr. Darcy while triggered by anger showed a level of independence that left him shocked and stunned. +The freedom she exhibited in finally accepting him in direct defiance of Lady Catherine and knowing her father would disapprove was unusual even for Austen. In her last book Anne Elliot is persuaded to refuse Captain Wentworth at Lady Russel’s insistence. +Although Jane played by the rules of the day, all of her writing is infused with how she wanted life to be. She ‘screams’ her outrage at the limitations for women in Emma. +When accosted by Mrs. Elton, Jane Fairfax says, +“Excuse me, ma’am, but this is by no means my intention; I make no inquiry myself, and should be sorry to have any made by my friends. When I am quite determined as to the time, I am not at all afraid of being long unemployed. There are places in town, offices, where inquiry would soon produce something — offices for the sale, not quite of human flesh, but of human intellect.” +“Oh! my dear, human flesh! You quite shock me; if you mean a fling at the slave-trade, I assure you Mr. Suckling was always rather a friend to the abolition.” +“I did not mean, I was not thinking of the slave-trade,” replied Jane; “governess-trade, I assure you, was all that I had in view; widely different certainly, as to the guilt of those who carry it on; but as to the greater misery of the victims, I do not know where it lies.” +That same sentiment is emphasized in Emma’s shock when Mrs. Weston tells her of Frank Churchill’s secret engagement to Jane. +“Good God!” cried Emma, “Jane actually on the point of going as governess! What could he mean by such horrible indelicacy? To suffer her to engage herself — to suffer her even to think of such a measure!” +I find it interesting that at the moment of Austen’s birth or there about, John Adams left his farm in Massachusetts for the Continental Congress in Philadelphia. Doesn’t sound particularly interesting, I know but consider this. +John Adams left his home in mid-December 1775 to attend an unprecedented meeting of colonial representatives to consider severing ties with their mother country and her monarch; a decision that culminated in a document unlike any ever written. In the mother country, one day in that same cold December a baby girl was born at Steventon Rectory. Her cry was heard by only the people in the house but the years to come would see her pen create works unlike any the world had ever seen. +Comparing Austen’s words with Thomas Jefferson’s may seem a trivialization but I believe that Austen’s impact on the world is no less important than Jefferson’s. The effect of Jane’s writing maybe more subtle than that of the Virginian but it is no less influential. +Jefferson’s words instigated and promoted a revolution, a war of independence. Jane’s words had no such excessive consequence. Still in her own quiet, genteel yet powerful way she declared and promoted the same principles of freedom and self-regulated independence as our American forefathers. In all her novels Jane advocates independence of person and thought, the rights of all and acceptance of responsibility for those rights. +Jane may not have incited military action as Jefferson did but even as an avowed royalist, I doubt not that Jane Austen firmly believed in his declaration of the right to life, liberty and the pursuit of happiness."GOT NOTHING BUT BLUE SKIES" +It is September 19,1783. The place, Lyons, France. Preparations are being made for a journey. A journey that will eventually take man from his secure environment of terra firma, and place him in a hostile environment called the atmosphere. The vehicle to be used is a hot air balloon. The brainchild behind this trek is a wealthy paper maker named Joseph Montgolfier. There has been much speculation over just how Montgolfier made the discovery of the hot air balloon. The most commonly-believed story is that his wife was standing too close to a fire and that the smoke caused her skirt to be inflated and lifted above her knees. This caused Montgolfier to wonder-if this smoke, and its magical lifting powers, could be captured in a very large container, it might rise and lift a passenger along with it. +So, Montgolfier went about building the first hot air balloon. In 1783, +not much was known about the atmosphere and its effects on human beings. +Upon examination of the occupants for any ill effects caused by this lofty height, it was discovered that the duck had a broken wing. Could this have been an effect of exposure to altitude? Actually, several observers noted that as the balloon left the ground, the sheep had an anxiety attack and kicked the duck. Montgolfier reasoned that it would be safe for humans to ascend to altitude. So on November 21, 1783, Jean Francois Pilatre de Rozier (a surgeon) became the first aeronaut and flight surgeon. Over 200 years have passed since that first flight. Technology has allowed us to ascend through the atmosphere and into space, but the hazards of high altitude flight (hypoxia, altitude-induced decompression sickness, and trapped gases) will always be present. That is because humans are best suited to live in what is known as the "physiological efficient zone". This zone extends from sea level to 12,000 feet. When humans are exposed to altitudes above this zone, they are subjected to physiological hazards beyond their natural ability to adapt. +One thing to keep in mind is that everything that occupies space and exerts weight is considered to be matter. All matter is made up of atoms and molecules in varying densities. These particles within the matter are kinetic and in constant motion. The slower the motion of the particles, the more dense the matter becomes. Also, as the particles are pushed closer together, the matter also becomes more dense. The best way to slow down kinetic molecules is to cool the matter. The best way to get them to move closer together is to add pressure to the matter. Inversely, when you remove the pressure or heat any material, the molecules within the material moves faster and further apart, thus making the material less dense. +The least dense form of matter is, of course, gas. If a gas is cooled and compressed, at some point it will become a liquid. If that liquid is then cooled further, then at some point it will become a solid. Also, when you take the pressure off any gas or liquid, that material will grow less dense and expand. This is essentially what happens to the gaseous molecules of our atmosphere. +Our atmosphere contains approximately 79% nitrogen and 21% oxygen, a constant ratio until you reach an altitude of about 270,000 feet. So the question that always comes up is; "If I have 21% oxygen at sea level and 21% at 40,000 feet, why do I succumb to the effects of hypoxia within 20 seconds at that altitude?" +The answer is, ATMOSPHERIC PRESSURE! If you could picture all the gaseous nitrogen and oxygen molecules in the atmosphere, they would stack up from the surface of the earth to the fringe of space. All these molecules stacking on top each other create a great deal of weight, or pressure. At sea level, one square-inch of any surface has about 15 pounds of air sitting on top of it. At 18,000 feet, that same square inch has only 7.5 pounds per square-inch (psi) exerted on it. What has caused this atmospheric pressure drop? The answer is simple: There is more air stacked up at sea level than above 18,000 feet, and therefore, more weight. +As you recall, when molecules are subjected to this pressure, they are going to move closer together. This will make the air more dense with oxygen and nitrogen molecules. For example, if at sea level you take in a breath of air that has an atmospheric pressure of 15 psi, then that air may contain 500 billion molecules of oxygen (this a fictitious number to be used only as an example); if you go to 18,000 feet and take the same breath where atmospheric pressure is 7.5 psi, then you will pull in only 250 billion molecules of oxygen. But, you require 500 billion per breath to function normally, and you're getting only half of what you need. That's HYPOXIA! +Not only do gaseous molecules in the atmosphere expand with reduced total pressure, gases in the human body are also subject to the same expansion. There are several areas in the body- ears, sinuses, lungs, gastro-intestinal tract, and teeth - where these gases can expand and cause a variety of problems. As long as the gas can expand and escape, there will be no problem. But if the gas becomes trapped, then pain will be the usual result. +As we have discussed earlier, the air we breathe contains about 79% nitrogen. Nitrogen is inhaled into the lungs and distributed and stored throughout the body. According to gas laws, gases of higher pressure always exert force towards areas of low pressure. When you inhale nitrogen, it will be stored at a pressure of about 12 psi (79% nitrogen) of 15 psi (total atmospheric pressure), equal to about 12 psi). +When you ascend to altitude and the pressure around your body begins to drop, this creates a pressure gradient (higher nitrogen in the body than outside the body) and the nitrogen will try to equalize and escape outside the body. Sometimes this nitrogen can leave so quickly and in such quantify that it may form a bubble. If this bubble forms at a body joint, the pain it causes is know as "the bends." +These are just a few of the problems that can occur when the human body is exposed to high altitude conditions. These problems will always be there for aviation. But through education and knowledge of the mechanisms that cause these problems, we can take steps toward protection and prevention so that your BLUE SKIES won't give you a case of the blues. +by J.R. Brown +|ŠAvStop Online Magazine Contact Us Return Home| +Grab this Headline AnimatorHere to There: A History of Mapping +From the 16th to 18th centuries, many European mapmakers were convinced that California was an island — an Edenic paradise populated by black Amazons. The error persisted for over a hundred years after expeditions had proven that California was, in fact, firmly attached to the mainland. The idea of California as a fierce paradise appealed to Europeans, who were reluctant to let the mundane reality interfere with their vision of the world. +So in that spirit, we’re devoting this episode of BackStory to maps — asking what they show us about who we are and and where we want to go. How do maps shape the way we see our communities and our world? What do they tell us about the kind of information we value? And what do they distort, or ignore? +Please help us shape this show! Share your questions, ideas and stories below. Have opinions on New York vs. D.C. subway maps? On the merits or shortcomings of Google Maps? And do you even still use old-fashioned, ink-and-paper maps? Leave us a comment!Nursing a critically ill state back to health +|Indranill Basu Ray highlights the core problems that afflict Bengal's health sector and suggests a few ways to improve the situation| +Despite many technological and other achievements that have propelled India from being a developing nation to one of the top economies of the world, one field that India continues to lag behind in is health. This is why stories of babies dying in large numbers haunt newspaper headlines. India is behind Bangladesh and Sri Lanka in life expectancy at birth or under-five mortality level. India accounts for about 17 per cent of the world population, but it contribute to a fifth of the world's share of diseases. A third of all diarrhoeal diseases in the world occurs in India. The country has the second largest number of HIV/AIDS cases after South Africa. It is home to one-fifth of the world's population afflicted with diabetes and cardiovascular diseases. +A common excuse that I often hear is that we have limited resources to tackle the huge and burgeoning health problems. But even the richest country on earth, the United States of America, has failed to provide appropriate health services to a large section of the populace. The problem in India is quite different. Apart from being a poor nation with limited resources, it also has a sizeable population in need of basic health services. Furthermore, the lack of appropriate sanitary measures and education ensures an ever increasing presence of communicable disease that have been controlled and even eradicated in the developed nations. +India's list of woes does not stop here. Lack of foresight on the part of successive governments and selective and fragmented strategies to counter daily problems without a definite public health goal have been the mainstay of India's health policies. Resource allocation to this sector is influenced by the prevailing fiscal situation as well as by the priorities of the reigning government. Unfortunately, in Bengal — a state that faces a dismal fiscal situation — the government's priorities have been skewed as a result of political necessities. Although we have a new government at the helm, it is important to realize that gross changes at the practical level cannot be initiated without having a team with experience and knowledge define a well-thought-out strategy. It is also essential to have a government that is willing to fulfil the financial needs necessary for the strategy to work. +It is difficult, if not impossible, to paint a picture of the present state of public health in West Bengal and to suggest measures to rectify the same in a short article like this. My intention is to highlight the core problems plaguing the system and to suggest solutions based on accepted principles of public health and healthcare management. The steps that need to be taken are as follows: reducing disease burden, including infectious diseases as well as non-communicable epidemics like diabetes mellitus and coronary heart disease; restructuring the existing primary healthcare system to make it more accountable; creating a skilled and professional workforce which is quality driven; financial planning to bring more investment to the health sector. +Reducing disease burden is the cornerstone of any good health policy. The factors that help reduce communicable diseases are clean drinking water, improved sanitation and an effective vaccination programme. A paradigm shift, from the prevalent curative approach to a preventive approach, including health promotion by inculcating behavioural changes, is imperative to reduce disease burden. West Bengal is one of four states that urgently needs high investment in safe drinking water and toilet facilities. It is estimated that Rs 18,000 crore is required to provide effective drinking water and sanitation facilities for the entire country. Kerala, Maharashtra, West Bengal and Odisha would account for more than 60 per cent of the total outlay. +Similarly, a huge investment is required to provide nutritional supplements to malnourished children and pregnant and lactating mothers living below the poverty line. According to a report by the national commission on macroeconomics and health, West Bengal would need to harness an additional resource requirement of rupees (in crore) 1,286, 2,459, 4,693, 13,811 and 8,485 in sectors such as health, water and sanitation, nutrition, primary schooling and roads. It has been projected that in the next five years West Bengal will spend a large portion of its revenues on wages and salaries, interest payments and pensions, leaving very little for discretionary expenditure in the field of health. It is imperative that the present government rethink and strategize in collaboration with the Centre to ensure the appropriate funding necessary to make the state healthy. +Restructuring the present healthcare delivery system is also equally important. Most primary healthcare centres are old, dilapidated buildings with few or no facilities. Some do not even have basic resources like healthcare workers or pharmacists. What is required is a radical overhaul of the existing system. There are differences in health systems of different countries. A State-run health system, such as the one in Canada, suffers from delayed medical care. A privately-run health system like the one in the US provides only limited health services to its poor. India's healthcare should carve out the best of both systems. Private healthcare is thriving in India. It is uncontrolled and aimed at profit-making. Government-run hospitals are poorly managed, providing few or no facilities to those living below the poverty line. +Different models have been suggested to take care of this disparity. While private investment will always be geared towards profit-making, it is mandatory to rein in these bodies under well-defined rules. Large private hospitals in the US are non-profit bodies, which have to follow stringent rules in patient care. At the other end of the spectrum is the National Health Service in Britain in which small, medium and even a few large hospitals are making way for a more competent and accountable government-controlled health system with fewer hospitals. +Human resource management is very important in running an effective health system. One of the biggest lacunae of government health service is its poor human-resource management. Many physicians are not paid appropriate salaries or are posted in places that are not of their choice. Political intervention and favouritism play a big role in posting physicians. Consequently, dedicated physicians who want to serve the public or work in the academic setting found in government hospitals are forced to remain in private hospitals. To boost morale and efficacy, discipline needs to be instituted in the system and a transparent posting policy adopted. The doctor-population ratio needs to be improved by filling up vacancies in the West Bengal health service. It is important to free postings from the grip of bureaucrats to ensure the registration of quality candidates. Physicians failing to report to duty or indulging in indiscipline must be punished. Doctors who do sign up need to provide relevant and quality medical care. This can only be done if some form of recertification of doctors is made mandatory once every 10 years. Physicians' salaries in the state health service must be made on a par with those of the Central government to make sure that it remains a lucrative option. Senior physicians providing exemplary public service must be rewarded for the same. A commonly-held notion is that most physicians run after the lucrative salaries that are offered in private hospitals. Hence it is difficult to retain them in the government sector. This, however, is true of a minority. The majority of physicians are willing to work in a healthy, progressive and academic environment if there are appropriate non-financial incentives. Let us take the example of Christian Medical College, Vellore. Most of the faculty there are paid salaries that are much lower than those of the private sector. However, physicians are provided with other facilities such as good housing, free schools, free-to-highly-subsidized college education and, most importantly, a progressive and research oriented work environment. +West Bengal lags behind many other states when it comes to medical education. There is an urgent need to increase the number of medical colleges in the state. Private investment for the same should be welcomed but appropriate laws must be instituted so that huge capitation fees are not charged for seats. Furthermore, selection should be made through competitive examinations. A certain percentage of seats can be reserved for the economically weaker sections. Students passing out of such medical colleges must be given postings in rural hospitals. This has been true on paper for many decades now, but the rule has been poorly implemented even in government-run medical colleges. +Innovative schemes ought to be thought of to involve the cash-rich private sector to service the medical needs of the state. Private institutions using government money or land must be asked to provide free service to 20 per cent of their capacity. Appropriate punitive measures — such as temporarily withholding or cancelling licences — can be taken when a private institution fails to honour this commitment. Institutions willing to set up large hospitals, particularly around Calcutta, must be helped through the provision of low-cost land. But in return, promises to set up satellite hospitals in far-flung district headquarters have to be met. +The biggest challenge to the rejuvenation of the healthcare system is the garnering of funds. West Bengal is financially broke, thanks to the misrule of the communists. Unlike most other communist rulers, our home-grown variants failed to provide basic sanitation, good roads, a working healthcare system and appropriate nutritional supplements to women and children. The lack of social services resulted in poor health and in increased mortality among the vulnerable sections of society. Government efforts to improve basic health services must fund programmes that provide sanitation, nutritional supplements, and daily meals for school-going children. Substantial investments in these sectors can reduce mortality in children. It is popular to blame doctors for not being able to save severely ill, malnourished children. But things won't change unless determined steps are taken to root out the problems, such as poor funds, minimal resources and an incompetent workforce, that affect the West Bengal health service. +In the next five years, in collaboration with the Centre and the non-government organizations involved in public health, the state government must chalk out a definitive strategy to improve the supply of clean drinking water, provide better sanitation and one full meal to school-going children and arrange for nutritional supplements to pregnant women. Private investment should be wooed in the health sector to set up hospitals in large metropolitan areas as well as in small district towns. While government land is needed at an appropriate price to help investors build hospitals, steps must be taken to bring about the inclusion of the deprived sections in their service plans. Strong regulatory bodies that can monitor private hospitals and nursing homes must be instituted. Many of the profiteering health institutions do not provide basic facilities, lack trained nurses and paramedical staff, and some are even run by quacks without medical degrees. It is of utmost importance that a regulatory body conducts surprise checks on these institutions, registers complaints and takes remedial steps. +Many NGOs have been able to set up large projects benefiting thousands of people. They have also succeeded in bringing foreign aid to tackle malaria and HIV. The state government should help these NGOs achieve their goals while exercising control to prevent financial irregularities. Their services ought to be applauded and single-window processing of applications instituted to help them tackle bureaucratic delays. Health is a service industry and not a lucrative business. Unfortunately, in Bengal, most large hospitals are owned by corporates. Only a few are owned or run by doctors. There is thus a sustained effort to make profit. Poor consumer protection makes the man on the street vulnerable to substandard service at high prices. +These are trying times for Bengal, after years of mismanagement in the health sector. It is important for the present rulers to rectify the situation by laying down the stepping stones for a better tomorrow. +Tuesday, November 22, 2011 +Nursing a critically ill state back to health Indranill Basu Ray highlights the core problems that afflict Bengal’s health sector and suggests a few ways to improve the situationA “magic” herb, Carissa Edulis, that drew thousands of people to a remote Loliondo village in Tanzania was identified by Kenyan scientists a few years ago as a cure for a drug-resistant strain of a sexually transmitted disease, gonorrhoea. This herb also is believed to cure many other diseases besides gonorrhoea. The Kamba refer to as mukawa or mutote and use it for chest pains, while the Nandi boil the leaves and bark to treat breast cancer, headache and chest pains. +Researchers discovered the plant could be used for the treatment of the herpes virus. Led by Dr Festus M Tolo of the Kenya Medical Research Institute (Kemri), the team from the University of Nairobi and the National Museums of Kenya found the herb could provide an alternative remedy for herpes infections. +“An extract preparation from the roots of Carissa edulis, a medicinal plant locally growing in Kenya, has exhibited remarkable anti-herpes virus activity for both wild type and drug resistant strains,” they reported in the Journal of Ethnopharmacology.The Convention adjourned from July 26th to August 6th to allow the Committee of Detail – composed of John Rutledge of South Carolina, Edmund Randolph of Virginia, Nathaniel Gorham of Massachusetts, Oliver Ellsworth of Connecticut, and James Wilson of Pennsylvania – to prepare a rough draft of a constitution, based on the series of resolutions the delegates had debated, amended, and debated again. When the Convention re-convened, the Committee of Detail presented its report, made up of twenty-three articles. The Convention spent the remainder of August reviewing and further revising these articles. +We the People of… +Delegates quickly agreed to accept the Committee of Detail’s preamble and Articles I and II, affirming the new government would be called the Unites States of America and consist of Legislative, Executive, and Judicial branches. This agreement masked the critical issue that the Convention had debated throughout – was this to be a union of states or of people? The Committee of Detail’s constitution began, “We the people of the States (emphasis added) of New Hampshire, Massachusetts, Rhode-Island and Providence Plantations, Connecticut, New-York, New-Jersey, Pennsylvania, Delaware, Maryland, Virginia, North-Carolina, South-Carolina, and Georgia, do ordain, declare, and establish the following Constitution for the Government of Ourselves and our Posterity.” The Convention would not end with that language in the preamble. +Representation: Who, What, and How Many? +Discussion of the Committee of Detail report continued to include the structure and powers of the legislative branch. Some of the key questions included: Who can elect representatives? How many representatives will there be? What will be their qualifications? +Delegates debated whether to allow non-land owners to the right to vote for House members, or reserve the franchise to property owners. Gouverneur Morris wanted to restrict voting to those with property, considering them more educated and better able to choose wise leaders. “The ignorant and dependant,” Morris stated, “can be… little trusted with the public interest.” Colonel Mason countered arguments of this kind, saying all citizens should have equal voting rights and privileges. Doctor Franklin sided with Colonel Mason believing that restricting the right to vote to land owners would cause contention among the people. In the end Morris’s proposal to restrict the franchise to property owners was defeated soundly (7-1-1). +Just as the Convention rejected a plan to restrict voting to property owners, they also rejected a proposal to restrict elective office to property owners. South Carolina’s Charles Pinckney moved that “the President of the U.S., the Judges, and members of the Legislature should be required to swear that they were respectively possessed of a cleared unencumbered Estate” – in an amount to be agreed upon by members of the Convention. This proposal went nowhere. Benjamin Franklin expressed his “dislike of every thing that tended to debase the spirit of the common people,” and observed that “some of the greatest rogues he was ever acquainted with, were the richest rogues.” Madison reports that Pinckney’s motion “was rejected by so general a no, that the States were not called.” +The Convention did have a sentiment in favor of strong citizenship requirements for legislators. The Committee of Detail’s report required members of the House be U.S. citizens for three years prior to election, and members of the Senate for four years. Some, including George Mason and Morris, agreed that a lengthy citizenship requirement would protect the legislature from foreign intrigue. Others, including Madison and Franklin, pointed to the number of foreign friends who had helped the states during the war for independence. Delegates sided with Mason and Morris, agreeing to requirements that members of the House be citizens for seven years and members of the Senate for nine years prior to election. +On the question of how many representatives would make up the national legislature, Article IV of the Committee of Detail Report stated that the House of Representatives would initially consist of sixty-five members, and that in the future, members of the House would be added “at the rate of one for every forty thousand.” Madison, expecting the Union to grow rapidly, thought that rate would quickly lead the House to grow too large. Others thought that time would make this issue irrelevant. Mr. Nathaniel Gorham from Massachusetts asked, “Can it be supposed that this vast country including the Western territory will 150 years hence remain one nation? Mr. Oliver Ellsworth observed that “If the government should continue so long, alterations may be made in the Constitution” through the amendment process. Delegates agreed to add the language “not exceeding” to the one representative for 40,000 citizen ratio, making that a ceiling and not a floor. Controversy over this provision would re-emerge before the end of the Convention, however. +The Specter of Slavery +Likewise, controversy would emerge about slavery. Consideration of the apportionment of representatives raised the question of whether slaves would be included within that ratio. Morris rose on August 8 and gave a withering criticism of the institution. Moving to specify that this ratio would include only “free” inhabitants, Morris called slavery “a nefarious institution,” and “the curse of heaven”. Comparing free with slave states, Morris noted, on the one hand, “a rich and noble cultivation [which] marks the prosperity and happiness of the people,” and on the other “the misery and poverty which overspread the barren wastes of Virginia, Maryland, and the other states having slaves.” Morris’s motion was defeated 10-1, but the issue of how slavery would be addressed by the new union was by no means resolved. +For more detailed information on the Constitutional Convention, please visit Prof. Gordon Lloyd’s web companion to the Philadelphia Convention. +Posted in Countdown to the ConstitutionThe concept of a numbering machine is quite simple. It consists of various wheels inside and all wheels are stamped with numbers. But, what could be done with this? Well, the wheels of a numbering machine can be set and arranged to form a date or various other numbers. Basically numbers machines are used to imprint items with sequential numbers. Over the time, people have been using this type of machine to stamp many different kinds of paperwork. By adjusting the numbers stamped on wheels, you can keep an organized record of your date paperwork and label contracts. +Numbering machines are considered as an inevitable stationery in offices or corporations, especially small businesses. They are used for any paperwork that requires to be printed with unique and trackable numbers. It is a way to keep an organized record of whatever you do. There are many applications in an office set up that require sequential numbering, such as purchase orders, invoices, production orders, inventory paperwork, insurance claims, property documents, serial number tags and much more. (more…)Did You Know? +Facts, Figures & Folklore +About Fall / Autumn +Sept 18 : 04 days to Fall +Did you know that the word autumn comes from the French word, automne? +The word came into common usage around the 16th century, before which “harvest” was used to refer to this time of year. The use of harvest fell out of popularity as people gradually began living in towns and working the land became less common. +Did you know that Americans colloquially refer to the season between summer and winter as “Fall”? +While Brits prefer the more scientific terms “Autumn”! +Do you feel that? The crisp morning air is a sure sign that the Fall season is right around the corner. As the days get shorter and the temperatures fall, Autumn heralds its coming with fiery red leaves and bright orange pumpkins. Get yourself ready to fall back into Fall with Holidays on the Net’s fun-filled Autumn trivia. Join us for a new “Did You Know?” fact each day as we countdown to Autumn (Sept 22 @ 11:09 PM EDT)! So stop by again tomorrow.In 2006, two scientists announced that they had cooked an egg by placing it in between two cell phones. It has been thrououghly disproven and analyzed since the surface of the claim, but it is still an excellent opportunity to use the Scientific Thinking Principles on! +#1: Ruling Out Rival Hypotheses +This principle isn't the most relevant because the experiment doesn't exactly prove any hypotheses. But it can still apply to the attempt to cook an egg between two cell phones because there could be other effects causing that outcome. +#2: Correlation vs. Causation +There are so many other reasons that the egg could've cooked! Maybe it was really hot out? Or the cell phone egg set up was within a microwave? Not the most probable of all possible causations, but it proves the point. There could be many other ways this egg could've cooked (or in actuality, the fact that it didn't cook at all) that we need to examine or at least acknowledge that they could be there. +This claim is very out there so it has a really good chance of being able to be falsified. As we will see in #4, after replicating the incident one can find almost instantly that it is in fact a hoax. +As many people did, reproducing the egg cooking experiement will prove that it is in fact a hoax. Every reproduction that was prodcued failed to yield the same results as the first, which made everything make sense when the site's webmaster that published the article stepped forward to say it was in fact completely fake. +#5: Extraordinary Claims +The claim that you can cook an egg with two cell phones is pretty extraordinary yet there is no extraordinary evidence to back it up! In fact, it is just too extraordinary to be real. +#6: Occam's Razor +In my mind, the simpliest explaination would be that it simply is not true. The end. +I'm not going to lie, if this claim was true I would be thrilled. In addition to being in awe of the power of technology, it would make cooking meals for myself in my dorm room a whole lot easier! Unfortunately though, this is a hoax. With the help of the Six Principles of Scientific Thinking, I will never fall for this or any other raw food cooking claim ever again!How To Win At Science Fairs (Dec, 1960) +How To Win At Science Fairs +by Ronald Benrey +YOU CAN WIN at a Science Fair as long as one thing interests you more than winning does. This is your project itself. It is going to be judged on scientific thought, creative ability, and presentation. You will really have to know the field your project is concerned with. This takes effort. Since you lack the means of a professional laboratory, you will have to do much with little. This takes trial and error and just plain work. Your presentation must be attractive and clear. This means good workmanship, which takes time and care. You are going to have to show some originality. After all, there is no use doing what everybody else is doing: be different. For this, you have to have the other three under control. By the way, the “laymen” who see your exhibit will ask all kinds of questions. Have good answers at your fingertips. The judges won’t be laymen, and any double-talk will scream to them that you don’t know your subject. It may also make them suspect that the best parts of your project are not your work. This would be unjust, perhaps, but deadly. Now, whether your entry covers a large table top or can just be tucked under your arm, it is going to be a big job. It can’t be left for a “crash program” in the last few weeks before the Fair. It is going to eat up big portions of your time, energy, and spending money for the next several months. All this demands your interest. But it isn’t simply a matter of “fun. ” Licking this challenge may be a turning point in your life. With or without a scholarship prize, your career may begin with it. +As a reader of Electronics Illustrated your project will probably deal with electronics or applied physics rather than with biological or earth sciences. Select your topic carefully from a broad subject that really interests you. A massive effort in the direction of a passing fancy will result in a mediocre project at best. Take a limited subtopic that you think worth investigating and that you feel able to handle. +To ease financial strain, plan now to build your project over a long period of time, say six months, on a pay-as-you-build basis. +Once you have a rough idea of your project’s general form, don’t dash into construction. +Visit technical libraries and learn all you can about current professional work in the field, and its technical jargon. This will give you much important information and helpful hints, and when you finally face the judges, you will know your subject. +Here is a prickly question. It is up to you to be realistic and honest with yourself when you choose a topic. Your science teachers and advisers will certainly be helpful, but the final decision must be yours. In other words, if you have never handled a soldering iron before, don’t take on a project requiring elaborate electronic instrumentation. If you have enough time you can work up to a complex project by building a few simpler devices, like many described in EI. This is another reason for starting NOW. – Why not get your feet wet by assembling some test equipment from kits? You will certainly need a multimeter anyway, for any project, and it will be something you can use “forever. ” +Another touchy subject: discussion of this often scares off good potential science fairers. Nobody requires or expects a science fair project to produce a radical new scientific discovery. However, this does not imply that an entrant can’t find a new angle on an old problem. Merely duplicating a project described in a magazine shows the judges only one thing: the builder can follow directions. The main benefit of entering a science fair is the challenge of thinking a real problem out, all the way through. Your project can be for “demonstration” rather than “research, ” but make sure you come up with fresh, clear, meaningful ways to present your material. Stay away from last year’s winning project: it was good last year. Avoid “staples” (like Tesla coils) unless they are only part of a ‘wider original project. +Your project should be well presented and look impressive, but impressive need not mean expensive. Judges seldom look twice at an exhibit loaded down with excess and borrowed equipment when the same results could have been obtained more economically and without false show. Novel use of common materials shows creative ability, and this is an important judging criterion. Remember, how you solved your problem is what counts at a science fair, and not merely that you solved it. Also, neatness counts! Aside from being impossible to troubleshoot, a rat’s nest of wiring is typical of losing projects. Time spent color-coding leads, installing wire harness and cable clamps will result in a much more attractive and more reliable project. But know what you are doing! Don’t harness leads in a circuit that demands point-to-point wiring, or cable grid and plate leads together in an amplifier circuit. Read up on layout and construction techniques, and allow yourself time to make and correct mistakes. Prior planning will also pay off in dollars and cents, since you can save by purchasing some components (like resistors) in quantity, and if you live near a big city you can shop around for some items in the military surplus stores, modifying your design if necessary to take odd-value components. Now, sit back and start your thinking. The time to start is right now. +IS YOUR WINNING PROJECT HERE? +RADIO TELESCOPE: Home-built sensitive low-noise receiver, simple antenna system. Try to make simple “radio map.” +GUIDANCE SYSTEM: For model ear. Can be programmed to run around science fair grounds without hitting anything, or to reach pre-chosen destination. +SOLAR CELLS: Home-built unit as part of demonstration of basic physics of solar cells: display on recent professional research results: off-beat practical applications (eyeglass type hearing aid?). +MOON MOUSE: “To be landed on the Moon. ” Self-propelled, radio controlled from Earth, instrumented and transmitter equipped. Some functions solar powered ? +These are only suggestions. You may come up with ideas regarding fuel cells, space communications, navigation, etc.With the development of science and technology, computer has become more and more popular in our daily life, which is intended to be a part of our life. But at the same time it also brings the safety problem, because increasing number of bad people would like to break into computer systems to steal the secret information. It seems that computer safety has been a serious problem by now. Maybe you could learn something about the safety terms in Microsoft so that you could adopt the different methods according to different cases. +What is malware? In fact malware, short for “malicious software”, is any kind of software which is installed without your complete permission and is not in need at all.The famous malware areviruses, worms, and Trojan horses, which are almost known to us all. Even though you are not familiar with them, you must have heard of it at ordinary times. If you want to protect your computer from the malware, you could make sure that the automatic updating is turned on all the time to get the latest updates. +2 antispyware software +Antispyware software helps protect your computer, and prevent the pop-ups, slow performance, and security threats caused by spyware and other adverse software. Every computer user must keep antispyware software up to date in order to keep in touch with the latest spyware. Aimed at protecting our computer, we could use Microsoft Security Essentials, free download software, to be against spyware and other malicious software. +A firewall is used to help screen out hackers, viruses, and worms that try to attack your computer through the Internet.In fact, if you are the one who use the computer at home, the most efficient and important step is to enable firewall when you start your computer. A virus will slip through and infect you; the only effective way by protecting yourself is using a firewall. A firewall monitors your Internet connections and allows you to specify which programs are allowed to connect and which are not. +4 antivirus software +Antivirus software is a kind of computer program which can be used to test, defend, and take actions to remove or delete malicious software program. As we all know, computer virus is some programs, which can specially disturb computer operation. So we should update antivirus software in regular time to prevent against the latest virus. +5 Windows password +Besides the above mentioned software, you could have an alternative at the same time, namely Windows password. With a password like this, you can prevent your privacy from being let out or being viewed. Of course you should set up a Windows password reset disk to set the password reset in case that you forget it. +As a computer user, you should have a general knowledge of these safety terms so that you can protect your computer better. And with these terms, your computer can be protected better than that without them. In a word, please have a brief understanding of them in the first place, and then you could know how important they are.Ever wondered what white tea is? Why we call it white anyway? Here are a few interesting facts about white tea, made from the plant Camellia sinensis: +- White tea is similar to green tea in that it has undergone little processing and no fermentation whatsoever. +- The leaves are harvested before they open fully, when the unopened buds are still covered by thin silvery white hair. Hence the white tea name. +- White tea has a subtle and slightly sweet flavor that sharpens the senses without overwhelming the tongue, whereas green tea has a “grassy” taste. +- There is 25% to 30% less caffeine in white tea than in green tea, though it depends on the variety. +- White tea health benefits are the highest among the tea family¹. +- It is more expensive than green or black tea because white tea is scarcer. Yet, at Savorique, white tea is as cheap as black or green tea. +Note 1: Science Daily “”White Tea Could Keep You Healthy and Looking Young”", (August 14, 2009) and Science Daily “”White Tea Beats Green Tea In Fighting Germs”", (May 28, 2004)..8grams X kilogram of body weight/day +How to convert pounds into kilograms: #pounds/2.2 = kg +For example someone who weighs say 110 would be 50kg. So we take 50kg and multilpy that by .8gm and they should be getting about 40 grams of protein a day. Low protein diets can result in weak bones, muscle wasting, and decrease in time for wounds to heal. Protein is essential in the diet and having enough is very important especially if you are exercising. When you are working with weights and building muscle adequate protein intake is essential in building those muscles. +If you are taking a protein supplement in powder try to find one that does not have any added saturated or transaturated fats. There are some protein supplements out there that are made for gaining weight so they will have additional calories and fats in them. So make sure you read the label and everything says 0 except the protein. +This brand is an excellent choice and very safe : +Just remember to read label and consult with your doctor if it is safe for you to take a protein supplement. +The following foods are excellent sources of protein: +- cottage cheese +- nuts and seeds +- soy beans +- Greek yogurt +Make sure at every meal you have a protein, a healthy carbohydrate(whole wheat or whole grain), and good fat. (monounsaturated fats) Keep your meals and snacks balanced so you can stay full and not feel hungry throughout the day.Our opinion: Fostering better nutrition is a key to reducing public health costs. That makes the scarcity of large grocery stores in some urban neighborhoods, especially poor ones, a matter of public policy. +It’s easy, and comforting, to assume that in an modern, industrialized nation, everyone eats well. Surely with programs like food stamps, even needy people are doing OK, right? +More than 40,000 people in Albany and Schenectady live in what are known as food deserts — places where a grocery store is at least a mile away. Many are poor. The U.S. Department of Agriculture estimates that about 3,700 of the more than 23,000 people in Albany who don’t live near a large grocer are poor. In Schenectady, about 5,400 of the more than 19,000 people for whom a supermarket trip is more like a trek are low income. Moreover, those estimates were based largely on information gathered before a recession that has made even more people poor. +That’s not just an inconvenience. It’s a public health issue in a society where the problems associated with poor nutrition and obesity are linked to the growing cost of public health care. +One suggestion for alleviating the problem comes from the American Cancer Society, which is reviving the controversial idea of a tax on soda and other sugar-sweetened drinks. The group suggests using the tax to help fund and evaluate child obesity programs. An even more productive use might be to devote a portion of such a tax to local efforts to lure larger grocery stores to urban neighborhoods that don’t have them now. +It would seem doubtful, though, that the state Legislature will be any more inclined to implement a soda tax than it was last year, when it refused to do so even with the prospect of raising $400 million in new revenue and even with the urging of the state health commissioner and then-Gov. David Paterson. +That doesn’t mean it’s not worth trying for a soda tax — encouraging kids in particular to cut back on sugary beverages is not a bad goal at all, nor is raising funds that could be used to promote a healthier citizenry. But the more likely reality is that New York and communities will have to find ways to do something about poor nutrition and food deserts without the help of a soda tax. +Here’s one direction: Since last March, Capital District Community Gardens has been supplying nine convenience stores and markets with fresh produce under a five-year, $175,000-a-year grant from the state Health Department that also helps underwrite fitness programs. Veggie Mobile Sprout, as this program is called, delivers produce twice a week at wholesale prices, enabling urban stores in Albany and Schenectady to sell fresh food at supermarket rates and offer something better than their typical fare of often fattening and less nutritious processed food. The program’s goal is to become self-sustaining. +How many more ideas to promote healthy and affordable food choices are there that might perhaps benefit from some initial public investment or other support? Why not make identifying and nurturing those ideas part of the mission of local community development or economic development entities? +Funding for such programs would not be handouts; beyond improving nutrition and reducing obesity with a long-term eye toward reducing public health costs, they would help get greater value out of the public assistance that goes to people in low-income neighborhoods. +Sounds like a shopping cart full of public interest to us.Yesterday’s House passage of cap-and-trade legislation designed to confront climate change is a landmark achievement, the first tangible step taken by the country that emits more greenhouse gas per capita than anyone in the world. +The bill itself still faces a tough test in the Senate. Passage is far from assured, and without similar actions by other major emitting countries, it won’t mean much. But it does finally demonstrate to the rest of the world that the United States is prepared to do its part, which puts the pressure on them to follow suit. +The bill itself, the product of a thousand political compromises, also isn’t perfect. But it also isn’t what its hysterical opponents claim it is. As Bryan Walsh acknowledges in Time: +… critics have vastly overstated the likely cost. In fact, they’re all but lying. During the House debate, Republican whip Eric Cantor, using numbers from an American Petroleum Institute study, said that the bill would eventually cost more than $3,000 per family per year — but those numbers assume that billions of tons worth of inexpensive carbon offsets won’t be available under the bill, which would significantly inflate the overall cost. That’s not going to happen. A more reliable study from the nonpartisan Congressional Budget Office forecast that the bill would cost the average U.S. household $175 in higher energy costs annually by 2020 — and other studies estimate that the energy-efficiency provisions in the bill might even save Americans money over time. +When opponents are forced to lie so blatantly — in this case exaggerating the likely cost 17 times over — they don’t have much of an honest argument.Just as there are many variants and forms of electronic malware and Internet-based threats around the globe, so there are many forms of protection against these threats. Signature-based detection is one of the multifarious forms of defense that have been developed in order to keep us safe from malicious content. +Although signature-based detection can be argued to have been overshadowed by more sophisticated methods of protection in some environments, it remains as a core ‘technique’ featuring in the anti-virus controls of packages and suites that work to protect a user’s system today. +How does signature-based detection work? +Signature-based detection works by scanning the contents of computer files and cross-referencing their contents with the “code signatures” belonging to known viruses. A library of known code signatures is updated and refreshed constantly by the anti-virus software vendor. +If a viral signature is detected, the software acts to protect the user’s system from damage. Suspected files are typically quarantined and/or encrypted in order to render them inoperable and useless. +Clearly there will always be new and emerging viruses with their own unique code signatures. So once again, the anti-virus software vendor works constantly to assess and assimilate new signature-based detection data as it becomes available, often in real time so that updates can be pushed out to users immediately and zero-day vulnerabilities can be avoided. +Next-generation signature-based detection +New variants of computer virus are of course developed every day and security companies now work to also protect users from malware that attempts to disguise itself from traditional signature-based detection. Virus authors have tried to avoid their malicious code being detected by writing “oligomorphic“, “polymorphic” and more recently “metamorphic” viruses with signatures that are either disguised or changed from those that might be held in a signature directory. +Despite these developments, the Internet at large does of course still function on a daily basis. Populated as it is by users who not only have up to date security software installed, but also by those who have educated themselves as to the type of risks discussed here.By Jason Kohn, Contributing Columnist +Like many of us, scientific researchers tend to be creatures of habit. This includes research teams working for the National Oceanic and Atmospheric Administration (NOAA), the U.S. government agency charged with measuring the behavior of oceans, atmosphere, and weather. +Many of these climate scientists work with massive amounts of data – for example, the National Weather Service collecting up-to-the-minute temperature, humidity, and barometric readings from thousands of sites across the United States to help forecast weather. Research teams then rely on some the largest, most powerful high-performance computing (HPC) systems in the world to run models, forecasts, and other research computations. +Given the reliance on HPC resources, NOAA climate researchers have traditionally worked onsite at major supercomputing facilities, such as Oak Ridge National Laboratory in Tennessee, where access to supercomputers are just steps away. As researchers crate ever more sophisticated models of ocean and atmospheric behavior, however, the HPC requirements have become truly staggering. +Now, NOAA is using a super-high-speed network called “n-wave” to connect research sites across the United States with the computing resources they need. The network has been operating for several years, and today transports enough data to fill a 10-Gbps network to full capacity, all day, every day. NOAA is now upgrading this network to allow even more data traffic, with the goal of ultimately supporting 100-Gbps data rates. +“Our scientists were really used to having a computer in their basement,” says Jerry Janssen, manager, n-wave Network, NOAA, in a video about the project. “When that computer moved a couple thousand miles away, we had to give them a lot of assurances that, one, the data would actually move at the speed they needed it to move, but also that they could rely on it to be there. The amount of data that will be generated under this model will exceed 80-100 Terabits per day.” +The n-wave project means much more than just a massive new data pipe. It represents a fundamental shift in the way that scientists can conduct their research, allowing them to perform hugely demanding supercomputer runs of their data from dozens of remote locations. As a result, it gives NOAA climate scientists much more flexibility in where and how they work. +“For the first time, NOAA scientists and engineers in completely separate parts of the country, all the way to places like Alaska and Hawaii and Puerto Rico, will have the bandwidth they need, without restriction,” says Janssen. “NOAA will now be able to do things it never thought it could do before.” +In addition to providing fast, stable access to HPC resources, n-wave is also allowing NOAA climate scientists to share resources much more easily with scientists in the U.S. Department of Energy and other government agencies. Ideally, this level of collaboration and access to supercomputing resources will help climate scientists continue to develop more effective climate models, improve weather forecasts, and allow us to better understand our climate. +Powering Vital Climate Research +The high-speed nationwide HPC connectivity capability provided by n-wave is now enabling a broad range of NOAA basic science and research activities. Examples include: +- Basic data dissemination, allowing research teams to collect up-to-the-minute data on ocean, atmosphere, and weather from across the country, and make that data available to other research teams and agencies nationwide. +- Ensemble forecasting, where researchers run multiple HPC simulations using different initial conditions and modeling techniques, in order to refine their atmospheric forecasts and minimize errors. +- Severe weather modeling, where scientists draw on HPC simulations, real-time atmospheric data, and archived storm data to better understand and predict the behavior of storms. +- Advancing understanding of the environment to be able to better predict short-term and long-term environmental changes, mitigate threats, and provide the most accurate data to inform policy decisions. +All of this work is important, and will help advance our understanding of Earth’s climate. And it is all a testament to the amazing networking technologies and infrastructure that scientists now have at their disposal, which puts the most powerful supercomputing resources in the world at their fingertips – even when they are thousands of miles away.The bacterium Micavibrio aeruginosavorus (yellow), leeching +on a Pseudomonas aeruginosa bacterium (purple). +What’s the news: If bacteria had blood, the predatory microbe Micavibrio aeruginosavorus would essentially be a vampire: it subsists by hunting down other bugs, attaching to them, and sucking their life out. For the first time, researchers have sequenced the genome of this strange microorganism, which was first identified decades ago in sewage water. The sequence will help better understand the unique bacterium, which has potential to be used as a “living antibiotic” due to its ability to attack drug-resistant biofilms and its apparent fondness for dining on pathogens. +Anatomy of a Vampire: +- The bacterium has an interesting multi-stage life history. During its migratory phase it sprouts a single flagellum and goes hunting for prey. Once it find a delectable morsel of bacterium, it attacks and irreversibly attaches to the surface, and sucks out all of the good stuff: carbohydrates, amino acids, proteins, DNA, etc. +- Sated, the cell divides in two via binary fission, and the now-depleted host is left for dead. +Hungry for Pathogens: +- M. aeruginosavorus cannot be grown by itself; it must be cultured along with another bacteria to feed upon. A 2006 study found that it only grew upon three bacterial species, all of which can cause pneumonia-like disease in humans. A more recent study showed that it can prey upon a wider variety of microbes, most of them potentially pathogenic, like E. coli. +- These studies also found that M. aeruginosavorus has a knack for disrupting biofilms, the dense collection of bacteria that cause harmful plaques on teeth and medical implants alike, and can be up to 1,000 more resistant to antibiotics than free-swimming bugs. +- The bacteria can also swim through viscous fluids like mucous and kills Pseudomonas aeruginosa, the bacterium that can colonize lungs of cystic fibrosis patients and form a glue-like film. +- These qualities have caught the eye of researchers who think it could be used as a living antibiotic to treat biofilms and various types of drug-resistant bacteria, which are a growing problem in medicine. Sequencing the organism’s genome is an important step in understanding its biochemistry and how it preys on other microbes. +Clues From the Vampire Code: +- The new study found that each phase of life involves the use (or expression) of different sets of genes. The migratory/hunting phase involves many segments that code for flagellum formation and genes involved in quorum sensing. The attachment phase involves a wide variety of secreted chemicals and enzymes that facilitate the flow of materials from the host. +- Micavibrio aeruginosavorus possesses no genes for amino acid transporters, a rather rare trait only seen in a few other bacterial species that depend heavily upon their host to help them shuttle these vital protein building-blocks. This absence helps explain the bacterium’s dependence on a narrow range of prey, from which it directly steals amino acids. Although it remains unclear exactly how the microbe attaches to and infiltrates other cells. +The Future Holds: +- The range of microbes upon which Micavibrio aeruginosavorus can survive is expanding; after being kept in laboratory conditions for years it has apparently evolved a more diverse diet. If this expansion continues, that could be a real problem for its use as an antibiotic; it could begin to eat beneficial gut bacteria, for example. +- Researchers claim it is harmless to friendly gut microbes, but it hasn’t been tested on all the varieties of bacteria present in humans. +- Several important steps must be taken before testing in people, like learning more about what traits makes another bacteria tasty to Micavibrio aeruginosavorus. Researchers speculate the bacterium may need to be genetically altered in order to go after specific pathogens, or to reduce the risk of it causing unforeseen complications. +Reference: Zhang Wang, Daniel E Kadouri, Martin Wu. Genomic insights into an obligate epibiotic bacterial predator: Micavibrio aeruginosavorus ARL-13. BMC Genomics, 2011; 12 (1): 453 DOI: 10.1186/1471-2164-12-453 +Image credit: University of Virginia- November 15th, 2008 +- Derek Robertson +- Comments: 7 Comments »Tags: Consolarium, Endless Ocean, games based learning, Wii +Endless Ocean for the Nintendo Wii was one of those games that immediately caught my eye. A wonderful world in which the player can become immersed in a rich, vibrant and somewhat hypnotically therapeutic underwater world. I’ve written about how I thought it might be used to drive learning before but my initial ideas have been put into place and extended beyond recognition by some really creative teachers. +Last week I went with Margaret Cassidy from Stirling Council to Cowie PS to see a teacher that was using Endless Ocean with her class: +Mrs Bullivant and her class of P.6 children treated me to an afternoon of sheer joy. I walked in to a class that had been turned into an underwater world that was awash with a tide of enthusiastic and industrious learnning. +- Streamers of various shades of blue were hung from two lines that criss-crossed the class.From these lines also hung starfish, sharks and other underwater creatures that the children had made. +- The Wii was hooked up to the whiteboard and the gameplay was integral to the learning. +- The children were divided into ‘dive teams’ and their ‘dive leader’ had to manage certain aspects of how the children worked together. +- Children were engaged with a teacher led leson that investigated buoyancy. +- Children were searching the web to find out more about some of the creatures that they discovered in the game. +- A spreadsheet activity detailing the range of creatures that they had discovered was in place. +- A shipwreck (created by the janitor) was sitting in the class. This helped drive much of the creative writing work. +- The children created treasure maps and were using these to look at grid references. +- Mermaids were created in art and design and very lifelike they were too! +- Reference books were in great demand when I was in the class and the initial stimulus of the game appeared to drive a real interest for what could be found in the complementary resource that was the book. +- Children actively encouraged to measure exactly how long 7 metres is as a result of finding out that that was how long a Great White Shark was. +This was just a wonderful visit and an example of what learning in class can be. Yes we need creative teachers to lead this but isn’t that what we are meant to be. The work that was in evidence in this class was delightful to witness and further cemented my ideas of the possibilities of sandbox games such as Endless Ocean. +Categories Stirling CouncilCorrectly identifying what is causing a problem is the most important step in pest control. We do our best here to help you do that. Sometimes we can identify the cause accurately enough from your phone or e-mail description of what is happening and what you see. Sometimes we can do this from photographs you submit, either electronically or printed on paper. But sometimes word descriptions and photographs aren't quite good enough, and we ask you to submit a specimen of an arthropod you have found, or the damage it has caused. +The information we give you is only as good as the information you give to us. I can't identify specimens that look like the one in the photograph above. Here are some hints that will help all of us: +1. Make sure any photographs are CLEAR and take several, from very close up to farther away. Make sure you have sufficient light, or that you compensate with your camera to make sure we can clearly see what you are trying to show us. Learn how to use the close up mode on your digital camera. +2. You have 20,000 of something flying around? Please give us at least - oh maybe - six of them. If it's something unusual, we need at least one full, intact set of key characteristics. If there are big individuals and little ones, try to submit a few of each size. Maybe they're different, maybe they're not, but we won't know for sure unless we see them. +3. Label your material. Where and when was it found? What does it seem to be doing? +4. You had 20,000 last week, but you can't find even one now? Maybe you don't have the problem anymore. Keep an eye on the situation and try not to worry. +5. That doesn't go for termites. If you think you had a termite swarm, worry! Keep a close eye on it, try to find a least one, even if it's only a wing, and submit it for identification. +6. You can kill most small pests by putting them in the freezer or by dropping them into alcohol. Any sort of alcohol will do. The alcohol not only kills them, it also preserves them. Never submit arthropod specimens in water (unless they are living aquatic animals). Moths and butterflies are easier to identify if they are not preserved in alcohol, so just freeze them and bring them in dry. We can also take live specimens. +7. Some insects and mites are most easily submitted on or in a piece of the plant they are living on. It's best if the sample is as fresh as possible. Don't bake it in a hot car. +8. A few creatures can't be identified from the sample you submit. Ants are most easily identified from the workers (the ones without the wings). Some spiders can only be identified to species if you have adults of both sexes. Small larvae, nymphs and eggs can be extremely difficult to identify. That's just the way it is. +9. Entomologists specialize. Sometimes we have to send things off. If they only have to go to the university, turn-around time can be quick. If they have to go further, it may be a long time before you hear back. This doesn't happen that often, though.The tragic loss of one of America’s greatest heros, a title he tried to avoid, has saddened the scientific community, the country and the world. His work is not done, however, as Neil Armstrong is continuing to help demonstrate NASA‘s accomplishments. His death has helped to rekindle the effort to declare the lunar landing sites National Historic Sites, and to highlight the importance of the artifacts left there. With new trips to the moon being planned, it is hoped that disallowing interference in the Apollo sites will preserve the history that lies therein. For more information on the work being done on lunar landing site preservation, please see: +For the guidelines for preservation established earlier this year, please see: +Building the World Blog by Kathleen Lusk Brooke and Zoe G Quinn is licensed under a Creative Commons Attribution-NonCommercial-NoDerivs 3.0 Unported License.Lobster, California spiny +The California Spiny Lobster fishery is a small but locally important and largely sustainable fishery in southern California. +Abundance of Spiny Lobsters off California varies with broad-scale changes in environmental conditions caused by El Nino and La Nina. +State managers closely regulate commercial fishing for Spiny Lobster, but do not monitor recreational catches. Bycatch is low. Spiny Lobster traps generally allow undersize lobsters and other animals to escape. +This fish may have high levels of mercury that could pose a health risk to adults and children. More mercury info here.Efforts to incorporate Bowmanstown as a borough occurred as early as 1892. The village contained about 300 inhabitants in 1896 but the nearby New Jersey Zinc Company soon added to its growth. Bowmanstown was incorporated as a Borough on November 29, 1913 for the purpose of providing general local government services to residents of the community. Upon incorporation of Bowmanstown as a borough its boundaries encompassed lands measuring 0.75 square mile. The borough's assessed valuation in 1918 was $279,000.00. The population of 834 in 1920 remained relatively constant for decades. The Bowmanstown Borough Municipal Building (Borough Hall) is a converted school building that was constructed in 1903 to serve the youths of the community. In 1958, the Palmerton School District was established and combined several local schools in order to create a regional school thus making the Bowmanstown campus obsolete. In 1964, the Borough acquired the old brick school building and has been using it as offices ever since. The borough kept the building in its original condition. +The Bowmanstown Borough Authority was incorporated August 24, 1997 and was created for the purpose of owning and operating the Bowmanstown Public Water System. On February 11, 2002 the Authority began construction of its water system improvement project which included a new chlorine building, looping numerous water mains, installing new services, erection of a new 250,000 gallon Standpipe and a new liner to the one Reservoir. In 2009, the Authority replaced their two roofs at the Reservoirs with metal roofs. Ongoing water projects will continue to transpire throughout the years.died Aug. 28, 1818, St. Charles, Mo., U.S. +black pioneer trader and founder of the settlement that later became the city of Chicago. +Du Sable, whose French father had moved to Haiti and married a black woman there, is believed to have been a freeborn. At some time in the 1770s he went to the Great Lakes area of North America, settling on the shore of Lake Michigan at the mouth of the Chicago River, with his Potawatomi wife, Kittihawa (Catherine). His loyalty to the French and the Americans led to his arrest in 1779 by the British, who took him to Fort Mackinac. From 1780 to 1783 or 1784 he managed for his captors a trading post called the Pinery on the St. Clair River in present-day Michigan, after which he returned to the site of Chicago. By 1790 Du Sable's establishment there had become an important link in the region's fur and grain trade. +In 1800 he sold out and moved to Missouri, where he continued as a farmer and trader until his death. But his 20-year residence on the shores of Lake Michigan had established his title as Father of Chicago.Angola is a giant jigsaw puzzle of different climates, landscapes, cultures and colors. From mountains to vast open plains, wide white beaches to thick tropical rainforest, Angola has it all, as if each of its eighteen provinces were a different country. Lubango has a mild temperate climate, Luanda is hot and dry, while Cabinda is steamy and tropical. Much of the landscape is dramatic, with plunging waterfalls, bizarre rock formations and deep gorges. +With an Atlantic coastline stretching for over 1.650 kms, Angola has mighty rivers flowing into wide estuaries depositing sediments from the high plateaus to form numerous small islands, bays and sandbanks. +In Angola, you can encounter a diversity of wild animals: lions, hyenas, elephants and antelopes. Apes, hippopotamuses and crocodiles are also indigenous to this country. In the Namib Desert, which is situated in the south-west, you can find the tumboa, a unique plant with two wide leaves that are several metres long and lie on the ground of the desert. +Although the climate is such that the beaches can be visited all year round, it is in fact during the hot season that they are most frequented. The bars all filled and the local music and dancing provide an animated and exotic atmosphere that mixes well with the mystery of the African nights.According to Buddhist tradition, the disciple Devadatta was the Buddha's cousin and also brother to the Buddha's wife, Yasodhara. Devadatta is said to have caused a split in the sangha by persuading 500 monks to leave the Buddha and follow him instead. +This story of Devadatta is preserved in the Pali Tipitika. In this story, Devadatta entered the order of Buddhist monks at the same time as Ananda and other noble youths of the Shakya clan, the clan of the historical Buddha. +Devadatta applied himself to practice. But he became frustrated when he failed to progress toward becoming an arhat. So, instead, he applied his practice toward developing supernatural power instead of the realization of enlightenment. +It was said he also became driven by jealousy of his kinsman, the Buddha. Devadatta believed he should be the World-Honored One and the leader of the order of monks. +One day he approached the Buddha and pointed out that the Buddha was growing older. He proposed that he be put in charge of the order to relieve the Buddha of the burden. The Buddha rebuked Devadatta harshly and said he was not worthy. Thus Devadatta became the Buddha's enemy. +Later, the Buddha was questioned how his harsh response to Devadatta was justified as Right Speech. I'll come back to this a bit later. +Devadatta had gained the favor of Prince Ajatasattu of Magadha. Ajatasattu's father, King Bimbisara, was a devoted patron of the Buddha. Devadatta persuaded the prince to murder his father and assume the throne of Magadha. +At the same time, Devadatta vowed to have the Buddha murdered so he could take over the sangha. So that the deed could not be traced back to Devadatta, the plan was to send a second group of "hit men" to assassinate the first one, and then a third group to take out the second one, and so on for some time. But when the would-be assassins approached the Buddha they couldn't carry out the order. +Then Devadatta tried to do the job himself, by dropping a rock on the Buddha. The rock bounced off the mountain side and broke into pieces. The next attempt involved a large bull elephant in a drug-induced fury, but the elephant was gentled in the Buddha's presence. +Finally Devadatta attempted to split the sangha by claiming superior moral rectitude. He proposed a list of austerities and asked that they become mandatory for all monks and nuns. These were: +- Monks must live all their lives in the forest. +- Monks must live only on alms obtained by begging, and should not accept invitations to dine with others. +- Monks must wear robes made only from rags collected from rubbish heaps and cremation grounds. They must not accept donations of cloth at any time. (See Kathina.) +- Monks must sleep at the foot of trees and not under a roof. +- Monks must refrain from eating fish or meat throughout their lives. +The Buddha responded as Devadatta had predicted he would. He said that monks could follow the first four austerities if they wished, but he refused to make them mandatory. And he rejected the fifth austerity entirely. (See Buddhism and Vegetarianism.) +Devadatta persuaded 500 monks that his Super Austerity Plan was a surer path to enlightenment than the Buddha's, and they followed Devadatta to become his disciples. In response, the Buddha sent two of his disciples, Sariputra and Mahamaudgayalyana, to teach the dharma to the wayward monks. Upon hearing the dharma explained correctly, the 500 monks returned to the Buddha. +Devadatta was now a sorry and broken man, and he soon fell mortally ill. On his deathbed he repented of his misdeeds and wished to see the Buddha one more time, but Devadatta died before his liter-bearers could reach him. +Life of Devadatta, Alternate Version +The lives of the Buddha and his disciples were preserved in several oral recitation traditions before they were written down. The Pali tradition, which is the foundation of Theravada Buddhism, is the best known. Another oral tradition was preserved by the Mahasanghika sect, which was formed about 320 BCE. Mahasanghika is an important forerunner of Mahayana. +Mahasanghika remembered Devadatta as a devout and saintly monk. No trace of the "evil Devadatta" story can be found in their version of the canon. This has led some scholars to speculate that the story of the renegade Devadatta is a later invention. +The Abhaya Sutta, on Right Speech +If we assume the Pali version of Devadatta's story is the more accurate one, however, we can find an interesting footnote in the Abhava Sutta of the Pali Tipitika (Majjhima Nikaya 58). In brief, the Buddha was questioned about the harsh words he said to Devadatta that caused him to turn against the Buddha. +The Buddha justified his criticisms of Devadatta by comparing him to a small child who had taken a pebble into his mouth and was about to swallow it. Adults would naturally do whatever it took to get the pebble out of the child. Even if extracting the pebble drew blood, it must be done. The moral appears to be that it is better to hurt someone's feelings than to let them dwell in deceitfulness.Public Papers - 1991 +White House Fact Sheet on The Strategic Arms Reduction Treaty (START) +Today, the United States and the Soviet Union signed the Strategic Arms Reduction Treaty. This treaty marks the first agreement between the two countries in which the number of deployed strategic nuclear weapons will actually be reduced. Reductions will take place over a period of 7 years, and will result in parity between the strategic nuclear forces of the two sides at levels approximately 30 percent below currently deployed forces. Deeper cuts are required in the most dangerous and destabilizing systems. +START provisions are designed to strengthen strategic stability at lower levels and to encourage the restructuring of strategic forces in ways that make them more stable and less threatening. The treaty includes a wide variety of very demanding verification measures designed to ensure compliance and build confidence. +The treaty sets equal ceilings on the number of strategic nuclear forces that can be deployed by either side. In addition, the treaty establishes an equal ceiling on ballistic missile throw-weight (a measure of overall capability for ballistic missiles). Each side is limited to no more than: +-- 1600 strategic nuclear delivery vehicles (deployed intercontinental ballistic missiles [ICBM's], submarine launched ballistic missiles [SLBM's], and heavy bombers), a limit that is 36 percent below the Soviet level declared in September 1990 and 29 percent below the U.S. level. +-- 6000 total accountable warheads, about 41 percent below the current Soviet level and 43 percent below the current U.S. level. +-- 4900 accountable warheads deployed on ICBM's or SLBM's, about 48 percent below the current Soviet level and 40 percent below the current U.S. level. +-- 1540 accountable warheads deployed on 154 heavy ICBM's, a 50-percent reduction in current Soviet forces. The U.S. has no heavy ICBM's. +-- 1100 accountable warheads deployed on mobile ICBM's. +-- Aggregate throw-weight of deployed ICBM's and SLBM's equal to about 54 percent of the current Soviet aggregate throw-weight. +Ballistic Missile Warhead Accountability +The treaty uses detailed counting rules to ensure the accurate accounting of the number of warheads attributed to each type of ballistic missile. +-- Each deployed ballistic missile warhead counts as 1 under the 4900 ceiling and 1 under the 6000 overall warhead ceiling. +-- Each side is allowed 10 on-site inspections each year to verify that deployed ballistic missiles contain no more warheads than the number that is attributed to them under the treaty. +Downloading Ballistic Missile Warheads +The treaty also allows for a reduction in the number of warheads on certain ballistic missiles, which will help the sides transition their existing forces to the new regime. Such downloading is permitted in a carefully structured and limited fashion. +-- The U.S. may download its three-warhead Minuteman III ICBM by either one or two warheads. The Soviet Union has already downloaded it's seven warhead SS - N - 18 SLBM by four warheads. +-- In addition, each side may download up to 500 warheads on two other existing types of ballistic missiles, as long as the total number of warheads removed from downloaded missiles does not exceed 1250 at any one time. +The treaty places constraints on the characteristics of new types of ballistic missiles to ensure the accuracy of counting rules and prevent undercounting of missile warheads. +-- The number of warheads attributed to a new type of ballistic missile must be no less than the number determined by dividing 40 percent of the missile's total throw-weight by the weight of the lightest RV tested on that missile. +-- The throw-weight attributed to a new type must be no less than the missile's throw-weight capability at specified reference ranges (11,000 km for ICBM's and 9,500 km for SLBM's). +START places significant restrictions on the Soviet SS - 18 heavy ICBM. +-- A 50-percent reduction in the number of Soviet SS - 18 ICBM's; a total reduction of 154 of these Soviet missiles. +-- New types of heavy ICBM's are banned. +-- Downloading of heavy ICBM's is banned. +-- Heavy SLBM's and heavy mobile ICBM's are banned. +-- Heavy ICBM's will be reduced on a more stringent schedule than other strategic arms. +Because mobile missiles are more difficult to verify than other types of ballistic missiles, START incorporates a number of special restrictions and notifications with regard to these missiles. These measures will significantly improve our confidence that START will be effectively verifiable. +-- Nondeployed mobile missiles and non-deployed mobile launchers are numerically and geographically limited so as to limit the possibility for reload and refire. +-- The verification regime includes continuous monitoring of mobile ICBM production, restrictions on movements, on-site inspections, and cooperative measures to improve the effectiveness of national technical means of intelligence collection. +Because heavy bombers are stabilizing strategic systems (e.g., they are less capable of a short-warning attack than ballistic missiles), START counting rules for weapons on bombers are different than those for ballistic missile warheads. +-- Each heavy bomber counts as one strategic nuclear delivery vehicle. +-- Each heavy bomber equipped to carry only short-range missiles or gravity bombs is counted as one warhead under the 6000 limit. +-- Each U.S. heavy bomber equipped to carry long-range nuclear ALCM's (up to a maximum of 150 bombers) is counted as 10 warheads even though it may be equipped to carry up to 20 ALCM's. +-- A similar discount applies to Soviet heavy bombers equipped to carry long-range nuclear ALCM's. Each such Soviet heavy bomber (up to a maximum of 180) is counted as 8 warheads even though it may be equipped to carry up to 16 ALCM's. +-- Any heavy bomber equipped for long-range nuclear ALCM's deployed in excess of 150 for the U.S. or 180 for the Soviet Union will be accountable by the number of ALCM's the heavy bomber is actually equipped to carry. +Building on recent arms control agreements, START includes extensive and unprecedented verification provisions. This comprehensive verification regime greatly reduces the likelihood that violations would go undetected. +-- START bans the encryption and encapsulation of telemetric information and other forms of information denial on flight tests of ballistic missiles. However, strictly limited exemptions to this ban are granted sufficient to protect the flight-testing of sensitive research projects. +-- START allows 12 different types of on-site inspections and requires roughly 60 different types of notifications covering production, testing, movement, deployment, and destruction of strategic offensive arms. +START will have a duration of 15 years, unless it is superseded by a subsequent agreement. If the sides agree, the treaty may be extended for successive 5-year periods beyond the 15 years. +Noncircumvention and Third Countries +START prohibits the transfer of strategic offensive arms to third countries, except that the treaty will not interfere with existing patterns of cooperation. In addition, the treaty prohibits the permanent basing of strategic offensive arms outside the national territory of each side. +Air-Launched Cruise Missiles (ALCM's) +START does not directly count or limit ALCM's. ALCM's are limited indirectly through their association with heavy bombers. +-- Only nuclear-armed ALCM's with a range in excess of 600 km are covered by START. +-- Long-range, conventionally armed ALCM's that are distinguishable from nuclear-armed ALCM's are not affected. +-- Long-range nuclear-armed ALCM's may not be located at air bases for heavy bombers not accountable as being equipped for such ALCM's. +-- Multiple warhead long-range nuclear ALCM's are banned. +Sea Launched Cruise Missiles (SLCM's) +SLCMs are not constrained by the treaty. However, each side has made a politically binding declaration as to its plans for the deployment of nuclear-armed SLCM's. Conventionally-armed SLCM's are not subject to such a declaration. +-- Each side will make an annual declaration of the maximum number of nuclear-armed SLCM's with a range greater than 600 km that it plans to deploy for each of the following 5 years. +-- This number will not be greater than 880 long-range nuclear-armed SLCM's. +-- In addition, as a confidence building measure, nuclear-armed SLCM's with a range of 300 - 600 km will be the subject of a confidential annual data exchange. +The Soviet Backfire bomber is not constrained by the treaty. However, the Soviet side has made a politically binding declaration that it will not deploy more than 800 air force and 200 naval Backfire bombers, and that these bombers will not be given intercontinental capability. +The START agreement consists of the treaty document itself and a number of associated documents. Together they total more than 700 pages. The treaty was signed in a public ceremony by Presidents Bush and Gorbachev in St. Vladimir's Hall in the Kremlin. The associated documents were signed in a private ceremony at Novo Ogaryevo, President Gorbachev's weekend dacha. Seven of these documents were signed by Presidents Bush and Gorbachev. Three associated agreements were signed by Secretary Baker and Foreign Minister Bessmertnykh. In addition, the START negotiators, Ambassadors Brooks and Nazarkin, exchanged seven letters related to START in a separate event at the Soviet Ministry of Foreign Affairs in Moscow. +Magnitude of START -- Accountable Reductions +Following is the aggregate data from the Memorandum of Understanding, based upon agreed counting rules in START. (Because of those counting rules, the number of heavy bomber weapons actually deployed may be higher than the number shown in the aggregate.) This data is effective as of September 1990 +(TABLE START)and will be updated at entry into force: +Delivery Vehicles .... 2,246 .... 2,500 +Warheads .... 10,563 .... 10,271 +Ballistic Missile Warheads .... 8,210 .... 9,416 +Heavy ICBM's/Warheads .... None .... 308/3080 +Throw-weight (metric tons) .... 2,361.3 .... 6,626.3 +As a result of the treaty, the above values will be reduced by the following percentages: +Delivery Vehicles .... 29 percent .... 36 percent +Warheads .... 43 percent .... 41 percent +Ballistic Missile Warheads .... 40 percent .... 48 percent +Heavy ICBM's/Warheads .... None .... 50 percent +Throw-weight (metric tons) .... None .... 46 percentCommon Core Catholic Identity Initiative +A national working group has begun the Common Core Catholic Identity Initiative (CCCII) to develop and disseminate resources and guidelines to assist Catholic elementary and secondary schools in integrating elements of Catholic identity (Catholic values, Scripture, Church social teachings, encyclicals, etc.) into curriculum and instruction based on the Common Core State Standards. +The initial phase of CCCII focuses on K-8 English/Language Arts/ Literacy. Resources for other subjects and for 9-12 curriculum will be developed in later phases. +Forty-six states have agreed to adopt the Common Core State Standards, a set of high quality K-12 learning standards that includes rigorous content and application of knowledge using higher-order thinking skills, leading students to college and career readiness. Currently, Catholic schools are assessing what the implications of the standards and accompanying assessments may be for them. +While Catholic schools have their own local or diocesan standards, their ability to continue to provide high-quality education for their students is compelling them to consider adoption of the common core standards. Catholic schools will be impacted as curriculum resources and professional development opportunities become aligned with Common Core State Standards by producers of instructional materials, college teacher preparation programs, or regulations for participation in the federal programs that currently benefit their students and teachers. Within this environment, maintaining the uniqueness and integrity of the Catholic school will require integrating the demands of their mission and the academic expectations of their constituents and the wider education community. +To assist Catholic schools with enhancing Catholic identity integrated into the curriculum, the Common Core Catholic Identity Initiative (CCCII) has been launched as a collaborative project involving Catholic universities, corporations and sponsors invested in Catholic education, and the National Catholic Educational Association (NCEA). +The Common Core Catholic Identity Initiative has two goals: +- to empower Catholic schools and dioceses to design and direct the implementation of the Common Core standards within the culture and context of a Catholic school curriculum +- to infuse the Common Core standards with the faith/principles/values/social justice themes inherent in the mission and Catholic identity of the school. +The CCCII project aims to accomplish its goals by creating a process and a product: +Phase 1: Gather approximately 35 practitioners and curriculum and catechetics experts to pilot a CCCII ELA Unit development process to be shared with the larger Catholic educational community. (June 2012) +Phase 2: Revise and refine the unit development process so that it can be replicated in dioceses around the country. +Phase 3: Invite participation in development of additional CCCII ELA Units by Catholic educators around the country. +Phase 1: Utilize the expertise and strength of experienced and innovative teachers to develop complete units/exemplars that join Catholic identify with the Common Core curriculum standards. Utilize the expertise of CCCII leaders to develop supporting resources and guidelines. (June 2012) +Phase 2: Post exemplar units, guidelines, and resources developed in for the June 2012 launch for open access by Catholic educators on the Catholic School Standards Project Website www.catholicschoolsstandards.org) . (July 2012) +Phase 3: Expand exemplar units and Catholic Identity resources available for use by local Catholic schools. +Tailor the CCCII Unit development process for Catholic secondary schools. +Expand CCCII to include additional subject areas. +Meet the CCCII Leadership and Planning TeamsInstructors: Andrea Dykstra, Curt Van Dam, Kelli Ten Haken and Tami De Jong +1. Students will gain interest in the Unit on Alaska. +2. Students will be introduced to Alaska and the Iditarod race that takes place +in Alaska every year. +3. Students will be able to appreciate the beauty of Godís creation in Alaska. +4. Students will be able to see Godís majesty and power in their personal experiences. +In this lesson, the students will discuss what they know about Alaska. They will watch +a movie and then discuss how God shows His power and majesty through creation. Next, +they will be introduced to the Iditarod race by reading a story and then the teachers will +explain the game the students will play about the Iditarod through the unit. At the end of +class, students will have a chance to start work on their maps of Alaska and then the +teachers will end in closing prayer. +- Psalm 19:1- +The Heavens declare the glory of God; the skies proclaim the work of His hands. +- Other Scripture references that can be used through out the unit: +The Creation story in Gen. 1 and 2 +Alaska: Spirit of the Wild +2. DVD player +5. Learning center and trade books +6. Example of the Iditarod Game +7. Book: Iditarod Dream by Ted Wood +8. Overhead projector, overhead and pen +9. Construction paper +10. Markers, crayons, colored pencils +1. On the first day of this unit, teachers should enter the room dressed in parkas, +snowshoes, scarves, mittens; anything that looks like what people in Alaska would +wear. Motion for the student to sit down. Once they are quiet, ask them where +they think the teachers are from and how they came to this conclusion. We would +expect conclusions such as the Artic, Antarctica, and possibly Alaska. +2. Have students take out a sheet of paper and write five things down that come to +their minds when they think of Alaska. Have them get into groups of three and +share what they wrote with their group. The students will be encouraged to share +the combined ideas from their group with the whole class. The teacher will write +down these ideas on the overhead. +3. Explain to the students that they are going to be learning about all of these of +these things and even more about Alaska in the upcoming unit. +4. Have each student write down one or two things about Alaska they would like +to know more about. Suggest ideas such as: What sports do they play in Alaska? +How many people live there? Is it really cold and snowy year round? Take these +ideas into consideration when planning the rest of the unit. +1. Put in the DVD Alaska: Sprit of the Wild. Students will watch the movie. It is forty +minutes long. Before they watch it, share with them the beauty that can be found in +Alaska. Tell them to look specifically for how they can see God in the things that are +shown on the film. +2. After the movie, discuss with the students what they thought of the movie. Ask them +questions such as what surprised you about this film? What did you learn about Alaska +that you didnít know before? What can we discover about God by watching this movie? +How can we get to know God better by studying Alaska? +3. Read Psalm 19:1 aloud. Read it again, this time have the students say it after you. Ask +them how this verse relates to Alaska. Hopefully they will make the connection that +creation shouts Godís praise. Alaska is so beautiful; this reflects on Godís majesty, +creativity and mercy. God loves us enough to give us beautiful creation simply so we +can enjoy it. We can see his fingerprints in Alaska. +4. Read Psalm 8 aloud. Again, ask them how this verse relates to Alaska. They will probably +have similar responses as above in step three. Share a personal experience of how he/ +she has seen Godís power and majesty in His creation. +- For example, this is my own experience; you could share something similar to it: +One time I climbed the highpoint of Colorado with my dad. We started hiking +before the sun was up. As we were walking along the ridge of the mountain, the +sun began to rise; the colors were brilliant! We kept on hiking and hiking. I was +getting tired and hungry but soon we came close to the top. As I climbed up the +last little peak and the top of the mountain, I looked out and the view was +breathtaking!!! I had never seen so many snow capped mountains before. Sitting +up there on the mountaintop, I felt such a joy and peace. What a great God I +serve! He created all of this; His creation alone is enough to tell of His majesty. +5. Ask the students if any of them have had an experience like this; encourage them to +share if they would like. +6. Encourage them to find other verses that could relate to our study of Alaska and bring +them to class tomorrow to share. +1. Introduce the Iditarod race the studentís will be learning about by reading the book +Iditarod Dream by Ted Wood. As you are reading, stop periodically through out the +book and ask them to jot down a few of their thoughts. At the end of the book ask +them to share a few thoughts they wrote down about the book. +2. Introduce the game the students will be playing throughout the unit. Tell the students +they will be having their own Iditarod race in the classroom. Each student will make a +map of Alaska on construction paper. On this map, they will draw the trail of the +Iditarod race. They will have to map out the different checkpoints of the race on their +trails. It is their job to find out how many miles are between each checkpoint and how +many miles they can travel in one day. +3. Each day the students will move their markers on their maps how ever many miles we +decide as a class they can travel in one day. Every morning the students will receive +a ďracerís fateĒ card. These cards will say various things such as, ďyour dog has broken +a leg, move back twenty milesĒ, or ď you have found an extra bundle of food on the trail, +move ahead twelve milesĒ. The students will have to keep track of where they are on +the trail on their own maps and on a large map on the classroom bulletin board. +4. Each afternoon, students will have an opportunity to receive another card if they got +their homework done on time that day. This card could be good or bad, but the students +get to decide if they want to take it. +5. This activity will be incorporated into language arts. The students will be keeping a +race journal. As they play this game they can write their feelings about the race in the +journal as if they were an actual racer. +6. This game will also be incorporated into math. Students will need to do calculations to +play the game correctly. They will also discover how to find median, mean and +using the game. +1. The students will begin making their maps of Alaska for the Iditarod game. The +outline of the map of Alaska will be projected on the overhead so the students have +something to follow when they draw. Copies of the outline of this map will be available +for students to trace if they do not want to draw the map freehand. +2. The students can use crayons or colored pencils to make their maps on. +3. The trail outline and check points will be labeled on the overhead map, but the students +will need to research how many miles are in between each check point in a later class +1. Read Psalm 8 one more time and end in prayer, thanking God for His creativity that +is evident in all of creation, especially as it has been seen in Alaska today. +1. Students can do more research about the real Iditarod race on the Internet. +2. Students can read one of the many books about Alaska set up in the learning center. +3. Students can complete any activity set up in the learning center, including: math +story problems, language arts writing activities, and social studies and science +1. Observe how much students participate in the lesson. Have one teacher walk +around with a checklist and put checks by the names of the students who are +on task and participating by sharing, asking questions, diligently listening. +2. Observe how diligently students work on their maps. Check the next day to see +if they have completed them. Give them a check if they are finished and are done +Lesson Plans Unit Outline Home Page +Trade Books Learning CenterYoung Kids May Be Able to Unbuckle Car Seats +Survey of Parents Finds Some Kids May Be Unbuckling While Car Is in Motion +May 2, 2011 -- Children as young as 1 year old can unbuckle themselves from car safety seats, a new survey of parents finds. +"We found that children can unbuckle from their child car safety seats by their fourth birthday, and there is an alarming 43% who do so when the car is in motion," says researcher Lilia Reyes, MD, a clinical fellow in pediatric emergency medicine at the Yale School of Medicine in New Haven. "It was reported as early as 12 months." +The findings are being presented at the Pediatric Academic Societies annual meeting in Denver. +Child Car Seats: How Secure? +While working in the pediatric emergency room at Yale, Reyes encountered two different mothers who had minor car accidents. They told her it happened when they turned their heads around after discovering their kids had unbuckled themselves. +Trying to determine how frequently it happened, she and her colleagues from Yale surveyed 378 parents of young children. Among the other findings: +- 51% or about 191 families reported that at least one of their children had unbuckled their car seats. Of these, 75% were age 3 or younger. The youngest was 12 months old. +- Boys unbuckled more than girls; 59% of the kids who unbuckled were boys. +Parents were not asked if they were sure they had buckled correctly, Reyes tells WebMD. So there is a possibility the children weren't buckled in correctly. But parents do typically hear a click, like a seat safety belt, when the buckle latches, she says. +The problem, she says, is that while children may be able to physically unbuckle the seat, they are just beginning, at around age 3, to develop reasoning skills to appreciate the consequences of unbuckling. +Parents used seats of various types. They included the five-point harness, convertible seats, and booster seats, depending on their child's age and weight. +Are Car Seats Really Buckled? +''This study raises questions about how the child restraint was used," says Lorrie Walker, training manager and technical advisor for Safe Kids USA, an advocacy group. +"Federal motor vehicle safety standard 213 requires the buckle to release using between 9 and 14 pounds of pressure," she says. "It is often challenging for an adult to unbuckle the harness." +She wonders if the buckle was not adequately locked in some cases. +"A buckle may give the appearance of being buckled when it has not completely latched," she tells WebMD. +Among the mistakes many parents make when placing a child in a car seat she says, is to loosely attach the harness straps or place the straps in the wrong harness slots. +If these mistakes occur, she says, it makes it easy for a child to climb out. +The finding that a child as young as age 1 could unbuckle the seat is a surprise to Jennifer Stockburger, program manager of vehicle and child safety for Consumer Reports. She reviewed the findings for WebMD but was not involved in the study.GEF and UNEP Launch Global Platform for Efficient Lighting +25 September 2009: The Global Environment Facility (GEF) and the United Nations Environment Programme (UNEP) have launched the “Global Market Transformation for Efficient Lighting Platform,” a public-private partnership directed at reducing global energy demand for lighting. +The Platform aims to transform lighting markets, primarily in developing countries, by fostering the usage and production of energy efficient lighting while gradually discontinuing use of incandescent lighting, and substituting traditional fuel-based lighting with modern, efficient alternatives such as solid-state lighting (SSL) and Light Emitting Diode (LED) lamps. It is hoped that, through these efforts, global demand for lighting energy can eventually be reduced by up to 18 percent. +In attendance for the event was UNEP Executive Director Achim Steiner, who noted that “in terms of climate change, this is among the lowest of low-hanging fruit. Eight percent of global greenhouse gas emissions are linked with lighting; this project can by 2014 make a big dent in these while saving people money too.” [UN News Centre] [GEF press release]Tornadoes are the most intense storms on the planet, and they’re never discussed without at least some mention of the term wind shear. Many of us sitting at home, though, have no idea what wind shear is, or if we do, how it affects tornado production. +What is Wind Shear +Wind shear, although it might sound complex, is a simple concept. Wind shear is merely the change in wind with height, in terms of wind direction and speed. I think that we all understand that the wind is generally stronger in the atmosphere over our heads than it is here on the ground, and if we think of the atmosphere in terms of the three dimensions that it has, it should not be surprising that the wind above us might also be blowing from a different direction than the wind at the ground. When that happens–the wind speed and direction vary with height–wind shear is occurring. +Wind Shear and Supercell Thunderstorms +This wind shear is an important part of the process in the development of a supercell thunderstorm, from which the vast majority of strong tornadoes form. +All thunderstorms are produced by a powerful updraft–a surge of air that rises from the ground into the upper levels of the atmosphere, and when this updraft forms in an area where wind shear is present, the updraft is influence by this speed and different direction of the wind above, pushing the column of air in the updraft into a more vertical alignment. +Rain’s Influence on Tornado Production +Needless to say, thunderstorms typically produce very heavy rain, and rain-cooled air is much heavier than the warm air of the updraft, so the rain-cooled air, produces a compensating downdraft (what comes up, must come down). This downdraft pushes the part of the rotating air that was forced in its direction by the stronger wind aloft downward, and the result is a horizontal column of rotating air. +That’s Not a Tornado! +I know what you’re thinking that you’ve seen enough TLC or Discovery Channel shows to know that a horizontal column of air is NOT a tornado; you need a vertical column of air. +This Can Be a Tornado +You’re right, but remember the updraft that is driving the thunderstorm is still working, and it’s able to pull the horizontal, spinning column of air into the thunderstorm, resulting in a vertical column of spinning air. +(NOAA image showing vertical column of air in a supercell thunderstorm) +The result is a rotating thunderstorm capable of producing a tornado, and it would not be possible without wind shear. +(NOAA image showing tornado formation in supercell thunderstorm)Reversal of fortune +To unlock the vast, untapped potential of the world’s drylands, we must learn from the people who live in them, says Dr Jonathan Davies. +Drylands are a major global biome, home to a great diversity of species and some of our most treasured natural heritage. They are also home to over 2 billion people and in the developing world in particular they are associated with poverty and social inequity. Global development and environment goals are not being met in the drylands: by 2015 many dryland regions are set to fail to achieve the Millennium Development Goals, whilst progress towards the goals and objectives of the UN environmental conventions (the Convention to Combat Desertification and the Convention on Biological Diversity in particular) is generally poor. +Recent experiences in the drylands of emerging countries, such as China and India, illustrate that economic development in drylands can outpace that in areas that are usually considered “high potential”. Although development is often associated with degradation, experiences in Sub Saharan Africa illustrate that economic development can be greatly enhanced through protection of biodiversity as a source of income. By taking an even broader, global view of drylands and examining industrialised dryland countries, it becomes clear that for every seemingly-insurmountable challenge we are able to find evidence of a viable solution somewhere in the world. +To address the challenges of the drylands, we need to understand their unique features and how these have to be managed. Perhaps the most important of these is climate unpredictability: the amount of precipitation varies enormously between areas, between seasons and between years. The sheer magnitude of this uncertainty is hard to grasp, but in many drylands the normal range of rainfall, drought-years aside, can be plus or minus 50% of the average. Yet development in many water-deficit areas continues to favour agricultural practices that expose farmers to huge risks whilst simultaneously degrading the natural resource base on which they depend. +Climate change is a cause for concern in dryland areas, but also an opportunity for new approaches and new learning that illustrate the value of dryland areas. Dryland ecosystems and people are highly adaptable and can survive in their uncertain climate.. Whether drylands become wetter or drier as a result of climate change, they will almost invariably become more unpredictable and their adaptive capacity will be vital to their future. Drylands more than any other ecosystem have the capacity to deal with that unpredictability and we have a great deal to learn from them. +Contrary to popular perception, drylands are not necessarily poverty traps. Dryland ecosystems and their goods and services already contribute significantly to national and international economies. The vibrant tourism sector in Eastern and Southern Africa relies heavily on the biodiversity of drylands. Globally-important dryland commodities include grain, meat and milk and dryland goods like Gum Arabic, Henna, Aloe, and Frankincense. Recent years have seen the commercial development of natural medicines from drylands, and untold numbers of medicinal plants remain un-researched, known only to the dryland inhabitants who have used and conserved them for centuries. +Local knowledge of the drylands is rich and is a powerful resource to be harnessed. There has been a tendency to dismiss this knowledge, because local dryland practices have been portrayed as backward or inappropriate and in need of replacing. The current emergency in the Horn of Africa graphically illustrates the outcome of this attitude: populations are exposed to insupportable risk as a result of losing their traditional strategies and being pushed into new ways of life that simply don’t work. Where people are driven towards catastrophe it is almost guaranteed that the environment will face similar consequences. Customs and cultures that are intimately connected to biodiversity become contorted into a system of pure survival where respect for the environment becomes an unaffordable luxury. +The scientific explanation of the rationale behind traditional strategies has been known for long enough to develop innovative new approaches to sustainable drylands management. Development support has to enable management of the extreme climatic uncertainty of drylands and needs to be built on understanding of the drivers of continuous change in dryland ecosystems. These are dynamic ecosystems in which adaptation and flexibility are pre-requisites for survival. We need to learn from past failures and successes and ensure that development and humanitarian interventions recognize dryland characteristics and build on local knowledge and capacity to turn the existing opportunities into equitable and sustainable wealth creation. In particular we need to generate greater awareness of the tremendous opportunities for strengthening biodiversity-based livelihoods to diversify dryland economies and strengthen resilience. +IUCN’s vision 2020 emphasizes the need to strengthen the Union’s work on conserving the diversity of life while also connecting nature conservation to wider societal objectives such as security and poverty reduction. This vision cannot be reached if we fail to understand and address the unique challenges of the drylands. IUCN, with its great diversity of members and commission members, has a vital role to play in securing effective global action to address dryland issues and in enabling dryland communities to develop their nature-based solutions to risk management and sustainable development. +Dr Jonathan Davies is Coordinator of IUCN’s Global Drylands Initiative.|Retinal Pigment Epithelium (RPE) Detachment +Signs and Symptoms +In most instances, serous detachment of the RPE occurs asymptomatically. +Only in those cases in which the macula is affected will patients report blurred vision, +metamorphopsia, micropsia, or positive scotomas. Other associated clinical findings may +include induced hyperopia and delayed retinal recovery time on the photostress test. Most +individuals with RPE detachment are male, between the ages of 20 and 60 years. The history +often reveals predisposing or concurrent ocular conditions such as macular degeneration, +idiopathic central serous chorioretinopathy (ICSC), angioid streaks, presumed ocular +histoplasmosis syndrome (POHS), or hereditary choroidal degeneration. In other cases, the +condition occurs idiopathically. +RPE detachment appears ophthalmoscopically as single or multiple, +well-circumscribed round or oval lesions within the posterior fundus. The lesions are +typically dome-shaped with slight elevation and appear yellow to orange in color. A +reddish "halo" is often seen around the base of the detachment, and overlying +pigment defects such as clumping or mottling are commonplace. Lesions may vary in size +from one-fifth to over 5 disc diameters (DD), but most are less than 1 DD. Fluorescein and +indocyanine green (ICG) angiography show early hyperfluorescence of the entire RPE +detachment, which persists throughout the angiogram demonstrating late pooling. Leakage +into the sensory retina occurs only in cases of concurrent serous retinal detachment. +RPE detachment is a non-specific anatomical alteration that may result from +any number of choroidal disorders that disrupt the normal junction between the basement +membrane of the RPE and the inner collagenous layer of Bruchs membrane. This +disruption permits serous fluid from the underlying choriocapillaris to gain access into +the sub-RPE space. Age-related macular degeneration, choroidal neovascular membranes, high +myopia, angioid streaks, hereditary choroidal degeneration, POHS, and tumors of the +choroid have all been identified as precipitating conditions in the development of RPE +detachment. Idiopathic cases are sometimes associated with ICSC; some believe these two +conditions to represent a continuum of a similar underlying pathology. Uncomplicated +idiopathic serous detachments of the RPE often resolve spontaneously, however, those +associated with more generalized damage to the choriocapillaris may be complicated by +hemorrhage, choroidal neovascular membrane formation, and disciform scarring. +Most patients under the age of 55 who present with small serous RPE +detachments without evidence of other retinal or choroidal disease enjoy an excellent +prognosis without intervention. This is particularly true if the lesion is outside of the +fovea and there is no associated subretinal fluid. +Older patients who manifest RPE detachment without angiographic evidence +of a choroidal neovascular membrane have a 25-30 percent chance of developing such +membranes during their lifetime, and therefore warrant careful observation as well as +weekly home monitoring with an Amsler grid. +Those patients over the age of 55 who present with associated choroidal +neovascular membranes and/or hemorrhagic RPE detachments have an exceedingly poor visual +prognosis. Focal laser photocoagulation is indicated for these patients. +Approximately 90 percent of cases of RPE detachment have +or will manifest concurrent serous retinal detachment over the natural history of the +disorder. In cases of idiopathic RPE detachment, a striking similarity with ICSC is seen +in the predisposed patient population; i.e. male, average age of 44 years, and a moderate +to severe emotional stress level. +The presentation of RPE detachment is quite +characteristic. Nonetheless, one must be sure to rule out other conditions that may appear +similar from an ophthalmoscopic perspective. These include: ICSC, malignant melanoma, +metastatic carcinoma, choroidal hemangioma, and Bests disease (vitelliform +dystrophy). History and angiography are the most helpful factors in making this +RPE detachment in patients over 55 years of age should be +considered secondary to choroidal neovascular membrane, rather than idiopathic, until +proven otherwise. Prompt fluorescein angiography is mandatory in these cases. +Other reports in this sectionFirst - you might want to redefine you search. Are you looking for happiness or rather positive affect? Happiness is fairly ambigious term, and it's much more associated with positive psychology studies on well-being. If you are interested in more global definition of happiness, check the work of Mihaly Csikszentmihalyi. +On the other hand, there is a large number of studies on physiological measurements of positive affect. +One such physiological measurement is Electromyography (EMG) - recording the electrical activity produced by skeletal muscles. EMG will detect very brief smiles or higher activity in cheek muscles (zygomaticus major) which are correlated with positive affect. There is quite classic (but very quoted) paper on that: +Cacioppo JT, Petty RE, Losch ME, Kim HS. (1986) Electromyographic +Activity Over Facial Muscle Regions Can Differentiate the Valence and +Intensity of Affective Reactions. J Pers Soc Psychol., 50(2):260-8. download +Another simple physiological assesment is heart rate measured by the interbeat interval (IBI). For example, study by Brosschot & Thayer (2003) shows that heart rate response is longer after negative emotions than after positive emotions. +Brosschot JF, Thayer JF. (2003) Heart rate response is longer after +negative emotions than after positive emotions. Int J Psychophysiol., +In fact, the full spectrum of somatic measurements have been used along heart rate including pulse transmission time to the finger, skin conductance level or pupil dilation (Partala, 2003). All those are a bit less reliable methods and usually they detect arousal rather then indicate physiological differences between positive and negative affect. +Partala T.; Surakka V. (2003) Pupil size variation as an indication of +affective processing. International Journal of Human-Computer Studies, +Finally, I would advise browsing literature on measurements of negative affect. You are likely to find some interesting methods there, like in this paper on the psychophysiology of crying (Gross et al., 1994). +Gross JJ, Frederickson BL, Levenson RW. (1994) The psychophysiology of +crying. Psychophysiology, 31(5):460-8. downloadIs this bone a Neanderthal flute? +Cave Bear femur fragment from Slovenia, 43+kya +DOUBTS AIRED OVER NEANDERTHAL BONE 'FLUTE' +(AND REPLY BY MUSICOLOGIST BOB FINK) +Science News 153 (April 4, 1998): 215. +By B. Bower +Amid much media fanfare, a research team in 1996 trumpeted an ancient, hollowed out bear bone pierced on one side with four complete or partial holes as the earliest known musical instrument. The perforated bone, found in an Eastern European cave, represents a flute made and played by Neandertals at least 43,000 ye us ago, the scientists contended. +Now it's time to stop the music, say two archaeologists who examined the purported flute last spring. On closer inspection, the bone appears to have been punctured and gnawed by the teeth of an animal -- perhaps a wolf -- as it stripped the limb of meat and marrow report, April Nowell and Philip G. Chase, both of the University of Pennsylvania in Philadelphia. "The bone was heavily chewed by one or more carnivores, creating holes that became more rounded due to natural processes after burial," Nowell says. "It provides very weak evidence for the origins of [Stone Age] music." Nowell presented the new analysis at the annual meeting of the Paleoanthropology Society in Seattle last week. +Nowell and Chase examined the bone with the permission of its discoverer, Ivan Turk of the Slovenian Academy of Sciences in Ljubljana (S.N.: 11/23/96, p. 328). Turk knows of their conclusion but still views the specimen as a flute. +Both open ends of the thighbone contain clear signs of gnawing by carnivores, Nowell asserts. Wolves and other animals typically bite off nutrient-rich tissue at the ends of limb bones and extract available marrow. If Neandertals had hollowed out the bone and fashioned holes in it, animals would not have bothered to gnaw it, she says. +Complete and partial holes on the bone's shaft were also made by carnivores, says Nowell. Carnivores typically break open bones with their scissor like cheek teeth. Uneven bone thickness and signs of wear along the borders of the holes, products of extended burial in the soil, indicate that openings made by cheek teeth were at first less rounded and slightly smaller, the researchers hold. +Moreover, the simultaneous pressure of an upper and lower tooth produced a set of opposing holes, one partial and one complete, they maintain. +Prehistoric, carnivore-chewed bear bones in two Spanish caves display circular punctures aligned in much the same way as those on the Slovenian find. In the March Antiquity, Francesco d'Errico of the Institute of Quaternary Prehistory and Geology in Talence, France, and his colleagues describe the Spanish bones. +In a different twist, Bob Fink, an independent musicologist in Canada, has reported +on the Internet +(http://www.webster.sk.ca/greenwich/fl-compl.htm) that the spacing of the two complete and two partial holes on the back of the Slovenian bone conforms to musical notes on the diatonic (do, re, mi. . .) scale. +The bone is too short to incorporate the diatonic scale's seven notes, counter Nowell and Chase. Working with Pennsylvania musicologist Robert Judd, they estimate that the find's 5.7-inch length is less than half that needed to cover the diatonic spectrum. The recent meeting presentation is "a most convincing analysis," comments J. Desmond Clark of the University of California, Berkeley, although it's possible that Neandertals blew single notes through carnivore-chewed holes in the bone. +"We can't exclude that possibility," Nowell responds. "But it's a big leap of faith to conclude that this was an intentionally constructed flute." +TO THE EDITOR, SCIENCE NEWS (REPLY BY BOB FINK, May 1998) +(See an update of this discussion on Bob Fink's web site, November 2000) +The doubts raised by Nowell and Chase (April 4th, DOUBTS AIRED OVER NEANDERTHAL BONE 'FLUTE') saying the Neanderthal Bone is not a flute have these weaknesses: +The alignment of the holes -- all in a row, and all of equivalent diameter, appear to be contrary to most teeth marks, unless some holes were made independently by several animals. The latter case boggles the odds for the holes ending up being in line. It also would be strange that animals homed in on this one bone in a cave full of bones, where no reports of similarly chewed bones have been made. +This claim is harder to believe when it is calculated that chances for holes to +be arranged, by chance, in a pattern that matches the spacings of 4 notes of a +diatonic flute, are only one in hundreds to occur . +The analysis I made on the Internet (http://www.webster.sk.ca/greenwich/fl-compl.htm) regarding the bone being capable of matching 4 notes of the do, re, mi (diatonic) scale included the possibility that the bone was extended with another bone "mouthpiece" sufficiently long to make the notes sound fairly in tune. While Nowell says "it's a big leap of faith to conclude that this was an intentionally constructed flute," it's a bigger leap of faith to accept the immense coincidence that animals blindly created a hole-spacing pattern with holes all in line (in what clearly looks like so many other known bone flutes which are made to play notes in a step-wise scale) and blindly create a pattern that also could play a known acoustic scale if the bone was extended. That's too much coincidence for me to accept. It is more likely that it is an intentionally made flute, although admittedly with only the barest of clues regarding its original condition. +The 5.7 inch figure your article quoted appears erroneous, as the centimeter scale provided by its discoverer, Ivan Turk, indicates the artifact is about 4.3 inches long. However, the unbroken femur would originally have been about 8.5 inches, and the possibility of an additional hole or two exists, to complete a full scale, perhaps aided by the possible thumbhole. However, the full diatonic spectrum is not required as indicated by Nowell and Chase: It could also have been a simpler (but still diatonic) 4 or 5 note scale. Such short-scale flutes are plentiful in homo sapiens history. +Finally, a worn-out or broken flute bone can serve as a scoop for manipulation of food, explaining why animals might chew on its ends later. It is also well-known that dogs chase and maul even sticks, despite their non-nutritional nature. What appears "weak" is not the case for a flute, but the case against it by Nowell and Chase. +Letter to the Editor: Antiquity Journal: +"A Bone to Pick" +By Bob Fink +I have a bone to pick with Francesco d'Errico's viewpoint in the March issue of Antiquity (article too long to reproduce here) regarding the Neanderthal flute found in Slovenia by Ivan Turk. D'Errico argues the bone artifact is not a flute. +D'Errico omits dealing with the best evidence that this bone find is a flute. +Regarding the most important evidence, that of the holes being lined up, neither d'Errico nor Turk make mention of this. +This line-up is remarkable especially if they were made by more than one carnivore, which apparently they'd have to be, based on Turk's analysis of the center-spans of the holes precluding their being made by a single carnivore or bite (Turk,* pp.171-175). To account for this possible difficulty, some doubters do mention "one or more" carnivores (Chase & Nowell, Science News 4/4/98). +My arguments over the past year pointed out the mathematical odds of the lining up of the holes occurring by chance-chewing are too difficult to believe. +The Appendix in my essay ("Neanderthal Flute --A Musicological Analysis") proves that the number of ways a set of 4 random holes could be differently spaced (to produce an audibly different set of tones) are 680 ways. The chances a random set would match the existing fragment's spacing [which also could produce a match to four diatonic notes of the scale] are therefore only one in hundreds. If, in calculating the odds, you also allowed the holes to be out of line, or to be less than 4 holes as well, then the chance of a line-up match is only one from many tens of thousands. +And yet randomness and animal bites still are acceptable to account for holes being in line that could also play some notes of the scale? This is too much coincidence for me to believe occurred by chance. +D'Errico mentions my essay in his article and what he thought it was about, but he overstates my case into being a less believable one. My case simply was that if the bone was long enough (or a shorter bone extended by a mouthpiece insert) then the 4 holes would be consistent and in tune with the sounds of Do, Re, Mi, Fa (or flat Mi, Fa, Sol, and flat La in a minor scale). +In the 5 points I list below, extracted from Turk's monograph in support of this being a flute, d'Errico omits dealing with much of the first, and all of the second, fourth and sixth points. +Turk & Co's monograph shows the presence on site of boring tools, and includes experiments made by Turk's colleague Guiliano Bastiani who successfully produced similar holes in fresh bone using tools of the type found at the site (pp. 176-78 Turk). +They also wrote (pp. 171-75) that: +1. The center-to-center distances of the holes in the artifact are smaller than that of the tooth spans of most carnivores. The smallest tooth spans they found were 45mm, and the holes on the bone are 35mm (or less) apart; +2. Holes bitten are usually at the ends of bones rather than in the center of them; +3. There is an absence of dents, scratches and other signs of gnawing and counter-bites on the artifact; +4. The center-to-center distances do not correspond to the spans of carnivores which could pierce the bone; +5. The diameters of the holes are greater than that producible by a wolf exerting the greatest jaw pressure it had available -- it's doubtful that a wolf's jaws would be strong enough (like a hyena's) to have made the holes, especially in the thickest part of the wall of the artifact. +6. If you accept one or more carnivores, then why did they over-target one bone, when there were so many other bones in the cave site? Only about 4.5% of the juvenile bones were chewed or had holes, according to Turk (p. 117). +* Turk, Ivan (ed.) (1997). Mousterian Bone Flute. Znanstvenoraziskovalni +Center Sazu, Ljubljana, Slovenia. +Maintained by Francis F. Steen, Communication Studies, University of California Los AngelesThe plant collections of the Smithsonian Institution began with the acquisition of specimens collected by the United States Exploring Expedition (1838-1842). These formed the foundation of a national herbarium which today numbers 4.8 million historical plant records, placing it among the world's largest and most important. +Nearly 800,000 specimen records (including over 90,000 type specimens with images) are currently available in this online catalog. +Select a tab on this page to search by Keyword or Selected Fields. If you don't know what you want to see, you may want to look at the sample records in the Quick Browse section below. Searches are limited to 2000 records and the results are sorted by taxonomic group. If you need to retrieve a larger record set, contact the Department of Botany's Data Manager. +See the Help tab to learn more about searching and then exploring your returned results (sorting, exporting, etc.). +||Sample Records from the DC Flora Collection +||2205692 2197595 2191752 2175968 2213272 2196389 2200318 2192830 2219158 2200909 2208745 2223985 2175937 2192264 2220376 +||Sample Records from the Botanical Type Register +||2119407 2149872 2161549 2790611 2105614 2099734 2134596 2116358 2166713 2151580 2158541 2143664 2097212 2076608 2167306 2121665 2095940 2075490 +||Sample Records from the Wilkes Expedition +||2524597 2705372 2705371 2743367 2699717 2741233 2741229 2733613 2741227 2680776 2741226 2741217 2741216 2687168 2702446 2684992 2680753 2680752 2741176 2741175 2693758 2680751 2678261 +Enter your keywords separated by spaces and click Search. Records that match your search terms will be returned. +- Using parentheses to clarify the logic, you can create complex queries with OR and NOT (here capital letters are required, otherwise they will be treated as keyword terms). +- You can also use double-quotes to specify terms that should be treated as one. +- Lastly, you can include the terms image(s) or type(s) to find records that have images or that are type specimens. +Note that searching for common (vernacular) names may not yield the expected results. Associating common names with specimen records is a work in progress. +Keyword search example: marantaceae ("new guinea" OR australia) images +Use the By Field search to find specimen data that match values in specific database fields. Enter a value or choose one from the dropdown lists. +- Click the Search button to initiate a search. Clear resets all fields. +- Some lists are linked, so for example, choosing a Country narrows the choices for Province/State/Territory, and District/County. Dropdown choices also narrow as you type, for example, typing zing in the Family field might narrow the choice to Zingiberaceae. +- Note that the Province/State dropdown is populated only after you have chosen a Country. You can type a Province/State without selecting a Country. +- Check Only Records with Images if you want to restrict the search to records with multimedia content. +- You will receive a warning when you enter invalid information in the text fields. For example, Catalog Numbers are composed strictly of letters and numbers; other characters will raise a warning. +The results of your searches can be displayed in Grid (a sortable, customizable table) +or Gallery View (best for reviewing images). Use the Switch button to cycle between these views. +- You can choose whether to display 5, 10, 20, 50, or 100 records at a time. +In Sheet View: +- Click on the scientific name to view the full record. +- Click on the thumbnail to view larger resolutions of the image. Use Control+Click (Command+Click) to open a new browser tab. +In Grid View: +- You can choose the columns to display from any column's dropdown menu (mouse into a column header and click the dropdown icon). Under Columns, click the name to display or hide the field (you do not need to click the checkbox specifically). +- You can drag a column header to change its order of appearance in the grid. +- You can also drag the edge of a column to make it wider or narrower. +- Click in the expansion () column to view the full record. +In Gallery View: +- Click the image to view the full record. +See Exporting Results for information on downloading results to, for example, Excel or Google Earth. +Open the full collection record by clicking the expansion button () in Grid View, +on the scientific name in Sheet View, +or anywhere within the image frame in Gallery View. Inverse expansion buttons () indicate records with multimedia (typically, images). +- In the Record window, metadata for the multimedia content is available when you mouseover the thumbnail. +- Clicking the thumbnail opens the content in your browser or other appropriate application. +- Record windows may be resized or moved within the browser window. +- You may have up to ten Record windows open at any one time. +Sort results in Grid View by clicking the column header (or by choosing Sort from the column's dropdown menu). +- Sort on multiple columns by consecutively sorting columns in reverse order. For example, to view results sorted by Country and Province/State, first sort by Province/State and then sort again by Country. +- For any column you can choose to sort in Ascending or Descending order. +Export all or selected results by clicking the Export Results as CSV button in the bottom toolbar in Grid, +or Gallery View. +- Select individual records for Export by checking the export selection box (along the left edge of the Grid View grid). +- Clear all selections with the Clear Selections button in the bottom toolbar. +- Results are exported as comma-separated-values, one record per line, which can be saved to disk or opened directly with applications such as Microsoft Excel. +You can also export all or selected results to a KML file for viewing with Google Earth or other KML viewers, by clicking the Export as KML button. This button is grayed when all or selected results lack latitude/longitude values. +To create a link to specific records at NMNH provide the appropriate unit and querystring to: +where UNIT is: +- anth, birds, botany, ento, fishes, herps, iz, mammals, ms, or paleo +and QUERYSTRING is (use a plus-sign to separate words): +- One or more CATALOG NUMBERS, e.g. +- One or more BARCODES, e.g. +- The NAME of a TYPE specimen, e.g.: +- The NAME of a specimen or object, e.g.: +- The NAME (qn) and/or TYPE STATUS (qt) of a specimen, and/or its COLLECTOR (co), and/or the COLLECTION (cn) it is part of, e.g.: +(Holotypes whose name includes Torre and Bartsch collected by Webb and part of the Henderson Collection) +- To open the Collections Search to a specific search tab, e.g. +Tabs are numbered left to right, beginning with zero. +- iz/?ti=1 (Invertebrate Zoology Keywords Search) +- mammals/?ti=3 (Mammals Whale Collection Search) +There are ways to speed up your queries (or slow them down!) and to find specific information. +- The more specific you make your queries the faster they will execute. Using more, rather than fewer, terms will very likely speed up your search. +- These following special characters modify the interpretation of search terms (use with as many other terms as possible to avoid slowing your search): +- * matches any number of characters, e.g. *pseudo* +- ? matches a single character, e.g. young?lus frank? +- ! negates the presence of a term, e.g. !new +- ~ matches all terms with the given stem, e.g. ~spear for spear, spears, spearing, etc. +- = match is case-sensitive, e.g. =Paris +- Query results are typically limited to 5000 records. Avoid general queries, when you can, that are likely to bring back very large numbers of records, e.g. searching for poaceae. +- Long running queries are automatically terminated, with no results returned. +Please use the Feedback page to report back any problems you find with the data, or with using these search pages.Bees are vital for pollination. You can buy leafcutter bee houses to attract the bees to your garden. The leaf-cutter bees are solitary and unlike honey bees do not swarm like honey bees so they are little or no danger to humans or pets. +Bees are vital for pollination. +You can buy leafcutter bee houses to attract the bees to your garden. +Leafcutter bee house. Leaf cutter bees like hollow tubes and bamboo are ideal. They also excavate tunnels in flower pots where light gritty compost is used. +The female has used the circular cuts to seal off the ends of the chamber, whereas the longer cuts are wrapped around the sides. The adult bee will provision the chamber with pollen and lay an egg. The larva feeds of the pollen. +The female larva are the first to be layed and are deepest in the line. This means that if the nest is predated by a woodpecker, the feamles have a better chance of avoiding being eaten. The male larva is nearst the exit and will be the first to be eaten. +Although this larva will probably die, I carefully replaced the bamboo and sealed it with wax to keep the chambers intact and dry. +Leaf damage on rose by leaf cutter beesCoyotes spend a good deal of their day sleeping. Members of a pack or family may sleep within close proximity of each other, or they may sleep much further apart, but probably within the same couple of acres of each other. They have amazing built-in time clocks, but they also are influenced by circumstances of the moment. My own dog could tell the time and knew what was to be done at that time. For example, I always set off, with my dog, at exactly 2:40 to pick up one of my kids at school. But one day I fell asleep — I would not have made it on time except that my dog began poking me with her muzzle at exactly 2:40. Needless to say, I was amazed. The same is true for coyotes — they seem to know when it is time to meet up, but if people or dogs are around, they will delay. +Most coyotes I know like to go trekking alone. After all, their staple diet consists of voles and gophers — animals that really can’t be divvied up very well. Might as well hunt alone. But some coyotes do enjoy trekking together, usually in pairs. When they hunt in pairs, there is usually a rendezvous beforehand. +Rendezvous locations can remain the same for a while, or they can change drastically from day to day, but coyotes seem to have various favorite meeting spots which they alternate between for a while, before changing these altogether . This is where they congregate to then move together for their foraging. +In this case here, the older female had spent her day sleeping in the sun quite some distance from where the young male had been also sleeping in the sun. The female was the first to move around — she disappeared into some bushes. In the meantime, I watched the male who moved from where he had been sleeping to a new location where he curled up and then dozed a while longer. Finally, he got up, stretched, scratched, and began to forage. I watched him catch a vole and toy with it. He continued searching for voles and then looked up ahead. He must have seen the female approaching, because he sat down and watched intently. She trotted over, and arrived on the scene. +The ritual began with hugs and kisses. They are hidden in the grass in these photos, but you can see what is going on. It was intense, but lasted only about a minute. That was the first phase of the meeting. Then there was a pause where all activity ceased. I think the male was waiting for something, but since nothing happened he turned around and backed into her — it looked like a request. He did it again and then looked over his shoulder: “well?”. The older female was obliging. She began grooming the young fellow, pulling off burrs and bugs. He accepted this, repeatedly laying his ears back against his head — he seemed to melt with the attention. There was care, affection, and intensity here which few animals that I have seen show each other. The next phase of the meeting involved trotting off together. From what I have seen in the past — though I did not follow them this time — they will spend their time together trekking, marking their territory, hunting, playing, exploring and maybe even meeting up briefly with a couple of lone coyotes who live adjacent to this territory, before again returning to separate localities to rest.The Richboro Elementary Meadow Project +Students in the Richboro Elementary Ecology Club have been planting a meadow each year since 2008. We were the first school in Council Rock School District to do so, and our project has inspired the District to plant four acres of meadows at several other Council Rock school locations. +Why plant meadows? Meadows provide habitats for more insects and other animals than green lawns. The first year we planted the meadow, we found two praying mantids had moved in! Additionally, meadows do not need to be mowed more than once a year, so they save fossil fuel. Below are photos and descriptions of our current meadow as well as meadows from previous years. +The Fourth Planting of +Richboro Elementary School's Meadow +Students in the Richboro Elementary School Ecology Club planted its fourth meadow this spring. Students sowed the flower seeds harvested last fall in the newly prepared plot. Additional native seeds, including sunflower and asters, were planted. Students and teachers look forward to seeing what surprises await when returning to school in the fall. +The Third Planting of +Richboro Elementary School’s Meadow +The Ecology Club at Richboro Elementary School planted its meadow for a third growing season this April. Using seeds harvested from the meadow last fall, the club members, ranging from grades two through five, took turns planting seeds in a grid-like pattern across the meadow plot. Sunflower seeds were pushed into the ground with planting sticks, and the soil was raked to cover the seeds. As the club ended, the clouds gathered and watered the meadow, as if on cue. We look forward to watching our garden bloom as the seasons turn. +Richboro Elementary School’s Meadow +The Ecology Club at Richboro Elementary School planted its meadow for a second growing season this April. The club, with over 40 students and 5 teachers, worked together to sow seeds on a drizzly, windy day. The seeds had been harvested by the students last fall from the meadow’s first dried flowers. The charming sign, including drawings by 13 children, will be posted at the front of the meadow. +Richboro Elementary School’s Meadow Blooms +and Seeds are Harvested +Last spring the Ecology Club at Richboro Elementary School planted seeds to create a meadow in the front of the building. Not certain how successful the meadow would be, the club members were greeted at the beginning of this school year by a surprisingly full field of colorful blooms. This fall the flowers matured to produce seeds. To complete the cycle, the Ecology Club plans to plant the seeds next spring. +The Earth Laughs in Flowers +Richboro Elementary School’s Meadow Project +The Ecology Club at Richboro Elementary School planted a meadow for their final big project of the school year. Ecology Club students pulled out clumps of grass, and then teachers gave students seeds to plant in the plot. The students zig-zagged their way across the plot to ensure even coverage of the seeds. At the end of the day, each child received a small bag of seeds to plant at home with the saying, "The Earth Laughs in Flowers." The seeds had been sorted and packaged by students in the Autistic Support classes at Richboro Elementary. +The flowers hopefully will grow throughout the summer. In addition to adding beauty to the school, the meadow will reduce the fossil fuel needed to mow the grass all summer and will help insects gain a new home. The students and teachers look forward to seeing a wildflower meadow in full bloom at the beginning of the new school year in September.Wood Anemone - Dainty Spring Bloomers for the Woodland Garden +It's time to read and vote for your favorite article in the 2013 Write-Off Contest! The four finalist's articles are featured in the May 13 newsletter and can be found through this link. Hurry! Voting ends May 18. +If your garden is has dappled shade and you are looking for a lovely spring woodlander to combine with spring bulbs, Trillium and Hepatica, then try growing wood anemone, Anemone nemorosa. Available in white, pink or blue shades, this charming spring flower is sure to delight you! +(Editor's Note: This article was originally published on June 5, 2010. Your comments are welcome, but please be aware that authors of previously published articles may not be able to promptly respond to new questions or comments.) +One of the harbingers of the European spring is drifts of wood anemone growing under the deciduous forests of beech, oak and maple.Botanically, wood anemones are called Anemone nemorosa. Plants produce wiry stems to 10 to 25 cm.Each stem produces a whorl of three, trisected leaves and is topped with a single 2 to 3 cm diameter flower.Each bloom normally has 6 to 8 tepals (the ‘petals' are actually modified sepals).In the wild, white is the normal colour but pink and blue forms do exist.Plants may be grown from seed but the seed needs to be sown as soon as it is ripe (they quickly lose viability if left dry on a shelf).They require a stratification period (essentially a winter) before they will germinate. +Due to the fussy nature of seed germination, plants are more commonly grown by division of their narrow rhizomes.If happy, wood anemone will multiply quite rapidly via underground rhizomes to produce a large-size colony.If dug after flowering, you can separate the plants into numerous plantlets. All you need is a growing stem and a couple of inches of the rhizome. +In the garden, wood anemones prefer dappled shade.Their soil should be moderately moist and organic-rich.They make admirable groundcovers under deciduous trees but in warm climates, may go dormant by mid summer.In cool climates, they will stay green well into September. +Wood anemones have been grown as garden ornamentals for hundreds of years.As a result of their natural variation, many named varieties now exist, most which were selected many years ago.While the wild form has small 2 to 3 cm diameter flowers, some selected forms have flowers approaching 6 cm in diameter. +Availability of this woodland anemone is variable. Generally you will need to seek out a specialty woodland plant nursery.‘Lychette' has white flowers twice the size of the wild type.Two of the largest-flowered selections include ‘Allenii' and ‘Robinsoniana'.Both have lavender flowers but the outside of the tepals is lilac-blue on ‘Allenii' while the exterior is more grey-blue on ‘Robinsoniana'.Also quite large-flowered is ‘Blue Beauty' and ‘Blue Bonnet', both which are pale blue. The richest blue colour is found on ‘Royal Blue' but its flowers are a little smaller than the previous selections. +Shown above is 'Allenii' (top left), 'Robinsoniana' (top right), 'Royal Blue' (bottom left) and 'Blue Eyes' (bottom right) +‘Rosea' and ‘Westwell Pink' have very pale pink flowers that age to deep pink.One of the prettiest is ‘Vestal'.This selection has small flowers that are white but has a double, pompom-like center.‘Monstrosa' has flowers double flowers that are a mix of white and green while ‘Blue Eyes' has double white flowers with a blue center.If unusual flowers are your thing then try ‘Green Fingers' whose white flowers have a small, central leafy tuft.More bizarre still is ‘Bracteata' whose tepals are replaced by tiny green leaves! +Shown above is 'Vestal' (top left), 'Green Fingers' (top right), 'Monstrosa' (bottom left) and 'Westwell Pink' (bottom right) +Closely related to wood anemone and sometimes growing in the same area isA. ranunculoides with small buttercup-yellow flowers.In areas where the two species overlap, you many encounter a natural hybrid called A. x lipsiensis.From this hybrid comes the selection ‘Pallida' whose flowers are 3 cm and a pretty butter yellow. +Shown above is A. ranunculoides (left) and A. X lipsiensis. +I would like to thank the following people for the use of their pictures: Galanthophile ('Green Fingers'), KMAC ('Westwell Pink'), kniphofia ('Monstrosa') and wallaby1 ('Blue Eyes'). +About Todd Boland +I reside in St. John's, Newfoundland, Canada. I work as a research horticulturist at the Memorial University of Newfoundland Botanical Garden. I am one of the founding members of the Newfoundland Wildflower Society and the current chair of the Newfoundland Rock Garden Society. My garden is quite small but I pack it tight! Outdoors I grow mostly alpines, bulbs and ericaceous shrubs. Indoors, my passion is orchids. When not in the garden, I'm out bird watching, a hobby that has gotten me to some lovely parts of the world.My passion is studying early man, specifically how we became who we are. Is our violence an aberration or part and parcel of survival? No other mammal kills their own, but maybe–as the alpha on the planet–our greatest threat to our survival is our own species, so we’re forced to destroy each other. +What was lacking in H. Habilis that led to their extinction, to be replaced by the big-brained, scrawny Homo erectus? Habilis was preyed upon by species with bigger claws, sharper teeth and thicker skin. Habilis (and my friend Lyta) scavenged their left-overs, in between hiding from the imposing mammals that dominated the Plio-Pleistocene African savanna. But, eventually hiding wasn’t enough and H. erectus took over (we don’t know if they fought with each other or if habilis left ‘with a whimper’). +H. erectus, with his longer lower limbs for running and walking efficiency, his bigger brain especially in the areas for planning and forethought (and speech depending upon whose research you’re reading) was tall, thin, and barrel-chested, hardly daunting in a world of sabertooth cats, mammoth and giant sloths. Yet , it is he who spread from Africa to China, India, the Middle East, Java. It is he–not predator cats or alligators–who developed a highly adaptable culture allowing him to survive a wide range of climates and habitats. +That is the first of their firsts. Want more? +- first appearance of systematic hunting. +- first use of fire (though arguably no control of it) +- first indication of extended childhood (thanks to the helplessness of their infants) +- first indication of the ability to lead a more complex life (their Acheulian tools were sophisticated, their hunting was planned) +- first to wear clothing (how else to survive Georgia and China) +- first to create complex tools and weapons +Their faces were short but wide and the nose projected forward, hinting at the typical human external nose. They had a pronounced brow ridge. Their cranium was long and low and somewhat flattened at the front and back. The cranial bone was thicker than earlier hominids. Remnants show damage from being hit in the head by something like clubs or heavy rocks. Their arms and legs were also robust, with thicker bones and clear evidence of being heavily muscled. The suspicion is they were a more violent species than habilis. Is that why habilis disappeared? The tougher group survived and bred offspring with their thicker, more protective skulls. +You probably remember my friend Lyta is a Homo habilis (see her page). I’ve lived her life through Otto‘s ability to ‘see’ into the past. Where other primates rest when they have enough to eat, she thinks and shares information with her band. Where most mammals sleep when they aren’t hunting, playing or resting, Lyta worked–knapped tools, collected food for a cache, planned. I have come to believe that her survival depended not so much on her physique (which was sorely lacking in that physical time) as what was inside of her: her courage, ability to plan ahead, strength of her convictions, what we call ‘morals’. These are very human traits that can’t be preserved in bones and teeth. I wouldn’t know they existed if not for Otto. I’ve posted an excerpt from that research on Scribd.com (Born in a Treacherous Time). +My next project is to determine how man migrated throughout the world. Where did he get the courage? Was he forced out because he couldn’t defend his territory? Or was it wanderlust? Was he a seeker, wanting more for his life? Did he get bored and need to challenge his constantly-growing brain?|reference frame (rěf'ər-əns) Pronunciation Key +A basis of a four-dimensional coordinate system in which the first coordinate is understood as a time coordinate, while the other three coordinates represent spatial dimensions. Inertial frames and non-inertial frames are both examples of reference frames. Also called frame of reference. See also General Relativity, space-time, Special Relativity. +|a gadget; dingus; thingumbob.| +|a stew of meat, vegetables, potatoes, etc.|tumor marker n. +A substance, released into the circulation by tumor tissue, whose detection in the serum indicates the presence of a specific type of tumor. +|an extraordinary or unusual thing, person, or event; an exceptional example or instance.| +|a gadget; dingus; thingumbob.| +Dictionary.com presents 366 FAQs, incorporating some of the frequently asked questions from the past with newer queries.Dictionary and translator for handheld +New : sensagent is now available on your handheld +A windows (pop-into) of information (full-content of Sensagent) triggered by double-clicking any word on your webpage. Give contextual explanation and translation from your sites ! +With a SensagentBox, visitors to your site can access reliable information on over 5 million pages provided by Sensagent.com. Choose the design that fits your site. +Improve your site content +Add new content to your site from Sensagent by XML. +Crawl products or adds +Get XML access to reach the best products. +Index images and define metadata +Get XML access to fix the meaning of your metadata. +Please, email us to describe your idea. +Lettris is a curious tetris-clone game where all the bricks have the same square shape but different content. Each square carries a letter. To make squares disappear and save space for other squares you have to assemble English words (left, right, up, down) from the falling squares. +Boggle gives you 3 minutes to find as many words (3 letters or more) as you can in a grid of 16 letters. You can also try the grid of 16 letters. Letters must be adjacent and longer words score better. See if you can get into the grid Hall of Fame ! +Change the target language to find translations. +Tips: browse the semantic fields (see From ideas to words) in two languages to learn more. +1.the language of educated people in ancient Rome"Latin is a language as dead as dead can be. It killed the ancient Romans--and now it's killing me" +classical Latin (n.) +Latin inscription in the Colosseum +|Spoken in||Roman republic, Roman empire| +|Region||mare nostrum (Mediterranean)| +|Era||75 BC to the 3rd century AD, when it developed into Late Latin| +|Writing system||Latin alphabet| +|Official language in||Roman republic, Roman empire| +|Regulated by||Schools of grammar and rhetoric| +The range of Latin, 60 AD +Classical Latin in simplest terms is the socio-linguistic register of the Latin language regarded by the enfranchised and empowered populations of the late Roman republic and the Roman empire as good Latin. Most writers during this time made use of it. Any unabridged Latin dictionary informs moderns that Marcus Tullius Cicero and his contemporaries of the late republic while using lingua Latina and sermo Latinus to mean the Latin language as opposed to the Greek or other languages, and sermo vulgaris or sermo vulgi to refer to the vernacular of the uneducated masses, regarded the speech they valued most and in which they wrote as Latinitas, "Latinity", with the implication of good. Sometimes it is called sermo familiaris, "speech of the good families", sermo urbanus, "speech of the city" or rarely sermo nobilis, "noble speech", but mainly besides Latinitas it was Latine (adverb), "in good Latin", or Latinius (comparative degree of adjective), "good Latin." +Latinitas was spoken as well as written. Moreover, it was the language taught by the schools. Prescriptive rules therefore applied to it, and where a special subject was concerned, such as poetry or rhetoric, additional rules applied as well. Now that the spoken Latinitas has become extinct (in favor of various other registers later in date) the rules of the, for the most part, polished (politus) texts may give the appearance of an artificial language, but Latinitas was a form of sermo, or spoken language and as such retains a spontaneity. No authors are noted for the type of rigidity evidenced by stylized art, except possibly the repetitious abbreviations and stock phrases of inscriptions. +Good Latin in philology is "classical" Latin literature. The term refers to the canonicity of works of literature written in Latin in the late Roman republic and the early to middle Roman empire: "that is to say, that of belonging to an exclusive group of authors (or works) that were considered to be emblematic of a certain genre." The term classicus (masculine plural classici) was devised by the Romans themselves to translate Greek ἐγκριθέντες (egkrithentes), "select", referring to authors who wrote in Greek that were considered model. Before then, classis, in addition to being a naval fleet, was a social class in one of the diachronic divisions of Roman society according to property ownership by the Roman constitution. The word is a transliteration of Greek κλῆσις (klēsis) "calling", used to rank army draftees by property from first to fifth class. +Classicus is anything primae classis, "first class", such as the authors of the polished works of Latinitas, or sermo urbanus. It had nuances of the certified and the authentic: testis classicus, "reliable witness." It was in this sense that Marcus Cornelius Fronto (an African-Roman lawyer and language teacher) in the 2nd century AD used scriptores classici, "first-class" or "reliable authors" whose works could be relied upon as model of good Latin. This is the first known reference, possibly innovated at this time, to classical applied to authors by virtue of the authentic language of their works. +In imitation of the Greek grammarians, the Roman ones, such as Quintilian, drew up lists termed indices or ordines on the model of the Greek lists, termed pinakes, considered classical: the recepti scriptores, "select writers." Aulus Gellius includes many authors, such as Plautus, who are currently considered writers of Old Latin and not strictly in the period of classical Latin. The classical Romans distinguished Old Latin as prisca Latinitas and not sermo vulgaris. Each author (and work) in the Roman lists was considered equivalent to one in the Greek; for example Ennius was the Latin Homer, the Aeneid was a new Iliad, and so on. The lists of classical authors were as far as the Roman grammarians went in developing a philology. The topic remained at that point while interest in the classici scriptores declined in the medieval period as the best Latin yielded to medieval Latin, somewhat less than the best by classical standards. +The Renaissance brought a revival of interest in restoring as much of Roman culture as could be restored and with it the return of the concept of classic, "the best." Thomas Sebillet in 1548 (Art Poétique) referred to "les bons et classiques poètes françois", meaning Jean de Meun and Alain Chartier, which was the first modern application of the word. According to Merriam Webster's Collegiate Dictionary, the term classical, from classicus, entered modern English in 1599, some 50 years after its re-introduction on the continent. Governor William Bradford in 1648 referred to synods of a separatist church as "classical meetings" in his Dialogue, a report of a meeting between New-England-born "young men" and "ancient men" from Holland and England. In 1715 Laurence Echard's Classical Geographical Dictionary was published. In 1736 Robert Ainsworth's Thesaurus Linguae Latinae Compendarius turned English words and expressions into "proper and classical Latin." In 1768 David Ruhnken (Critical History of the Greek Orators) recast the mold of the view of the classical by applying the word canon to the pinakes of orators, after the Biblical canon or list of authentic books of the Bible. Ruhnken had a kind of secular catechism in mind. +In 1870 Wilhelm Sigismund Teuffel in Geschichte der Römischen Literatur (A History of Roman Literature) innovated the definitive philological classification of classical Latin based on the metaphoric uses of the ancient myth of the Ages of Man, a practice then universally current: a Golden Age and a Silver Age of classical Latin were to be presumed. The practice and Teuffel's classification, with modifications, are still in use. His work was translated into English as soon as published in German by Wilhelm Wagner, who corresponded with Teuffel. Wagner published the English translation in 1873. Teuffel divides the chronology of classical Latin authors into several periods according to political events, rather than by style. Regarding the style of the literary Latin of those periods he had but few comments. +Teuffel was to go on with other editions of his history, but meanwhile it had come out in English almost as soon as it did in German and found immediate favorable reception. In 1877 Charles Thomas Cruttwell produced the first English work along the same lines. In his Preface he refers to "Teuffel's admirable history, without which many chapters in the present work could not have attained completeness" and also gives credit to Wagner. +Cruttwell adopts the same periods with minor differences; however, where Teuffel's work is mainly historical, Cruttwell's work contains detailed analyses of style. Nevertheless like Teuffel he encounters the same problem of trying to summarize the voluminous detail in a way that captures in brief the gist of a few phases of writing styles. Like Teuffel, he has trouble finding a name for the first of the three periods (the current Old Latin phase), calling it mainly "from Livius to Sulla." The language, he says, is "…marked by immaturity of art and language, by a vigorous but ill-disciplined imitation of Greek poetical models, and in prose by a dry sententiousness of style, gradually giving way to a clear and fluent strength…" These abstracts have little meaning to those not well-versed in Latin literature. In fact, Cruttwell admits "The ancients, indeed, saw a difference between Ennius, Pacuvius, and Accius, but it may be questioned whether the advance would be perceptible by us." +Some of Cruttwell's ideas have become stock in Latin philology for better or for worse. While praising the application of rules to classical Latin, most intensely in the Golden Age, he says "In gaining accuracy, however, classical Latin suffered a grievous loss. It became cultivated as distinct from a natural language… Spontaneity, therefore, became impossible and soon invention also ceased… In a certain sense, therefore, Latin was studied as a dead language, while it was still a living." These views are certainly debatable; one might ask how the upper classes of late 16th century Britain, who shared the Renaissance zealousness for the classics, managed to speak spontaneous Latin to each other officially and unofficially after being taught classical Latin by tutors hired for the purpose. Latinitas in the Golden Age was in fact sermo familiaris, the spoken Latin of the Roman upper classes, who sent their children to school to learn it. The debate continues. +A second problem is the appropriateness of Teuffel's scheme to the concept of classical Latin, which Teuffel does not discuss. Cruttwell addresses the problem, however, altering the concept of the classical. As the best Latin is defined as golden Latin, the second of the three periods, the other two periods considered classical are left hanging. While on the one hand assigning to Old Latin the term pre-classical and by implication the term post-classical (or post-Augustan) to silver Latin Cruttwell realizes that this construct is not according to ancient usage and asserts "…the epithet classical is by many restricted to the authors who wrote in it [golden Latin]. It is best, however, not to narrow unnecessarily the sphere of classicity; to exclude Terence on the one hand or Tacitus and Pliny on the other, would savour of artificial restriction rather than that of a natural classification." (This from a scholar who had just been complaining that golden Latin was not a natural language.) The contradiction remains; Terence is and is not a classical author depending on context. +After defining a "First Period" of inscriptional Latin and the literature of the earliest known authors and fragments, to which he assigns no definitive name (he does use the term "Old Roman" at one point), Teuffel presents "the second period", his major, "das goldene Zeitalter der römischen Literatur", the Golden Age of Roman Literature, dated 671 – 767 AUC or 83 BC – 14 AD according to his time reckoning, between the dictatorship of Lucius Cornelius Sulla and the death of the emperor Augustus. Of it Wagner translating Teuffel writes +The golden age of the Roman literature is that period in which the climax was reached in the perfection of form, and in most respects also in the methodical treatment of the subject-matters. It may be subdivided between the generations, in the first of which (the Ciceronian Age) prose culminated, while poetry was principally developed in the Augustan Age. +The Ciceronian Age was dated 671–711 AUC (83 BC – 43 BC), ending just after the assassination of Gaius Julius Caesar, and the Augustan 711–67 AUC (43 BC – 14 AD), ending with the death of Augustus. The Ciceronian Age is further divided by the consulship of Cicero in 691 AUC or 63 BC into a first and second half. Authors are assigned to these periods by years of principal achievements. +The Golden Age had already made an appearance in German philology but in a less systematic way. In Bielfeld's 1770 Elements of universal erudition the author says (in translation): "The Second Age of Latin began about the time of Caesar [his ages are different from Teuffel's], and ended with Tiberius. This is what is called the Augustan Age, which was perhaps of all others the most brilliant, a period at which it should seem as if the greatest men, and the immortal authors, had met together upon the earth, in order to write the Latin language in its utmost purity and perfection." and of Tacitus "…his conceits and sententious style is not that of the golden age…". Teuffel evidently received the ideas of a golden and silver Latin from an existing tradition and embedded them in a new system, transforming them as he thought best. +In Cruttwell's introduction, the Golden Age is dated 80 BC – 14 AD ("from Cicero to Ovid"), which is about the same as Teuffel's. Of this "Second Period" Cruttwell says that it "represents the highest excellence in prose and poetry," paraphrasing Teuffel. The Ciceronian Age is now "the Republican Period" and is dated 80–42 BC through the Battle of Philippi. Later in the book Cruttwell omits Teuffel's first half of the Ciceronian and starts the Golden Age at Cicero's consulship of 63 BC, an error perpetuated into Cruttwell's second edition as well. He must mean 80 BC as he includes Varro in Golden Latin. Teuffel's Augustan Age is Cruttwell's Augustan Epoch, 42 BC – 14 AD. +The literary histories list all authors canonical to the Ciceronian Age even though their works may be fragmentary or may not have survived at all. With the exception of a few major writers, such as Cicero, Caesar, Lucretius and Catullus, ancient accounts of Republican literature are glowing accounts of jurists and orators who wrote prolifically but who now can't be read because their works have been lost, or analyses of language and style that appear insightful but can't be verified because there are no surviving instances. In that sense the pages of literary history are peopled with shadows: Aquilius Gallus, Quintus Hortensius Hortalus, Lucius Licinius Lucullus and many others who left a reputation but no readable works; they are to be presumed in the Golden Age by their associations. A list of some canonical authors of the period, whose works have survived in whole or in part (typically in part, some only short fragments) is as follows: +The Golden Age is divided by the assassination of Julius Caesar. In the wars that followed the Republican generation of literary men was lost, as most of them had taken the losing side; Marcus Tullius Cicero was beheaded in the street as he enquired from his litter what the disturbance was. They were replaced by a new generation that had grown up and been educated under the old and were now to make their mark under the watchful eye of the new emperor. As the demand for great orators was more or less over, the talent shifted emphasis to poetry. Other than the historian Livy, the most remarkable writers of the period were the poets Vergil, Horace, and Ovid. Although Augustus evidenced some toleration to republican sympathizers, he exiled Ovid, and imperial tolerance ended with the continuance of the Julio-Claudian Dynasty. +Augustan writers include: +In his second volume, on the Imperial Period, Teuffel initiated a slight alteration in approach, making it clearer that his terms applied to the Latin and not just to the age, and also changing his dating scheme from years AUC to modern. Although he introduces das silberne Zeitalter der römischen Literatur, "the Silver Age of Roman Literature", 14–117 AD, from the death of Augustus to the death of Trajan, he also mentions regarding a section of a work by Seneca the Elder a wenig Einfluss der silbernen Latinität, a "slight influence of silver Latin." It is clear that he had shifted in thought from golden and silver ages to golden and silver Latin, and not just Latin, but Latinitas, which must at this point be interpreted as classical Latin. He may have been influenced in that regard by one of his sources, E. Opitz, who in 1852 had published a title specimen lexilogiae argenteae latinitatis, mentioning silver Latinity. Although Teuffel's First Period was equivalent to Old Latin and his Second Period was equal to the Golden Age, his Third Period, die römische Kaiserheit, encompasses both the Silver Age and the centuries now termed Late Latin, in which the forms seemed to break loose from their foundation and float freely; that is, literary men appeared uncertain as to what "good Latin" should mean. The last of the Classical Latin is the Silver Latin. The Silver Age is the first of the Imperial Period and is divided into die Zeit der julischen Dynastie, 14–68; die Zeit der flavischen Dynastie, 69–96; and die Zeit des Nerva und Trajan, 96–117. Subsequently Teuffel goes over to a century scheme: 2nd, 3rd, etc., through 6th. His later editions (which came out in the rest of the late 19th century) divide the Imperial Age into parts: the 1st century (Silver Age), the 2nd century: Hadrian and the Antonines and the 3rd through the 6th Centuries. Of the Silver Age proper, pointing out that anything like freedom of speech had vanished with Tiberius, Teuffel says +…the continual apprehension in which men lived caused a restless versatility… Simple or natural composition was considered insipid; the aim of language was to be brilliant… Hence it was dressed up with abundant tinsel of epigrams, rhetorical figures and poetical terms… Mannerism supplanted style, and bombastic pathos took the place of quiet power. +The content of new literary works was continually proscribed by the emperor (by executing or exiling the author), who also played the role of literary man (typically badly). The talent therefore went into a repertory of new and dazzling mannerisms, which Teuffel calls "utter unreality." Crutwell picks up this theme: +The foremost of these [characteristics] is unreality, arising from the extinction of freedom… Hence arose a declamatory tone, which strove by frigid and almost hyterical exaggeration to make up for the healthy stimulus afforded by daily contact with affairs. The vein of artificial rhetoric, antithesis and epigram… owes its origin to this forced contentment with an uncongenial sphere. With the decay of freedom, taste sank… +In Crutwell's view (which had not been expressed by Teuffel), Silver Latin was a "rank, weed-grown garden", a "decline." Cruttwell had already decried what he saw as a loss of spontaneity in Golden Latin. That Teuffel should regard the Silver Age as a loss of natural language and therefore of spontaneity, implying that the Golden Age had it, is passed without comment. Instead, Tiberius brought about a "sudden collapse of letters." The idea of a decline had been dominant in English society since Edward Gibbon's Decline and Fall of the Roman Empire. Once again, Cruttwell evidences some unease with his stock pronouncements: "The Natural History of Pliny shows how much remained to be done in fields of great interest." The idea of Pliny as a model is not consistent with any sort of decline; moreover, Pliny did his best work under emperors at least as tolerant as Augustus had been. To include some of the best writings of the Silver Age, Cruttwell found he had to extend the period through the death of Marcus Aurelius, 180 AD. The philosophic prose of that good emperor was in no way compatible with either Teuffel's view of unnatural language or Cruttwell's depiction of a decline. Having created these constructs, the two philologists found they could not entirely justify them; apparently, in the worst implications of their views, there was no classical Latin by the ancient definition at all and some of the very best writing of any period in world history was a stilted and degenerate unnatural language. +Writers of the Silver Age include the following. +Of the additional century granted by Cruttwell and others of his point of view to Silver Latin but not by Teuffel the latter says "The second century was a happy period for the Roman State, the happiest indeed during the whole Empire… But in the world of letters the lassitude and enervation, which told of Rome's decline, became unmistakeable… its forte is in imitation." Teuffel, however, excepts the jurists; others find other "exceptions," recasting Teuffels's view. +The style of language refers to repeatable features of speech that are somewhat less general than the fundamental characteristics of the language. The latter give it a unity allowing it to be referenced under a single name. Thus Old Latin, Classical Latin, Vulgar Latin, etc., are not considered different languages, but are all referenced under the name of Latin. This is an ancient practice continued by moderns rather than a philological innovation of recent times. That Latin had case endings is a fundamental feature of the language. Whether a given form of speech prefers to use prepositions such as ad, ex, de for "to", "from" and "of" rather than simple case endings is a matter of style. Latin has a large number of styles. Each and every author has a style, which typically allows his prose or poetry to be identified by experienced Latinists. The problem of comparative literature has been to group styles finding similarities by period, in which case one may speak of Old Latin, Silver Latin, Late Latin as styles or a phase of styles. +The ancient authors themselves first defined style by recognizing different kinds of sermo, or "speech." In making the value judgement that classical Latin was "first class" and that it was better to write with Latinitas they were themselves selecting the literary and upper-class language of the city as a standard style and all sermo that differed from it was a different style; thus in rhetoric Cicero was able to define sublime, intermediate and low styles (within classical Latin) and St. Augustine to recommend the low style for sermons (from sermo). Style therefore is to be defined by differences in speech from a standard. Teuffel defined that standard as Golden Latin.I will only point out two caveats: +- We cannot assume that click speakers of the African Southwest are necessarily indigenous to that region, and +- It is possible that, the greater phonemic diversity is due to ancient admixture between quite divergent peoples who possessed two different types of phonemic inventories, while most Africans inherited only the phonemic inventory of one of these peoples, which then decayed as per the author's theory away from Africa. +Science 15 April 2011: +Vol. 332 no. 6027 pp. 346-349 +Phonemic Diversity Supports a Serial Founder Effect Model of Language Expansion from Africa +Quentin D. Atkinson +Human genetic and phenotypic diversity declines with distance from Africa, as predicted by a serial founder effect in which successive population bottlenecks during range expansion progressively reduce diversity, underpinning support for an African origin of modern humans. Recent work suggests that a similar founder effect may operate on human culture and language. Here I show that the number of phonemes used in a global sample of 504 languages is also clinal and fits a serial founder–effect model of expansion from an inferred origin in Africa. This result, which is not explained by more recent demographic history, local language diversity, or statistical non-independence within language families, points to parallel mechanisms shaping genetic and linguistic diversity and supports an African origin of modern human languages.Xantusiidae is a clade of viviparous (live bearing) lizards that ranges from southwestern North America and Baja California (Xantusia) into Central America (Lepidophyma) and Cuba (Cricosaura). Xantusia magdalena occurs in Baja California. Xantusiidae is a relatively small clade, with 3 genera and approximately 30 living species. Lepidophyma is the most speciose (~17 species), whereas Cricosaura is monotypic. Xantusiids have a reasonably good fossil record extending from the mid-Paleocene onward in western North America. +Xantusiids are fascinating lizards for several reasons. First, although they are almost uniformly diminuitive (Xantusia magdalena measures less than 4 cm snout-vent length, and the largest xantusiid species measure about 10 cm snout-vent length), xantusiids generally take several years to reach sexual maturity, and several species give birth to just 1 or 2 offspring. It is a more usual reproductive strategy for small lizards to mature quickly and produce large numbers of offspring, to increase their chances of survival. Despite this low reproductive potential, xantusiid neonates actually have a high life expectancy; this can be attributed at least in part to their secretive lifestyle, which leads to the second reason why xantusiids are particularly interesting -- microhabitat specialization. +Microhabitat specialization is an ecological hallmark of Xantusiidae. Many populations are narrowly restricted to specific niches -- crevices (e.g., Xantusia henshawi in exfoliating granitic cap rocks), interstices in agaves and yuccas in dry climates (e.g., X. magdalena), decaying logs in wet climates (e.g., Lepidophyma flavimaculatum) -- and individuals may be found under the same patch of cover throughout their lives! +These microhabitat restrictions result in extremely disjunct geographical distributions, and also may be responsible for some morphological convergence within the group (e.g., flattened skulls for crevice dwelling). Xantusiidae also includes two insular endemics: the Cuban Cricosaura typica is the only xantusiid found in the West Indies and is interpreted as one of the Caribbean's few ancient endemic vertebrate lineages; and Xantusia riversiana (formerly Klauberina riversiana) is limited to three of the Channel Islands off the coast of California. +The phylogenetic relationships of Xantusiidae are problematic. Morphology and molecules produce different topologies within the clade: morphology recovers a Cricosaura + Lepidophyma clade, while mitochondrial genes recover a Lepidophyma + Xantusia clade. Lack of resolution of relationships within Xantusiidae has hindered the placement of this clade within the squamate tree. Xantusiidae is a "tree-changing" taxon: it causes homoplasy wherever it is placed, and its placement can tip the balance between the two primary competing hypotheses of scleroglossan relationships. Xantusiidae is traditionally placed within Scincomorpha, but some analyses have placed it near Gekkota. Thus, Xantusiidae is either a highly derived, or extremely basal, scleroglossan clade. Previous analyses of squamate phylogeny have almost certainly suffered in relying on species of the readily available -- but relatively derived -- genus Xantusia as exemplars for Xantusiidae. Cricosaura or a species of Lepidophyma would be more appropriate, but both are exceedingly rare in collections; indeed, some species of Lepidophyma are known from only 1 or 2 specimens. +Whatever the placement of Xantusiidae within squamates, there is no doubt that xantusiids are monophyletic. The following are some of the hypothesized synapomorphies of the lineage (from Estes et al., 1988), most of which can be seen in the skull reconstructions above: supratemporal fenestra closed primarily by postorbital; parietals paired well into postembryonic ontogeny; parietal table extensive posteriorly, largely obscuring braincase in dorsal view, supratemporal process short; vomers fused; ectopterygoid contacts palatine anterolaterally, excluding maxilla from suborbital fenestra; ectopterygoid enlarged medially, restricting suborbital fenestra. +About the Species +This specimen was collected in Baja California Sur, Mexico. It was made available to the University of Texas High-Resolution X-ray CT Facility for scanning by Dr. Jessie Maisano of The University of Texas and Dr. Jacques Gauthier of Yale University. Funding for scanning was provided by an NSF grant (DEB-0132227) to Dr. Jack Sites of Brigham Young University. Funding for image processing was provided by a National Science Foundation Digital Libraries Initiative grant to Dr. Timothy Rowe of The University of Texas at Austin. +About this Specimen +The specimen was scanned by Matthew Colbert on 18 May 2005 along the coronal axis for a total of 615 1024x1024 pixel slices. Each slice is 0.0152 mm thick, with an interslice spacing of 0.0152 mm and a field of reconstruction of 7 mm. +Bezy, R. L. 1982. Xantusia vigilis. Catalogue of American Amphibians and Reptiles 302.1-302.4. +Bezy, R. L. 1988. The natural history of the night lizards, family Xantusiidae, p. 1-12. In H. F. DeLisle et al. (eds.), Proceedings of the Conference on California Herpetology. Southwest Herpetological Society Special Publication 4. +Bezy, R. L. 1989. Night lizards: the evolution of habitat specialists. Terra 28:29-34. +Bezy, R. L., and J. L. Camarillo. 2002. Systematics of xantusiid lizards of the genus Lepidophyma. Los Angeles County Museum Contributions in Science 493:1-41. +Crother, B. I., M. M. Miyamoto, and W. F. Presch. 1986. Phylogeny and biogeography of the lizard family Xantusiidae. Systematic Zoology 35:37-45. +Estes, R. 1983. Sauria Terrestria, Amphisbaenia. Handbuch der Palaoherpetologie, Part 10A. Gustav Fischer Verlag, Stuttgart. +Estes, R., K. de Queiroz, and J. Gauthier. 1988. Phylogenetic relationships within Squamata, p. 119-281. In R. G. Estes and G. K. Pregill (eds.), Phylogenetic Relationships of the Lizard Families: Essays Commemorating Charles L. Camp. Stanford University Press, Stanford. +Fellers, G. M., and C. A. Drost. 1991. Ecology of the island night lizard, Xantusia riversiana, on Santa Barbara Island, California. Herpetological Monographs 5:28-78. +Hedges, S. B., R. L. Bezy, and L. B. Maxson. 1991. Phylogenetic relationships and biogeography of xantusiid lizards, inferred from mitochondrial DNA sequences. Molecular Biology and Evolution 8:767-780. +Lee, M. S. Y. 1998. Convergent evolution and character correlation in burrowing reptiles: towards a resolution of squamte relationships. Biological Journal of the Linnean Society 63:369-453. +Macey, J. R., A. Larson, N. B. Ananjeva, and T. J. Papenfuss. 1997. Evolutionary shifts in three major structural features of the mitochondrial genome among iguanian lizards. Journal of Molecular Evolution 44:660-674. +Savage, J. M. 1955. The lizard family Xantusiidae: an evolutionary study. Ph.D. Dissertation, Stanford University. +Savage, J. M. 1963. Studies on the lizard family Xantusiidae. IV. The genera. Los Angeles County Museum Contributions in Science 71:3-38. +Sinclair, E. A., Bezy, R. L., Bolles, K., Camarillo R., J. L., Crandall, K. A. and J. W. Sites Jr. 2004. Testing species boundaries in an ancient species complex with deep phylogeographic history: Genus Xantusia (Squamata: Xantusiidae). The American Naturalist 164:396-414. +Van Denburgh, J. 1895. The species of the genus Xantusia +. Proceedings of the California Academy of Sciences (Series 2) 5:523-534. +Zweifel, R. G., and C. H. Lowe. 1966. The ecology of a population of Xantusia vigilis +, the desert night lizard. American Museum Novitates 2247:1-57. +Xantusiidae page on the EMBL Reptile Database +Three-dimensional volumetric renderings of the skull with the scleral ossicles, hyoid and jaw removed, and of the isolated left mandible. All are 2mb or less.This database of images for the study and teaching of art, design, and visual culture at Illinois State University, is produced as a collaboration between the School of Art and Milner Library. The images come from many sources, including publications, original photography, and the Visual Resources Collection of the School of Art. +The slides of Sverre "Bex" Braathen combine a "Passion for Circus" with the skills and artistry of photography at its finest. +Images were captured in the saturated colors of Kodachrome slides and date from the early 1940s to the late 1950s as well as black and white film in the 1930s. Set within the context of the entire Braathen … +Illinois State University History is a growing collection that currently includes campus history books, proceedings of the first university governing board, and nearly 400 photographs. +Support for this collection is provided by the Friends of Milner Library and the Illinois State Library, a division of the Office of the Secretary of … +Welcome to Milner Library's International Collection of Child Art digital image collection! This resource holds images of art created by children and adolescents representing more than fifty countries and cultures from Argentina to New Zealand. The artworks are two dimensional and use varied media. The work in this collection … +Voices of Extremism: Conflicting Ideologies in United States Politics in the Decades Following WWII is a unique audio documentation of the individuals and movements that characterized the Extremist politics in the United States in the decades following the Second World War from 1946 to 1980. The collection also includes a documentary on … +Cultivated in the spirit of teaching, learning and research, Milner Library's digital collections provide a variety of resources. They reflect the rich cultural heritage at Illinois State University, and include audio recordings, historic documents, photos, and images of art and visual culture. +Discover all collections +Art & Culture +Circus & Allied Arts +Illinois State University History +International Collection of Child Art +Voices of Extremism +Native American Collection +Normal Editions Workshop (N.E.W.) +Towanda Area History +World War I WomenCreator: Gust, Iris +Description: The brochure promotes urban transportation policy to increase the use of renewable energy to 100%. Seen globally, transport is one of the main sources of greenhouse gas emissions. Yet fossil fuels are becoming scarce, will become increasingly expensive and will eventually stop being viable as transport fuels. Before this happens, climate change will have begun to have a serious impact on human lives. The authors believe that it is crucial to replace fossil fuels with renewable energy as soon as possible, especially in the transport sector. Making urban transport independent of fossil fuel is a great challenge, but the authors cite growing evidence that it can be achieved. +Contributing Partner: UNT LibrariesDate: August 2010 +Creator: Allen, Evette L. +Description: Family communication has the potential to affect a variety of youth behavioral outcomes including adolescent sexual risk behavior. Within chapter 1, I present past literature on adolescent sexual risk behaviors, family communication patterns, and the gaps associated with those areas. In chapter 2, I review previous literature on adolescent sexual risk behavior, parent-child communication and family communication patterns. In chapter 3, I present the method which includes a description of the participants, procedures, measures, and data analysis used. In Chapter 4, I present the results of the study. According to the results of the study, father-child communication is not a better predictor of adolescent sexual risk behavior. A higher quantity of parent-child communication does not lead to less adolescent sexual risk behavior. Participants with a pluralistic family type do significantly differ from laissez-faire and protective family types in regards to levels of parent-child communication. Participants with a consensual family type do have significantly higher levels of parent-child communication in comparison to laissez-faire family types, but not protective family types. Finally, in chapter 5, I present the discussion with a review of previous research (consistent or inconsistent with the current findings), limitations and conclusions for the current study. +Contributing Partner: UNT LibrariesChildren of substance abusers: Observations and their mothers' reports of childrearing practices +The widespread use of drugs includes women who are mothers and of childbearing age. A review of the literature shows that women who are substance abusers suffer from depression, low self-esteem, have poor health and nutrition, and histories of family violence and abuse.^ During pregnancy, addictive women often lack prenatal care. In utero exposure to drugs is associated with multiple postnatal outcomes which include prematurity, low birth weight, neonatal abstinence syndrome, and Acquired Immunodeficiency Syndrome (AIDS). Intelligence testing found that the children scored within the normal range but significantly lower than the children of drug-free controls.^ Conflicting views on the parenting of mothers who are substance abusers exist. Deprived and poorly nurtured in childhood themselves, they feel inadequate as parents. However, they love their children, are capable of learning developmental issues of childhood, and can respond with sensitivity to their needs.^ The purpose of this study was to examine the child-rearing attitudes and parental style of addicted mothers and the impact of their drug use, parental attitudes, and demographic variables on their interactions with their children. Forty-four mothers, forty-one drug users and three non-drug users, and nineteen infants participated in the study. Participants attended the Infant and Toddler Schools of the Center for Comprehensive Health Practice, Inc. Subjects completed the demographic sheet and the modified Child-Rearing Practices Report (CRPR). The child data was obtained from the agency and included the scores of the Bayley Scales of Infant Development, the Checklist for Caregiver-Infant Observation, and the Home Observation for Measurement of the Environment-Short Form (Home-SF). Generally, greater parental control and less expression of affection were adhered to as values by the participants of the study. Correlations as a function of drug usage and demographic variables suggested that the participants held both sound and inappropriate child-rearing attitudes. Length of treatment and the age of the youngest child emerged as the demographic variables most related to the parental attitude variables. The children scored within the average range of intelligence, however, the range of variation was highly significant. ^ +Health Sciences, Mental Health|Women's Studies|Psychology, Developmental +Sarai Ramona Padilla-Rafalsky, +"Children of substance abusers: Observations and their mothers' reports of childrearing practices" +(January 1, 1993). +ETD Collection for Pace University.This study presents the results from a survey issued to speech-language pathologists in the state of Kentucky regarding their perspectives on referral and assessment of bilingual speakers whose primary language is not English. The study was conducted to determine methods for decreasing the over-identification of bilingual students served for speech and language disorders. Literature review indicates an over-identification of non-English speakers in special education and related services programs nationwide. There are many possible reasons for this over-identification some of which include: lack of English instruction prior to testing in English, Speech-Language Pathologists’ preparation level, and shortage of appropriately normed assessment tools. This study specifically addresses Kentucky Speech-Language Pathologists’ preparation and comfort level with referral and assessment of non-English speaking students. +Advisor(s) or Committee Chair +Professor Leisa Hutchison +Bilingual, Multilingual, and Multicultural Education | Speech and Rhetorical Studies +Schulte, Kathleen M., "A Speech-Language Pathologiest Perspective on the Referral and Assessment of Bilingual Children whose Primary Language is not English" (2010). Honors College Capstone Experience/Thesis Projects. Paper 253.Born in 1940, Wangari Maathai is a Kenyan ecologist and environmental activist who founded the Green Belt Movement in 1977, causing the media to depict her as a latter-day Johnny Appleseed who has planted millions of trees in Africa. (The Green Belt Movement has been responsible for the planting of more than 10 million trees to prevent soil erosion and provide a source of firewood.) +As a member of the Green Belt Movement, Maathai has led sub-Saharan African women in provoking sometimes-violent clashes with police. Though casting herself as a hero of the downtrodden, she has demonstrated against peasants’ economic interests. When Kenyan autocratic leader Daniel arap Moi wanted to revive the nation’s dead economy by building the world’s largest skyscraper in the capital, her riotous actions dried up investment. Later, she led a protest to prevent “small-scale farming” on African forestland and called farmers “invaders” who were guilty of “rape.” In 1992, she and the women in her Green Belt Movement foreshadowed contemporary Western antiwar demonstrators by staging a public strip-in. +In 2004 she won the Nobel Peace Prize for her work in “human rights” and “reversing deforestation across Africa.” +When Maathai was awarded her Nobel Prize, United Nations Secretary-General Kofi Annan paid her a glowing tribute: +Maathai is also an anti-white, anti-Western crusader for international socialism. She charges that “some sadistic [white] scientists” created the AIDS virus “to punish blacks” and, ultimately, “to wipe out the black race.” Maathai continues: +“Renowned and admired throughout her native Kenya and across Africa for her pioneering struggle against deforestation and for women’s rights and democracy, Ms. Maathai has also played an important role at UN conferences such as the Earth Summit, making an imprint on the global quest for sustainable development.... Selfless and steadfast, Ms. Maathai has been a champion of the environment, of women, of Africa, and of anyone concerned about our future security.” +“Some say that AIDS came from the monkeys, and I doubt that, because we have been living with monkeys [since] time immemorial; others say it was a curse from God, but I say it cannot be that.... Us black people are dying more than any other people in this planet. It’s true that there are some people who create agents to wipe out other people.” +“Why is the rest of the world just watching,” Maathai asks, “doing nothing while Africans are being wiped out? The rest of the world has abandoned us.” +There is, of course, a very real genocide throughout sub-Saharan Africa, as Muslim Arabs murder indigenous black Christians and animists, 100,000 in Darfur alone. The repeated rape of young black boys by Arabs is now commonplace. These scenes first played out during the genocide in Rwanda, which began early in the Clinton administration, and have been seen all over the sub-continent for a decade. Maathai addressed this brutality at the World Women’s Conference in Beijing in 1995, where she blamed it on Western capitalists. She claims that Western governments laid the groundwork for present slaughter during the Cold War. “The carnage goes on in Somalia, Rwanda, Liberia and in the streets of many cities,” she says. “People of Africa continue to be sacrificed so that some factories may stay open, earn capital and save jobs.” +Thus in Maathai’s view, Arab genocide is the fault of wealthy whites. +Maathai has courted global socialism through her long association with the United Nations’ environmentalist agenda. She was a member of the Commission on Global Governance (CGG), founded in 1992 at the suggestion of former West German Chancellor and socialist Willy Brandt. Maathai worked on the CGG alongside Maurice Strong, Jimmy Carter, and Robert McNamara. The group’s manifesto, “Our Global Neighborhood,” calls for a dramatic reordering of the world’s political power – and redistribution of the world’s wealth. +Most importantly, the CGG’s proposals would phase out America’s veto in the Security Council. At the same time, the CGG would increase UN authority over member nations, declaring, “All member-states of the UN that have not already done so should accept the compulsory jurisdiction of the World Court.” It asks the UN to prevail upon member governments to enact proposals made by wide NGOs – such as the Green Belt Movement. “Our Global Neighborhood” also suggested creating a 10,000-man “UN Volunteer Force” to be deployed at the UN’s approval on infinite peacekeeping missions everywhere (except Iraq). +Maathai currently acts as a commissioner for the Earth Charter, along with the aforementioned Maurice Strong, Mikhail Gorbachev and Steven Rockefeller. She is also on the Earth Charter’s Steering Committee. In addition to calling for sharing the “benefits of development . . . equitably,” the Earth Charter calls on international bodies to “Promote the equitable distribution of wealth within nations and among nations.” Another Charter provision would disarm the entire world and use the money previously allocated for national defense to restore the environment. Additionally, the Earth Charter worries about the “unprecedented rise in human population,” and demands “universal access to health care.” +Maathai earned her biology degree from Mount St. Scholastica College in Kansas and a Master’s degree at the University of Pittsburgh. She later returned to Kenya and worked in veterinary medical research at the University of Nairobi, eventually earning a Ph.D. there and becoming head of the veterinary medicine faculty.In some people, macular degeneration advances so slowly that it has little effect on their vision. But in others, the disease progresses faster and may lead to vision loss. Sometimes only one eye is affected, while the other eye remains free of problems for many years. People with dry macular degeneration in one eye often do not notice any changes in their vision. With one eye seeing clearly, they can still drive, read, and see fine details. Some people may notice changes in their vision only if macular degeneration affects both of their eyes. Both dry and wet macular degeneration cause no pain. +Symptoms of macular degeneration include: +Blurred vision —This is an early sign. An example of early findings is that you may need more light for reading and other tasks. +Difficulty seeing details in front of you —You may have a difficult time seeing words in a book or faces. +Blind spot —A small, growing blind spot will appear in the middle of your field of vision. This spot occurs because a group of cells in the macula have stopped working properly. Over time, the blurred spot may get bigger and darker, taking more of your central vision. +Crooked lines —An early symptom of wet macular degeneration is straight lines that will appear crooked or wavy. This happens because the newly formed blood vessels leak fluid under the macula. The fluid raises the macula from its normal place at the back of the eye and distorts your vision. +Lighting —Images appear more gray in color and colors are not as bright +Contact your ophthalmologist immediately for an eye exam if you notice: +- Visual distortions +- Sudden decrease in central vision +- A central blind spot +- Any other visual problems +- Reviewer: Christopher Cheyer, MD +- Update Date: 09/01/2011 -Now he’s alerted me to a new study and related lecture on what he and his co-authors are calling “peak farmland” — an impending stabilization of the amount of land required for food as humanity’s growth spurt plays out. While laying out several important wild cards (expanded farming of biofuels among them), Ausubel and his co-authors see a reasonable prospect for conserving, and restoring, forests and other stressed terrestrial ecosystems even as humanity exerts an ever greater influence on the planet. +The study, “Peak Farmland and the Prospects for Sparing Nature,” is by Ausubel, Iddo K. Wernick and Paul E. Waggoner and will be published next year as part of a special supplement to the journal Population and Development Review, published by the Population Council. +Drawing on a host of data sets, the authors conclude that a combination of slowing population growth, moderated demand for land-intensive food (meat, for instance) and more efficient farming methods have resulted in a substantial “decoupling” of acreage and human appetites. +Here’s the optimistic opener: +Expecting that more and richer people will demand more from the land, cultivating wider fields, logging more forests, and pressing nature, comes naturally. The past half-century of disciplined and dematerializing demand and more intense and efficient land use encourage a rational hope that humanity’s pressure will not overwhelm nature. +Ausubel will describe the findings in a talk during a daylong symposium at his university on Tuesday honoring Paul Demeny, who at age 80 is stepping down as editor of the journal. +Ausubel’s prepared remarks are online. In his talk, he explains that while the common perception is that meeting humanity’s food needs is the task of farmers, there are many other players, including those of us who can choose what to eat and how many children to have: +[T]he main actors are parents changing population, workers changing affluence, consumers changing the diet (more or less calories, more or less meat) and also the portion of crops entering the food supply (corn can fuel people or cars), and farmers changing the crop production per hectare of cropland (yield). +The new paper builds on a long string of studies by Ausubel and the others, including the 2001 paper “How Much Will Feeding More and Wealthier People Encroach on Forests?.” Also relevant is “Restoring the Forests,” a 2000 article in Foreign Affairs co-written by Ausubel and David G. Victor (now at the University of California, San Diego) +This body of analysis is closely related to the core focus of this blog: finding ways to fit infinite human aspirations (and appetites) on a finite planet. The work presents a compelling case for concentrating agriculture through whatever hybrid mix of means — technological or traditional — that best fits particular situations, but also fostering moderation in consumption. +Here’s an excerpt from the paper’s conclusion, which notes the many wild cards that make the peak farmland scenario still only a plausible, and hardly inevitable, future: +[W]ild cards remain part of the game, both for and against land sparing. As discussed, the wild card of biofuels confounded expectations for the past 15 years. Most wild cards probably will continue to come from consumers. Will people choose to eat much more meat? If so, will it be beef, which requires more land than poultry and fish, which require less? Will people become vegetarian or even vegan? But if they become vegan, will they also choose clothing made from linen, hemp, and cotton, which require hectares? Will the average human continue to grow taller and thus require more calories? Will norms of beauty accept obesity and thus high average calories per capita? Will a global population with a median age of 40 eat less than one with a median age of 28? Will radical innovations in food production move humanity closer to landless agriculture (Ausubel 2010)? Will hunger or international investment encourage cropland expansion in Africa and South America? (Cropland may, of course, shrink in some countries while expanding in others as the global sum declines.) And will time moderate the disparities cloaked within global averages, in particular disparities of hunger and excess among regions and individuals? +Allowing for wild cards, we believe that projecting conservative values for population, affluence, consumers, and technology shows humanity peaking in the use of farmland. Over the next 50 years, the prospect is that humanity is likely to release at least 146 mHa [146 million hectares, or 563,710 square miles], one and a half times the size of Egypt, two and a half times that of France, or ten Iowas, and possibly multiples of this amount. +Notwithstanding the biofuels case, the trends of the past 15 years largely resemble those for the past 50 and 150. We see no evidence of exhaustion of the factors that allow the peaking of cropland and the subsequent restoration of nature. +In an e-mail exchange today, I asked Ausubel about another issue touched on in the paper: +Looking around the planet, it’s clear from a biodiversity standpoint that all forests — or farming pressures — are not equal. For instance, in Southeast Asia, palm oil and orangutans are having a particularly hard time co-existing. So while the overall trend is great, do you see the need for maintaining a focus on particular “hot spots,” to use a term familiar in environmental circles? +So far, I don’t see lots of evidence that conservation campaigners (you are one on ocean resources) have found a way to accept this kind of good news and/or incorporate it in their prescriptions for sustaining a rich and variegated biological sheath on Earth. If you agree, any idea why? +Indonesia is the number one place where letting the underlying trend work will not work fast enough. The list of threatened regions is quite well identified: parts of the central African forest, parts of the Amazon. +Some conservation groups have realized that the slow growth in demand for calories as well as pulp and paper are creating big chances to reserve or protect more land. In the right places, where crops are no longer profitable, some amounts of money can acquire large amounts of land for nature. +Conservation groups also ought to attend more to the ecological disaster called biofuels. +I encourage you to dig in on this paper and related work, which provides a useful guide for softening the human impact on a crowding planet. There’ll be plenty of losses, and surprises, but there are real prospects for sustaining a thriving, and peopled, orb. +6:57 p.m. | Addendum | For relevant work with somewhat different conclusions review the presentations from “Intensifying agriculture within planetary boundaries,” a session at the Planet Under Pressure conference in London last March. I’ll be adding links to other relevant analysis here.Although uncommon, an entirely different group of factors plays a role when an athlete suffers a stroke. +Head and neck trauma are often factors in stroke during athletic competitions. Direct head trauma can result in leakage from blood vessels, depriving large regions of the brain of necessary nutrients. +Violent forward and backward movement of the head can result in tearing the inner lining of vital arteries responsible for directing blood to the brain. This condition, known as arterial dissection, can form a clot within the affected blood vessel or become a source of small clots. These smaller clots often move toward the brain as emboli and block other arteries. +Treatment for arterial dissection involves the use of blood thinning medications and avoiding violent collision sports. +Another common risk factor for stroke in athletes is the existence of a patent foramen ovale (PFO). A PFO is a hole between the upper chambers of the heart, the right and left atria. The foramen ovale forms in the fourth week of embryonic development and should close in the first three months after birth. When it does not close, it is considered patent or open. +This abnormal channel allows direct passage of blood clots to the brain. These clots often originate in the legs and may result from immobilized lower extremities. +PFOs can be treated with equal success by surgical closure or blood thinning medications. Athletes appear to do better with surgical closure and usually make a full recovery to return to sports. +While considered rare, strokes do occur in athletes and treatment requires a different approach.There are many ways to effectively teach a dog. +Not so long ago, most of the accepted methods for training were forceful or aversive. Unfortunately, some of these methods still are in use among the abusive and uneducated. +One of the pioneers of gentle training techniques was Barbara Woodhouse. This English dog trainer was instrumental in paving the way for today’s nonaversive and positive methods of training. She was a genius at molding behaviors with lures and gently “modeling” a dog into positions without force. But even Woodhouse used some techniques that can be considered rough by today’s standards. +If you have researched dog-training methodologies at all, you probably have noticed that a percentage of the available training books advocate the use of a “choke chain” (otherwise called the training collar). When used properly, this training device relies on aversion to get the dog’s attention or to make a correction when your dog doesn’t respond to a command correctly. A sharp snap of the leash tightens the collar around the dog’s neck, startling the dog with a momentary, low-level pain. +The choke chain is not a training device for leash pullers, as is commonly thought, and when used incorrectly can, at the least, cause misalignment of the spine and trachea damage. At worst, it can cause brain damage and even death. Because there is such a high risk for misuse of this device (you may not realize that the choke chain should be worn with the free ring up, for instance), the training world probably would be much better off without it. +Your efforts to train your dog should focus on building a bond and nurturing trust. This bond becomes the motivator that drives your dog to learn, focus and respond. +Why would anyone want to use force or violence when positive reinforcement works so well? Why should your dog trust you if he knows that you are likely to hit him when he is unfocused or confused? That’s like your supervisor yelling at you when you have problems with a difficult task. Stress won’t help you concentrate or focus better. Abusive treatment of dogs in the name of training, just as abusive handling of employees in the name of supervision, doesn’t work. It does, however, tell us a lot about the trainer. +For any method of dog training to be successful, it must be: +Effective – If it’s not effective, what’s the point? +Efficient – Both you and your dog will become frustrated if training takes too long. +Enjoyable – Fun is an important ingredient in motivating both you and your dog. +The proper execution of any training program is dependent on these three ingredients. +But, ultimately, the most important ingredient in your training program is you, the owner. The trust you nurture in your dog will be evident in his willingness to look to you for leadership and his motivation to work with you in any and all situations. Those qualities are in your dog right now but cannot be developed through the use of harsh training methods. +Dog training can be whatever you want it to be. If you rely on anger and force, the relationship and trust will suffer. If you rely on motivation and reward, while providing appropriate consequences for misdeeds, training just gets better and better. +Julie Winkelman is a certified pet dog trainer and a certified dog trainer. Reach her at www.alphacanineacademy.com.A 2012 survey conducted by the Association for Pet Obesity Prevention found 52.5 percent of dogs and 58.3 percent of cats to be overweight or obese by their veterinarian. This translates to nearly 80 million dogs and cats in America with a weight problem. Dr. George Banta, chair of the Veterinary Technology department at Brown Mackie College - Akron and Dr. Mary Jo Wagner, attending veterinarian at Argosy University, Twin Cities, offer useful information for pet owners. +How can you tell if your pet is overweight? “It’s not the number of pounds, it’s how the animal carries the weight,” says Banta. “The number on the Body Condition Score is more important than pounds.” The Body Condition Score offers a way to assess the condition of an animal, usually on a scale from one to five, taking into account height, weight, and relative proportions of muscle and fat. +With a little knowledge, you can use sight and touch to figure your pet’s general condition. “When looking down on a dog or cat from above,” says Banta, “the body should slim to a discernable waist. An animal is too thin if you can see the spine or ribs; however, you should be able to feel them beneath the fur.” An animal of ideal weight will also display a pelvic tuck when viewed from the side. +“Just like humans, when animals overeat, they face increased risk for health problems like diabetes, heart disease, gastrointestinal problems and cancer,” continues Banta. In fact, these risks also include a shortened life expectancy. +Many owners feed pets according to the manufacturer’s suggested amounts; however, this instruction may not be right for your pet. “These guidelines are meant to cover all animals of a certain weight range,” says Wagner. “An owner must consider the age and activity level of each pet. The more active they are, the more calories they will burn in a day.” +Metabolism rates vary in animals the same way they do in people. Metabolism is the body process in which food is broken down for energy; another factor that affects the amount of food a pet needs. Wagner advises owners to keep an eye on body condition to judge whether a pet is eating properly. “If your pet shows signs of being overweight, simply cut back the amount of food given at each meal. Then weigh the pet in two or three weeks to see if it has made a difference,” she says. +Choosing the right food for your pet is important as well. Different brands of pet food contain varying amounts of protein, fat, carbohydrates and calories. “As a general rule, young, active dogs need high protein food,” says Wagner. “Older dogs need higher fiber to keep the gastrointestinal (GI) tract moving.” Ingredients listed on the package appear in descending order of volume; the first item on the list is most abundant in the food. +Most of us love to give treats, but many of us don’t realize how many we offer each day. “A 40-pound dog is one quarter the size of a 160-pound person,” Wagner says. “They have smaller stomachs. Look at calories in everything your pet eats. After that, it’s simple math.” +“Table scraps are a definite no. Zip, zilch, nada,” says Banta. “They are not good for two reasons. First, foods like chocolate, caffeine, grapes and raisins can be toxic to dogs. Second, the high fat content associated with table scraps, especially holiday trimmings, can lead to the onset of acute pancreatitis, which can be fatal.” +He recommends offering a kibble of food or a carrot instead of a cookie. If you must give cookies, try breaking them in half. “Pets do enjoy treats as a reward; however, attention from you is also a reward. It’s important to praise animals. In some ways, spending time with them is better than a treat,” Wagner says.On this day in 1951, more than six years after the end of World War II in Europe, President Harry S. Truman signed a proclamation officially ending U.S. hostilities with Germany. +The official end to the war came nine years, 10 months and 13 days after Congress had declared war on Nazi Germany. The lawmakers had responded to a declaration of war issued by the Third Reich in the aftermath of the Dec. 7, 1941, Japanese attack on Pearl Harbor and other U.S. bases in the Pacific. +The president explained why he had waited so long after the fighting had ended to act: It had always been America’s hope, Truman wrote, to create a treaty of peace with the government of a united and free Germany, but the postwar policies pursued by the Soviet Union “made it impossible.” +After the war, the United States, Britain, France and the Soviet Union divided Germany into four zones of occupation. Berlin, while located wholly within the Soviet zone, was jointly occupied by the wartime allies and also subdivided into four sectors because of its symbolic importance as the nation’s historic capital and seat of the former Nazi government. +The three western zones were merged to form the Federal Republic of Germany in May 1949, and the Soviets followed suit in October 1949 with the establishment of the German Democratic Republic. +The East German regime began to falter in May 1989, when the removal of Hungary’s border fences punched a hole in the Iron Curtain, allowing tens of thousands of East Germans to flee to the West. Despite the grants of general sovereignty to both German states in 1955, neither of the two German governments held unrestricted sovereignty under international law until after they were reunified in October 1990.Survey data is a snapshot of a population, a moment captured in numbers, like vital signs: height, weight, temperature, blood pressure, etc. People build trend lines and watch for changes, shifting strategies as they make educated guesses about what’s going on. What’s holding steady? What’s spiking? What’s on the decline? +Just as a thermometer makes no judgment, the Pew Research Center provides data about the changing world around us. We don’t advocate for outcomes or recommend policies. Rather, we provide an updated record so that others can make those pronouncements and recommendations based on facts. +The latest in our health research series is being released today. Health Online 2013 finds that internet access and interest in online health resources are holding steady in the U.S. For a quick overview, read on… +What is new? +1 in 3 U.S. adults use the internet to diagnose themselves or someone else – and a clinician is more likely than not to confirm their suspicions. This is the first time we – or anyone else – has measured this in a straightforward, national survey question. +1 in 4 people looking online for health info have hit a pay wall. This is the first data I know of that begins to answer the important question: what is the public impact of closed-access journals? +We added three new health topics: +- 11% of internet users have looked online for information about how to control their health care costs. +- 14% of internet users have looked online for information about caring for an aging relative or friend. +- 16% of internet users have looked online for information about a drug they saw advertised. +(A full list of all the health topics we’ve included, 2002-10, is available here.) +What has changed? +The percentage of people who have consulted online reviews of drugs and medical treatments dropped (and I don’t know why — do you have a theory? Please post a comment.) +Related: why aren’t health care review sites catching on? Pew Internet has tracked a boom in consumer reviews of other services and products — why not health care? +What to keep an eye on? +One of my favorite survey questions is asked of all adults and attempts to capture a broad portrait of health care resources that someone might tap into when they’re sick. +It’s a useful question for keeping online resources in perspective. I think it’s also going to prove useful in the coming years as the landscape shifts and people have more opportunities to connect with clinicians online. How fast will that ”Yes, online” group grow? Or will care always be hands-on at its core — and therefore we should see growth in the “Yes, both” category? +Speaking of keeping things in perspective, I think it’s important to remind ourselves that there are pockets of people who remain offline. Internet access drives information access. +Here’s a table from the Appendix that digs even deeper: +In other words, 64% of college educated adults in the U.S. have researched a specific disease online, compared with just 16% of U.S. adults who have not completed high school. +These are just a few highlights — please read the report, ask questions, and tell us what you think: How’s the patient doing, based on this new set of vital signs? What do you prescribe?Fewer rare sea turtles will die on the swordfish industry's longlines in Hawaii under an agreement between environmental groups and the government. The agreement settles a lawsuit challenging the federal government's plans that would have dramatically increase the number of turtles that could be killed. The Turtle Island Restoration Network, Center for Biological Diversity and KAHEA sued the National Marine Fisheries Service for allowing 46 imperiled Pacific loggerhead turtles to be hooked last year. The new court-ordered settlement caps the number at 17 per year. Meanwhile the National Marine Fisheries Service is weighing whether loggerheads need more protection under the Endangered Species Act. +"It made absolutely no sense to have one arm of the National Marine Fisheries Service increasing the lethal capture of loggerheads, while the other arm is in the process of determining whether loggerheads should be uplisted from threatened to endangered," said Todd Steiner, biologist and executive director of Turtle Island Restoration Network. "With extinction looming, these animals need more protection, not less." +"With this decision, Hawaii's public-trust ocean resources can be better managed for our collective best interest, and not just the interests of this commercial fishery," said KAHEA program director Marti Townsend. "This is a victory not just for the turtles, but for Hawaii's people who rely on a healthy, functioning ocean ecosystem." +Conservation groups represented by Earthjustice filed a federal lawsuit challenging a 2009 rule allowing the swordfish fleet to catch nearly three times as many loggerhead sea turtles as previously permitted. This settlement freezes the number at the previous cap of 17 while the government conducts additional environmental studies and decides whether or not to classify the loggerhead as endangered, rather than its current, less-protective status of threatened. For leatherback turtles, the bycatch limit remains at 16 per year. In 2010, eight Pacific leatherbacks and seven loggerheads were caught in the longline fishery, according to the National Marine Fisheries Service. There have already been 4 loggerheads captured in 2011, which has sea turtle conservationists concerned. +"Sea turtles have been swimming the oceans since the time of dinosaurs. But without a change in management, they won't survive our voracious quest for swordfish and tuna," said Miyoko Sakashita, oceans director at the Center for Biological Diversity. "If loggerheads are going to survive in the North Pacific, we need to stop killing them in our fisheries." +"Pacific loggerhead sea turtles are nearly extinct, so this bycatch rollback helps right a serious wrong," said Teri Shore, program director at Turtle Island Restoration Network. "We can't allow these rare sea turtles to disappear for a plate of swordfish. It's tragic that it took a lawsuit to correct this fishery problem." +Swordfish longline vessels trail up to 60 miles of fishing line suspended in the water with floats, with as many as 1,000 baited hooks deployed at regular intervals. Sea turtles become hooked while trying to take bait or become entangled while swimming through the nearly invisible lines. These encounters can drown the turtles or leave them with serious injuries. Sea birds such as albatross dive for the bait and become hooked; marine mammals, including endangered humpback whales and false killer whales, also sometimes become hooked when they swim through the floating lines.Volume 4 Number 2 +©The Author(s) 2002 +The Continuity Framework: A Tool for Building Home, School, and Community Partnerships +AbstractWe will need to become savvy about how to build relationships, how to nurture growing, evolving things. All of us will need better skills in listening, communicating, and facilitating groups, because these are the talents that build strong relationships. (Wheatley, 1992, p. 38) +In the face of today's challenging social and family issues, many new efforts are underway to help children and families. One solution that many communities have adopted is the establishment of a collaborative partnership that involves all the relevant partners—home, school, and community—in the planning and monitoring of services for children. Unfortunately, achieving a strong partnership with meaningful participation can often be difficult and time-consuming. This article focuses on a set of training materials that has been developed to assist community partnerships in their efforts. These materials highlight eight elements of continuity and successful partnerships: (1) families as partners, (2) shared leadership, (3) comprehensive/responsive services, (4) culture and home language, (5) communication, (6) knowledge and skill development, (7) appropriate care and education, and (8) evaluation of partnership success. Results from a field study that included more than 200 reviewers and 8 pilot sites are summarized. Results indicate that a majority of reviewers found the training materials easy to understand, relevant to their work, and up-to-date. In addition, data gathered from the pilot sites indicate that the partnerships found the materials practical and useful for addressing a variety of issues, including time constraints, communication gaps, differences in professional training, and funding limitations. +Communities face a host of problems that threaten the health and well-being of their children and families. Poverty, unemployment, inadequate care/education, and poor health care are just a few of the difficult issues that communities must confront. What makes these issues particularly challenging is that children and families who experience one problem are often likely to experience other problems as well. +Compounding the problem is that delivery of services to help children and families is typically fragmented and scattered. Even efforts designed to increase the quality and supply of services to children and families have, at times, created greater fragmentation and discontinuity. +In previous years, those who sought to improve outcomes for children concentrated only on the child. Today, however, many service providers have come to understand that the best way to serve and preserve children is to serve and preserve the supportive networks that benefit children (Family Support America, 1996). An extensive body of research identifies the elements that contribute to children's well-being, beginning with those closest to the child and moving outward to encompass the family, early care/education, the neighborhood, the community, and beyond. This ecological perspective (Bronfenbrenner, 1979) has motivated a growing number of communities to focus more closely on the need for collaboration--engaging in a process that allows the community to address many problems at once rather than one at a time. +One solution that many communities have adopted is the establishment of a collaborative partnership involving all the relevant partners--home, school, and service providers--in the planning and monitoring of services for children (Kagan, 1992; Hoffman, 1991). The goal of most of these collaboration initiatives is to improve child outcomes, recognizing that many of the child's needs are closely linked to needs of the family and the community. +Challenges to Collaboration +Community collaboratives/partnerships represent one of the most challenging--yet one of the most effective--efforts for creating a flexible, comprehensive system that meets the needs of children and families. They involve new relationships among service providers and the children and families they serve. They require time, resources, and the willingness of collaborating agencies to learn about and establish trust with each other. In short, they require change (Bruner, Kunesh, & Knuth, 1992). +As a result of the new roles and responsibilities that service providers must assume, collaboratives/partnerships encounter many common difficulties, including (Melaville, Blank, & Asayesh, 1996): +- staff or agency representatives who are resistant to relinquishing power; +- policies and regulations within individual agencies that make it difficult to coordinate services, information, and resources; +- differences in prior knowledge, training, or experience that make it difficult for members to communicate and work together; and +- lack of time to meet and plan together. +Many factors contribute to the success or failure of a community collaborative, and no two collaboratives operate in exactly the same way. However, certain guidelines seem to help smooth the way for a more successful partnership, including (North Central Regional Educational Laboratory, 1993): +- involve all key stakeholders; +- establish a shared vision of how the partnership will operate and expected outcomes for the children and families served; +- build in ownership at all levels; +- establish communication and decision-making processes that are open and allow conflict to be addressed constructively; +- institutionalize changes through established policies, procedures, and program mandates; +- provide adequate time for partners to meet, plan, and carry out activities. +The process of establishing and maintaining a collaborative partnership is not easy, and in the end, each partnership must find a way to proceed that is consistent with its community and unique set of circumstances. However, a number of resources and tools are available to help communities get started creating an effective system for delivering services. In this article, we describe one such tool that assembles elements essential to building a successful collaborative partnership. +Development of Continuity Framework Materials +For the past eight years, the 10 Regional Educational Laboratories (RELs) serving each region of the country have studied effective strategies for strengthening collaboration and increasing continuity among programs for young children and their families. The RELs are overseen by the U.S. Department of Education's Office of Educational Research and Improvement [now the Institute of Education Sciences], and their primary purpose is ensuring that those involved in educational improvement have access to the best information from research and practice. During the contract period of 1995-2000, the RELs established a program called the Laboratory Network Program (LNP), which convened representatives from each Laboratory as a national network working on common issues. +In 1995, the Early Childhood LNP developed Continuity in Early Childhood: A Framework for Home, School, and Community Linkages (U.S. Department of Education, 1995), a document designed with two key purposes in mind: first, an emphasis on the need for children and families to receive comprehensive and responsive services, reflected in the eight elements of continuity outlined in the Framework (see Figure 1). Taken together, the elements are intended to promote a comprehensive understanding of continuity and transition during early childhood. Second, the Framework offered a set of guidelines that partnerships could use to compare and assess their current policies and practices, as well as identify areas in need of improvement. +Figure 1. Elements of Continuity +(U.S.Department of Education, 1995) +An extensive field review of the Framework indicated that although the document was helpful and informative, many community partnerships continued to have difficulty "getting started." As a result, a Trainer's Guide was developed to support the use of the Framework and assist community partnerships in the first stages. These materials were developed by the Early Childhood LNP in collaboration with the National Center for Early Development & Learning. +The Trainer's Guide provides an overview of the content and potential uses of the Framework and includes all activities and materials necessary to conduct training sessions. The Guide itself consists of four training sessions that are organized around the eight elements of continuity. The materials are designed so that a local partnership has everything needed to conduct the training: background information, scripts, handouts, transparencies, sample agendas, and checklists for additional equipment and supplies: +- The first session, Understanding Continuity, is designed to introduce participants to the Framework document and help participants develop a greater understanding and appreciation for continuity. +- The second session, Developing a Continuity Team, highlights the importance of broad representation and shared leadership among partnership members. +- The third session, Planning for Continuity, emphasizes the need for a comprehensive approach to service delivery and encourages participants to examine their current partnership practices and policies. +- The final session, Formalizing Continuity, focuses on the importance of effective communication among group members and provides participants with an opportunity to formulate action plans. +The Guide is designed to be a flexible training tool, adaptable to meet the needs of a particular audience. The intended audience includes local partnerships for children and families (including Smart Start partnerships in North Carolina), Head Start Program representatives, public schools, and communities. The overall objectives of the training are (1) to enhance the collaborative's knowledge and understanding of continuity, (2) to strengthen and support collaborative groups in their efforts to work as partners, and (3) to maximize the benefit they might receive from using the Framework. +What follows is a description of the field test that was designed to assess the use and effectiveness of the Trainer's Guide. The field test focused exclusively on the Framework materials--no other instructional sources were employed. We will present the major findings of the field test and summarize recommendations based on those findings. In addition, we will highlight the work of several collaborative partnerships that took part in the field study, and we will describe some of the problems they encountered, how they used the Framework materials to address those problems, and where they are today. Specifically, the evaluation will explore: +- To what extent is the information contained in the Framework and Trainer's Guide relevant and useful to community partnerships? +- What is the perceived impact of the training and Framework on partnership activities? +- How do partnerships incorporate elements of the Framework into their ongoing activities? +- Of the review sites that indicated interest in the training materials, what proportion actually conducted the training? +The overall usefulness and effectiveness of the Trainer's Guide was studied in two phases. Phase One consisted of document review and feedback from individuals working in the early childhood field. In Phase Two of field testing, the training was actually piloted in eight partnership sites. +Phase One: Document Review +Reviewers for the Trainer's Guide were solicited through the Laboratory Network Program (LNP) and at conferences related to early childhood issues. Three hundred thirteen individuals/organizations requested a set of the Framework materials (participant manual, Trainer's Guide, and a sample color transparency) and feedback form. Feedback questions centered on four areas: (1) information's relevancy and accuracy, (2) format and organization of the Trainer's Guide, (3) specific training needs, and (4) possible barriers to conducting training. +Of the 313 requesting materials, 215 (68.7%) reviewers returned feedback forms. Twenty-one percent (N = 45) of the respondents were members of a Smart Start partnership (North Carolina initiative), 19% (N = 40) worked in Head Start agencies, and 11% (N = 24) worked in family resource centers. Others included representatives from state agencies, school personnel, and university faculty. A majority (89%) of the respondents indicated that they are actively involved in a community partnership. +Final Follow-up with Select Reviewer Sites. Of the original 215 organizations/individuals who reviewed the Framework materials, 80 indicated an interest in conducting the training in its entirety and requested a complete set of transparencies. (The original materials included one sample color transparency, and the REL offered a complete set of Framework transparencies to all organizations making the request.) Approximately one year after receiving the materials, interviews were conducted with representatives who received transparencies. The purpose of these follow-up telephone calls was to determine if the materials had been used and the degree to which outside support or assistance might be needed to conduct the training. +Phase Two: Pilot Training +During the second phase of the field testing, the training was piloted in eight collaborative partnerships from across the nation (see Table 1). These sites were recruited through the LNP and selected based on their interest in the project. To assist with logistical details, a liaison, identified at each site, coordinated training dates and assisted with data collection. Sites varied according to demographics, partnership maturity, and sponsoring or lead agency. +|Site Location||Community Type||Sponsor/Lead Agency| +|Beaufort, SC||Rural||Success by 6| +|Dothan, AL||Urban||Family Resource Center| +|Walnut Cove, NC||Rural||Smart Start| +|Valdosta, GA||Rural||Family Connections/County Commission| +|Wheeling, WV||Rural||Head Start| +|Troy, NC||Rural||Smart Start| +|Concord, WV||Rural||Family Resource Center| +Five of the partnerships described themselves as existing collaboratives (two years or more), while the remaining three indicated that they were in the planning stages of building a collaborative partnership. Sponsors of the partnerships included Smart Start (2); Head Start, family resource centers (2); Success by 6; a public school system; and a county task force. +Across the eight sites, a total of 160 individuals participated in the training. Approximately 64% of the attendees were White, 27% were African American, and the remainder were either Hispanic, American Indian/Alaskan Native, or multiracial. +Several of the partnerships invited persons who were not part of the collaborative partnership to attend the training. As a result, slightly more than half (54%) of the participants reported that they were current members of the partnership. The majority of these had been members less than one year (53%). Early childhood specialists represented the largest group attending the training (29%), followed by program administrators (18%), teachers/caregivers (14%), and parents (10%). Other groups represented included policy makers, members of the business community, and university faculty. +Each of the sites conducted the entire training course in the fall; however, there was some variability in delivery of training. For example, some partnerships conducted the training as described in the Trainer's Guide--two complete, consecutive days of training. Other partnerships modified the training schedule to meet the needs of its members and used other formats such as one day of training followed two weeks later by a second day of training. +At the conclusion of training, participants were asked to provide feedback on specific elements of the training, including organization, training content, and materials/resources. In addition, participants were asked to comment on their satisfaction with the training and the overall usefulness of the training materials. This information, along with information gathered from the review sites, was used to revise the Trainer's Guide. +In the six months following the training, partnership activities were studied to determine the degree to which the collaboratives incorporated content from the Framework into their regular activities. Materials studied included a record of stakeholder attendance and meeting minutes documenting partnership activities. At the end of this period, a follow-up survey was sent to participants at each pilot site. Survey questions focused on three major areas: (1) impact of the training, (2) impact of the Framework materials, and (3) overall familiarity with Framework materials. +In addition to the final survey with individuals who participated in the training, a final interview was conducted with seven site liaisons (one liaison was unavailable for interview). Interview questions focused on the original goal of the partnership, reasons for participating in the field study, and impact of the training and Framework materials. +The data were analyzed to determine general response patterns and to identify logical changes or improvements to the Trainer's Guide. Both quantitative and qualitative techniques were used to analyze data from the review sites and the pilot sites. +Phase One: Document Review +Analyses of data from reviewer sites were conducted on 215 surveys. Table 2 summarizes Trainer's Guide as easy to understand, relevant to their work, accurate, and up-to-date. +|Survey Statement||Agreed or Strongly Agreed with Statement| +|Information is accurate and up to date.||94.9% (4.54)| +|Format is easy to understand and follow.||93.9% (4.49)| +|Training materials were easy to understand and follow.||92.5% (4.46)| +|Information is relevant to my work.||89.3% (4.41)| +|I would be comfortable using the materials.||83.3% (4.29)| +|*Note: According to the scale, 1 = strongly disagree and 5 = strongly agree. Mean scores are presented in parentheses.| +A series of open-ended questions provided respondents with an opportunity to provide more specific information and feedback. When asked what parts of the training were most useful, of those who responded, approximately 30% reported that the materials were the most useful part of the training. Reviewers specifically mentioned handouts, transparencies, and checklists. Another 22% reported that the information focusing on the need to include families and share leadership responsibilities was most useful. +Reviewers also were asked to identify the greatest training need within their partnerships. Of those who responded, more than one-third (34%) reported that they often need assistance identifying and including community stakeholders. Reviewers cited family members and members of the business community as groups that often are poorly represented at partnership meetings. Other topics representing challenges to partnerships included developing the team, sharing leadership responsibilities, and involving families in meaningful ways. +In terms of barriers or factors that would influence the use of training, most of the respondents (75%) cited time as the greatest barrier to conducting training. This factor was followed by a lack of funding (68%), the unavailability of a trainer (45%), and lack of interest of collaborative partners (39%). +Final Follow-up with Select Reviewer Sites. Of the 80 individuals/organizations who requested a complete set of transparencies, 68 were located for follow-up interviews (85%). For the remaining 12, attempts to contact the site were unsuccessful; either the person requesting the transparencies was no longer there, or the materials were never received. +Interviews revealed that 23 of the respondents had conducted training using the Framework and accompanying materials. Of those who stated that they had conducted the training, only two (less than 10%) had used the training in its entirety. Most had conducted at least one part of the training, selecting the portions most useful for their work. "Families as Partners," "Shared Leadership," and "Comprehensive and Responsive Services" were the elements from the Framework most often used for training. +An additional 17% said that although they had not conducted the training as designed, they had adapted the materials or used them in other circumstances. Examples of how they had adapted the materials included using the exercises, overheads, major concepts, and other information in training activities. +Head Start agencies were the primary sponsors for half of the training events. Public schools, area education associations, state departments of education, local partnerships, child development centers, and related-type centers were listed as sponsors or lead agencies for the remaining training activities. +Training participants included staff and administrators at Head Start agencies, preschool and child care providers, local education agencies, schools, school improvement teams, state departments of education staff, local family service agencies and boards of directors, and parents. +All who said they had used the training materials were asked to comment on the usefulness of the training. The majority of respondents rated the training as "very useful" or "useful," and all said they would recommend the training to others. Particular aspects of the training that respondents liked included: +- professional quality, clarity of materials, and sequencing of content of the Framework; +- handouts, activities, and overheads; +- content and the ability to present the material at multiple skill levels; and +- ease of use of the Framework. +There were suggestions for improving the training. Four respondents said the course was "too long," especially if used in school systems or with parents. Others maintained a need for greater emphasis on action planning and implementation, "more written support materials (research, position support, background), and additional copies of key pieces of materials that helped shape the Framework." +Phase Two: Pilot Training +In terms of the training quality and overall effectiveness, most of the participants rated the training sessions as either "good" or "excellent." Participants tended to rate the second day of training as higher in quality and more effective than the first day of training (M = 4.392 and M = 4.17, respectively, based on a 5-point scale). +Participants also evaluated the effects of the training and estimated its impact on future partnership practices. Using a four-point Likert-type scale, participants rated the extent to which they agreed with each statement. Table 3 summarizes participants' appraisal of the training and reinforces the focus of the original training objectives. +Objective 1: To enhance the collaborative's knowledge and understanding of continuity +|As a result of the training, I believe that I am motivated to build and strengthen continuity efforts in my community.||3.44||.65| +|As a result of the training, I believe that I have a better understanding of continuity and why it is important.||3.41||.65| +|I believe that this training will have an impact on increasing awareness of new skills and knowledge for our team.||3.31||63| +Objective 2: To strengthen and support collaborative groups in their efforts to works as partners +|As a result of the training, I believe that I am better able to participate as a member of a home, school, and community partnership.||3.40||.65| +|I believe that this training will have an impact on how decisions are made and the planning we do for services.||3.25||.59| +|I believe that this training will have an impact on changing/enhancing the quality of community practices.||3.23||.58| +Objective 3: To maximize the benefit the collaborative might receive from using the Framework +|As a result of the training, I believe that I am better able to use the Framework as a tool for exploring continuity and transition||3.26||.63| +|I believe that this training will have an impact on positively affecting outcomes for children and families.||3.31||.63| +|*Note: According to the scale, 1 = strongly disagree and 4 = strongly agree.| +In addition to participant ratings immediately following the training, data were collected on regular partnership activities after the training. Analysis of materials such as meeting minutes revealed that during the six months following completion of the training, five of the eight sites reported that they continued to use the Framework materials. Exactly how the materials were used varied from site to site. Two of the sites selected specific elements of the Framework as their priority concerns for the coming year. They then organized subcommittees to review the partnerships' practices with respect to those elements and make recommendations for improving existing services. Another partnership used the materials to provide training to other agencies and organizations not directly involved with the partnership. The remaining two partnerships used the Framework as a resource for improving transition practices with their communities. +At the end of the six months, a final survey was distributed to participants at the last partnership meeting of the year, and surveys were mailed to those not in attendance at the final meeting. Approximately half of the individuals who participated in the training (81 of 160) responded to the survey. Participants were asked to rate the extent to which the Framework materials had had an impact on partnership practices. On a four-point scale (4 = "a great deal," 3 = "some," 2 = "very little," and 1 = "not at all"), the majority of respondents (88.6%) reported that the training had "impacted" their knowledge and skill development "some" or a "great deal." Respondents also thought that the Framework had at least "some" impact on the knowledge and skills development of their partnership (83%) and community (72%). The majority (97.4%) speculated that the Framework would have at least some future impact. +Finally, participants were asked to indicate the single greatest impact they experienced as a result of the training. Approximately 41% reported that as a result of the training they felt more motivated to build or strengthen efforts to support continuity of services for children in their communities. Thirty-five percent of the respondents said they had a better understanding of continuity and its importance; 17% felt that the training prepared them to be better members of their partnership; and 7% said that the training gave them a greater understanding of the Framework as a tool. +Stokes County Partnership for Children, King, NC +An ongoing goal of the Stokes County Partnership for Children is to create a system that encourages service providers to work together and promotes continuity for children and their families. Members of the partnership began by using the Framework to build their own knowledge and skills about continuity; however, they soon recognized the need to inform others of the importance of continuity in children's lives. As a result, the Partnership conducted a series of focus groups and meetings among parents and family members within the community. They used information from Elements 3 (Comprehensive/Responsive Services) and 7 (Developmentally Appropriate Care/Education) to explain what was needed to support continuity and its potential benefits for children. These meetings were also an opportunity to inform families of the various resources and supports available within the community. Later, the focus groups were expanded to include all stakeholders (e.g., child care, kindergarten, Head Start, school administrators, special needs coordinators, etc). The information gathered from these meetings has been used to guide the development and implementation of policies and practices that promote continuity. +Final Interview with Liaisons. In the final interview conducted with site liaisons, five of the seven liaisons reported that the overall goal of their partnership is to improve services for children and their families by connecting agencies and strengthening the collaborative bonds between those agencies. Three of the liaisons specifically mentioned the need to improve transitions and create a system of responsive and comprehensive services. +In addition, liaisons were asked to talk about their reasons for participating in the field-test process. At least three of the liaisons cited low levels of collaboration across agencies and indicated that partnership meetings were used primarily as a time for sharing information. Others saw the training as an opportunity to invite additional partners to the table and begin a discussion of how they could better work together. +Finally, liaisons were asked to rate the extent to which the Framework materials had been helpful in accomplishing their overall partnership goal. Using a five-point scale, five of the liaisons rated the Framework materials as either "helpful" (4) or "very helpful" (5). The remaining two liaisons rated the Framework materials as at least "somewhat helpful" (3). +Developing and maintaining a community collaborative is hard work, and it is a challenge that requires a great deal of commitment and cooperation from those involved. Training and resource materials available to help community partnerships build a more responsive system must address such issues as time constraints, communication gaps, differences in professional training, and funding limitations. Given these challenges, the Continuity Framework and its Trainer's Guide seem to be important and useful tools for helping partnerships increase collaboration and involvement. +Data gathered from participant ratings and key-informant interviews indicated that the training was helpful in a number of ways. A feature of the training mentioned by many of the participants was the fact that the experience helped "level the playing field." That is, it provided stakeholders with a common language to use as they worked together. As illustrated in the following example, stakeholders often come from a variety of agencies and backgrounds, which can be a major impediment when a community must begin to work together and coordinate its efforts. +The case studies in the sidebars highlight the work of four collaborative partnerships that took part in the field study. These case studies discuss some of the problems they encountered, how they used the Framework materials to address those problems, and where they are today. +Bovill, Idaho, Collaborative +Bovill is a small town (population 310) located in the north central part of the state. Bovill has no resident doctor or dentist. At the time, there also was no child care center or preschool available to children. (The closest one was 35 miles away.) +In 1998, various members of the community decided that they wanted to do something to help improve the situation for children. This group of citizens brought together parents and virtually every local organization to work on a plan that would support the learning needs of children and their families. Part of this effort was a proposal submitted to the J.A. and Kathryn Albertson Foundation that would help fund an early learning center. In 1999, they were awarded a grant, and they began the work to open the Bovill Early Childhood Community Learning Center. +However, once the work began, members of the partnership found that they did not have a common vocabulary to talk about the issues of early childhood education. There were also difficulties associated with establishing a partnership, such as "Who else should be included?" and "How do you get started?" In an effort to "get started" and begin the planning process, the partnership elected to participate in the field testing of the Framework materials. +Framework training was provided over two consecutive days and built into the inservice training schedule of the elementary school. In addition to staff and faculty from the elementary school, representatives from other agencies and organizations participated, including the health department, the Idaho Department of Disabilities, news media, schools, early childhood education, Even Start, parents, university students, attorneys, community leaders, and businesses. +According the site liaison, the Framework materials were used: +- To improve awareness of key issues in providing high-quality services. The Framework provides direction to help develop a program that really works. +- To provide a common language and for internal communication enhancement. Now everyone "speaks the same language." +- As an external communication tool. According to the liaison, "it is so much easier to talk with funding sources when you use the structure of the elements as a base." +- To validate their progress toward providing the best practices in early childhood education. +- As a piece of the Bovill Elementary School improvement plan. +Positive impact on individual partnership members was cited as another basis for success of the training. Many indicated they had a better understanding of continuity and were more motivated to continue to work on the difficult issues that often arise as part of the collaborative process. An added value of the training was the opportunity to spend time together and develop relationships with persons from other agencies. Often, these individual relationships help form the basis for collaborative work within the partnership. +Based on the sites that continued to use the materials, the Continuity Framework and its Trainer's Guide seem to be equally useful to both existing and newly established partnerships. A common experience in the maturation of partnerships is that they are prone to lose initial momentum, often stagnating into "easy" roles such as simple information sharing. A serendipitous discovery of this study is that such partnerships evidenced rejuvenation of their efforts after participating in the training (see the Valdosta, Georgia, example). +Valdosta, Georgia, Collaborative +The Lowndes County/Valdosta Commission for Children and Youth has been in existence for more than a decade, and during this time, the partnership has experienced various "ups and downs." According to site liaison Vickie Elliott, cycles are a normal part of the collaborative process, "They may be the result of staff turnover or changes in the board chair and/or board members." She reports that participation in the training provided members with practical, research-based information. This information served as a reminder to members that they were doing good work and that their work was important. +Since the training, the partnership has continued to use Framework materials as a reference and resource. For example, during a recent meeting, members began a discussion regarding the evaluation of partnership activities. They used Element 8: Evaluation of Partnership Success to help shape and guide this discussion. In addition, the partnership has applied for and received a 21st Century Learning Community grant. Because of the knowledge and understanding they gained during the training, members requested funds for a case manager position to be based at each school and conducting home visits. It is hoped that this strategy will facilitate communication and create greater continuity of services for students and families. +Finally, the data indicate that change takes place slowly. Participants reported that the training had had some impact on their community but felt that the greatest impact was yet to come. Bringing everyone to the table is not enough. True collaboration that produces continuity in services for children takes place over a long period of time, as agencies that have not previously worked together begin to get to know each other and slowly modify procedures and practices. +Marshall County Tadpole Team, Wheeling, WV +Efforts to collaborate are often driven by the realization that single agencies cannot solve problems alone. Partners must be willing to jointly plan and implement new ventures, as well as pool resources such as money and personnel. Nowhere is this need to collaborate and pool resources more crucial than in Marshall County, WV. Located in the northern part of West Virginia, Marshall County remains a predominantly rural county. With a population of approximately 36,000, Marshall County has seen a decline in the number of residents over the past two to three years, largely attributed to the economic hardships of the area. This part of West Virginia relies heavily on the coal and steel industries, and as these industries have fallen on hard times, so too have many families. As a result, many families have moved away to find other employment; however, many others have sought support from social services agencies within the community. In order to make the most of the limited resources and support available within the county, many of the local agencies (e.g., Northern Panhandle Head Start, Starting Points Center, Tadpoles Team) came together to form a community collaborative. Although their collaborative meetings began more as a time for sharing information, members soon realized that to be a true "working group," they would need to broaden the meeting agendas and formalize the collaborative relationships. Using the Framework materials as an assessment tool, members worked through each element identifying the gaps in services and generating ideas for possible programs and procedures to address those gaps. This shift encouraged members to devote meeting times to discussing specific issues facing the community. Moreover, it encouraged members to formalize the partnership with written agreements. These agreements have allowed members to make a solid commitment to the collaborative, as well as clarify specific roles and responsibilities for services. +Beyond the content of the training and issues related to the collaborative process, the field study underscored the importance of training structure and design. Many study participants praised the Framework materials for flexibility and relevance to a variety of contexts. The training materials were designed so that particular attention was devoted to issues such as target audience attributes (e.g., varied educational and professional development backgrounds), which dictate the appropriate level of sophistication as well as the need for course module structure (i.e., overall organization and scripting) to be highly adaptable to local training needs. +The field studies indicate that community partnerships benefit from training and technical assistance that help with the process of getting started, as well as recapturing momentum and focus. Additional research is needed to document the ongoing efforts of these communities and explore whether the Framework materials continue to have an impact on community practices and outcomes, as many of the participants predicted. Further study also is needed to determine what other kinds of training or technical assistance might be useful to these partnerships as they work to build capacity and expand or grow new programs. +Bronfenbrenner, Urie. (1979). The ecology of human development. Cambridge, MA: Harvard University Press. +Bruner, Charles; Kunesh, Linda; & Knuth, Randy. (1992). What does research say about interagency collaboration? [Online]. Oak Brook, IL: North Central Regional Educational Laboratory. Available: http://www.ncrel.org/sdrs/areas/stw_esys/8agcycol.htm [2002, October 22].Editor's Note: this url is no longer active. +Family Support America. (1996). Making the case for family support [Online]. Chicago: Author. Available: http://www.familysupportamerica.org/content/pub_proddef.htm [2002, October 22]. Editor's Note: this url is no longer active. +Hoffman, Stevie (Ed.). (1991). Educational partnerships: Home-school-community [Special issue]. Elementary School Journal, 91(3). +Kagan, Sharon Lynn. (1992). The strategic importance of linkages and the transition between early childhood programs and early elementary school. In Sticking together: Strengthening linkages and the transition between early childhood education and early elementary school (Summary of a National Policy Forum). Washington, DC: U.S. Department of Education. ED 351 152. +Kunesh, Linda. (1994). Integrating community services for children, youth, and families. Oak Brook, IL: North Central Regional Educational Laboratory. +Melaville, Atelia; Blank, Martin; & Asayesh, Gelareh. (1996). Together we can: A guide for crafting a profamily system of education and human services (Rev. ed.). Washington, DC: U.S. Department of Education. Available: http://eric-web.tc.columbia.edu/families/TWC/ Editor's Note: this url is no longer active.[2002, October 22]. ED 443 164. +North Central Regional Educational Laboratory. (1993). NCREL's policy briefs: Integrating community services for young children and their families. Oak Brook, IL: Author. Available: http://www.ncrel.org/sdrs/areas/issues/envrnmnt/go/93-3toc.htm [2002, October 22]. +U.S. Department of Education and U.S. Department of Health and Human Services. (1995). Continuity in early childhood: A framework for home, school, and community linkages [Online]. Washington, DC: Author. Available: http://www.sedl.org/prep/hsclinkages.pdf [2002, October 22]. ED 395 664. +Wheatley, Margaret J. (1992). Leadership and the new science. San Francisco: Berrett-Koehler. +Dr. Glyn Brown is a senior program specialist with SERVE Regional Educational Laboratory. She studied at the University of Alabama (B.S.), the University of Southern Mississippi (M.S.), and completed her Ph.D. in Family and Child Development at Auburn University. Prior to coming to SERVE, Dr. Brown worked as a children's therapist in a community mental health program. As a program specialist with SERVE, Dr. Brown provides training and direct consultation to school personnel, child care providers, and community partnerships. +SERVE Regional Educational Laboratory +1203 Governor's Square Blvd., Suite 400 +Tallahassee, FL 32301 +Carolynn Amwake, a program specialist at the SERVE Regional Educational Laboratory, has extensive experience working with families, child care providers, teachers, administrators, and community partners. She received her B.S. from Radford University in early childhood education and special education and has taught children with special needs in elementary schools, children's homes, and child care centers. Her experiences as an educator and parent led to an interest in improving the quality and continuity of early childhood transitions for both children and families. +SERVE Regional Educational Laboratory +1203 Governor's Square Blvd., Suite 400 +Tallahassee, FL 32301 +Timothy Speth is a research associate at Northwest Regional Educational Laboratory (NWREL). He received his B.S. in psychology from South Dakota State University and his M.A. from San Diego State University. He has extensive training and experience in research design, statistics, and program evaluation. Mr. Speth is currently involved with several research and evaluation projects throughout the Northwest, as a Research Associate of NWREL's Child and Family Program. He is the primary external evaluator for six Alaska schools participating in the Comprehensive School Reform Demonstration Project (CSRD) and assists in CSRD-related activities throughout the Northwest. +Northwest Regional Educational Laboratory +101 S.W. Main Street, Suite 500 +Portland, OR 97204-3297 +Catherine Scott-Little, Ph.D., is director of the Expanded Learning Opportunities Project for SERVE. Dr. Little completed her graduate work in human development at the University of Maryland, College Park. Her undergraduate degree in child development and family relations is from the University of North Carolina at Greensboro. Prior to joining SERVE, Dr. Little was deputy director of a large Head Start program in Fort Worth, Texas, and she has also served as director for a child development center serving homeless families in the Washington, DC, area. +SERVE Regional Educational Laboratory +P.O. Box 5367 +Greensboro, NC 27435How hot is it where you are? Tell your stories at CNN's iReport. +(CNN) -- For many Americans, this summer has been miserably hot. +Heat advisories and warnings have been issued from coast to coast, with high temperatures often reaching into the triple digits, and July went into the record books as the hottest month ever for the continental United States. +But in certain parts of the world, this is the norm -- or maybe even on the cool side. +Try Kuwait City, for instance. In July, its average high temperature is 116 degrees Fahrenheit. +Or Timbuktu in Mali, where the highs average 108 in May and was once recorded at 130. 130! That ranks fifth on the all-time list. +The highest temperature ever recorded on the planet was in 1922, when a thermometer in El Azizia, Libya, hit 136. Some dispute that mark, saying it was improperly measured. If that's true, the record would be the 134, reached nine years earlier in Death Valley, California. +But the world's hottest place might not be any of these, according to a team of scientists from the University of Montana. It says the highest temperatures on Earth are found in areas that don't even have weather stations. +"The Earth's hot deserts -- such as the Sahara, the Gobi, the Sonoran and the Lut -- are climatically harsh and so remote that access for routine measurements and maintenance of a weather station is impractical," said David Mildrexler, lead author of a recent study that used NASA satellites to detect the Earth's hottest surface temperatures. +The satellites detect the infrared energy emitted by land. And over a seven-year period, from 2003 to 2009, they found Iran's Lut Desert to be the hottest place on Earth. +The Lut Desert had the highest recorded surface temperature in five of the seven years, topping out at 159 degrees in 2005. Other notable annual highs came from Queensland, Australia (156 degrees in 2003) and China's Turpan Basin (152 degrees in 2008). +It's important to stress that surface temperatures are naturally higher than the air temperatures measured by weather stations. Air temperatures have to be measured by thermometers placed off the ground and shielded from sunlight, according to global meteorological standards. +But the study shows that today's modern records might not necessarily be the most accurate. +"Most of the places that call themselves the hottest on Earth are not even serious contenders," co-author Steve Running said. +The world's highest recorded air temperatures 1. El Azizia, Libya (136 degrees Fahrenheit) 2. Death Valley, California (134) 3. Ghadames, Libya (131) 3. Kebili, Tunisia (131) 5. Timbuktu, Mali (130) 5. Araouane, Mali (130) 7. Tirat Tsvi, Israel (129) 8. Ahwaz, Iran (128) 8. Agha Jari, Iran (128) 10. Wadi Halfa, Sudan (127) +Highest recorded air temperature (by continent) Africa: El Azizia, Libya (136) North America: Death Valley, California (134) Asia: Tirat Tsvi, Israel (129) Australia: Cloncurry, Queensland (128*) Europe: Seville, Spain (122) South America: Rivadavia, Argentina (120) Antarctica: Vanda Station, Scott Coast (59) +Sources: NOAA, World Meteorological Organization +* This temperature was measured using the techniques available at the time of recording, which are different to the standard techniques currently used in Australia. The most likely Australian record using standard equipment is an observation of 123 degrees, recorded at Oodnadatta, South Australia.Using the Moon as a High-Fidelity Analogue Environment to Study Biological and Behavioural Effects of Long-Duration Space Exploration +Goswami, Nandu and Roma, Peter G. and De Boever, Patrick and Clément, Gilles and Hargens, Alan R. and Loeppky, Jack A. and Evans, Joyce M. and Stein, T. Peter and Blaber, Andrew P. and Van Loon, Jack J.W.A. and Mano, Tadaaki and Iwase, Satoshi and Reitz, Guenther and Hinghofer-Szalkay, Helmut G. (2012) Using the Moon as a High-Fidelity Analogue Environment to Study Biological and Behavioural Effects of Long-Duration Space Exploration. Planetary and Space Science, Epub ahead of print (in press). Elsevier. DOI: 10.1016/j.pss.2012.07.030. +Full text not available from this repository. +Due to its proximity to Earth, the Moon is a promising candidate for the location of an extra-terrestrial human colony. In addition to being a high-fidelity platform for research on reduced gravity, radiation risk, and circadian disruption, the Moon qualifies as an isolated, confined, and extreme (ICE) environment suitable as an analogue for studying the psychosocial effects of long-duration human space exploration missions and understanding these processes. In contrast, the various Antarctic research outposts such as Concordia and McMurdo serve as valuable platforms for studying biobehavioral adaptations to ICE environments, but are still Earth-bound, and thus lack the low-gravity and radiation risks of space. The International Space Station (ISS), itself now considered an analogue environment for long-duration missions, better approximates the habitable infrastructure limitations of a lunar colony than most Antarctic settlements in an altered gravity setting. However, the ISS is still protected against cosmic radiation by the earth magnetic field, which prevents high exposures due to solar particle events and reduces exposures to galactic cosmic radiation. On Moon the ICE environments are strengthened, radiations of all energies are present capable of inducing performance degradation, as well as reduced gravity and lunar dust. The interaction of reduced gravity, radiation exposure, and ICE conditions may affect biology and behavior--and ultimately mission success--in ways the scientific and operational communities have yet to appreciate, therefore a long-term or permanent human presence on the Moon would ultimately provide invaluable high-fidelity opportunities for integrated multidisciplinary research and for preparations of a manned mission to Mars. +|Title:||Using the Moon as a High-Fidelity Analogue Environment to Study Biological and Behavioural Effects of Long-Duration Space Exploration| +|Journal or Publication Title:||Planetary and Space Science| +|In Open Access:||No| +|In ISI Web of Science:||Yes| +|Volume:||Epub ahead of print (in press)| +|Keywords:||Physiology, Orthostatic tolerance, Muscle deconditioning, Behavioural health, Psychosocial adaptation, Radiation, Lunar dust, Genes, Proteomics| +|HGF - Research field:||Aeronautics, Space and Transport, Aeronautics, Space and Transport| +|HGF - Program:||Space, Raumfahrt| +|HGF - Program Themes:||W EW - Erforschung des Weltraums, R EW - Erforschung des Weltraums| +|DLR - Research area:||Space, Raumfahrt| +|DLR - Program:||W EW - Erforschung des Weltraums, R EW - Erforschung des Weltraums| +|DLR - Research theme (Project):||W - Vorhaben MSL-Radiation (old), R - Vorhaben MSL-Radiation| +|Institutes and Institutions:||Institute of Aerospace Medicine > Radiation Biology| +|Deposited By:||Kerstin Kopp| +|Deposited On:||27 Aug 2012 08:05| +|Last Modified:||07 Feb 2013 20:40| +Repository Staff Only: item control pageIn this section we will describe some basis of hardware involved in Nano. + Block Diagram + Power Supply +Jz4720 support 3 different boot sources. The boot sequence is controlled by boot_sel pin values [1:0]. The configuration of BOOT_SEL1 and BOOT_SEL1 [1:0] is showed as below: +|0||0||Boot from external ROM at CS4| +|0||1||Boot from USB device| +|1||0||Boot from 512 page size NAND flash at CS1| +|1||1||Boot from 2048 page size NAND flash at CS1| + Arquitectura General +It is necessary, for the operation of the Nanonote Board to store many sections of executable programs in volatile and non-volatile memories. The volatile memories are used like Random Access Memories (RAM) due to its low access time and unlimited number of Read/Write cycles. On the other hand, the Non-volatile memories (NAND, SD) stores for long periods of time the required information to operate the Embedded System. +Universal Serial Bus (USB) is a way of setting up communication between a computer and peripheral devices. USB is intended to replace many varieties of serial and parallel ports. USB can connect computer peripherals such as mice, keyboards, PDAs, gamepads and joysticks, scanners, digital cameras, printers, personal media players, flash drives, and external hard drives. For many of those devices, USB has become the standard connection method. +A USB system has an asymmetric design, consisting of a host, a multitude of downstream USB ports, and multiple peripheral devices connected in a tiered-star topology. Additional USB hubs may be included in the tiers, allowing branching into a tree structure with up to five tier levels. A USB host may have multiple host controllers and each host controller may provide one or more USB ports. Up to 127 devices, including the hub devices, may be connected to a single host controller. + Serial and JTAG +The NAND in the Ben NanoNote: +- Has pages that are 4096 bytes in length +- Has blocks that are 128 pages in length +- Has 4096 blocks of storage in total +- 4096 × 128 × 4096 = 2147483648 bytes ( 2 GB) +root@ben:/# cat /proc/mtd dev: size erasesize name mtd0: 00400000 00080000 "NAND BOOT partition" mtd1: 00400000 00080000 "NAND KERNEL partition" mtd2: 7f800000 00080000 "NAND ROOTFS partition" +- size is the capacity of the partition in bytes. 7f800000 is just shy of 2 GB +- erasesize is the block size. 00080000 is 512 KB ( 128 × 4096 byte pages) + Samsung K9GAG08X0M NAND flash chip, hardware info +1 Page = (4K + 128)Bytes 1 Block = 128 Pages (512K + 16K) Bytes 1 Devie = (512K + 16K) Bytes x 4,096 Blocks 1 Device = (4K+128)B x 128Pages x 4,096 Blocks = 16,896 Mbits +- NanoNote partitions +|Name||Size||Block offset||Page offset| +- NanoNote partitions AFTER OpenWrt_Software_Image#Image_2010-11-17, we change the rootfs to 512M +|Name||Size||Block offset||Page offset| +PCB 08.50 (ben) + Micro-SD pins on testpads +Pin TP note ------------------ #1 TP14 data2 #2 TP15 cd/data3 / _CS #3 TP17 cmd / mosi #4 sdVCC switched by Q4 (fet?) controlled via line from cpu (on TP11) #5 TP16 clock #6 GND #7 TP12 data0 / miso #8 TP13 data1 + Serial pins + System information + GPIO pins +The Jz4720 has only a limited number of pins as outputs to the board. Furthermore, several functions take up gpio pins which are therefore not usable for other functions. Those devices are the sdram and nand controller, lcd controller and mmc+sd controller. Below is a table showing how they are used. Please complete this table. The missing entries are not connected to a pad in the Jz4720. + Port A +- 01 sdram data 0 +- 03 sdram data 1 +- 05 sdram data 2 +- 07 sdram data 3 +- 08 sdram data 4 +- 09 sdram data 5 +- 10 sdram data 6 +- 11 sdram data 7 +- 12 sdram data 8 +- 13 sdram data 9 +- 15 sdram data 10 +- 17 sdram data 11 +- 22 sdram data 12 +- 26 sdram data 13 +- 28 sdram data 14 +- 30 sdram data 15 + Port B +- 00 sdram address 0 +- 01 sdram address 1 +- 02 sdram address 2 +- 03 sdram address 3 +- 04 sdram address 4 +- 05 sdram address 5 +- 06 sdram address 6 +- 07 sdram address 7 +- 08 sdram address 8 +- 09 sdram address 9 +- 10 sdram address 10 +- 11 sdram address 11 +- 12 sdram address 12 +- 13 sdram address 13 +- 14 sdram address 14 +- 15 nand command latch +- 16 nand address latch +- 17 SHDN_HOST??? +- 18 TP23 (free) +- 19 sdram dcs +- 20 sdram ras +- 21 sdram cas +- 22 ??? +- 23 sdram cke +- 24 sdram cko +- 25 sdram cs1 +- 26 sdram cs2 +- 27 USB ID +- 28 ??? +- 29 Audio output enable +- 30 TP25 (free) +- 31 ??? + Port C +- 00 lcd data 0 +- 01 lcd data 1 +- 02 lcd data 2 +- 03 lcd data 3 +- 04 lcd data 4 +- 05 lcd data 5 +- 06 lcd data 6 +- 07 lcd data 7 +- 08 TP 35 (unused) +- 09 TP 36 (unused) +- 10 keyboard out 0 +- 11 keyboard out 1 +- 12 keyboard out 2 +- 13 keyboard out 3 +- 14 keyboard out 4 +- 15 keyboard out 5 +- 16 keyboard out 6 +- 17 keyboard out 7 +- 18 lcd pixel clock +- 19 lcd hsync +- 20 lcd vsync +- 21 LCD SPI chipselect +- 22 LCD SPI data +- 23 LCD SPI clock +- 24 sdram write enable 1 +- 27 Charge detect +- 28 nand read enable +- 29 nand write enable +- 30 nand flash ready/busy +- 31 select uart or jtag on pad 147; not a gpio pin + Port D +- 00 SD Card detect +- 02 SD Card power enable +- 04 Speaker AMP enable +- 06 Shutdown detect +- 08 SD Card command +- 09 SD Card clock +- 10 SD Card data 1 +- 11 SD Card data 2 +- 12 SD Card data 3 +- 13 SD Card data 4 +- 15 TP 38 (free) +- 18 Keyboard in 1 +- 19 Keyboard in 2 +- 20 Keyboard in 3 +- 21 Keyboard in 4 +- 22 Keyboard in 5 +- 23 Keyboard in 6 (i2c?) +- 24 Keyboard in 7 (i2c?) +- 25 uart transmit +- 26 Keyboard in 8 (uart receive) +- 27 Buzzer, controlled with pwm4. Piezo-electric buzzer; not related to soundcard output. +- 28 USB detect +- 29 power button + Test Points Under Battery +This page is to describe all test pins under battery label. You may want to probe or discover them as long as you tear off battery label. Also this whole page you can reference to the schematic of AVT2 RC1 Reference Board. +- TP 9, V33, system voltage 3.3V when power on +- TP 12, SDD0, MSC_D0/GPD10(in/out) of jz4720, MSC data bit 0, Please see MicroSD. +- TP 13, SDD1, MSC_D1/GPD11(in/out) of jz4720, MSC data bit 1, Please see MicroSD. +- TP 14, SDD2, MSC_D2/GPD12(in/out) of jz4720, MSC data bit 2, Please see MicroSD. +- TP 15, SDD3, MSC_D3/GPD13(in/out) of jz4720, MSC data bit 3, Please see MicroSD. +- TP 16, SDCLK, MSC_CLK/GPD9(out) of jz4720, MSC clock output, Please see MicroSD. +- TP 17, SDCMD, MSC_CMD/GPD8(in/out) of jz4720, MSC command, Please see MicroSD. +- TP 19, CS1_N, CS1_/GPB25(out) of jz4720, This connects to NAND (NAND chip enable). +- TP 20, CS2_N, CS2_/GPB26(out) of jz4720, This connects to NAND (NAND chip enable 2). +- TP 24, POP, GPB29(out) of jz4720, This pin is the purpose on eliminate POP sound free. Please also see Audio IN OUT. +- TP 25 COB TEST, GPB30 of jz4720, Purpose during production test. +- TP 26, FWE_N, FWE_/GPC29(out) of jz4720, This connects to NAND WE_(NAND flash write enable). Please see NAND. +- TP 29, FRB_N, FRB_/GPC30(in) of jz4720, This connects to NAND FRB(NAND flash ready/busy). Please see NAND. +- TP 32, CHARGE_N, GPC27(in) of jz4720, Through this input pin that shows if charging or not. Please see Power Supply Circuit & Battery Charger. +- TP 39, LCD0, pin 16 of CON2 FPC connector, GPC0(out) of jz4720, Please see LCD. +- TP 40, LCD1, pin 15 of CON2 FPC connector, GPC1(out) of jz4720, Please see LCD. +- TP 41, LCD2, pin 14 of CON2 FPC connector, GPC2(out) of jz4720, Please see LCD. +- TP 42, LCD3, pin 13 of CON2 FPC connector, GPC3(out) of jz4720, Please see LCD. +- TP 43, LCD4, pin 12 of CON2 FPC connector, GPC4(out) of jz4720, Please see LCD. +- TP 44, LCD5, pin 11 of CON2 FPC connector, GPC5(out) of jz4720, Please see LCD. +- TP 45, LCD6, pin 10 of CON2 FPC connector, GPC6(out) of jz4720, Please see LCD. +- TP 46, LCD7, pin 9 of CON2 FPC connector, GPC7(out) of jz4720, Please see LCD. +- TP 47, LCDDCLK, pin 17 of CON2 FPC connector, GPC18(out) of jz4720, Please see LCD. +- TP 48, VSYNC, pin 18 of CON2 FPC connector, GPC20(out) of jz4720, Please see LCD. +- TP 49, HSYNC, pin 19 of CON2 FPC connector, GPC19(out) of jz4720, Please see LCD. +- TP 50, LCDCS, pin 20 of CON2 FPC connector, GPC21(out) of jz4720, Please see LCD. +- TP 51, LCDSCL, pin 21 of CON2 FPC connector, GPC22(out) of jz4720, Please see LCD. +- TP 52, LCDSDA, pin 22 of CON2 FPC connector, GPC23(in/out) of jz4720, Please see LCD. +- TP 60, KEYOUT2, GPC11(out) of jz4720, Please see Keyboard. +- TP 62, KEYOUT4, GPC13(out) of jz4720, Please see Keyboard. +- TP 63, KEYOUT5, GPC14(out) of jz4720, Please see Keyboard. +- TP 64, KEYOUT6, GPC15(out) of jz4720, Please see Keyboard. +- TP 66, KEYOUT8, GPC17(out) of jz4720, Please see Keyboard. +- TP 67, KEYIN1, GPD18(in) of jz4720, Please see Keyboard. +- TP 74, KEYIN8, GPD26(in) of jz4720, Serial console RXD pin in, Please see Serial console. +- TP 75, TXD, GPD25(out) of jz4720, Serial console TXD pin out, Please see Serial console. +- TP 76, GND, System ground, Please see Serial console. +- TP 79, USBDET, GPD28(input) of jz4720, Jz4720 can detect a "LOW" status during usb host cable is plug in.|This article may be expanded with text translated from the corresponding article in the French Wikipedia. (December 2008)| +|— Department —| +|• President of the General Council||Augustin Bonrepaux (PS)| +|• Total||4,890 km2 (1,890 sq mi)| +|• Density||30/km2 ( 79/sq mi)| +|Time zone||CET (UTC+1)| +|• Summer (DST)||CEST (UTC+2)| +|^1 French Land Register data, which exclude estuaries, and lakes, ponds, and glaciers larger than 1 km2| +Foix is the administrative capital of the Ariège. It is an ancient medieval town with a fortress Chateau de Foix perched on a hill overlooking it. The fortress has been attacked many times without capture, including an attempt by Simon de Montfort. It has also been used as a prison, and the names of English prisoners of war can still be seen on the cell walls. Another famous chateau in the Ariège is Montségur, located on a rocky outcrop at a height of 1200 metres (3,900 ft). During the Albigensian Crusade and siege of 1244 AD the chateau was largely destroyed, with more than two hundred Cathar priests burnt at the stake as heretics. The chateau was gradually rebuilt by Royalists over a period of the next three hundred years. +The start of the seventeenth century saw the area ravaged by wars between Protestants and Catholics. In 1621 Huguenot forces ruined the church at La Tour-du-Crieu. In 1629 Pamiers was sacked by Henry of Condé following uprisings that left several hundred dead in the city. This was also the period during which the abbeys at Foix, Tarascon-sur-Ariège, Saint-Girons, Saverdun and Le Mas-d'Azil were torched and destroyed. +The nineteenth century was a time of strong industrial growth, supported in Ariège by an abundant supply of water power. The department also benefitted from its significant reserves of iron ore. The growth of iron based industries were a feature of the period, with the establishment in 1817 of a steel manufacturing plant at Pamiers which has been a principal driver of the local economy ever since. Other representative examples of the iron based industry that developed in Ariège during the nineteenth century include the forges at Montgaillard and the blast furnaces at Tarascon-sur-Ariège. +Description of the department's industrial development during the nineteenth century should also include mention of the paper industry at Saint-Girons and the textile industry in the Pays d'Olmes. +Towns of particular historical interest in the département include Pamiers, host to a large commercial centre and three churches. Mirepoix is a medieval town, as is Saint-Lizier situated on a hilltop with winding streets, fine views and a church with cloisters that are noteworthy. Saint-Girons is an agricultural centre with a Saturday market. +The geography is dominated by the Pyrenees mountains, which form the border between France and Spain. There are hundreds of miles of well-marked paths which allow exploration of the magnificent Pyrenees mountains. The high mountains are easily accessible via good roads, cable cars or by foot. There are a number of lodges providing high level mountain accommodation that are comfortable, warm and with good meals. +There are also a number of fresh water lakes which provide a variety of activities including, walking, swimming, fishing, canoeing, sailboarding and picnicking. +The Ariege has several of its own downhill ski resorts, the three largest being Ax-Bonascre, Les Monts D'Olmes and Guzet-Neige. There are many cross country ski-ing resorts, one of the best being at Plateau de Beille, near Les Cabannes. +The Pyrenees mountain range forms a fantastic backdrop to the entire Ariège Department, rising some 10,000 feet (3000m) in the Montcalm Massif, along the border with Andorra and Spain. The highest peaks are clearly visible visible from Toulouse in the Haute Garonne. It is one of the least populated and most unspoiled regions of France. The locals enjoy keeping traditions alive, especially old farming techniques. Consequently, as fewer insecticides, for example, have been used, the flora and fauna of the area continue to be rich in both diversity and numbers. Butterflies are common and birds are numerous; particularly noticeable are large birds of prey, including the magnificent Griffon vultures. +There are also many unspoiled villages and hamlets tucked away in the valleys close to the department's border with Spain – Seix, Cominac and Aulus Les Bain are examples – together with picturesque mountain villages, most notably Aleu which comes alive in the holiday season. +Ariège stands on the eastern limit of oceanic dominance over rainfall, but other influences are felt: +- Mediterranean – particularly visible in the vegetation of the foothills and of the valley of the Ariège river towards Tarascon, and in the Pays de Sault; +- Continental – in the Pyrenean valleys, with many storms and big differences of temperature between day and night. +There is no great tendency to summer drought as the flow of air from the north-west brings rain throughout the year. Rainfall is moderate on the foothills and in some sheltered valleys, measuring 700 to 1,000 mm per year, but increases significantly in the higher valleys with levels between 1,000 mm and 1,800 mm. The slopes exposed to the north-west, such as Aulus and Orlu, are, as one would expect, the wettest, together with the frontal ridges that meet air flow from the southwest (giving rise to the Foehn effect). Snow cover is common over 1,000 metres, lasting several months above 1,500 to 2,000 metres. Some periglacial areas exist over 2,500 m but the only true glacier in Ariège is that of Mont Valier, near Castillon-en-Couserans. +Temperatures are mild in the foothills, e.g. at the city of Foix (400 metres) the average is 5 °C in January and 19 °C in July. However, they decline rapidly with elevation, e.g. at l'Hospitalet-près-l'Andorre (1,430 m) it is 0 °C in January and 14 °C in July. +The inhabitants of the department are called Ariégeois. +The department has 151,477 inhabitants, or 146,289 as the population without double counting. +The populations of the arrondissements (double-counting) are : +- Foix – 53,595 +- Pamiers – 69,664 +- Saint Girons – 28,218 +The populations of the principal towns (double-counting) are : +- Pamiers – 15,702 +- Foix – 9,994 +- Lavelanet – 7,068 +- Saint Girons – 7,019 +The Ariege department is a largely unknown department which is situated next to the Aude in the most southern part of the Midi-Pyrenees region and shares its borders with the Aude, Andorra, Haute Garonne and the Pyrenees Orientales. This is predominantly a farming area as the soil is rich and fertile and yet more than 50% of the Ariège is mountainous, with 490 965 hectares being covered by forests. +|Number of businesses||19 750||15 November 2006| +|Rate of business creation||10.4% (Ariège) 9.3% (Midi-Pyrénées) 9.3% (France)||2003| +|Unemployment rate||10.4% (Ariège) 9.1% (Midi-Pyrénées) 9% (France)||September 2006| +|Value of Exports||450 M€||2005| +|Value of Imports||368 M€||2005| +|source : Ariège Expansion| +The Ariège Chamber of Commerce and Industry is situated at Foix. The department’s Economic Development Agency (ARIEGE EXPANSION) is at Verniolle. The department has established three ‘business incubators’ to support enterprise in Ariège. +The department has two parliamentary constituencies and twenty-two cantons. Broadly speaking, Ariège has been firmly held by the Socialist Party since the days of the Third Republic, although in recent years the right has managed to make some inroads. +Nevertheless, the department remains one of the most left-wing departments in France, and the left holds all but three of the department's 22 cantons. +The President of the General Council is Augustin Bonrepaux of the Socialist Party. +|Union for a Popular Movement||2| +Ariégeois gastronomy is based on the cooking of Pyrenean regional food, such as cheese or charcuterie from the mountain country. The Azinat is the local and typical dish of Ariege. The department is also well advanced in the field of organic farming. +The castle of Foix +Cathedral of Saint-Antonin at Pamiers +Cathedral de Saint-Lizier +Covered shopfronts at Mirepoix +According to the general census of the population of 8 March 1999, 26.5% of available housing in the department consists of second homes. +|Year||Town||Population without double-counting||Number of dwellings||Second homes||% of dwellings being second homes| +Famous people +- Fabien Barthez, football player, winner of the World Football Cup 1998 and born at Lavelanet +- Pierre Bayle (1647–1706), philosopher and writer, born at Carla-Bayle (then known as Carla-le-Comte; the commune changed its name in his honour) +- Théophile Delcassé (1852–1923), politician, minister, ambassador, born at Pamiers +- Jacques Dupont (born in 1928), cyclist, holder of the Olympic record, born at Lézat-sur-Lèze +- Gabriel Fauré (1845–1924), composer, born at Pamiers +- Jacques Fournier (1285–1342), bishop of Pamiers then of Mirepoix, pope under the name Benedict XII from 1336 to 1342 (Avignon), born at Canté near Saverdun +- Claude Piquemal (born in 1939), athlete and sprinter, Olympic medalist, born at Siguer +- Marie Laforêt, born Maïténa Marie Brigitte Doumenach (in 1939), actress and singer. +See also +- Cantons of the Ariège department +- Communes of the Ariège department +- Arrondissements of the Ariège department +- Census 2009, French National Institute of Statistics +- http://www.atlaspol.com/MDPY/ariege.htm Political atlas of Ariège (in French), consulted 30 June 2009 +- Census site, INSEE, figures as at 8 March 1999 +- Estimates of the intermediate census, INSEE, figures as at 1 July 2005 +|Wikimedia Commons has media related to: Ariège| +- (French)Conseil general website +- (French)Prefecture website +- (French)Trekking in Ariege Pyrenees website +- (French)Photography Panoramics 360° website +- (French)Photography Panoramics 360° website 2A bullock cart or ox cart is a two-wheeled or four-wheeled vehicle pulled by oxen (draught cattle). It is a means of transportation used since ancient times in many parts of the world. They are still used today where modern vehicles are too expensive or the infrastructure does not favor them. +Used especially for carrying goods, the bullock cart is pulled by one or several oxen (bullocks). The cart (also known as a jinker) is attached to a bullock team by a special chain attached to yokes, but a rope may also be used for one or two animals. The driver and any other passengers sit on the front of the cart, while load is placed in the back. Traditionally the cargo was usually agrarian goods and lumber. +Costa Rica +In Costa Rica, ox carts (carretas in the Spanish language) were an important aspect of the daily life and commerce, especially between 1850 to 1935, developing a unique construction and decoration tradition that is still being developed. Costa Rican parades and traditional celebrations are not complete without a traditional ox cart parade. +In 1988, the traditional ox cart was declared as National Symbol of Work by the Costa Rican government. +In 2005, the "Oxherding and Oxcart Traditions in Costa Rica" were included in UNESCO's Representative List of the Intangible Cultural Heritage of Humanity. +In Indonesia, Bullock Carts are commonly used in the rural parts of the country, where it is used for transporting goods and carriages and also people. But it is mostly common in Indonesia that there are Horse Car than Bullock Carts on the streets of Indonesia. +Bullock carts were widely used in Malaysia before the introduction of automobiles, and many are still used today. These included passenger vehicles, now used especially for tourists. Passenger carts are usually equipped with awnings for protection against sun and rain, and are often gaily decorated. +See also +|Wikimedia Commons has media related to: Ox-drawn carts|Topography of Flores +|Location||South East Asia| +|Archipelago||Lesser Sunda Islands| +|Area||13,540 km2 (5,228 sq mi)| +|Highest elevation||2,370 m (7,780 ft)| +|Highest point||Poco Mandasawu| +|Province||East Nusa Tenggara| +|Largest city||Maumere (pop. 70,000)| +|Population||1,831,000 (as of 2010)| +|Density||135 /km2 (350 /sq mi)| +Flores is one of the Lesser Sunda Islands, an island arc with an estimated area of 14,300 km² extending east from the Java island of Indonesia. The population was 1,831,000 in the 2010 census and the largest town is Maumere. Flores is Portuguese for "flowers". +Flores is located east of Sumbawa and Komodo and west of Lembata and the Alor Archipelago. To the southeast is Timor. To the south, across the Sumba strait, is Sumba and to the north, beyond the Flores Sea, is Sulawesi. +Homo floresiensis +In September 2004, at Liang Bua Cave in western Flores, paleoanthropologists discovered small skeletons that they described as a previously unknown hominid species, Homo floresiensis. These are informally named hobbits and appear to have stood about 1 m (3.3 ft) tall. The most complete individual (LB1) is dated as 18,000 years old. +The Dominican order was extremely important in this island, as well as in the neighbouring islands of Timor and Solor. When in 1613 the Dutch attacked the Fortres of Solor, the population of this fort, led by the Dominicans, moved to the harbor town of Larantuka, on the eastern coast of Flores. This population was mixed, of Portuguese and local islanders descent and Larantuqueiros, Topasses (people that wear heats) or, as Dutch knew them, the 'Black Portuguese' (Swarte Portugueezen). +The Larantuqueiros or Topasses became the dominant sandalwood trading people of the region for the next 200 years. This group used Portuguese as the language for worship, Malay as the language of trade and a mixed dialect as mother tongue. This was observed by William Dampier, a British Brigadier visiting the Island in 1699: +- These [the Topasses] have no Forts, but depend on their Alliance with the Natives: And indeed they are already so mixt, that it is hard to distinguish whether they are Portugueze or Indians. Their Language is Portugueze; and the religion they have, is Romish. They seem in Words to acknowledge the King of Portugal for their Sovereign; yet they will not accept any Officers sent by him. They speak indifferently the Malayan and their own native Languages, as well as Portugueze. +In 1846, Dutch and Portuguese initiated negotiations towards delimiting the territories but these negotiations led to nowhere. In 1851 the new governor of Timor, Solor and Flores, Lima Lopes, faced with an impoverished administration, agreed to sell eastern Flores and the nearby islands to Dutch in return for a payment of 200,000 Florins. Lima Lopes did so without the consent of Lisbon and was dismissed in disgrace, but his agreement was not rescinded and in 1854 Portugal ceded all its historical claims on Flores. After this, Flores became part of the territory of Dutch East Indies. +Flores is part of the East Nusa Tenggara province. The island along with smaller minor islands are split into eight regencies (local government districts); from west to east these are: Manggarai Barat (West Manggarai), Manggarai Tengah (Central Manggarai), Manggarai Timur (East Manggarai), Ngada, Nagekeo, Ende, Sikka and Flores Timur (East Flores). It has 39.1% of the provincial population as of 2010, and the most Indonesians of all islands in the province. However, Timor including the nation of East Timor is more populated. It is the island with the 9th most Indonesians. Among all islands containing Indonesian territory, it is the 10th most populous after Java, Sumatra, Borneo, Sulawesi, New Guinea, Bali, Madura, Lombok, and Timor. +|Manggarai Regency||Ruteng||1958||UU 69/1958||1,545.97||292,037| +|Sikka Regency||Maumere||1958||UU 69/1958||1,731.92||300,301| +|Ngada Regency||Bajawa||1958||UU 69/1958||1,620.92||142,254| +|Ende Regency||Ende||1958||UU 69/1958||2,046.62||260,428| +|East Flores Regency||Larantuka||1958||UU 69/1958||1,812.85||232,312| +|West Manggarai Regency||Labuan Bajo||2003||UU 8/2003||2,947.50||221,430| +|Nagekeo Regency||Mbay||2007||UU 2/2007||1,416.96||129,956| +|East Manggarai Regency||Borong||2007||UU 36/2007||2,502.24||252,754| +Flora and fauna +The west coast of Flores is one of the few places, aside from the island of Komodo itself, where the Komodo dragon can be found in the wild, and is part of Komodo National Park, a UNESCO World Heritage Site. Kelimutu National Park is the second national park designated on Flores to protect endangered species. The Flores giant rat is also endemic to the island, and Verhoeven's giant tree rat was formerly present. These giant rodents are considered examples of island gigantism. +Flores was also the habitat of several extinct dwarf forms of the proboscidean Stegodon, the most recent (Stegodon florensis insularis) disappearing approximately 12 000 years ago. It is speculated by scientists that limited resources and an absence of advanced predators made the few megafaunal species that reached the island subject to insular dwarfism. +There are many languages spoken on the island of Flores, all of them belonging to the Austronesian family. In the centre of the island in the districts of Ngada, Nagekeo, and Ende there is what is variously called the Central Flores Dialect Chain or the Central Flores Linkage. Within this area there are slight linguistic differences in almost every village. At least six separate languages are identifiable. These are from west to east: Ngadha, Nage, Keo, Ende, Lio and Palu'e, which is spoken on the island with the same name of the north coast of Flores. Locals would probably also add So'a and Bajawa to this list, which anthropologists have labeled dialects of Ngadha. +Flores is almost entirely Roman Catholic and represents one of the "religious borders" created by the Catholic expansion in the Pacific and the spread of Islam from the west across Indonesia. In other places in Indonesia, such as in the Maluku Islands and Sulawesi, the divide is less rigid and has been the source of bloody sectarian clashes. +The most famous tourist attraction in Flores is Kelimutu, a volcano containing three colored lakes, located in the district of Ende close to the town of Moni. These crater lakes are in the caldera of a volcano, and fed by a volcanic gas source, resulting in highly acidic water. The colored lakes change colors on an irregular basis, depending on the oxidation state of the lake from bright red through green and blue. +There are snorkelling and diving locations along the north coast of Flores, most notably Maumere and Riung. However, due to the destructive practice of local fishermen using bombs to fish, and locals selling shells to tourists, combined with the after effects of a devastating tsunami in 1992, the reefs have slowly been destroyed. +Labuan Bajo (on the western tip of Flores) is a town often used by tourists as a base to visit Komodo and Rinca. Labuanbajo also attracts scuba divers, as whale sharks inhabit the waters around Labuanbajo. +In addition to tourism, the main economic activities on Flores are agriculture, fishing and seaweed production. The primary food crops being grown on Flores are rice, maize, sweet potato and cassava, while the main cash crops are coffee, coconut, candle nut and cashew. Flores is one of the newest origins for Indonesian coffee. Previously, most Arabica coffee (Coffea arabica) from Flores was blended with other origins. Now, demand is growing for this coffee because of its heavy body and sweet chocolate, floral and woody notes. +An ancient Ngada megalith +See also +- Monk, K.A.; Fretes, Y., Reksodiharjo-Lilley, G. (1996). The Ecology of Nusa Tenggara and Maluku. Hong Kong: Periplus Editions Ltd. p. 7. ISBN 962-593-076-0. +- "Out of the Ashes - Chapter 1". Epress.anu.edu.au. 1914-06-25. Retrieved 2012-07-25. +- L, Klemen (1999-2000). "The Lesser Sunda Islands 1941-1942". Forgotten Campaign: The Dutch East Indies Campaign 1941-1942. +- "Hasil Sensus Penduduk 2010". Ntt.bps.go.id. Retrieved 2012-07-25. +- Van Den Bergh, G. D.; Rokhus Due Awe; Morwood, M. J.; Sutikna, T.; Jatmiko; Wahyu Saptomo, E. (May 2008). "The youngest Stegodon remains in Southeast Asia from the Late Pleistocene archaeological site Liang Bua, Flores, Indonesia". Quaternary International 182 (1): 16–48. doi:10.1016/j.quaint.2007.02.001. Retrieved 27 November 2011. +- "Hobbits" Were Pygmy Ancestors, Not New Species, Study Says, National Geographic, 21 August 2006. +- Pasternack. Keli Mutu Volcanic Lakes, University of California Davis. +- East Nusa Tenggara, Indonesian Chamber of Commerce and Industry. Retrieved 8 August 2008. +- Arabica Producing Regions of Indonesia, Specialty Coffee Association of Indonesia. Retrieved 8 August 2008. +|Wikimedia Commons has media related to: Flores, Indonesia| +- L, Klemen (1999-2000). "Forgotten Campaign: The Dutch East Indies Campaign 1941-1942".German destroyer Z11 Bernd von Arnim +|Career (Nazi Germany)| +|Name:||Z11 Bernd von Arnim| +|Namesake:||Bernd von Arnim| +|Ordered:||9 January 1935| +|Laid down:||26 April 1935| +|Launched:||8 July 1936| +|Completed:||6 December 1938| +|Fate:||Scuttled, 13 April 1940| +|General characteristics as built| +|Class & type:||Type 1934A-class destroyer| +|Displacement:||2,171 long tons (2,206 t)| +|Length:||119 m (390 ft 5 in) o/a +114 m (374 ft 0 in) w/l +|Beam:||11.3 m (37 ft 1 in)| +|Draft:||4.23 m (13 ft 11 in)| +|Installed power:||70,000 shp (52,000 kW)| +|Propulsion:||2 shafts, 2 × Wagner geared steam turbines +6 × water-tube boilers +|Speed:||36 knots (67 km/h; 41 mph)| +|Range:||1,825 nmi (3,380 km; 2,100 mi) at 19 knots (35 km/h; 22 mph)| +|Armament:||5 × 1 - 12.7 cm (5 in) guns +2 × 2 - 3.7 cm (1.5 in) guns +6 × 1 - 2 cm (0.79 in) guns +2 × 4 - 53.3 cm (21 in) torpedo tubes +32–64 depth charges, 4 throwers and 6 individual racks +Z11 Bernd von Arnim was a Type 1934A-class destroyer built for the German Navy (Kriegsmarine) in the late 1930s. At the beginning of World War II, the ship was initially deployed to blockade the Polish coast, but she was quickly transferred to the German Bight to lay minefields in German waters. In late 1939 the ship made one successful minelaying sortie off the English coast that claimed one British warship and seven merchant ships. During the early stages of the Norwegian Campaign, Bernd von Arnim fought the British destroyer Glowworm while transporting troops to the Narvik area in early April 1940, but neither ship was damaged during the action. The ship fought in both naval Battles of Narvik several days later and had to be scuttled after she exhausted her ammunition. +Design and description +Bernd von Arnim had an overall length of 119 meters (390 ft 5 in) and was 114 meters (374 ft 0 in) long at the waterline. The ship had a beam of 11.3 meters (37 ft 1 in), and a maximum draft of 4.23 meters (13 ft 11 in). She displaced 2,171 long tons (2,206 t) at standard load and 3,190 long tons (3,240 t) at deep load. The Wagner geared steam turbines were designed to produce 70,000 shaft horsepower (52,199 kW) which would propel the ship at 36 knots (67 km/h; 41 mph). Steam was provided to the turbines by six high-pressure Benson boilers with superheaters. Bernd von Arnim carried a maximum of 752 metric tons (740 long tons) of fuel oil which was intended to give a range of 4,400 nautical miles (8,100 km; 5,100 mi) at 19 knots (35 km/h; 22 mph), but the ship proved top-heavy in service and 30% of the fuel had to be retained as ballast low in the ship. The effective range proved to be only 1,530 nmi (2,830 km; 1,760 mi) at 19 knots (35 km/h; 22 mph). +Bernd von Arnim carried five 12.7 cm SK C/34 guns in single mounts with gun shields, two each superimposed, fore and aft. The fifth gun was carried on top of the rear deckhouse. Her anti-aircraft armament consisted of four 3.7 cm SK C/30 guns in two twin mounts abreast the rear funnel and six 2 cm C/30 guns in single mounts. The ship carried eight above-water 53.3-centimeter (21.0 in) torpedo tubes in two power-operated mounts. Four depth charge throwers were mounted on the sides of the rear deckhouse and they were supplemented by six racks for individual depth charges on the sides of the stern. Enough depth charges were carried for either two or four patterns of 16 charges each. Mine rails could be fitted on the rear deck that had a maximum capacity of 60 mines. 'GHG' (Gruppenhorchgerät) passive hydrophones were fitted to detect submarines. +The ship was ordered on 4 August 1934 and laid down at Germania, Kiel on 26 March 1935 as yard number G537. She was launched on 8 July 1936 and completed on 6 July 1938. When World War II began in September 1939, Bernd von Arnim was initially deployed in the Baltic to operate against the Polish Navy and to enforce a blockade of Poland, but she was soon transferred to the German Bight where she joined her sisters in laying defensive minefields. The ship also patrolled the Skagerrak to inspect neutral shipping for contraband goods. Bernd von Arnim joined the other destroyers in laying minefields off the British coast in November, when Bernd von Arnim, Hermann Künne and Wilhelm Heidkamp laid about 180 magnetic mines in the middle of the Thames Estuary on the night of 17/18 November. The destroyer HMS Gipsy, one trawler, and seven other ships totalling 27,565 Gross Register Tons (GRT) were sunk by this minefield. Four days later, she was one of the destroyers escorting the battleships Gneisenau and Scharnhorst through the North Sea to break out into the North Atlantic. Together with her sisters Hans Lody and Erich Giese, Bernd von Arnim was to lay a minefield off Cromer during the night of 6/7 December, but she had trouble with two of her boilers and had to shut them down. The ship was ordered to return to port while the other two destroyers continued their mission. +Norwegian Campaign +Bernd von Arnim was allocated to Group 1 for the Norwegian portion of Operation Weserübung in April 1940. The group's task was to transport the 139th Mountain Infantry Regiment (139. Gebirgsjäger Regiment) and the headquarters of the 3rd Mountain Division (3. Gebirgs-Division) to seize Narvik. The ships began loading troops on 6 April and set sail the next day. Bernd von Arnim was spotted by the British destroyer Glowworm in a storm on the morning of 8 April and the ship turned away to the north-west at full speed after laying a smoke screen. The German ship was suffering damage from the heavy seas at 35 knots (65 km/h; 40 mph) and was forced to reduce speed to 27 knots (50 km/h; 31 mph) after she had lost two men overboard. The British destroyer was better suited for the conditions and began to close on Bernd von Arnim. Lieutenant Commander (Korvettenkapitän) Curt Rechel, captain of von Arnim, turned his ship to the north-east, closer to the heavy cruiser Admiral Hipper. The ships exchanged fire without effect for an hour until Hipper came within range and sank Glowworm shortly afterward. +The German destroyers reached the Ofotfjord on the morning of 9 April and Commodore Friedrich Bonte took his flagship Wilhelm Heidkamp, Bernd von Arnim and Georg Thiele down the fjord to Narvik. A heavy snowstorm allowed von Arnim and Thiele to enter the harbor without challenge and tie up at a pier. The mountain troops immediately began disembarking, but the ship was spotted by the coast defense ship Norge a few minutes later. The latter ship immediately opened fire and was able to fire approximately 13 shells at 600–800 meters (660–870 yd) range before von Arnim was able to fire seven torpedoes. Only two struck the Norwegian ship, but they detonated one or more of the ship's magazines and she immediately capsized and sank. None of the Norwegian shells hit either of the two German destroyers due to the darkness and falling snow, despite the short range. Von Arnim lowered boats to rescue the surviving Norwegian sailors and was able to pick up 96 men together with boats from the merchantmen in harbor. +Von Arnim and Thiele were the first to refuel from the single tanker that had made it safely to Narvik and later moved to the Ballangenfjord, a southern arm of the Ofotfjord, closer to the entrance. Shortly before dawn on 10 April, the five destroyers of the British 2nd Destroyer Flotilla surprised the five German destroyers in Narvik harbor. They torpedoed two destroyers and badly damaged the other three while suffering only minor damage themselves. As they were beginning to withdraw they encountered the three destroyers of the 4th Flotilla which had been alerted in the Herjansfjord when the British began their attack. The Germans opened fire first, but the gunnery for both sides was not effective due to the mist and the smoke screen laid by the British as they retreated down the Ofotfjord. The German ships had to turn away to avoid a salvo of three torpedoes fired by one of the destroyers in Narvik, but von Arnim and Thiele had also been alerted and were coming up to engage the British. +The two German destroyers crossed the T of the British flotilla and were able to fire full broadsides at a range of only 4,000 meters (13,000 ft). They first engaged the British flagship, HMS Hardy, and badly damaged her. Both of her forward guns were knocked out and the forward superstructure was set afire. Hardy was forced to beach herself lest she sink, and the German ships switched their fire to HMS Havock, the next ship in line. Their fire was relatively ineffective and both sides fired torpedoes without scoring any hits. Havock pulled out and dropped to the rear to fight off any pursuit by the ships of the 4th Flotilla. This placed HMS Hunter in the lead and she was quickly set on fire by the German ships. Thiele probably also hit her with a torpedo and she was rammed from behind by HMS Hotspur when the latter ship lost steering control. Hotspur was able to disengage, but Hunter capsized shortly afterward. The three remaining British ships were able to escape from the Germans under the cover of a smoke screen. Von Arnim had been hit by five British shells, which had knocked out one boiler. This was repaired by the morning of 13 April and she received six torpedoes from the badly damaged destroyers. +On the night of 12 April, Commander Erich Bey, the senior surviving German officer, received word to expect an attack the following day by British capital ships escorted by a large number of destroyers and supported by carrier aircraft. The battleship Warspite and nine destroyers duly appeared on 13 April, although earlier than Commander Bey had expected, and caught the Germans out of position. The five operable destroyers, including Bernd von Arnim, charged out of Narvik harbor and engaged the British ships. Although no hits were scored, they did inflict splinter damage on several of the destroyers. The ship was able to make a torpedo attack on the British destroyers before being driven off, but her torpedoes all missed. Lack of ammunition forced the German ships to retreat to the Rombaksfjorden (the easternmost branch of the Ofotfjord), east of Narvik, where they might attempt to ambush pursuing British destroyers. Von Arnim had exhausted her ammunition and she was beached at the head of the fjord. Her crew placed demolition charges and abandoned the ship. By the time the British reached the ship she had rolled over onto her side. The ship's crew joined the German troops ashore and participated in the campaign until the British evacuated the area in June. +- Groener, p. 199 +- Whitley, p. 18 +- Koop and Schmolke, p. 26 +- Whitley, p. 215 +- Whitley, pp. 71–72 +- Whitley, p. 204 +- Koop and Schmolke, p. 91 +- Rohwer, pp. 2–3, 5, 7 +- Rohwer, p. 9 +- Whitley, p. 89 +- Hervieux, p. 112 +- Whitley, pp. 89–90 +- Whitley, p. 96 +- Haarr, pp. 91–93 +- Haarr, p. 323 +- Haarr, pp. 327 +- Haarr, p. 334 +- Whitley, p. 99 +- Harr, pp. 339–43 +- Haarr, pp. 344–47 +- Whitley, p. 101 +- Haarr, pp. 356–57, 362, 366 +- Whitley, p. 103 +- Haarr, pp. 368, 373–74 +- Gröner, Erich (1990). German Warships: 1815–1945. Volume 1: Major Surface Warships. Annapolis, Maryland: Naval Institute Press. ISBN 0-87021-790-9. +- Hervieux, Pierre (1980). "German Destroyer Minelaying Operations Off the English Coast (1940–1941)". In Roberts, John. Warship IV. Greenwich, England: Conway Maritime Press. pp. 110–16. ISBN 0-87021-979-0. +- Haarr, Geirr H. (2009). The German Invasion of Norway, April 1940. Annapolis, Maryland: Naval Institute Press. ISBN 978-1-59114-310-9. +- Koop, Gerhard; Schmolke, Klaus-Peter (2003). German Destroyers of World War II. Annapolis, Maryland: Naval Institute Press. ISBN 1-59114-307-1. +- Rohwer, Jürgen (2005). Chronology of the War at Sea 1939-1945: The Naval History of World War Two (Third Revised ed.). Annapolis, Maryland: Naval Institute Press. ISBN 1-59114-119-2. +- Whitley, M. J. (1991). German Destroyers of World War Two. Annapolis, Maryland: Naval Institute Press. ISBN 1-55750-302-8.A jack-o'-lantern, one of the symbols of Halloween +|Also called||All Hallows' Eve +All Saints' Eve +|Observed by||Western Christians & many non-Christians around the world| +|Celebrations||Trick-or-treating/guising, costume parties, making jack-o'-lanterns, lighting bonfires, divination, apple bobbing, visiting haunted attractions, fireworks displays| +|Observances||Church services, prayer, fasting, and vigils| +|Related to||Samhain, Hop-tu-Naa, Calan Gaeaf, Kalan Gwav, Day of the Dead, All Saints' Day (cf. vigils)| +Halloween or Hallowe'en (a contraction of "All Hallows' Evening"), also known as All Hallows' Eve, is a yearly celebration observed in a number of countries on October 31, the eve of the Western Christian feast of All Hallows (or All Saints) and the day initiating the triduum of Hallowmas. +According to many scholars, All Hallows' Eve is a Christianised feast originally influenced by western European harvest festivals, and festivals of the dead with possible pagan roots, particularly the Celtic Samhain. Other scholars maintain that it originated independently of Samhain and has solely Christian roots. +Typical festive Halloween activities include trick-or-treating (also known as "guising"), attending costume parties, carving pumpkins into jack-o'-lanterns, lighting bonfires, apple bobbing, visiting haunted attractions, playing pranks, telling scary stories, and watching horror films. +The word Halloween was first used in the 16th century and represents a Scottish variant of the fuller All Hallows' Eve ('evening'), that is, the night before All Hallows' Day. Although the phrase All Hallows' is found in Old English (ealra hālgena mæssedæg, mass-day of all saints), All Hallows' Eve is itself not seen until 1556. +Celtic influences +Though the origin of the word Halloween is Christian, the holiday is commonly thought to have pagan roots. Historian Nicholas Rogers, exploring the origins of Halloween, notes that while "some folklorists have detected its origins in the Roman feast of Pomona, the goddess of fruits and seeds, or in the festival of the dead called Parentalia, it is more typically linked to the Celtic festival of Samhain", which comes from the Old Irish for "summer's end". Samhain (pronounced SAH-win or SOW-in) was the first and most important of the four quarter days in the medieval Gaelic (Irish, Scottish and Manx) calendar. It was held on or about October 31 – November 1 and kindred festivals were held at the same time of year in other Celtic lands; for example the Brythonic Calan Gaeaf (in Wales), Kalan Gwav (in Cornwall) and Kalan Goañv (in Brittany). Samhain is mentioned in some of the earliest Irish literature and many important events in Irish mythology happen or begin on Samhain. It marked the end of the harvest season and the beginning of winter or the 'darker half' of the year. This was a time for stock-taking and preparing for the cold winter ahead; cattle were brought back down from the summer pastures and livestock were slaughtered. In much of the Gaelic world, bonfires were lit and there were rituals involving them. Some of these rituals hint that they may once have involved human sacrifice. Divination games or rituals were also done at Samhain. +Samhain (like Beltane) was seen as a time when the 'door' to the Otherworld opened enough for the souls of the dead, and other beings such as fairies, to come into our world. The souls of the dead were said to revisit their homes on Samhain. Feasts were had, at which the souls of dead kin were beckoned to attend and a place set at the table for them. Lewis Spence described it as a "feast of the dead" and "festival of the fairies". However, harmful spirits and fairies were also thought to be active at Samhain. People took steps to allay or ward-off these harmful spirits/fairies, which is thought to have influenced today's Halloween customs. Before the 20th century, wearing costumes at Samhain was done in parts of Ireland, Mann, the Scottish Highlands and islands, and Wales. Wearing costumes may have originated as a means of disguising oneself from these harmful spirits/fairies, although some suggest that the custom comes from a Christian or Christianized belief (see below). In Ireland, people went about before nightfall collecting for Samhain feasts and sometimes wore costumes while doing so. In the 19th century on Ireland's southern coast, a man dressed as a white mare would lead youths door-to-door collecting food; by giving them food, the household could expect good fortune from the 'Muck Olla'. In Moray during the 18th century, boys called at each house in their village asking for fuel for the Samhain bonfire. The modern custom of trick-or-treating may have come from these practices. Alternatively, it may come from the Christian custom of souling (see below). +Making jack-o'-lanterns at Halloween may also have sprung from Samhain and Celtic beliefs. Turnip lanterns, sometimes with faces carved into them, were made on Samhain in the 19th century in parts of Ireland and the Scottish Highlands. As well as being used to light one's way while outside on Samhain night, they may also have been used to represent the spirits/fairies and/or to protect oneself and one's home from them. Another legend is that a trickster named Jack decided one day to trick the Devil. He trapped the Devil in a pumpkin and paraded him around town. Eventually, Jack let the Devil out and the Devil put a curse on Jack and forever made him a spirit in hell. On Halloween, Jack is released to terrorize the country all night. To protect themselves, the Irish would place a pumpkin with a face outside to scare Jack into believing it was the Devil. However, a Christian origin has also been proposed. +Christian influences +Halloween is also thought to have been influenced by the Christian holy days of All Saints' Day (also known as All Hallows, Hallowmas or Hallowtide) on November 1 and All Souls' Day on November 2. They are a time for honoring the saints and praying for the recently departed who had yet to reach Heaven. All Saints was introduced in the year 609, but was originally celebrated on May 13. In 835, it was switched to November 1 (the same date as Samhain) at the behest of Pope Gregory IV. Some have suggested this was due to Celtic influence, while others suggest it was a Germanic idea. +By the end of the 12th century they had become holy days of obligation across Europe and involved such traditions as ringing bells for the souls in purgatory. "Souling", the custom of baking and sharing soul cakes for "all crysten christened souls", has been suggested as the origin of trick-or-treating. Groups of poor people, often children, would go door-to-door on All Saints/All Souls collecting soul cakes, originally as a means of praying for souls in purgatory. Similar practices for the souls of the dead were found as far south as Italy. Shakespeare mentions the practice in his comedy The Two Gentlemen of Verona (1593), when Speed accuses his master of "puling [whimpering or whining] like a beggar at Hallowmas." The custom of wearing costumes has been linked to All Saints/All Souls by Prince Sorie Conteh, who wrote: "It was traditionally believed that the souls of the departed wandered the earth until All Saints' Day, and All Hallows' Eve provided one last chance for the dead to gain vengeance on their enemies before moving to the next world. In order to avoid being recognised by any soul that might be seeking such vengeance, people would don masks or costumes to disguise their identities". In Halloween: From Pagan Ritual to Party Night, Nicholas Rogers explained Halloween jack-o'-lanterns as originally being representations of souls in purgatory. In Brittany children would set candles in skulls in graveyards. +In Britain, these customs came under attack during the Reformation as Protestants berated purgatory as a "popish" doctrine incompatible with the notion of predestination. The rising popularity of Guy Fawkes Night (5 November) from 1605 onward, saw many Halloween traditions appropriated by that holiday instead, and Halloween's popularity waned in Britain, with the noteworthy exception of Scotland. There and in Ireland, the rebellious Guy Fawkes was not viewed with the same criminality as in England, and they had been celebrating Samhain and Halloween since at least the early Middle Ages, and the Scottish kirk took a more pragmatic approach to Halloween, seeing it as important to the life cycle and rites of passage of communities and thus ensuring its survival in the country. +Spread to North America +North American almanacs of the late 18th and early 19th century give no indication that Halloween was celebrated there. The Puritans of New England, for example, maintained strong opposition to Halloween and it was not until the mass Irish and Scottish immigration during the 19th century that it was brought to North America in earnest. Confined to the immigrant communities during the mid-19th century, it was gradually assimilated into mainstream society and by the first decade of the 20th century it was being celebrated coast to coast by people of all social, racial and religious backgrounds. +Development of artifacts and symbols associated with Halloween formed over time. The turnip has traditionally been used in Ireland and Scotland at Halloween, but immigrants to North America used the native pumpkin, which is both much softer and much larger – making it easier to carve than a turnip. Subsequently, the mass marketing of various size pumpkins in autumn, in both the corporate and local markets, has made pumpkins universally available for this purpose. The American tradition of carving pumpkins is recorded in 1837 and was originally associated with harvest time in general, not becoming specifically associated with Halloween until the mid-to-late 19th century. +The modern imagery of Halloween comes from many sources, including national customs, works of Gothic and horror literature (such as the novels Frankenstein and Dracula) and classic horror films (such as Frankenstein and The Mummy). One of the earliest works on the subject of Halloween is from Scottish poet John Mayne, who, in 1780, made note of pranks at Halloween; "What fearfu' pranks ensue!", as well as the supernatural associated with the night, "Bogies" (ghosts), influencing Robert Burns' Halloween 1785. Elements of the autumn season, such as pumpkins, corn husks and scarecrows, are also prevalent. Homes are often decorated with these types of symbols around Halloween. +Trick-or-treating and guising +Trick-or-treating is a customary celebration for children on Halloween. Children go in costume from house to house, asking for treats such as candy or sometimes money, with the question, "Trick or treat?" The word "trick" refers to "threat" to perform mischief on the homeowners or their property if no treat is given. +In Scotland and Ireland, guising – children disguised in costume going from door to door for food or coins – is a traditional Halloween custom, and is recorded in Scotland at Halloween in 1895 where masqueraders in disguise carrying lanterns made out of scooped out turnips, visit homes to be rewarded with cakes, fruit and money. The practice of Guising at Halloween in North America is first recorded in 1911, where a newspaper in Kingston, Ontario reported children going "guising" around the neighborhood. +American historian and author Ruth Edna Kelley of Massachusetts wrote the first book length history of Halloween in the US; The Book of Hallowe'en (1919), and references souling in the chapter "Hallowe'en in America": +The taste in Hallowe'en festivities now is to study old traditions, and hold a Scotch party, using Burn's poem Hallowe'en as a guide; or to go a-souling as the English used. In short, no custom that was once honored at Hallowe'en is out of fashion now. +In her book, Kelley touches on customs that arrived from across the Atlantic; "Americans have fostered them, and are making this an occasion something like what it must have been in its best days overseas. All Halloween customs in the United States are borrowed directly or adapted from those of other countries". While the first reference to "guising" in North America occurs in 1911, another reference to ritual begging on Halloween appears, place unknown, in 1915, with a third reference in Chicago in 1920. +The earliest known use in print of the term "trick or treat" appears in 1927, from Blackie, Alberta, Canada: +Hallowe'en provided an opportunity for real strenuous fun. No real damage was done except to the temper of some who had to hunt for wagon wheels, gates, wagons, barrels, etc., much of which decorated the front street. The youthful tormentors were at back door and front demanding edible plunder by the word “trick or treat” to which the inmates gladly responded and sent the robbers away rejoicing. +The thousands of Halloween postcards produced between the turn of the 20th century and the 1920s commonly show children but not trick-or-treating. The editor of a collection of over 3,000 vintage Halloween postcards writes, "There are cards which mention the custom [of trick-or-treating] or show children in costumes at the doors, but as far as we can tell they were printed later than the 1920s and more than likely even the 1930s. Tricksters of various sorts are shown on the early postcards, but not the means of appeasing them". Trick-or-treating does not seem to have become a widespread practice until the 1930s, with the first U.S. appearances of the term in 1934, and the first use in a national publication occurring in 1939. +Halloween costumes are traditionally modeled after supernatural figures such as monsters, ghosts, skeletons, witches, and devils. Over time, in the United States the costume selection extended to include popular characters from fiction, celebrities, and generic archetypes such as ninjas and princesses. +Dressing up in costumes and going "guising" was prevalent in Ireland and Scotland at Halloween by the late 19th century. Costuming became popular for Halloween parties in the US in the early 20th century, as often for adults as for children. The first mass-produced Halloween costumes appeared in stores in the 1930s when trick-or-treating was becoming popular in the United States. +Halloween costume parties generally fall on or around October 31, often on the Friday or Saturday before Halloween. +"Trick-or-Treat for UNICEF" is a fundraising program to support UNICEF, a United Nations Programme that provides humanitarian aid to children in developing countries. Started as a local event in a Northeast Philadelphia neighborhood in 1950 and expanded nationally in 1952, the program involves the distribution of small boxes by schools (or in modern times, corporate sponsors like Hallmark, at their licensed stores) to trick-or-treaters, in which they can solicit small-change donations from the houses they visit. It is estimated that children have collected more than $118 million for UNICEF since its inception. In Canada, in 2006, UNICEF decided to discontinue their Halloween collection boxes, citing safety and administrative concerns; after consultation with schools, they instead redesigned the program. +Games and other activities +There are several games traditionally associated with Halloween parties. One common game is dunking or apple bobbing, which may be called "dooking" in Scotland in which apples float in a tub or a large basin of water and the participants must use their teeth to remove an apple from the basin. The practice is thought by some to have derived from the Roman practices in celebration of Pomona. A variant of dunking involves kneeling on a chair, holding a fork between the teeth and trying to drop the fork into an apple. Another common game involves hanging up treacle or syrup-coated scones by strings; these must be eaten without using hands while they remain attached to the string, an activity that inevitably leads to a very sticky face. +Some games traditionally played at Halloween are forms of divination. A traditional Scottish form of divining one's future spouse is to carve an apple in one long strip, then toss the peel over one's shoulder. The peel is believed to land in the shape of the first letter of the future spouse's name. Unmarried women were told that if they sat in a darkened room and gazed into a mirror on Halloween night, the face of their future husband would appear in the mirror. However, if they were destined to die before marriage, a skull would appear. The custom was widespread enough to be commemorated on greeting cards from the late 19th century and early 20th century. +Another game/superstition that was enjoyed in the early 1900s involved walnut shells. People would write fortunes in milk on white paper. After drying, the paper was folded and placed in walnut shells. When the shell was warmed, milk would turn brown therefore the writing would appear on what looked like blank paper. Folks would also play fortune teller. In order to play this game, symbols were cut out of paper and placed on a platter. Someone would enter a dark room and was ordered to put her hand on a piece of ice then lay it on a platter. Her "fortune" would stick to the hand. Paper symbols included: dollar sign-wealth, button-bachelorhood, thimble-spinsterhood, clothespin- poverty, rice-wedding, umbrella- journey, caldron-trouble, 4-leaf clover- good luck, penny-fortune, ring-early marriage, and key-fame. +The telling of ghost stories and viewing of horror films are common fixtures of Halloween parties. Episodes of television series and Halloween-themed specials (with the specials usually aimed at children) are commonly aired on or before Halloween, while new horror films are often released theatrically before Halloween to take advantage of the atmosphere. +Haunted attractions +Haunted attractions are entertainment venues designed to thrill and scare patrons. Most attractions are seasonal Halloween businesses. Origins of these paid scare venues are difficult to pinpoint, but it is generally accepted that they were first commonly used by the Junior Chamber International (Jaycees) for fundraising. They include haunted houses, corn mazes, and hayrides, and the level of sophistication of the effects has risen as the industry has grown. Haunted attractions in the United States bring in an estimate $300–500 million each year, and draw some 400,000 customers, although press sources writing in 2005 speculated that the industry had reached its peak at that time. This maturing and growth within the industry has led to technically more advanced special effects and costuming, comparable with that of Hollywood films. +Because Halloween comes in the wake of the yearly apple harvest, candy apples (known as toffee apples outside North America), caramel or taffy apples are common Halloween treats made by rolling whole apples in a sticky sugar syrup, sometimes followed by rolling them in nuts. +At one time, candy apples were commonly given to children, but the practice rapidly waned in the wake of widespread rumors that some individuals were embedding items like pins and razor blades in the apples in the United States. While there is evidence of such incidents, they are quite rare and have never resulted in serious injury. Nonetheless, many parents assumed that such heinous practices were rampant because of the mass media. At the peak of the hysteria, some hospitals offered free X-rays of children's Halloween hauls in order to find evidence of tampering. Virtually all of the few known candy poisoning incidents involved parents who poisoned their own children's candy. +One custom that persists in modern-day Ireland is the baking (or more often nowadays, the purchase) of a barmbrack (Irish: báirín breac), which is a light fruitcake, into which a plain ring, a coin and other charms are placed before baking. It is said that those who get a ring will find their true love in the ensuing year. This is similar to the tradition of king cake at the festival of Epiphany. +List of foods associated with Halloween: +- Barmbrack (Ireland) +- Bonfire toffee (Great Britain) +- Candy apples/toffee apples (Great Britain & Ireland) +- Candy corn, candy pumpkins (North America) +- Caramel apples +- Caramel corn +- Colcannon (Ireland) +- Novelty candy shaped like skulls, pumpkins, bats, worms, etc. +- Pumpkin, pumpkin pie, pumpkin bread +- Roasted pumpkin seeds +- Roasted sweet corn +- Soul cakes +- Scary Faced Pizza +Religious observances +On Hallowe'en (All Hallows' Eve), in Poland, believers are taught to pray out loud as they walk through the forests in order that the souls of the dead might find comfort; in Spain, Christian priests toll their church bells in order to allow their congregants to remember the dead on All Hallows' Eve. The Christian Church traditionally observed Hallowe'en through a vigil "when worshippers would prepare themselves with prayers and fasting prior to the feast day itself." This church service is known as the Vigil of All Hallows or the Vigil of All Saints; an initiative known as Night of Light seeks to further spread the Vigil of All Hallows throughout Christendom. After the service, "suitable festivities and entertainments" often follow, as well as a visit to the graveyard or cemetery, where flowers and candles are often placed in preparation for All Hallows' Day. +Christian attitudes towards Halloween are diverse. In the Anglican Church, some dioceses have chosen to emphasize the Christian traditions associated with All Hallow's Eve. Some of these practises include praying, fasting and attending worship services. +Father, All-Powerful and Ever-Living God, today we rejoice in the holy men and women of every time and place. May their prayers bring us your forgiveness and love. We ask this through Christ our Lord. Amen. —All Hallow's Eve Prayer from the Liturgy of the Hours +Other Protestant Christians also celebrate All Hallows' Eve as Reformation Day, a day to remember the Protestant Reformation, alongside All Hallow's Eve or independently from it. Often, "Harvest Festivals" or "Reformation Festivals" are held as well, in which children dress up as Bible characters or Reformers. +Father Gabriele Amorth, an exorcist in Rome, has said, "if English and American children like to dress up as witches and devils on one night of the year that is not a problem. If it is just a game, there is no harm in that." In more recent years, the Roman Catholic Archdiocese of Boston has organized a "Saint Fest" on Halloween. Similarly, many contemporary Protestant churches view Halloween as a fun event for children, holding events in their churches where children and their parents can dress up, play games, and get candy for free. Many Christians ascribe no negative significance to Halloween, treating it as a fun event devoted to "imaginary spooks" and handing out candy. To these Christians, Halloween holds no threat to the spiritual lives of children: being taught about death and mortality, and the ways of the Celtic ancestors actually being a valuable life lesson and a part of many of their parishioners' heritage. In the Roman Catholic Church, Halloween's Christian connection is sometimes cited, and Halloween celebrations are common in Catholic parochial schools throughout North America and in Ireland. +Some Christians feel concerned about the modern celebration of Halloween, and reject it because they feel it trivializes – or celebrates – paganism, the occult, or other practices and cultural phenomena deemed incompatible with their beliefs. A response among some fundamentalist and conservative evangelical churches in recent years has been the use of "Hell houses", themed pamphlets, or comic-style tracts such as those created by Jack T. Chick in order to make use of Halloween's popularity as an opportunity for evangelism. Some consider Halloween to be completely incompatible with the Christian faith, believing it to have originated as a pagan "Festival of the Dead". +According to Alfred J. Kolatch in the Second Jewish Book of Why Halloween is not technically permitted by Jewish Halakha because it violate Leviticus 18:3 forbidding Jews from partaking in gentile customs. Nevertheless many American Jews celebrate it as a secular holiday, disconnected from its pagan and Christian origins. Reform Rabbi Jeffrey Goldwasser, of the Central Conference of American Rabbis has said that “There is no religious reason why contemporary Jews should not celebrate Halloween as it is commonly observed" while Orthodox Rabbi Michael Broyde has argued against Jews sending their children trick or treating or otherwise observing the holiday. +Around the world +The traditions and importance of Halloween vary greatly among countries that observe it. In Scotland and Ireland, traditional Halloween customs include children dressing up in costume going "guising", holding parties, while other practices in Ireland include lighting bonfires, and having firework displays. Mass transatlantic immigration in the 19th century popularized Halloween in North America, and celebration in the United States and Canada has had a significant impact on how the event is observed in other nations. This larger North American influence, particularly in iconic and commercial elements, has extended to places such as South America, Australia, New Zealand, (most) continental Europe, Japan, and other parts of East Asia. +See also +- "BBC – Religions – Christianity: All Hallows' Eve". British Broadcasting Corporation (BBC). 2010. Retrieved 1 November 2011. "All Hallows' Eve falls on 31st October each year, and is the day before All Hallows' Day, also known as All Saints' Day in the Christian calendar. The Church traditionally held a vigil on All Hallows' Eve when worshippers would prepare themselves with prayers and fasting prior to the feast day itself. The name derives from the Old English 'hallowed' meaning holy or sanctified and is now usually contracted to the more familiar word Hallowe'en." +- The Book of Occasional Services 2003. Church Publishing, Inc. 2004. Retrieved 31 October 2011. "Service for All Hallows' Eve: This service may be used on the evening of October 31, known as All Hallows' Eve. Suitable festivities and entertainments may take place before or after this service, and a visit may be made to a cemetery or burial place." +- Anne E. Kitch (2004). The Anglican Family Prayer Book. Church Publishing, Inc. Retrieved 31 October 2011. "All Hallow's Eve, which later became known as Halloween, is celebrated on the night before All Saints' Day, November 1. Use this simple prayer service in conjunction with Halloween festivities to mark the Christian roots of this festival." +- The Paulist Liturgy Planning Guide. Paulist Press. 2006. Retrieved 31 October 2011. "Rather than compete, liturgy planners would do well to consider ways of including children in the celebration of these vigil Masses. For example, children might be encouraged to wear Halloween costumes representing their patron saint or their favorite saint, clearly adding a new level of meaning to the Halloween celebrations and the celebration of All Saints' Day." +- Thomas Thomson, Charles Annandale (1896). A History of the Scottish People from the Earliest Times: From the Union of the kingdoms, 1706, to the present time. Blackie. Retrieved 31 October 2011. "Of the stated rustic festivals peculiar to Scotland the most important was Hallowe'en, a contraction for All-hallow Evening, or the evening of All-Saints Day, the annual return of which was a season for joy and festivity." +- Merriam-Webster's Encyclopædia of World Religions. Merriam-Webster. 1999. Retrieved 31 October 2011. "Halloween, also called All Hallows' Eve, holy or hallowed evening observed on October 31, the eve of All Saints' Day. The pre-Christian observances influenced the Christian festival of All Hallows' Eve, celebrated on the same date." +- "BBC – Religions – Christianity: All Hallows' Eve". British Broadcasting Corporation (BBC). 2010. Retrieved 1 November 2011. "It is widely believed that many Hallowe'en traditions have evolved from an ancient Celtic festival called Samhain which was Christianised by the early Church." +- Nicholas Rogers (2002). Halloween: From Pagan Ritual to Party Night. Oxford University Press. Retrieved 31 October 2011. "Halloween and the Day of the Dead share a common origin in the Christian commemoration of the dead on All Saints' and All Souls' Day. But both are thought to embody strong pre-Christian beliefs. In the case of Halloween, the Celtic celebration of Samhain is critical to its pagan legacy, a claim that has been foregrounded in recent years by both new-age enthusiasts and the evangelical Right." +- Austrian information. 1965. Retrieved 31 October 2011. "The feasts of Hallowe'en, or All Hallows Eve and the devotions to the dead on All Saints' and All Souls' Day are both mixtures of old Celtic, Druid and other heathen customs intertwined with Christian practice." +- "BBC – Religions – Christianity: All Hallows' Eve". British Broadcasting Corporation (BBC). 2010. Retrieved 1 November 2011. "The Oxford Dictionary of World Religions also claims that Hallowe'en "absorbed and adopted the Celtic new year festival, the eve and day of Samhain". However, there are supporters of the view that Hallowe'en, as the eve of All Saints' Day, originated entirely independently of Samhain and some question the existence of a specific pan-Celtic religious festival which took place on 31st October/1st November." +- The Oxford English Dictionary (2nd ed.). Oxford: Oxford Univ. Press. 1989. ISBN 0-19-861186-2. +- Rogers, Nicholas (2002). "Samhain and the Celtic Origins of Halloween". Halloween: From Pagan Ritual to Party Night, pp. 11–21. New York: Oxford Univ. Press. ISBN 0-19-516896-8. +- Hutton, Ronald. The Stations of the Sun: A History of the Ritual Year in Britain (Oxford: Oxford University Press, 1996) +- A Pocket Guide To Superstitions Of The British Isles (Publisher: Penguin Books Ltd; Reprint edition: 4 November 2004) ISBN 0-14-051549-6 +- All Hallows' Eve BBC. Retrieved 31 October 2011. +- Monaghan, Patricia. The Encyclopedia of Celtic Mythology and Folklore. Infobase Publishing, 2004. p.407 +- Frazer, Sir James George. The Golden Bough: A Study in Magic and Religion. Forgotten Books, 2008. pp.663–664 +- Monaghan, p.41 +- O'Halpin, Andy. Ireland: An Oxford Archaeological Guide. Oxford University Press, 2006. p.236 +- "Halloween". Britannica Concise Encyclopedia. Chicago: Encyclopaedia Britannica, 2009. Credo Reference. Web. 21 September 2012. +- McNeill, F. Marian. The Silver Bough, Vol. 3. William MacLellan. pp.11–46 +- Spence, Lewis (1945). The Magic Arts in Celtic Britain. p.88. ISBN 0-09-474300-2 +- Hutton, pp.380–382 +- MacLeod, Sharon. Celtic Myth and Religion. McFarland, 2011. pp.61, 175 +- Hutton, pp.365–368 +- Hutton, p.382 +- Hill, Christopher. Holidays and Holy Nights. Quest Books, 2003. p.56 +- Rogers, p.57 +- Rogers, Nicholas (2002). Halloween: From Pagan Ritual to Party Night, pp. 22, 27. New York: Oxford Univ. Press. ISBN 0-19-516896-8. +- Hutton, p.364 +- Rogers, Nicholas (2001). Halloween: From Pagan Ritual to Party Night. Oxford University Press. pp. 28–30. ISBN 0-19-514691-3. +- "Halloween". Britannica. Encyclopædia Britannica. Retrieved 25 October 2012. +- Hutton, pp.374–375 +- "Ask Anne", Washington Post, 21 November 1948, p. S11. +- The Two Gentlemen of Verona Act 2, Scene 1. +- Prince Sorie Conteh (2009). Traditionalists, Muslims, and Christians in Africa: Interreligious Encounters and Dialogue. Cambria Press. Retrieved 31 October 2011. +- "Kalan -Goañv ha Marv". Tartanplace.com. 12 July 2001. Retrieved 1 November 2012. +- Rogers, Nicholas (2002). Halloween: From Pagan Ritual to Party Night, pp. 37–38. New York: Oxford Univ. Press. ISBN 0-19-516896-8. +- Rogers, Nicholas (2002). Halloween: From Pagan Ritual to Party Night, pp. 49–50. New York: Oxford Univ. Press. ISBN 0-19-516896-8. +- Rogers, Nicholas (2002). Halloween: From Pagan Ritual to Party Night, p. 74. New York: Oxford Univ. Press. ISBN 0-19-516896-8. +- The Oxford companion to American food and drink p.269. Oxford University Press, 2007. Retrieved 17 February 2011 +- Frank Leslie's popular monthly, Volume 40, November 1895, p. 540-543. Books.google.com. 5 February 2009. Retrieved 23 October 2011. +- Nathaniel Hawthorne, "The Great Carbuncle," in "Twice-Told Tales", 1837: Hide it [the great carbuncle] under thy cloak, say'st thou? Why, it will gleam through the holes, and make thee look like a jack-o'-lantern! +- As late as 1900, an article on Thanksgiving entertaining recommended a lit jack-o'-lantern as part of the festivities. "The Day We Celebrate: Thanksgiving Treated Gastronomically and Socially," The New York Times, 24 November 1895, p. 27. "Odd Ornaments for Table," The New York Times, 21 October 1900, p. 12. +- Rogers, Nicholas (2002). "Halloween Goes to Hollywood". Halloween: From Pagan Ritual to Party Night, pp. 103–124. New York: Oxford University Press. ISBN 0-19-516896-8. +- Thomas Crawford Burns: a study of the poems and songs Stanford University Press, 1960 +- Simpson, Jacqueline All Saints' Day in Encyclopedia of Death and Dying, Howarth, G. and Leeman, O. (2001)London Routledge ISBN 0-415-18825-3, p.14 Halloween is closely associated in folklore with death and the supernatural. +- Rogers, Nicholas. (2002) "Coming Over:Halloween in North America". Halloween: From Pagan Ritual to Party Night. p.76. Oxford University Press, 2002, ISBN 0-19-514691-3 +- Ruth Edna Kelley, The Book of Hallowe'en, Boston: Lothrop, Lee and Shepard Co., 1919, chapter 15, p.127. "Hallowe'en in America." +- Kelley, Ruth Edna. "Hallowe'en in America". +- Theo. E. Wright, "A Halloween Story," St. Nicholas, October 1915, p. 1144. Mae McGuire Telford, "What Shall We Do Halloween?" Ladies Home Journal, October 1920, p. 135. +- "'Trick or Treat' Is Demand," Herald (Lethbridge, Alberta), November 4, 1927, p. 5, dateline Blackie, Alberta, Nov. 3. +- For examples, see the websites Postcard & Greeting Card Museum: Halloween Gallery, Antique Hallowe'en Postcards, Vintage Halloween Postcards, and Morticia's Morgue Antique Halloween Postcards[dead link]. +- E-mail from Louise and Gary Carpentier, 29 May 2007, editors of Halloween Postcards Catalog (CD-ROM), G & L Postcards. +- "Halloween Pranks Keep Police on Hop," Oregon Journal (Portland, Oregon), 1 November 1934: +Other young goblins and ghosts, employing modern shakedown methods, successfully worked the "trick or treat" system in all parts of the city. +Pretty Boy John Doe rang the door bells and his gang waited his signal. It was his plan to proceed cautiously at first and give a citizen every opportunity to comply with his demands before pulling any rough stuff. "Madam, we are here for the usual purpose, 'trick or treat.'" This is the old demand of the little people who go out to have some innocent fun. Many women have some apples, cookies or doughnuts for them, but they call rather early and the "treat" is given out gladly. +- Doris Hudson Moss, "A Victim of the Window-Soaping Brigade?" The American Home, November 1939, p. 48. Moss was a California-based writer. +- Beauchemin, Genevieve; CTV.ca News Staff (31 May 2006). "UNICEF to end Halloween 'orange box' program". CTV. Archived from the original on 16 October 2007. Retrieved 29 October 2006. +- "History of the Trick-or-Treat for UNICEF Campaign". UNICEF Canada. 2008. Archived from the original on 4 June 2009. Retrieved 25 October 2009. +- Apple dookers make record attempt, BBC News, 2 October 2008 +- McNeill, F. Marian (1961, 1990) The Silver Bough, Vol. 3. William MacLellan, Glasgow ISBN 0-948474-04-1 pp.11–46 +- "Vintage Halloween Cards". Vintage Holiday Crafts. Retrieved 28 October 2009. +- Green Bay Press Gazette, 27 October 1916 +- Associated Press (30 October 2005). "Haunted house business getting frightfully hard". MSNBC.com. MSNBC. Retrieved 18 November 2008. +- Greg Ryan (17 September 2008). "A Model of Mayhem". Hudson Valley Magazine. Retrieved 6 October 2008. +- Wilson, Craig (12 October 2006). "Haunted houses get really scary". USAToday.com. +- Rogers, Nicholas (2002). "Razor in the Apple: Struggle for Safe and Sane Halloween, c. 1920–1990," Halloween: From Pagan Ritual to Party Night, pp. 78–102. New York: Oxford University Press. ISBN 0-19-516896-8. +- "Urban Legends Reference Pages: Pins and Needles in Halloween Candy". Snopes.com. Retrieved 31 October 2008. +- Nixon, Robin (27 October 2010). "Poisoned Halloween Candy: Trick, Treat or Myth? – LiveScience". LiveScience.com. Retrieved 23 January 2011. +- "Halloween Food:Scary Faced Pizza". +- Bannatyne, Lesley Pratt (1 August 1998). Halloween: An American Holiday, an American History. Pelican Publishing. p. 12. ISBN 1565543467. Retrieved 1 November 2012. "Polish Catholics taught their children to pray out loud as they walked through the woods so that the souls of the dead could hear them and be comforted. Priests in tiny Spanish villages still ring their church bells to remind parishioners to honor the dead on All Hallows Eve." +- "BBC - Religions - Christianity: All Hallows' Eve". British Broadcasting Corporation (BBC). 2010. Retrieved 1 November 2011. "All Hallows' Eve falls on 31st October each year, and is the day before All Hallows' Day, also known as All Saints' Day in the Christian calendar. The Church traditionally held a vigil on All Hallows' Eve when worshippers would prepare themselves with prayers and fasting prior to the feast day itself." +- Dr. Andrew James Harvey (31 October 2012). "'All Hallows' Eve'". The Patriot Post. Retrieved 1 November 2011. ""The vigil of the hallows" refers to the prayer service the evening before the celebration of All Hallows or Saints Day. Or "Halloween" for short -- a fixture on the liturgical calendar of the Christian West since the seventh century." +- "Vigil of All Saints". Catholic News Agency. 31 October 2012. Retrieved 1 November 2011. "The Vigil is based on the monastic office of Vigils (or Matins), when the monks would arise in the middle of the night to pray. On major feast days, they would have an extended service of readings (scriptural, patristic, and from lives of the saints) in addition to chanting the psalms. This all would be done in the dark, of course, and was an opportunity to listen carefully to the Word of God as well as the words of the Church Fathers and great saints. The Vigil of All Saints is an adaptation of this ancient practice, using the canonical office of Compline at the end." +- "Night of Light Beginnings". Cor et Lumen Christi Community. Retrieved 2 November 2012. "In its first year - 2000 AD - over 1000 people participated from several countries. This included special All Saints Vigil masses, extended periods of Adoration of the Blessed Sacrament and parties for children. In our second year 10,000 participated. Since these modest beginnings, the Night of Light has been adopted in many countries around the world with vast numbers involved each year from a Cathedral in India to a convent in New Zealand; from Churches in the USA and Europe to Africa; in Schools, churches, homes and church halls all ages have got involved. Although it began in the Catholic Church it has been taken up be other Christians who while keeping it's essentials have adapted it to suit their own traditions." +- "Here's to the Soulcakers going about their mysterious mummery". The Telegraph. Retrieved 6 November 2012. "One that has grown over the past decade is the so-called Night of Light, on All Hallows’ Eve, October 31. It was invented in 2000, in leafy Chertsey, Surrey, when perhaps 1,000 people took part. Now it is a worldwide movement, popular in Africa and the United States. The heart of the Night of Light is an all-night vigil of prayer, but there is room for children’s fun too: sweets, perhaps a bonfire and dressing up as St George or St Lucy. The minimum gesture is to put a lighted candle in the window, which is in itself too exciting for some proponents of health and safety. The inventor of the Night of Light is Damian Stayne, the founder of a year-round religious community called Cor et Lumen Christi – heart and light of Christ. This new movement is Catholic, orthodox and charismatic – emphasising the work of the Holy Spirit." +- Armentrout, Donald S.; Slocum, Robert Boak (1999). An Episcopal Dictionary of the Church. Church Publishing, Inc. p. 7. ISBN 0898692113. Retrieved 1 November 2012. "The BOS notes that "suitable festivities and entertainments" may precede of follow the service, and there may be a visit to a cemetery or burial place." +- Infeld, Joanna (1 December 2008). In-Formation. D & J Holdings LLC. p. 150. ISBN 0976051249. Retrieved 1 November 2012. "My folks are Polish and they celebrate Halloween in a different way. It is time to remember your dead and visit the cemetery and graves of your loved ones." +- "Bishop Challenges Supermarkets to Lighten up Halloween". The Church of England. Retrieved 28 October 2009. "Christianity needs to make clear its positive message for young people. It's high time we reclaimed the Christian aspects of Halloween," says the Bishop, explaining the background to his letter." +- "Halloween and All Saints Day". newadvent.org. n.d. Retrieved 22 October 2006. +- "Halloween Prayers: Prayers and Collects for All Hallows Eve". Ancient and Future Catholics. 2001. Retrieved 31 October 2011. "Father, All-Powerful and Ever-Living God, today we rejoice in the holy men and women of every time and place. May their prayers bring us your forgiveness and love. We ask this through Christ our Lord. Amen." +- "Reformation Day". Retrieved 22 October 2009 +- "Reformation Day: What, Why, and Resources for Worship". The General Board of Discipleship of The United Methodist Church. 21 October 2005. Archived from the original on 23 February 2007. Retrieved 22 October 2006. +- Travis Allen (2011). "Christians and Halloween". John F. MacArthur. Retrieved 31 October 2011. "Other Christians will opt for Halloween alternatives called "Harvest Festivals", "Hallelujah Night" or "Reformation Festivals"--the kids dress up as farmers, Bible characters, or Reformation heroes." +- Gyles Brandreth, "The Devil is gaining ground" Sunday Telegraph (London), 11 March 2000. +- "Salem 'Saint Fest' restores Christian message to Halloween". www.rcab.org. n.d. Archived from the original on 29 September 2006. Retrieved 22 October 2006. +- "Feast of Samhain/Celtic New Year/Celebration of All Celtic Saints 1 November". All Saints Parish. n.d. Retrieved 22 November 2006. +- Halloween's Christian Roots AmericanCatholic.org. Retrieved on 24 October 2007. +- Halloween: What's a Christian to Do? (1998) by Steve Russo. +- "'Trick?' or 'Treat?' – Unmasking Halloween". The Restored Church of God. n.d. Retrieved 21 September 2007. +- "Jews and Halloween". Jewishvirtuallibrary.org. Retrieved 2013-03-05. +- Name (required) (2011-10-30). "Halloween and Judaism: a contradiction or a coalition?". Haamnews.wordpress.com. Retrieved 2013-03-05. +- Halloween fire calls 'every 90 seconds' UTV News Retrieved 22 November 2010 +- McCann, Chris (28 October 2010). "Halloween firework injuries are on the increase". Belfast Telegraph. Retrieved 22 November 2010. +- Paul Kent (27 October 2010). "Calls for Halloween holiday in Australia". The Herald Sun. +- Denton, Hannah (30 October 2010). "Safe treats for kids on year's scariest night". New Zealand Herald. Retrieved 22 November 2010. +- Rogers, Nicholas (2002). Halloween: From Pagan Ritual to Party Night, p.164. New York: Oxford University Press. ISBN 0-19-516896-8 +Further reading +- Diane C. Arkins, Halloween: Romantic Art and Customs of Yesteryear, Pelican Publishing Company (2000). 96 pages. ISBN 1-56554-712-8 +- Diane C. Arkins, Halloween Merrymaking: An Illustrated Celebration Of Fun, Food, And Frolics From Halloweens Past, Pelican Publishing Company (2004). 112 pages. ISBN 1-58980-113-X +- Lesley Bannatyne, Halloween: An American Holiday, An American History, Facts on File (1990, Pelican Publishing Company, 1998). 180 pages. ISBN 1-56554-346-7 +- Lesley Bannatyne, A Halloween Reader. Stories, Poems and Plays from Halloweens Past, Pelican Publishing Company (2004). 272 pages. ISBN 1-58980-176-8 +- Phyllis Galembo, Dressed for Thrills: 100 Years of Halloween Costumes and Masquerade, Harry N. Abrams, Inc. (2002). 128 pages. ISBN 0-8109-3291-1 +- Editha Hörandner (ed.), Halloween in der Steiermark und anderswo, Volkskunde (Münster in Westfalen), LIT Verlag Münster (2005). 308 pages. ISBN 3-8258-8889-4 +- Lisa Morton, The Halloween Encyclopedia, McFarland & Company (2003). 240 pages. ISBN 0-7864-1524-X +- Nicholas Rogers, Halloween: From Pagan Ritual to Party Night, Oxford University Press, USA (2002). ISBN 0-19-514691-3 +- Jack Santino (ed.), Halloween and Other Festivals of Death and Life, University of Tennessee Press (1994). 280 pages. ISBN 0-87049-813-4 +|Find more about Halloween at Wikipedia's sister projects| +|Definitions and translations from Wiktionary| +|Media from Commons| +|News stories from Wikinews| +|Source texts from Wikisource| +|Travel information from Wikivoyage|List of earthquakes in Haiti +This is a list of earthquakes in Haiti. Some of them have been very destructive to the country. +List of major earthquakes +- 1564 quake destroyed of Concepción de la Vega and Santiago de los Caballeros. +- 1701: On November 9, severe destruction occurred and "[p]art of the area along the north shore of the Tiburon Peninsula from Logane to Petit Goave sank into the sea". +- 1751 Port-au-Prince earthquake (18 October): According to French historian Moreau de Saint-Méry, "only one masonry building had not collapsed" in Port-au-Prince, Haiti's capital city. +- 1770 Port-au-Prince earthquake (3 June): The city was leveled in this magnitude 7.5 quake, which killed over 200 people. +- 1783: A strong quake partially destroyed the church in Santiago. +- 1842 Cap-Haitien earthquake (7 May): An earthquake destroyed the city of Cap-Haïtien and other towns in the north of Haiti and the Dominican Republic; this earthquake also destroyed the Sans-Souci Palace. 10,000 people were killed. It has been estimated that its magnitude was 8.1. +- 1946 Dominican Republic earthquake (4 August): This 8.0-magnitude quake in Samaná also shook Haiti horrifically, producing a tsunami that killed 1,600 people. +- 2010 Haiti earthquake (12 January):. The epicentre of this magnitude 7.0 Mw earthquake was near Léogâne, approximately 25 km (16 miles) west of Port-au-Prince. at a depth of 13 km (8.1 miles). The United States Geological Survey recorded a series of at least 33 aftershocks, 14 of which were between magnitudes 5.0 and 5.9. The International Red Cross estimated that about three million people were affected by the quake; the Haitian Government reports that over 316,000 people had been identified as dead, an estimated 300,000 injured, and an estimated 1,000,000 homeless. +12 January 2010 earthquake +Eric Calais, a geophysicist at Purdue University who has researched in the area for years, and Ross Stein of the United States Geological Survey in Menlo Park, California, and colleagues have independently calculated that the earthquake has increased the risk on other segments of the Enriquillo fault and perhaps on other faults, although the quake probably did not increase the risk (which is already known to be high) of a major tremor on the Septentrional fault. Stein suggests that if the calculations are right—noting that they may well not be—something may be "fundamentally locked in some fashion, on pretty much all scales, and might be capable of popping off something large". Historical accounts, although not precise, suggest that there has been a sequence of quakes progressing westwards along the fault, starting with an earthquake in the Dominican Republic in 2010. There are concerns that the 12 January earthquake could be the beginning of a new long-term sequence of both earthquakes and tsunamis: "the whole region is fearful". +See also +- Enriquillo – Plantain Garden fault zone +- List of earthquakes +- Map of 'Earthquakes in Haiti', compiled from the list above. +- Prepetit, Claude (9 October 2008), "Tremblements de terre en Haïti, mythe ou réalité ?[[Category:Articles containing French language text]]", Le Matin, N° 33082 Wikilink embedded in URL title (help), quoting Moreau de Saint-Méry, Médéric Louis Élie, Description topographique, physique, civile, politique et historique de la partie française de l'Ile Saint Domingue and J. M. Jan, bishop of Cap-Haïtien (1972), Documentation religieuse, Éditions Henri Deschamps. http://haitimega.com/Cap_Haitien-Cap_Haitian_Earthquake_of_May_7_1842/84144788150681600/article_84481504601309194.jsp +- "What caused the devastating Haiti earthquake?". LiveScience.com. 2010. Retrieved 2010-09-12. +- "Major Caribbean Earthquakes And Tsunamis A Real Risk". Science Daily. Feb. 8, 2005. Retrieved 2010-09-12. +- "USGS Magnitude 7.0 – HAITI REGION". Retrieved 13 January 2010. +- Millar, Lisa (2010-01-17). "Tens of thousands isolated at quake epicentre". ABC News. Retrieved 2010-01-18. +- Earthquake Center, USGS. "Latest Earthquakes M5.0+ in the World – Past 7 days". Earthquake Hazards Program. United States Geological Survey. Retrieved 13 January 2010. +- "Red Cross: 3M Haitians Affected by Quake". CBS News. 13 January 2010. Retrieved 13 January 2010. +- "Haitians recall 2010 quake "hell" as death toll raised. Many survivors of the earthquake were left with permanent disabilities including limb amputation, spinal cord injury and severe fractures. Traditionally disability was not well received in Haiti. [[Team Zaryen]], a Haitian Amputee Soccer Team has been challenging that negative association by showing their success on the pitch.". Rueters. 2011-01-12. Wikilink embedded in URL title (help) +- New York Times: A Deadly Quake in a Seismic Hot Zone|Elevation||4,095 m (13,435 ft)| +|Prominence||4,095 m (13,435 ft) +|Listing||Country high point +John Whitehead (highest peak) +Mount Kinabalu (Malay: Gunung Kinabalu) is a prominent mountain on the island of Borneo in Southeast Asia. It is located in the East Malaysian state of Sabah and is protected as Kinabalu National Park, a World Heritage Site. Kinabalu is the highest peak in Borneo's Crocker Range and is the highest mountain in the Malay Archipelago. Mount Kinabalu is also the 20th most prominent mountain in the world by topographic prominence. +In 1997, a re-survey using satellite technology established its summit (known as Low's Peak) height at 4,095 metres (13,435 ft) above sea level, which is some 6 metres (20 ft) less than the previously thought and hitherto published figure of 4,101 metres (13,455 ft). +Mount Kinabalu includes the Kinabalu montane alpine meadows ecoregion in the montane grasslands and shrublands biome. The mountain and its surroundings are among the most important biological sites in the world, with between 5000 and 6000 species of plants, 326 species of birds, and more than 100 mammalian species identified. Among this rich collection of wildlife are famous species such as the gigantic Rafflesia plants and the orangutan. Mount Kinabalu has been accorded UNESCO World Heritage status. +Low's Peak can be climbed quite easily by a person in good physical condition and there is no need for mountaineering equipment at any point on the main route. Other peaks along the massif, however, require rock climbing skills. +Significantly, Mount Kinabalu along with other upland areas of the Crocker Range is well-known worldwide for its tremendous botanical and biological species biodiversity with plants of Himalayan, Australasian, and Indomalayan origin. A recent botanical survey of the mountain estimated a staggering 5,000 to 6,000 plant species (excluding mosses and liverworts but including ferns), which is more than all of Europe and North America (excluding tropical regions of Mexico) combined. It is therefore one of the world's most important biological sites. +The flora covers the mountain in zones of different types of habitat as one climbs up, beginning with a lowland belt of fig trees and insectivorous pitcher plants. Then between 2,600 to 3,200 m (8,530 to 10,499 ft) is a layer of short trees such the conifer Dacrydium gibbsiae and dwarf shrubs, mosses, lichens, liverworts, and ferns. Finally many of the world's richest variety of orchids are found on the high rockier slopes. +These plants have high levels of endemism (i.e. species which are found only within Kinabalu Park and are not found anywhere else in the world). The orchids are the best-known example with over 800 species including some of the highly-valued Paphiopedilum slipper orchids, but there are also over 600 species of ferns (more than the whole of Africa's 500 species) of which 50 are found nowhere else, and the richest collection in the world for the Nepenthes pitcher plants (five of the thirteen are found nowhere else on earth) which reach spectacular proportions (the largest-pitchered in the world being the endemic Nepenthes rajah). The parasitic Rafflesia plant, which has the largest single flower in the world, is also found in Kinabalu (particularly Rafflesia keithii whose flower grows to 94 centimetres (37 in) in diameter), though it should be noted that blooms of the flower are rare and difficult to find. Meanwhile another Rafflesia species, Rafflesia tengku-adlinii, can be found on the neighbouring Mount Trus Madi and the nearby Maliau Basin. +Its incredible biodiversity in plant life is due to a combination of several unique factors: its setting in one of the richest plant regions of the world (the tropical biogeographical region known as western Malesia which comprises the island of Sumatra, the Malay Peninsula, and the island of Borneo), the fact that the mountain covers a wide climatic range from near sea level to freezing ground conditions near the summit, the jagged terrain and diversity of rocks and soils, the high levels of rainfall (averaging about 2,700 millimetres (110 in) a year at park HQ), and the climatic instability caused by periods of glaciation and catastrophic droughts which result in evolution and speciation. This diversity is greatest in the lowland regions (consisting of lowland dipterocarp forests, so called because the tree family Dipterocarpaceae are dominant). However, most of Kinabalu's endemic species are found in the mountain forests, particularly on ultramafic soils (i.e. soils which are low in phosphates and high in iron and metals poisonous to many plants; this high toxic content gave rise to the development of distinctive plant species found nowhere else). +The variety of plant life is also habitat for a great variety of birds and animals. There are some 326 species of birds in Kinabalu Park, including the spectacular Rhinoceros Hornbill, Mountain Serpent-eagle, Dulit Frogmouth, Eyebrowed Jungle Flycatcher, and Bare-headed Laughingthrush. Twenty-four birds are mainly found on the mountain and one, the Bornean Spiderhunter, is a pure endemic. The mountain is home to some 100 mammalian species mostly living high in the trees, including one of the four great apes, the orangutan (though sightings of these are uncommon; estimates of its numbers in the park range from 25 to 120). Other mammals include three kinds of deer, the Malayan Weasel (Mustela nudipes), Oriental Small-clawed Otter (Aonyx cinerea), and Leopard Cat (Felis bengalensis). Endemic mammals include the Black Shrew (Suncus ater) and Bornean Ferret-badger (Melogale everetti). +Threats and preservation +The steep mountainsides with poor soil are not suitable for farming or for the timber industry so the habitats and animal life of Kinabalu remain largely intact, with about a third of the original habitat now degraded. Kinabalu Park was established in 1964 and the nearby mountains were protected as the Crocker Range National Park in 1984. However even national park status does not guarantee full protection, as logging permits were granted on Trus Madi in 1984. +Mount Kinabalu is essentially a massive pluton formed from granodiorite which is intrusive into sedimentary and ultrabasic rocks, and forms the central part, or core, of the Kinabalu massif. The granodiorite is intrusive into strongly folded strata, probably of Eocene to Miocene age, and associated ultrabasic and basic igneous rocks. It was pushed up from the earth's crust as molten rock millions of years ago. In geological terms, it is a very young mountain as the granodiorite cooled and hardened only about 10 million years ago. The present landform is considered to be a mid-Pliocene peneplain, arched and deeply dissected, through which the Kinabalu granodiorite body has risen in isostatic adjustment. It is still pushing up at the rate of 5 mm per annum. During the Pleistocene Epoch of about 100,000 years ago, the massive mountain was covered by huge sheets of ice and glaciers which flowed down its slopes, scouring its surface in the process and creating the 1,800-metre (5,900 ft) deep Low's Gully (named after Hugh Low) on its north side. Its granite composition and the glacial formative processes are readily apparent when viewing its craggy rocky peaks. +British colonial administrator Hugh Low made the first recorded ascent of Mount Kinabalu's summit plateau in March 1851. Low did not scale the mountain's highest peak, however, considering it "inaccessible to any but winged animals". In April and July 1858, Low was accompanied on two further ascents by Spenser St. John, the British Consul in Brunei. The highest point of Mount Kinabalu was finally reached in 1888 by zoologist John Whitehead. British botanist Lilian Gibbs became the first woman and the first botanist to summit Mount Kinabalu in February 1910. +Botanist E. J. H. Corner led two important expeditions of the Royal Society of Great Britain to the mountain in 1961 and 1964. Kinabalu National Park was established in 1964. The park was designated a natural World Heritage Site in 2000. +Climbing route +Climbers must be accompanied by accredited guides at all times due to national park regulations. There are two main starting points for the climb: the Timpohon Gate (located 5.5 km from Kinabalu Park Headquarters, at an altitude of 1,866 metres (6,122 ft)), and the Mesilau Nature Resort. The latter starting point is slightly higher in elevation, but crosses a ridge, adding about two kilometres to the ascent and making the total elevation gain slightly higher. The two trails meet about two kilometres before Laban Rata. +Accommodation is available inside the park or outside near the headquarters. Sabah Parks has privatised Mount Kinabalu activities to an organisation called Sutera Sanctuary Lodges (also known as Sutera Harbour). The mountain may be climbed on a single day trip, or hikers may (usually) stay one night at Laban Rata Resthouse at 3,270 metres (10,730 ft) to complete the climb in 2 days, finishing the ascent and descending on the second day. The majority of climbers begin the ascent on day one of a two-day hike from Timpohon gate at 1,866 metres (6,122 ft), reaching this location either by minibus or by walking, and then walk to Laban Rata. Most people accomplish this part of the climb in 3 to 6 hours. Since there are no roads, the supplies for the Laban Rata Resthouse are carried by porters, who bring up to 35 kilograms of supplies on their backs. Hot food and beverages are available at Laban Rata. Most rooms have no hot water in the bathrooms and whilst the dining area is heated, most rooms are not. The last 2 kilometres (6,600 ft), from the Laban Rata Resthouse at 3,270 metres (10,730 ft) to Low's Peak (summit) at 4,095.2 metres (13,436 ft), takes between 2 and 4 hours. The last part of the climb is on naked granite rock. +Given the high altitude, some people may suffer from altitude sickness and should return immediately to the bottom of the mountain, as breathing and any further movement becomes increasingly difficult. +Low's gully +Low's Gully (named after Hugh Low) is a 1,800-metre (5,900 ft) deep gorge on the north side of Mount Kinabalu, one of the least explored and most inhospitable places on earth. In 1994 two British Army officers were severely criticised after having led a party of 10 adventurers that required extensive rescue efforts from both the RAF and the Malaysian army. Five members of the party were trapped for 16 days and did not eat for five days before being rescued. The breakaway party of five successfully completed the world's first descent of the gully in three days. +There are two stories that led to the main beliefs in the origin of the mountain's name. +The first derivation of the word Kinabalu is extracted from the short form for the Kadazan Dusun word 'Aki Nabalu', meaning "the revered place of the dead". +The second source states that the name "Kinabalu" actually means "Cina Balu" (which would fully mean "A Chinese Widow"). Due to the lingual influence among the Kadazan Dusun of Sabah, the pronunciation for the word "cina" (chee-na) was changed to "Kina" (kee-na). +It was told that a Chinese prince, was cast away to Borneo when his ship sank in the middle of the South China Sea. He was subsequently rescued by the natives from a nearby village. As he recovered, he was slowly accepted as one of the people of the village. Eventually, he fell in love with a local woman, and married her. Years went by, and he started to feel homesick. So he asked permission from his newly-found family to go back to China to visit his parents (the Emperor and Empress of China). To his wife, he promised that as soon as he was done with his family duties in China, he would come back to Borneo to take her and their children back to China. +When he made his return to China, he was given a grand welcome by his family. However, to his dismay, his parents disagreed with him about taking his Bornean wife back to China. Worse, they told him that he was already betrothed to a princess of a neighbouring kingdom. Having no choice (due to high respect towards his parents), he obeyed with a heavy heart. +Meanwhile, back in Borneo, his wife grew more and more anxious. Eventually, she decided that she will wait for her husband's ship. However, since the village was situated far away from the coast, she couldn't afford to come to the shore and wait for him daily. Instead she decided to climb to the top of the highest mountain near her village, so that she could have a better view of the ships sailing in the South China Sea. Thus, she was then seen climbing up the mountain at every sunrise, returning only at night to attend to her growing children. +Eventually her efforts took their toll. She fell ill, and died at the top of the cold mountain while waiting for her husband. The spirit of the mountain, having observed her for years, was extremely touched by her loyalty towards her husband. Out of admiration for this woman, the spirit of the mountain turned her into a stone. Her face was made to face the South China Sea, so that she could wait forever for her dear husband's return. +The people in her hometown who heard about this were also gravely touched by this. Thus, they decided to name the mountain "Kinabalu" in remembrance of her. To them, the mountain is a symbol of the everlasting love and loyalty that should be taken as a good example by women. +See also +- Given the definition of the Malay Archipelago excluding New Guinea, where about 22 mountains exceed 4100 m. +- "World Top 50 Most Prominent Peaks" Peaklist.org. Retrieved 2011-11-21. +- Phillipps, A. & F. Liew 2000. Globetrotter Visitor's Guide – Kinabalu Park. New Holland Publishers (UK) Ltd. +- Eight Southeast Asian Destinations You Shouldn't Miss +- Mount Kinabalu National Park ... revered abode of the dead +- Parris, B. S., R. S. Beaman, and J. H. Beaman. 1992. The Plants of Mount Kinabalu: 1. Ferns and Fern Allies. Kew: Royal Botanic Gardens. 165 pp + 5 pl. +- Wood, J. J., J. H. Beaman, and R. S. Beaman. 1993. The Plants of Mount Kinabalu. 2. Orchids. Kew: Royal Botanic Gardens. xii + 411 pp + 84 pl. +- Beaman, J. H., and R. S. Beaman. 1998. The Plants of Mount Kinabalu. 3. Gymnosperms and Non-Orchid Monocotyledons. Kota Kinabalu: Natural History Publications (Borneo) Sdn. Bhd.; Kew: Royal Botanic Gardens. xii + 220 pp + 25 pl. +- Beaman, J. H., C. Anderson, and R. S. Beaman. 2001. The plants of Mount Kinabalu. 4: Dicotyledon families Acanthaceae to Lythraceae. xiv + 570 pp + 45 pl. Kota Kinabalu: Natural History Publications (Borneo) Sdn. Bhd.; Kew: Royal Botanic Gardens. +- Beaman, J. H., and C. Anderson. 2004. The plants of Mount Kinabalu. 5: Dicotyledon families Magnoliaceae to Winteraceae. xiv + 609 pp + 40 pl. Kota Kinabalu: Natural History Publications (Borneo) Sdn. Bhd.; Kew: Royal Botanic Gardens. +- Kurata, S. 1976. Nepenthes of Mount Kinabalu. Sabah National Parks Publications No. 2, Sabah National Parks Trustees, Kota Kinabalu. +- Adam, J.H. & C.C. Wilcock 1998 ['1996']. Pitcher plants of Mt. Kinabalu in Sabah. The Sarawak Museum Journal 50(71): 145–171. +- Blakemore, R.J., C. Csuzdi, M.T. Ito, N. Kaneko, T. Kawaguchi & M. Schilthuizen 2007. PDF (16.4 KiB) Zootaxa 1613: 23–44. +- "Kinabalu montane alpine meadows". Terrestrial Ecoregions. World Wildlife Fund. +- Hiung, C. S., R. Mandalam, and C. Chin. 2004. The Hugh Low Trail: The Quest for the Historical Trail to the Summit of Kinabalu. The Sabah Society, Kota Kinabalu. +- Kinabalu Park. UNESCO World Heritage Centre. +- Cymerman, A; Rock, PB. Medical Problems in High Mountain Environments. A Handbook for Medical Officers. USARIEM-TN94-2. US Army Research Inst. of Environmental Medicine Thermal and Mountain Medicine Division Technical Report. Retrieved 2009-03-05. +- The Independent, 21 September 1994, Leaders of lost expedition criticised, by Mary Braid +- McIlroy, N. 2011. Man versus mountain. The West Australian, 9 July 2011. +|Wikimedia Commons has media related to: Mount Kinabalu| +- Mount Kinabalu travel guide from Wikivoyage +- Sabah Parks website +- Mount Kinabalu Information +- Climbing Mount Kinabalu +- Plants of Mount Kinabalu|Birth name||Norman Percevel Rockwell| +February 3, 1894| +New York City +|Died||November 8, 1978 +|Training||National Academy of Design +Art Students League +Norman Percevel Rockwell (February 3, 1894 – November 8, 1978) was a 20th-century American painter and illustrator. His works enjoy a broad popular appeal in the United States for their reflection of American culture. Rockwell is most famous for the cover illustrations of everyday life scenarios he created for The Saturday Evening Post magazine for more than four decades. Among the best-known of Rockwell's works are the Willie Gillis series, Rosie the Riveter, Saying Grace (1951), The Problem We All Live With, and the Four Freedoms series. He is also noted for his work for the Boy Scouts of America (BSA); producing covers for their publication Boys' Life, calendars, and other illustrations. +Life and works +Early life +Norman Rockwell was born on February 3, 1894, in New York City to Jarvis Waring Rockwell and Anne Mary "Nancy" (born Hill) Rockwell. His earliest American ancestor was John Rockwell (1588–1662), from Somerset, England, who immigrated to America probably in 1635 aboard the ship Hopewell and became one of the first settlers of Windsor, Connecticut. He had one brother, Jarvis Waring Rockwell, Jr., older by a year and a half. Jarvis Waring, Sr., was the manager of the New York office of a Philadelphia textile firm, George Wood, Sons & Company, where he spent his entire career. +Norman transferred from high school to the Chase Art School at the age of 14. He then went on to the National Academy of Design and finally to the Art Students League. There, he was taught by Thomas Fogarty, George Bridgman, and Frank Vincent DuMond; his early works were produced for St. Nicholas Magazine, the Boy Scouts of America (BSA) publication Boys' Life and other juvenile publications. Joseph Csatari carried on his legacy and style for the BSA. +As a student, Rockwell was given smaller, less important jobs. His first major breakthrough came in 1912 at age eighteen with his first book illustration for Carl H. Claudy's Tell Me Why: Stories about Mother Nature. +In 1913, the nineteen-year-old Rockwell became the art editor for Boys' Life, published by the Boy Scouts of America, a post he held for three years (1913–1916). As part of that position, he painted several covers, beginning with his first published magazine cover, Scout at Ship's Wheel, appearing on the Boys' Life September 1913 edition. +World War I +During World War I, he tried to enlist into the U.S. Navy but was refused entry because, at 6 feet (1.8 m) tall and 140 pounds (64 kg) he was eight pounds underweight. To compensate, he spent one night gorging himself on bananas, liquids and doughnuts, and weighed enough to enlist the next day. However, he was given the role of a military artist and did not see any action during his tour of duty. +Rockwell's family moved to New Rochelle, New York when Norman was 21 years old and shared a studio with the cartoonist Clyde Forsythe, who worked for The Saturday Evening Post. With Forsythe's help, he submitted his first successful cover painting to the Post in 1916, Mother's Day Off (published on May 20). He followed that success with Circus Barker and Strongman (published on June 3), Gramps at the Plate (August 5), Redhead Loves Hatty Perkins (September 16), People in a Theatre Balcony (October 14) and Man Playing Santa (December 9). Rockwell was published eight times total on the Post cover within the first twelve months. Norman Rockwell published a total of 323 original covers for The Saturday Evening Post over 47 years. His Sharp Harmony appeared on the cover of the issue dated September 26, 1936; it depicts a barber and three clients, enjoying an a cappella song. The image was adopted by SPEBSQSA in its promotion of the art. +Rockwell's success on the cover of the Post led to covers for other magazines of the day, most notably The Literary Digest, The Country Gentleman, Leslie's Weekly, Judge, Peoples Popular Monthly and Life Magazine. +Personal life +Rockwell married his first wife, Irene O'Connor, in 1916. Irene was Rockwell's model in Mother Tucking Children into Bed, published on the cover of The Literary Digest on January 19, 1921. However, the couple were divorced in 1930. Depressed, he moved briefly to Alhambra, California as a guest of his old friend Clyde Forsythe. There he painted some of his best-known paintings including "The Doctor and the Doll". While there he met and married schoolteacher Mary Barstow. The couple returned to New York shortly after their marriage. They had three children: Jarvis Waring, Thomas Rhodes and Peter Barstow. The family lived at 24 Lord Kitchener Road in the Bonnie Crest neighborhood of New Rochelle, New York. Rockwell and his wife were not very religious, although they were members of St. John's Wilmot Church, an Episcopal church near their home, and had their sons baptized there as well. Rockwell moved to Arlington, Vermont, in 1939 where his work began to reflect small-town life. +In 1953, the Rockwell family moved to Stockbridge, Massachusetts, so that his wife could be treated at the Austen Riggs Center, a psychiatric hospital at 25 Main Street, down Main Street from where Rockwell set up his studio. Rockwell himself received psychiatric treatment from the analyst Erik Erikson, who was on staff at Riggs. Erikson is said to have told the artist that he painted his happiness, but did not live it. In 1959, Mary Barstow Rockwell died unexpectedly of a heart attack. +World War II +In 1943, during World War II, Rockwell painted the Four Freedoms series, which was completed in seven months and resulted in his losing 15 pounds. The series was inspired by a speech by Franklin D. Roosevelt, in which he described four principles for universal rights: Freedom from Want, Freedom of Speech, Freedom of Worship, and Freedom from Fear. The paintings were published in 1943 by The Saturday Evening Post. The United States Department of the Treasury later promoted war bonds by exhibiting the originals in 16 cities. Rockwell himself considered "Freedom of Speech" to be the best of the four. That same year, a fire in his studio destroyed numerous original paintings, costumes, and props. +Shortly after the war, Rockwell was contacted by writer Elliott Caplin, brother of cartoonist Al Capp, with the suggestion that the three of them should make a daily comic strip together, with Caplin and his brother writing and Rockwell drawing. King Features Syndicate is reported to have promised a $1,000/week deal, knowing that a Capp-Rockwell collaboration would gain strong public interest. However, the project was ultimately aborted as it turned out that Rockwell, known for his perfectionism as an artist, could not deliver material as fast as required of him for a daily comic strip. +During the late 1940s, Norman Rockwell spent the winter months as artist-in-residence at Otis College of Art and Design. Students occasionally were models for his Saturday Evening Post covers. In 1949, Rockwell donated an original Post cover, "April Fool", to be raffled off in a library fund raiser. +In 1959, his wife Mary died unexpectedly from a heart attack, and Rockwell took time off from his work to grieve. It was during that break that he and his son Thomas produced his autobiography, My Adventures as an Illustrator, which was published in 1960. The Post printed excerpts from this book in eight consecutive issues, the first containing Rockwell's famous Triple Self-Portrait. +Later career +Rockwell married his third wife, retired Milton Academy English teacher Mary Leete "Molly" Punderson, on October 25, 1961. His last painting for the Post was published in 1963, marking the end of a publishing relationship that had included 321 cover paintings. He spent the next ten years painting for Look magazine, where his work depicted his interests in civil rights, poverty and space exploration. In 1968, Rockwell was commissioned to do an album cover portrait of Mike Bloomfield and Al Kooper for their record The Live Adventures of Mike Bloomfield and Al Kooper. During his long career, he was commissioned to paint the portraits for Presidents Eisenhower, Kennedy, Johnson, and Nixon, as well as those of foreign figures, including Gamal Abdel Nasser and Jawaharlal Nehru. One of his last works was a portrait of Judy Garland in 1969. +A custodianship of his original paintings and drawings was established with Rockwell's help near his home in Stockbridge, Massachusetts, and the Norman Rockwell Museum is still open today year round. Norman Rockwell Museum is the authoritative source for all things Norman Rockwell. The museum's collection is the world's largest, including more than 700 original Rockwell paintings, drawings, and studies. The Rockwell Center for American Visual Studies at the Norman Rockwell Museum is a national research institute dedicated to American illustration art. +When he began suffering poor health, he placed his studio and the contents with the Norman Rockwell Museum, which was formerly known as the Stockbridge Historical Society and even more formerly known as the Old Corner house, in a trust. +For "vivid and affectionate portraits of our country," Rockwell received the Presidential Medal of Freedom, the United States of America's highest civilian honor, in 1977. +Body of work +Norman Rockwell was a prolific artist, producing over 4,000 original works in his lifetime. Most of his works are either in public collections, or have been destroyed in fire or other misfortunes. Rockwell was also commissioned to illustrate over 40 books including Tom Sawyer and Huckleberry Finn. His annual contributions for the Boy Scouts' calendars between 1925 and 1976 (Rockwell was a 1939 recipient of the Silver Buffalo Award, the highest adult award given by the Boy Scouts of America), were only slightly overshadowed by his most popular of calendar works: the "Four Seasons" illustrations for Brown & Bigelow that were published for 17 years beginning in 1947 and reproduced in various styles and sizes since 1964. Illustrations for booklets, catalogs, posters (particularly movie promotions), sheet music, stamps, playing cards, and murals (including "Yankee Doodle Dandy" and "God Bless the Hills", which was completed in 1936 for the Nassau Inn in Princeton, New Jersey) rounded out Rockwell's œuvre as an illustrator. +In 1969, as a tribute to Rockwell's 75th-year birthday, officials of Brown & Bigelow and the Boy Scouts of America asked Rockwell to pose in Beyond the Easel, the calendar illustration that year. +Rockwell's work was dismissed by serious art critics in his lifetime. Many of his works appear overly sweet in modern critics' eyes, especially the Saturday Evening Post covers, which tend toward idealistic or sentimentalized portrayals of American life – this has led to the often-deprecatory adjective "Rockwellesque". Consequently, Rockwell is not considered a "serious painter" by some contemporary artists, who often regard his work as bourgeois and kitsch. Writer Vladimir Nabokov sneered that Rockwell's brilliant technique was put to "banal" use, and wrote in his book Pnin: "That Dalí is really Norman Rockwell's twin brother kidnapped by Gypsies in babyhood". He is called an "illustrator" instead of an artist by some critics, a designation he did not mind, as it was what he called himself. +However, in his later years, Rockwell began receiving more attention as a painter when he chose more serious subjects such as the series on racism for Look magazine. One example of this more serious work is The Problem We All Live With, which dealt with the issue of school racial integration. The painting depicts a young African American girl, Ruby Bridges, flanked by white federal marshals, walking to school past a wall defaced by racist graffiti. +Rockwell's work was exhibited at the Solomon R. Guggenheim Museum in 2001. Rockwell's Breaking Home Ties sold for $15.4 million at a 2006 Sotheby's auction. A twelve-city U.S. tour of Rockwell's works took place in 2008. In 2008, Rockwell was named the official state artist of the Commonwealth of Massachusetts. +- In the film Empire of the Sun, a young boy (played by Christian Bale) is put to bed by his loving parents in a scene also inspired by a Rockwell painting—a reproduction of which is later kept by the young boy during his captivity in a prison camp ("Freedom from Fear", 1943). +- The 1994 film Forrest Gump includes a shot in a school that re-creates Rockwell's "Girl with Black Eye" with young Forrest in place of the girl. Much of the film drew heavy visual inspiration from Rockwell's art. +- Film director George Lucas owns Rockwell's original of "The Peach Crop", and his colleague Steven Spielberg owns a sketch of Rockwell's Triple Self-Portrait. Each of the artworks hangs in the respective filmmaker's workspace. Rockwell is a major character in an episode of Lucas’ Young Indiana Jones Chronicles, “Passion for Life.” +- In 2005, Target Co. sold Marshall Field's to Federated Department Stores and the Federated discovered a reproduction of Rockwell's The Clock Mender, which depicted the great clocks of the Marshall Field and Company Building on display. Rockwell had donated the painting depicted on the cover of the November 3, 1945 Saturday Evening Post to the store in 1948. +- On Norman Rockwell's birthday, February 3, 2010, Google featured Rockwell's iconic image of young love "Boy and Girl Gazing at the Moon", which is also known as "Puppy Love", on its home page. The response was so great that day that the Norman Rockwell museum's servers went down under the onslaught. +- "Dreamland", a track from Canadian alternative rock band Our Lady Peace's 2009 album Burn Burn, was inspired by Rockwell's paintings. +Major works +- Scout at Ship's Wheel (first published magazine cover illustration, Boys' Life, September 1913) +- Santa and Scouts in Snow (1913) +- Boy and Baby Carriage (1916; first Saturday Evening Post cover) +- Circus Barker and Strongman (1916) +- Gramps at the Plate (1916) +- Redhead Loves Hatty Perkins (1916) +- People in a Theatre Balcony (1916) +- Tain't You (1917; first Life magazine cover) +- Cousin Reginald Goes to the Country (1917; first Country Gentleman cover) +- Santa and Expense Book (1920) +- Mother Tucking Children into Bed (1921; first wife Irene is the model) +- No Swimming (1921) +- Santa with Elves (1922) +- Doctor and Doll (1929) +- Deadline (1938) +- The Four Freedoms (1943) +- Rosie the Riveter (1943) +- Going and Coming (1947) +- Bottom of the Sixth (or The Three Umpires; 1949) +- The New Television Set (1949) +- Saying Grace (1951) +- The Young Lady with the Shiner (1953) +- Girl at Mirror (1954) +- Breaking Home Ties (1954) +- The Marriage License (1955) +- The Scoutmaster (1956) +- The Runaway (1958) +- A Family Tree (1959) +- Triple Self-Portrait (1960) +- Golden Rule (1961) +- The Problem We All Live With (1964) +- Southern Justice (Murder in Mississippi) (1965) +- New Kids in the Neighborhood (1967) +- Russian Schoolroom (1967) +- The Rookie +- Spirit of 76 (1976) (stolen in 1978 but recovered in 2001 by the FBI's Robert King Wittman) +Other collections +- Norman Rockwell World War II posters, hosted by the University of North Texas Libraries Digital Collections +- Rockwell Collection at the National Museum of American Illustration +- Norman Rockwell and the Art of Scouting at the National Scouting Museum, Irving, TX +See also +- James K. Van Brunt, a frequent model for Rockwell +- William Obanhein, another one of Rockwell's models who would later become famous elsewhere +- Norman Rockwell's World... An American Dream, a 1972 short documentary film +- "Alex Ross Biography". alexrossart.com. Retrieved February 13, 2012. +- About the Saturday Evening Post[dead link] +- Boughton, James (1903). Genealogy of the families of John Rockwell, of Stamford, Connecticut 1641, and Ralph Keeler, of Hartford, Connecticut 1939. W.F. Jones. p. 441. +- Roberts, Gary Boyd, and David Curtis Dearborn (1998). Notable Kin: An Anthology of Columns First Published in the NEHGS Nexus, 1986–1995. Boston, Massachusetts: Carl Boyer in cooperation with the New England Historic Genealogical Society. p. 28. ISBN 978-0-936124-20-9. +- Claridge, Laura P. (2001). Norman Rockwell: A Life. New York, New York: Random House. p. 20,29. ISBN 978-0-375-50453-2. +- Rockwell, Margaret (1998). Norman Rockwell's Growing Up in America. Metro Books. pp. 10–11. ISBN 978-1-56799-598-5. +- SSDI. – SS#: 177-01-3581. +- Claridge. – p.30,47,150. +- Rockwell, Norman, and Thomas Rockwell (1988). Norman Rockwell, My Adventures as an Illustrator. Abrams. p. 27. ISBN 978-0-8109-1563-3. +- "Rockwell and Csatari: A tour de force". Scouting magazine: 6. March–April, 2008. +- "A personal recollection". City of Alhambra. Retrieved April 28, 2012. +- Kamp, David (November 2009). "Norman Rockwell’s American Dream". Vanityfair.com. Retrieved April 28, 2012. +- "A portrait of Norman Rockwell - Berkshire Eagle Online". Berkshireeagle.com. July 3, 2009. Retrieved April 28, 2012. +- Elliott Caplin: Al Capp Remembered (1994) +- Gherman, Beverly (2000) "Norman Rockwell Storyteller with a brush" +- Claridge, p. 581 +- Kamp, David. "Erratum: Norman Rockwell Actually Did Rock Well". Vanity Fair. Retrieved February 24, 2011. +- Official List of Silver Buffalo award Recipients (Retrieved July 17, 2007) +- William Hillcourt (1977). Norman Rockwell's World of Scouting. New York: Harry N. Abrams. ISBN 0-8109-1582-0. +- Jim Windolf (February 2008). "Keys to the Kingdom". Vanityfair.com. Retrieved April 28, 2012. +- "Solomon, Deborah, In Praise of Bad Art". New York Times. January 24, 1999. Retrieved April 28, 2012. +- "Art of Illustration". Norman Rockwell Museum. Retrieved April 28, 2012. +- "Norman Rockwell Wins Medal of Freedom". Massmoments.org. Retrieved April 28, 2012. +- Miller, Michelle (November 12, 2010). "Ruby Bridges, Rockwell Muse, Goes Back to School". CBS Evening News with Katie Couric (CBS Interactive Inc.). Retrieved November 13, 2010. +- Norman Rockwell at the Solomon R. Guggenheim Museum.[dead link] +- Gates, Anita (November 24, 1999). "Looking Beyond the Myth-Making Easel of Mr. Thanksgiving". New York Times. Retrieved April 28, 2012. +- RICHARD CORLISS (June 24, 2001). "The World According to Gump". Time.com. Retrieved April 28, 2012. +- Aronovich, Hannah (April 20, 2006). "Field's, Federated and More Feuds". Gothamist. Retrieved April 4, 2008. +- "Norman Rockwell Of Field's Store Goes Missing". NBC5.com. April 21, 2006. Retrieved April 4, 2008. +- Aronovich, Hannah (April 20, 2006). "Field's, Federated and More Feuds". Gothamist. Retrieved September 21, 2009. +- "Dreamland". Songfacts.com. Retrieved May 5, 2010. +- "Rosie the Riveter". Rosie the Riveter. Retrieved April 28, 2012. +- NRM, p. 109 +- "The norman rockwell collection". Web.me.com. Retrieved April 28, 2012. +- "Norman Rockwell: Southern Justice (Murder in Mississippi)". Artchive.com. Retrieved April 28, 2012. +- "Museum > Exhibitions - Norman Rockwell and the Art of Scouting". Irving, Texas, USA: National Scouting Museum. Retrieved 16 August 2012. +Further reading +- Buechner, Thomas S (1992). The Norman Rockwell Treasury. Galahad. ISBN 0-88365-411-3. +- Finch, Christopher (1990). Norman Rockwell: 332 Magazine Covers. Abbeville Publishing Group. ISBN 0-89660-000-9. +- Christopher, Finch (1985). Norman Rockwell's America. Harry N. Abrams, Inc. ISBN 0-8109-8071-1. +- Gherman, Beverly (2000). Norman Rockwell: Storyteller with a Brush. ISBN 0-689-82001-1. +- Hennessey, Maureen Hart; Larson, Judy L. (1999). Norman Rockwell: Pictures for the American People. Harry N. Abrams. ISBN 0-8109-6392-2. +- Rockwell, Tom (2005). Best of Norman Rockwell. Courage Books. ISBN 0-7624-2415-X. +- Schick, Ron (2009). Norman Rockwell: Behind the Camera. Little, Brown & Co. ISBN 978-0-316-00693-4. +|Wikimedia Commons has media related to: Norman Rockwell| +|Wikiquote has a collection of quotations related to: Norman Rockwell| +- Booknotes interview with Laura Claridge on Norman Rockwell: A Life, December 2, 2001. +- Gallery of classic graphic design featuring the illustrations of Norman Rockwell. +- Art Directors Club biography, portrait and images of work +- Norman Rockwell at Find a Grave +- Footage of Norman Rockwell sketching a couple +- America, Illustrated – by The New York Times +- Norman Rockwell: Once upon a time there Was the American Dream by Tiziano Thomas Dossena, Bridge Puglia USA, April 2011Sabermetrics is the specialized analysis of baseball through objective evidence, especially baseball statistics that measure in-game activity. The term is derived from the acronym SABR, which stands for the Society for American Baseball Research. It was coined by Bill James, who is one of its pioneers and is often considered its most prominent advocate and public face. +General principles +The Sabermetric Manifesto by David Grabiner (1994) begins: +Bill James defined sabermetrics as "the search for objective knowledge about baseball." Thus, sabermetrics attempts to answer objective questions about baseball, such as "which player on the Red Sox contributed the most to the team's offense?" or "How many home runs will Ken Griffey hit next year?" It cannot deal with the subjective judgments which are also important to the game, such as "Who is your favorite player?" or "That was a great game." +It may, however, attempt to settle questions such as "Was Willie Mays faster than Mickey Mantle?" by establishing several possible parameters for examining speed in objective studies (how many triples each man hit, how many bases each man stole, how many times he was caught stealing) and then reaching a tentative conclusion on the basis of these individual studies. +Sabermetricians frequently question traditional measures of baseball skill. For instance, they doubt that batting average is as useful as conventional wisdom says it is because team batting average provides a relatively poor fit for team runs scored. Sabermetric reasoning would say that runs win ballgames, and that a good measure of a player's worth is his ability to help his team score more runs than the opposing team. This may imply that the traditional RBI (runs batted in) is an effective metric; however, sabermetricians also reject RBI, for a number of reasons. Rather, sabermetric measures are usually phrased in terms of either runs or team wins. For example, a player might be described as being worth 54 offensive runs more than a replacement-level player at the same position over the course of a full season, as the sabermetric statistic VORP can indicate. +Sabermetrics is concerned both with determining the value of a player or team in current or past seasons and with attempting to predict the value of a player or team in the future. Many areas of study are still in development, specifically in the area of performance measurement. +Early history +Sabermetrics research began in the middle of the 20th century. Earnshaw Cook was one of the earliest researchers of sabermetrics. Cook gathered the majority of his research in his 1964 book, Percentage Baseball. The book was the first of its kind to gain national media attention, although it was widely criticized and not accepted by most baseball organizations. +- Base runs (BsR) +- Batting average on balls in play (BABIP) +- Defense independent pitching statistics (DIPS) +- Defensive Runs Saved (DRS) +- Equivalent average (EQA) +- Fantasy batter value (FBV) +- Late-inning pressure situations (LIPS) +- On-base plus slugging (OPS) +- PECOTA (Player empirical comparison and optimization test algorithm) +- Peripheral ERA (PERA) +- Pythagorean expectation +- Range factor +- Runs created +- Secondary average +- Similarity score +- Speed Score +- Super linear weights +- Total player rating, or Batter-Fielder Wins (TPR, BFW); Total Pitcher Index, or Pitcher Wins (TPI, PW) +- Ultimate zone rating (UZR) +- Value over replacement player (VORP) +- Win shares +- Wins above replacement (WAR) +Notable proponents +- Russ Brandon: Team President and CEO of the Buffalo Bills is going to incorporate Sabermetrics to contracts, and use in conjunction with scouting and player analysis beginning in 2013. +- Sandy Alderson: Former General Manager of the Oakland Athletics, Alderson began focusing on sabermetric principles toward obtaining relatively undervalued players in 1995. He became GM of the New York Mets in late 2010. +- Billy Beane: Athletics' General Manager since 1997. Although not a public proponent of sabermetrics, it has been widely noted that Beane has steered the team during his tenure according to sabermetric principles. In 2003, Michael Lewis published Moneyball about Billy Beane's use of a more quantitative approach. In 2011, a film based on Lewis' book which dramatised Beane's use of sabermetrics was released, starring Brad Pitt in the role of Beane. +- Carson Cistulli: Senior editor of FanGraphs, member of the BBWAA +- Earnshaw Cook: Early researcher and proponent of statistical baseball research. His 1964 book Percentage Baseball was the first book of baseball statistics studies to gain national media attention. +- Paul DePodesta: A key figure in Michael Lewis' book Moneyball: The Art of Winning an Unfair Game as Beane's assistant in Oakland. +- Theo Epstein: President of Baseball Operations for the Chicago Cubs. As GM of the Red Sox, Epstein hired sabermetrician Bill James. +- Bill James: Widely considered the father of sabermetrics due to his extensive series of books, although a number of less well known SABR researchers in the early 1970s provided a foundation for his work. He began publishing his Baseball Abstracts in 1977 to study some questions about baseball he found interesting, and their eclectic mix of essays based on new kinds of statistics soon became popular with a generation of thinking baseball fans. He discontinued the Abstracts after the 1988 edition, but continued to be active in the field. His two Historical Baseball Abstract editions and Win Shares book have continued to advance the field of sabermetrics, 25 years after he began. In 2002 James was hired as a special advisor to the Boston Red Sox. +- Christina Kahrl: Co-founder of Baseball Prospectus and current ESPN columnist, Kahrl puts an emphasis on advanced baseball analytics. +- Sean Lahman: Created a database of baseball statistics from existing sources and in the mid-1990s made it available for free download on the Internet, providing access to statistical data in electronic form for the first time. +- Voros McCracken: Developed a system called Defense Independent Pitching Statistics (DIPS) to evaluate a pitcher based purely on his ability. +- Rob Neyer: Senior writer at ESPN.com and national baseball editor of SBNation and former assistant to Bill James, he has worked to popularize sabermetrics since the mid-1980s. Neyer has authored or co-authored several books about baseball, and his journalistic writing focuses on sabermetric methods for looking at baseball players' and teams' performance. +- Joe Posnanski: A popular baseball writer and a proponent of sabermetrics. +- Nate Silver: Writer and former managing partner of Baseball Prospectus, inventor of PECOTA. Later applied sabermetric statistical models to the study of politics, particularly elections, and published the results on his blog FiveThirtyEight (later affiliated with The New York Times). +- David Smith: Founded Retrosheet in 1989, with the objective of computerizing the box score of every major league baseball game ever played, in order to more accurately collect and compare the statistics of the game. +- Tom Tango: Runs the Tango on Baseball sabermetrics website. In particular, he has worked in the area of defense independent pitching statistics. +- Eric Walker: Former aerospace engineer turned baseball writer, who played an important part in the early acceptance of sabermetrics within the Oakland Athletics organization. GM Sandy Alderson hired Walker in order to get "some Bill James-like stuff that was proprietary to us." +- Keith Woolner: Creator of VORP, or Value over Replacement Player, is a former writer for sabermetric group/website Baseball Prospectus. He was hired in 2007 by the Cleveland Indians as their Manager of Baseball Research & Analytics. +- Craig R. Wright: A statistician for the Texas Rangers, was the first front office employee in Major League Baseball to work under the title "Sabermetrician." +- Baseball Prospectus is an annual publication and web site produced by a group of sabermetricians who originally met over the Internet. Several Baseball Prospectus authors have invented or improved upon widely relied upon sabermetric measures and techniques. The website publishes analytical articles as well as advanced statistics and projections for individuals and teams. This group also publishes other books that use and seek to popularize sabermetric techniques, including Baseball Between the Numbers and It Ain't Over 'til It's Over. +- The Hardball Times is a website as well as an annual volume that evaluates the preceding major league season and presents original research articles on various sabermetric topics. The website also publishes original research on baseball. +- FanGraphs is a website that publishes advanced baseball statistics as well as graphics that evaluate and track the performance of players and teams. The site also favors the analysis of play-by-play data and PITCHf/x. It draws on some of the advanced baseball metrics developed by well-known sabermetricians such as Tom Tango and Mitchel Lichtman. +- Beyond the Boxscore is a part of SB Nation and specializes in sabermetric analysis and research. It has also launched the careers of many successful sabermetricians. +- SABR is the Society for American Baseball Research, founded in 1971, and the root of the term sabermetrics. Statistical study, however, is only a small component of SABR members' research, which also focuses on diverse issues including ballparks, the Negro Leagues, rules changes, and the desegregation of baseball as a mirror of American culture. +- Fielding Bible Awards are voted on by a panel of sabermetically inclined writers to recognize the best defensive player for each fielding position. It provides an alternative to the Gold Glove Awards, the traditional measurement of fielding excellence. +- Baseball Think Factory is a web forum that includes extensive coverage of and commentary on baseball, usually from the perspective of sabermetrics. +Popular culture +- Moneyball, the 2011 film about Billy Beane's use of sabermetrics to build the Oakland Athletics. The film is based on Michael Lewis' book of the same name. +- The season 3 Numb3rs episode "Hardball" focuses on sabermetrics, and the season 1 episode "Sacrifice" also covers the subject. +- "MoneyBART", the third episode of The Simpsons' 22nd season, in which Lisa utilizes sabermetrics to coach Bart's Little League Baseball team. +See also +- Fielding Bible Award +- Win Shares by Bill James +- Whatever Happened to the Hall of Fame? by Bill James +- Total Baseball by John Thorn and Pete Palmer +- The Bill James Historical Baseball Abstract +- Moneyball, by Michael Lewis +- APBRmetrics, the basketball equivalent +- Lewis, Michael M. (2003). Moneyball: The Art of Winning an Unfair Game. New York: W. W. Norton. ISBN 0-393-05765-8. +- Grabiner, David J. "The Sabermetric Manifesto". The Baseball Archive. +- Jarvis, J. (2003-09-29). "A Survey of Baseball Player Performance Evaluation Measures". Retrieved 2007-11-02. +- Albert, James; Jay M. Bennett (2001). Curve Ball: Baseball, Statistics, and the Role of Chance in the Game. Springer. pp. 170–171. ISBN 0-387-98816-5. +- Kipen, D. (June 1, 2003). "Billy Beane's brand-new ballgame". San Francisco Chronicle. Retrieved November 2, 2007. +- Neyer, Rob (November 5, 2002). "Red Sox hire James in advisory capacity". ESPN.com. Retrieved March 7, 2009. +- Shanahan, M. (May 23, 2005). Retrieved November 2, 2007 His numbers are in the ballpark The Boston Globe +- "Bill James, Beyond Baseball". Think Tank with Ben Wattenberg. PBS. June 28, 2005. Retrieved November 2, 2007. +- Ackman, D. (May 20, 2007). "Sultan of Stats". The Wall Street Journal. Retrieved November 2, 2007. +- Jaffe, C. (October 22, 2007). "Rob Neyer Interview". The Hardball Times. Retrieved November 2, 2007. +- Lewis, M. Moneyball. pp. 58–63. +- "Baseball Prospectus". Retrieved 2012-03-04. +- Baseball Between the Numbers. 2006. ISBN 0-465-00596-9. +- Goldman, Steven (2007). It Ain't Over 'til It's Over. ISBN 0-465-00285-4.|Regions with significant populations| +|New York, Massachusetts, Michigan, Louisiana, Ohio, Iowa, Texas| +|Related ethnic groups| +Syrian Americans are residents of the United States of Syrian ancestry or nationality. This group includes Americans of Syrian ancestry, Syrian first generation immigrants, or descendants of Syrians who emigrated to the United States. Syrian Americans may be members of a number of differing ethnicities, including Arabs, Assyrians/Syriacs, Antiochian Greeks, Kurds, Armenians and Circassians. It is believed that the first significant wave of Syrian immigrants to arrive in the United States was in 1880. Many of the earliest Syrian Americans settled in New York, Boston, and Detroit. Immigration from Syria to the United States suffered a long hiatus after the United States Congress passed the Immigration Act of 1924, which restricted immigration. More than 40 years later, the Immigration Act of 1965, abolished the quotas and immigration from Syria to the United States saw a surge. An estimated 64,600 Syrians emigrated to the United States between 1961 and 2000. +The overwhelming majority of Syrian immigrants to the US from 1880 to 1960 were Christian, a minority were Jewish, whereas Muslim Syrians arrived in the United States chiefly after 1965. According to the United States 2000 Census, there were 142,897 Americans of Syrian ancestry, about 12% of the Arab population in the United States. +The first Syrian immigrants arrived in the United States from Ottoman Syria. Most of them came from Christian villages around Mount Lebanon, while around 5-10% were Muslims of different sects. A small number were also Palestinians. According to historian Philip Hitti, approximately 90,000 "Syrians" arrived in the United States between 1899 and 1919. An estimated 1,000 official entries per year came from the governorates of Damascus and Aleppo, which are governorates in modern-day Syria, in the period between 1900 and 1916. Early immigrants settled mainly in Eastern United States, in the cities of New York, Boston and Detroit and the Paterson, New Jersey area. In the 1920s, the majority of immigrants from Mount Lebanon began to refer themselves as "Lebanese" instead of "Syrians". +Syrians, like most immigrants to the United States, were motivated to immigrate to the United States to pursue the American Dream of economic success. Many Christian Syrians had immigrated to the United States seeking religious freedom and an escape from Ottoman hegemony. Thousands of immigrants returned to Syria after making money in the United States; these immigrants told tales which inspired further waves of immigrants. Many settlers also sent for their relatives. +Although the number of Syrian immigrants was not sizable, the Ottoman government set constraints on emigration in order to maintain its populace in Greater Syria. The United States Congress passed the Immigration Act of 1924, which greatly reduced Syrian immigration to the United States. However, the quotas were annulled by the Immigration Act of 1965, which opened the doors again to Syrian immigrants. 4,600 Syrians immigrated to the United States in the mid-1960s. Due to the Arab-Israeli and religious conflicts in Syria during this period, many Syrians immigrated to the United States seeking a democratic haven, where they could live in freedom without political suppression. An estimated 64,600 Syrians immigrated to the United States in the period between 1961 and 2000, of which ten percent have been admitted under the refugee acts. +According to the United States 2000 Census, there are 142,897 Americans of Syrian ancestry living in the United States. New York City has the biggest concentration of Syrian Americans in the United States. Other urban areas, including Boston, Dearborn, New Orleans, Toledo, Cedar Rapids, and Houston have large Syrian populations. Syrian Americans are also numerous in Southern California (i.e. the Los Angeles and San Diego areas) and Arizona, many are descendants of farm laborers invited with their farm skills to irrigate the deserts in the early 20th century.. Many recent Syrian immigrants are medical doctors who studied at Damascus and Aleppo Universities and pursued their residencies and fellowships in the United States. +The traditional clothing of the first Syrian immigrants in the United States, along with their occupation as peddlers, led to some xenophobia. Dr. A. J. McLaughlin, the United States health officer at Marine Hospital, described Syrians as "parasites in their peddling habits." However, Syrians reacted quickly to assimilate fully into their new culture. Immigrants Anglicized their names, adopted the English language and common Christian denominations. Syrians did not congregate in urban enclaves; many of the immigrants who had worked as peddlers were able to interact with Americans on a daily basis. This helped them to absorb and learn the language and customs of their new homeland. Additionally, military service during World War I and World War II helped accelerate assimilation. Assimilation of early Syrian immigrants was so successful that it has become difficult to recognize the ancestors of many families which have become completely Americanized. +Post 1965 Immigration was mostly Muslim, and unlike their Christian counterparts they faced a somewhat greater difficulty in assimilating because of their Islamic faith and the "back to the roots" trend that gripped America in the 1960s and 1970s. Generally, they are not overly desirous of giving up their identity as Arabs, which might be a result of the bloom in multiculturalism to respect their Islamic religious customs and traditions in the United States. +Christian Syrian Americans arrived in the United States in the late 19th century. Most Christian Syrian Americans are Greek Orthodox. There are also many Catholic Syrian Americans; most branches of Catholicism are of the Eastern rite, such as Maronite Catholics, Melkite Greek Catholics, Armenian Catholics, Syrian Catholics, and Assyrian Chaldean Catholics. There are only few minor differences between the different branches of Catholicism; such differences include the language/s church services are conducted, and the belief in papal infallibility. A few Christian Syrian Americans are Protestant. There are also members of the Assyrian Church of the East and Ancient Church of the East. The first Syrian American church was founded in Brooklyn, New York in 1895 by Saint Raphael of Brooklyn. There are currently hundreds of Eastern Orthodox churches and missions in the United States. Saint Nicholas and Saint George are popular saints for the Orthodox. +Muslim Syrian Americans arrived chiefly after 1965. The largest sect in Islam is the Sunni sect, forming 74% of the Muslim Syrian population. The second largest sect in Islam in Syria is the Alawite sect, a religious sect that originated in Shia Islam but separated from other Shiite Islam groups in the ninth and tenth centuries. Most, if not all, Alawi Syrians come from the rural areas of Latakia Governorate. Muslim Syrian Americans have often found it difficult practicing their religion in the United States; For example, some Muslims, who are required to pray five times a day as part of Muslim rite, argue that there aren't enough mosques in the United States. +Druzes form the third largest sect in Syria, which is a relatively small esoteric monotheistic religious sect. Early Syrian immigrants included Druze peddlers. Muslim Syrian Americans have often found it difficult practicing their religion in the United States; +Syrian Jews first immigrated to the United States around 1908 and settled mostly in New York. Initially they lived on the Lower East Side; later settlements were in Bensonhurst and Ocean Parkway in Flatbush, Brooklyn. The Syrian Jewish community estimates its population at around 50,000. +Early Syrian Americans were not involved politically. Business owners were usually Republican, meanwhile labor workers were usually Democrats. Second generation Syrian Americans were the first to be elected for political roles. In light of the Arab-Israeli conflict, many Syrian Americans tried to affect American foreign policy by joining Arab political groups in the United States. In the early 1970s, the National Association of Arab-Americans was formed to negate the stereotypes commonly associated with Arabs in American media. Syrian Americans were also part of the Arab American Institute, established in 1985, which supports and promotes Arab American candidates, or candidates commiserative with Arabs and Arab Americans, for office. Mitch Daniels, the current Governor of Indiana, is a descendant of Syrian immigrants with relatives in Homs. +The majority of the early Syrian immigrants arrived in the United States seeking better jobs; they usually engaged in basic commerce, especially peddling. Syrian American peddlers found their jobs comfortable since peddling required little training and mediocre vocabulary. Syrian American peddlers served as the distribution medium for the products of small manufacturers. Syrian peddlers traded mostly in dry goods, primarily clothing. Networks of Syrian traders and peddlers across the United States aided the distribution of Syrian settlements; by 1902, Syrians could be found working in Seattle, Washington. Most of these peddlers were successful, and, with time, and after raising enough capital, some became importers and wholesalers, recruiting newcomers and supplying them with merchandise. By 1908, there were 3,000 Syrian-owned businesses in the United States. By 1910, the first Syrian millionaires had emerged. +Syrian Americans gradually started to work in various métiers; many worked as physicians, lawyers, and engineers. Many Syrian Americans also worked in the bustling auto industry, bringing about large Syrian American gatherings in areas like Dearborn, Michigan. Later Syrian emigrants served in fields like banking, medicine, and computer science. Syrian Americans have a different occupational distribution than all Americans. According to the 2000 census, 42% of the Syrian Americans worked in management and professional occupations, compared with 34% of their counterparts in the total population; additionally, more Syrian Americans worked in sales than all American workers. However, Syrian Americans worked less in the other work domains like farming, transportation, construction, etc. than all American workers. According to the American Medical Association (AMA) and the Syrian American Medical Society (SAMS) which represents the American health care provoiders of Syrian descent www.sams-usa.net there are estimated 4000 Syrian physicians practicing in the United States representing 0.4% of the health workforce and 1.6% of international medical graduates. However the reported number of Syrian American phyicians does not include the second and third generation of Syrian descent, therefore it is estimated that there are 10,000 Syrian American physicians practice in the United States. Arabi M, Sankri-Tarbichi AG. The metrics of Syrian physicians' brain drain to the United States. Avicenna J Med [serial online] 2012 [cited 2012 Oct 27];2:1-2. Available from: http://www.avicennajmed.com/text.asp?2012/2/1/1/94802. +The median level of earnings for Syrian men and women is higher than the national earning median; employed Syrian men earned an average $46,058 per year, compared with $37,057 for all Americans and $41,687 for Arab Americans. Syrian American families also had a higher median income than all families and lower poverty rates than those of the general population. +Syrians value strong family ties. Unlike young Americans, young Syrians find leaving their family unnecessary to set up their independence; the reason being, is that Syrian society just like Southwest Asia, North Africa and the wider Eastern world, places great emphasis on the group rather than the individual. In the West the individual is key and the group is secondary. Respect and social status are important in Syrian societies. Men are respected for their financial success or their honesty and sincerity. Syrians are characterized by their magnanimity and graciousness, ethics which are integral to Syrian life." However, much of the Syrian traditions have diminished with time, mainly due to the fast pace of life in America which encourages individual independence. +Syrians consider eating an important aspect of social life. There are many Syrian dishes which have become popular in the United States. Unlike many Western foods, Syrian foods take more time to cook, are less expensive and usually more healthy. Pita bread (khubz), which is round flat bread, and hummus, a dip made of ground chickpeas, sesame tahini, lemon juice, and garlic, are two popular Syrian foods. Baba ghanoush, or eggplant spreads, is also a dish made by Syrians. Popular Syrian salads include tabbouleh and fattoush. The Syrian cuisine includes other dishes like stuffed zucchini (mahshe), dolma, kebab, kibbeh, kibbeh nayyeh, mujaddara, shawarma, and shanklish. Syrians often serve selections of appetizers, known as meze, before the main course. Za'atar, minced beef, and cheese manakish are popular hors d'œuvre. Syrians are also well known for their cheese. A popular Syrian drink is the arak beverage. One of the popular desserts made by Syrians is the baklava, which is made of filo pastry filled with chopped nuts and soaked in honey. +Syrian music includes several genres and styles of music ranging from Arab classical to Arabic pop music and from secular to sacred music. Syrian music is characterized by an emphasis on melody and rhythm, as opposed to harmony. There are some genres of Syrian music that are polyphonic, but typically, most Syrian and Arabic music is homophonic. Syrian music is also characterized by the predominance of vocal music. The prototypical Arabic music ensemble in Egypt and Syria is known as the takht, and relies on a number of musical instruments that represent a standardized tone system, and are played with generally standardized performance techniques, thus displaying similar details in construction and design. Such musical instruments include the oud, kanun, rabab, ney, violin, riq and tableh. The Jews of Syria sang pizmonim. +Modern Syrian music has incorporated instruments from the West, including the electric guitar, cello, double bass and oboe, and incorporated influences from jazz and other foreign musical styles. +Traditional clothing +Traditional dress is not very common with Syrian Americans, and even native Syrians; modern Western clothing is conventional in both Syria and the United States. Ethnic dance performers wear a shirwal, which are loose, baggy pants with an elastic waist. Some Muslim Syrian women wear a hijab, which is a headscarf worn by Muslim women to cover their hair. There are various styles of hijab. +Syrian Americans celebrate many religious holidays. Christian Syrian Americans celebrate most Christian holidays usually celebrated in the United States. They celebrate Christmas and Easter, but since most Syrians are Eastern Orthodox, they celebrate Easter on a different Sunday than most other Americans. Some Christians celebrate various Saints' days. Syrian American Jews celebrate the Jewish holidays, such as Rosh Hashanah, Yom Kippur, Sukkot, Purim, Passover and Shavuot. Few Syrians celebrate Syria's independence day, April 17. As American citizens, many Syrians celebrate American holidays like Memorial Day, Independence Day, and Thanksgiving Day. +Muslim Syrian Americans celebrate three main Muslim holidays: Ramadan, Eid ul-Fitr (Lesser Bairam), and Eid ul-Adha (Greater Bairam). Ramadan is the ninth month of the Islamic year, during which Muslims fast from dawn to sunset; Muslims resort to self-discipline to cleanse themselves spiritually. After Ramadan is over, Muslims celebrate Eid ul-Fitr, when Muslims break their fasting and revel exuberantly. Muslims also celebrate Eid ul-Adha (which means The Festival of Sacrifice) 70 days after at the end of the Islamic year, a holiday which is held along with the annual pilgrimage to Mecca, Hajj. +Dating and marriage +Syrian Americans prefer traditional relationships and disfavor casual dating. Muslims can only date after completing their marriage contact, kitabt al-kitab (Arabic: كتابة الكتاب, which means "writing the book"), a period that ranges from a few months to a year or more to get used to living with one another. After this time period, a wedding takes place and fulfills the marriage. Muslims tend to marry other Muslims only. Unable to find other suitable Muslim Syrian Americans, many Muslim Syrian American have married other Muslim Americans. +Syrian American marriages are usually very strong; this is reflected by the low divorce rates among Syrian Americans, which are below the average rates in the United States. Generally, Syrian American partners tend to have more children than average American partners; Syrian American partners also tend to have children at early stages of their marriages. According to the United States 2000 Census, almost 62% of Syrian American households were married-couple households. +Syrian Americans, including the earliest immigrants, have always placed a high premium on education. Like many other Americans, Syrian Americans view education as a necessity. Generally, Syrian and other Arab Americans are more highly educated than the average American. In the 2000 census it was reported that the proportion of Syrian Americans to achieve a bachelor's degree or higher is one and a half times that of the total American population. Many Syrian Americans now work as engineers, scientists, pharmacists, and physicians. +Syrians are mainly Arabic speakers. While some may speak the formal literary Arabic, many Syrians speak Syrian Arabic, a dialect which belongs to the Levantine Arabic family of dialects. There are also sub-dialects in Syrian Arabic; for example, people from Aleppo have a distinct and distinguishable accent, one that differs considerably from that of people from Homs or Al-Hasakah. Syrians can usually comprehend and understand the dialects of most Arabs, especially those who speak any form of Levantine Arabic. +Many old Syrian American families have lost their linguistic traditions because many parents do not teach their children Arabic. Newer immigrants, however, maintain their language traditions. The 2000 census shows that 79.9% of Syrian Americans speak English "very well". Throughout the United States, there are schools which offer Arabic language classes; there are also some Eastern Orthodox churches which hold Arabic services. +Notable people and contributions +Sometimes some confusion occurs between Greater Syria and the modern Syria when determining the place of origin of the earliest Syrian Americans. However, the following list comprises notable Americans who are originally people of modern Syrian heritage. +- Paula Abdul (born June 19, 1962), is a television personality, jewelry designer, multi-platinum Grammy-winning singer, and Emmy Award-winning choreographer. According to Abdul, she has sold over 53 million records to date. Abdul found renewed fame as a judge on the highly rated television series American Idol. +- F. Murray Abraham (born October 24, 1939), is an actor who won the Academy Award for Best Actor for his role as Antonio Salieri in the 1984 film Amadeus. His career after Amadeus inspired the name of the phenomenon dubbed "F. Murray Abraham syndrome", attributed to actors who, after winning an Oscar, have difficulty obtaining comparable success and recognition despite having recognizable talent. +- Moustapha Akkad (July 1, 1930 – November 11, 2005), was a film director and producer originally from Aleppo; Akkad is best known for producing the series of Halloween films, and for directing the Lion of the Desert and Mohammad, Messenger of God films. +- Malek Jandali (born December 25, 1972), is an award-winning composer and pianist originally from Homs; Jandali is best known for arranging the oldest music notation in the world of Ugarit in his album Echoes from Ugarit. +- Tige Andrews (March 19, 1920 – January 27, 2007), was an Emmy-nominated character actor who was best known for his role as "Captain Adam Greer" on the television series The Mod Squad. +- Paul Anka (born July 30, 1941), is a singer and song writer. Anka rose to fame after many successful 1950s songs, earning him the status of a teen idol. (Some sources, such as The Canadian Encyclopedia and Time magazine, suggest that Anka is of Syrian descent, while other sources, including Anka's official website, suggest that he is of Lebanese descent.) +- Michael Ansara (born April 15, 1922), is a stage, screen and voice actor. +- Rosemary Barkett (born 1939), was the first woman to serve on the Florida Supreme Court, and the first woman Chief Justice of that court. She currently serves as a federal judge on the United States Court of Appeals for the Eleventh Circuit. +- Mitch Daniels (born April 7, 1949), is the current Governor of the U.S. state of Indiana. +- Hala Gorani (born March 1, 1970), is a news anchor and correspondent for CNN International. +- Dan Hedaya (born July 24, 1940), is a prolific character actor notable for his many Italian American film roles. +- Robert M. Isaac (born January 27, 1928), is the former Republican Mayor of Colorado Springs, Colorado. Elected in 1979, he was the first elected Mayor of the history of Colorado Springs, serving through 1997. +- Alan Jabbour (born 1942), is a folklorist and a musician. +- Steve Jobs (February 24, 1955 – October 5, 2011), was the co-founder and former CEO of Apple, the largest Disney shareholder, and a member of Disney's Board of Directors. Jobs is considered a leading figure in both the computer and entertainment industries. +- Mohja Kahf (born 1967), poet and author +- Peter Lupus (born June 17, 1932), is a bodybuilder and actor, known primarily for "Mission: Impossible". +- Kurtis Mantronik (born September 4, 1965), is a hip-hop, electro funk, and dance music artist, DJ, remixer, and producer. Mantronik was the leader of the old-school band Mantronix. +- Jack Marshall (born 1936), is an author and poet. +- Louay M. Safi (born September 15, 1955), is a scholar and Human Rights activist, and a vocal critic of the Far Right. Author of numerous books and articles, Safi is active in the debate on nuclear race, social and political development, and Islam-West issues. He is the chairman of the Syrian American Congress. +- Jerry Seinfeld (born April 29, 1954), is a comedian, actor, and writer, best known for playing a semi-fictional version of himself in the long-running sitcom Seinfeld, which he co-created and executively produced. +- Teri Hatcher (born December 8, 1964), is an actress known for her television roles as Susan Mayer on the ABC comedy-drama series Desperate Housewives, and Lois Lane on Lois & Clark: The New Adventures of Superman. Hatcher is Syrian from her mother's side. +- Yasser Seirawan (born March 24, 1960), is a chess grandmaster and 4-time US-champion. Seirawan is the 69th best chess player in the world and the 2nd in the United States. +- Mona Simpson (born June 14, 1957), is a novelist and essayist; Simpson is also a sister of Steve Jobs. +- Kelly Slater (born February 11, 1972), is a successful professional surfer and an 11 time world champion. +- Wafa Sultan (born 1958), is a well-known secular activist and vocal critic of Islam. In 2006, Sultan was chosen by Time Magazine to be on the Time 100 list of the 100 most influential people in 2006. +- Vic Tayback (January 6, 1930 – May 25, 1990), was an actor who won two Golden Globe Awards for his role in the television series Alice. +- Fawwaz Ulaby, is the R. Jamieson and Betty Williams Professor of Electrical Engineering and Computer Science at the University of Michigan, and the former vice president for research. +- M.Safwan Badr, is a Professor of Internal Medicine and Chief of Pulmonary/Critical Care and Sleep Medicine at the Wayne State University, and the president elect of the American Academy of Sleep Medicine (AASM). +See also +- U.S. Census Bureau: Population by Selected Ancestry Group and Region: 2005[dead link] +- "Lebanese and Syrian Americans". Utica College. Retrieved 2007-05-06. +- "Immigrants, by Country of Birth: 1961 to 2005". United States Census. Archived from the original on 2007-04-03. Retrieved 2007-04-29. +- A Community of Many Worlds: Arab Americans in New York City, Museum of the City of New York/Syracuse University Press, 2002 +- Naff (1993), p. 3 +- Ernest McCarus (1992). The Development of Arab-American Identity (Hardcoover ed.). University of Michigan Press. pp. 24, 25. ISBN 0-472-10439-X. +- Hitti, Philip (2005) . The Syrians in America. Gorgias Press. ISBN 1-59333-176-2. +- "Syrian Americans". Everyculture.com. Retrieved 2007-05-21. +- Samovar & Porter (1994), p. 83 +- Suleiman (1999), pp. 1-21 +- McCarus, Ernest (1994). The Development of Arab-American Identity. University of Michigan Press. p. 26. ISBN 0-472-10439-X. +- Samovar & Porter (1994), p. 84 +- "Religion in Syria - Christianity". About.com. Retrieved 2007-05-22. +- "St. Raphael of Brooklyn". Antiochian Orthodox Christian Archdiocese of North America. Retrieved 2007-05-22. +- "Orthodox Churches (Parishes)". The Antiochian Orthodox Church. Retrieved 2007-05-30. +- Williams, Raymond (1996). Christian Pluralism in the United States: The Indian Experience. Cambridge University Press. p. 11. ISBN 0-521-57016-6. +- "Syria". The World Factbook. 2007. +- "Religion in Syria - Alawi Islam". About.com. Retrieved 2007-05-22. +- Zenner, Walter (2000). A Global Community: The Jews from Aleppo, Syria. Wayne State University Press. p. 127. ISBN 0-8143-2791-5. +- Kornfeld, Alana B. Elias. "Syrian Jews mark 100 years in U.S.". Jewish News of Greater Phoenix. Retrieved 2007-05-20. +- Samovar & Porter (1994), p. 85 +- The Arab Americans: a history by Gregory Orfalea, pg 224 +- Naff, Alixa (1993). Becoming American: The Early Arab Immigrant Experience. Carbondale, Southern Illinois University Press. ISBN 978-0-585-10809-4. +- Levinson, David; Ember, Melvin (1997). American Immigrant Cultures: Builders of a Nation. Simon & Schuster Macmillan. p. 580. ISBN 0-02-897213-9. +- Giggie, John; Winston, Diane (2002). Faith in the Market: Religion and the Rise of Urban Commercial Culture. Rutgers University Press. p. 204. ISBN 0-8135-3099-7. +- "We the People of Arab Ancestry in the United States". United States Census. Retrieved 2007-05-20. +- Davis, Scott (2002). The Road from Damascus: A Journey Through Syria. Cune Press. ISBN 978-1-885942-84-5. +- Mahdi, Ali Akbar (2003). Teen Life in the Middle East. Greenwood Press. pp. 189–191. ISBN 0-313-31893-X. +- Toumar, Habib Hassan (2003). The Music of the Arabs. Amadeus. ISBN 1-57467-081-6. +- "Holidays". US Embassy in Damascus. Retrieved 2007-05-24. +- Eichner, Itamar (2006-11-17). "Israeli minister, American Idol". YNetNew.com. Retrieved 2006-05-20. +- Rocchio, Christopher (2007-03-14). "Paula Abdul dishes on Antonella Barba, 'Idol,' and her media portrayal". RealityTVWorld.com. Retrieved 2006-05-20. +- Zeidler, Sue. "Is winning an Oscar a curse or a blessing?". Film.com. Retrieved 2007-05-20. +- "Moustapaha Akkad". The Daily Telegraph (London). 2005-11-12. Retrieved 2007-05-20. +- "Malek Jandali". National Public Radio (Houston). 2010-10-08. Retrieved 2010-10-08. +- "'Mod Squad' actor Tige Andrews, 86, dies". USA Today. 2006-02-05. Retrieved 2006-05-20. +- "Paul Anka". Historyofrock.com. Retrieved 2007-05-20. +- "Anka, Paul". The Canadian Encyclopedia. Retrieved 2007-03-26. +- "Paul the Comforter". Time. 1961-11-03. Retrieved 2007-03-26. +- Leiby, Richard (2005-04-05). "Paul Anka's Deutsch Treat". The Washington Post. Retrieved 2007-03-26. +- "FAQ". PaulAnka.com. Retrieved 2007-03-26. +- "Indiana Governor Mitch Daniels". Official Indiana state site. Retrieved 2006-05-20. +- Abbas, Faisal (2006-01-17). "Q&A with CNN’s Hala Gorani". Asharq Al-Awsat. Retrieved 2006-05-20. +- "Dan Hedaya". Internet Movie Database. Retrieved 2007-05-20. +- "Steve Jobs' Magic Kingdom". BusinessWeek. 2006-01-06. Retrieved 2006-09-20. +- Burrows, Peter (2004-11-04). "Steve Jobs: He Thinks Different". BusinessWeek. Retrieved 2006-09-20. +- "Jerry Seinfeld". Vividseats.com. Retrieved 2006-05-20. +- "Yasser Seirawan". Chessgames.com. Retrieved 2006-05-20. +- Abinader, Elmaz. "Children of al-Mahjar: Arab American Literature Spans a Century". USINFO. Archived from the original on 2008-01-01. Retrieved 2007-05-20. +- Campbell, Duncan (2004-06-18). "Steve Jobs". The Guardian (London). Retrieved 2006-05-20. +- "Surf for Peace". Surfer Magazine. Retrieved 2009-06-17. +- Nomani, Asra (2006-04-30). "Wafa Sultan". Time. Retrieved 2006-05-20. +- "The TIME 100, 2006". Time. Retrieved 2006-05-20. +- Maslin, Janet. "Vic Tayback". The New York Times. Retrieved 2007-05-20. +- Abu-Laban, Baha; Suleiman, Michael (1989). Arab Americans: Continuity and Change. AAUG monograph series. Belmont, Massachusetts: Association of Arab-American University Graduates. ISBN 978-0-937694-82-4. +- Kayal, Philip; Kayal, Joseph (1975). The Syrian Lebanese in America: A Study in Religion and Assimilation. The Immigrant Heritage of America series. [New York], Twayne Publishers. ISBN 978-0-8057-8412-1. +- Naff, Alixa (1985). Becoming American: The Early Arab Immigrant Experience. Carbondale, Southern Illinois University Press. ISBN 978-0-585-10809-4. +- Saliba, Najib (1992). Emigration from Syria and the Syrian-Lebanese Community of Worcester, MA. Ligonier, Pennsylvania: Antakya Press. ISBN 0-9624190-1-X. +- Saliba Jerry Seinfeld Ticketsinventory.com Retrieved 2006-05-20. Missing or empty +- Samovar, L. A.; Porter, R. E. (1994). Intercultural Communication: A Reader. Thomson Wadsworth. ISBN 0-534-64440-6. +- Suleiman, Michael (1999). Arabs in America: Building a New Future. NetLibrary. ISBN 0-585-36553-9. +- Younis, Adele L. (1989). The Coming of the Arabic-Speaking People to the United States. Staten Island, New York: Center for Migration Studies. ISBN 978-0-934733-40-3. OCLC 31516579.United Nations Special Commission +United Nations Special Commission (UNSCOM) was an inspection regime created by the United Nations to ensure Iraq's compliance with policies concerning Iraqi production and use of weapons of mass destruction after the Gulf War. Between 1991 and 1997 its director was Rolf Ekéus; from 1997 to 1999 its director was Richard Butler. +United Nations Special Commission (UNSCOM) was an inspection regime created with the adoption of United Nations Security Council Resolution 687 in April 1991 to oversee Iraq's compliance with the destruction of Iraqi chemical, biological, and missile weapons facilities and to cooperate with the International Atomic Energy Agency’s efforts to eliminate nuclear weapon facilities all in the aftermath of the Gulf War. The UNSCOM inspection regime was packaged with several other UN Security Council requirements, namely, that Iraq’s ruling regime formally recognize Kuwait as an independent state and pay out war reparations for the destruction inflicted in the Gulf War, including the firing of Kuwaiti oil supplies and destruction of public infrastructure. Until the UN Security Council saw that Iraq’s weapons programs had been aborted and Iraqi leaders had allowed monitoring systems to be installed, the UN’s aforementioned sanctions would continue to be imposed on Iraq. +The commission found corroborating evidence that Rihab Rashid Taha, an Iraqi microbiologist educated in England, had produced biological weapons for Iraq in the 1980s. The destruction of proscribed weapons and the associated facilities was carried out mainly by Iraq, under constant supervision by UNSCOM. +Inspectors withdrew in 1998, and disbanded the following year amid allegations that the United States had used the commission's resources to spy on the Iraqi military. Weapons inspector Scott Ritter later stated that Operation Rockingham had cherry-picked evidence found by the United Nations Special Commission; evidence, he says, that was later used as part of the casus belli for the 2003 invasion of Iraq. +The successor of the United Nations Special Commission was the United Nations Monitoring, Verification and Inspection Commission. +The United Nations Special Commission (UNSCOM) was headed by Rolf Ekéus and later Richard Butler. During several visits to Iraq by the United Nations Special Committee (UNSCOM), set up after the 1990 invasion of Kuwait to inspect Iraqi weapons facilities, weapons inspectors were told by Rihab Rashid Taha that the al-Hakam germ warfare center was a chicken-feed plant. "There were a few things that were peculiar about this animal-feed production plant," Charles Duelfer, UNSCOM's deputy executive chairman, later told reporters, "beginning with the extensive air defenses surrounding it." +The powers given to UNSCOM inspectors in Iraq were: “unrestricted freedom of movement without advance notice in Iraq”; the “right to unimpeded access to any site or facility for the purpose of the on-site inspection...whether such site or facility be above or below ground”; “the right to request, receive, examine, and copy any record data, or information...relevant to” UNSCOM’s activities; and the “right to take and analyze samples of any kind as well as to remove and export samples for off-site analysis. +Acceptance of the intrusion of the UNSCOM’s inspectors on the part of the Iraqi regime was slow coming. But with the threat of punitive military action looming from the international community, and particularly the U.S., Saddam Husain begrudgingly allowed UNSCOM’s inspectors into the country to begin their work. +Between 1991 and 1995, UN inspectors uncovered a massive program to develop biological and nuclear weapons. A large amount of equipment was confiscated and destroyed. Iraq by and large refused to cooperate with UNSCOM and its inspections as mandated by UN SC Res. 687 until June 1992, ten months after deadline, at which time the Iraqi government submitted “full, final and complete reports” on all of its weapons of mass destruction programs. These reports, however, were found to be incomplete and deficient, and at the same time UN inspectors were subjected to harassment and threats on the part of the Iraqi regime. +United Nations Security Council Resolution 699 was also passed in 1991, declaring that Iraq was responsible for all funding of UNSCOM’s inspections in Iraq. +In 1995, UNSCOM's principal weapons inspector Dr. Rod Barton showed Taha documents obtained by UNSCOM from Israel that showed the Iraqi government had just purchased 10 tons of growth media from a British company called Oxoid. Growth media is a mixture of sugar, proteins and minerals that allows microscopic life to grow. It is used in hospitals, where swabs from patients are placed in dishes containing growth media for diagnostic purposes. Iraq's hospital consumption of growth media was just 200 kg a year; yet in 1988, Iraq imported 39 tons of it. +Shown this evidence by UNSCOM, Taha admitted to inspectors that she had grown 19,000 litres of botulism toxin; 8,000 litres of anthrax; 2,000 litres of aflatoxins, which can cause liver cancer; clostridium perfringens, a bacterium that can cause gas gangrene; and ricin, a castor bean derivative which can kill by inhibiting protein synthesis. She also admitted conducting research into cholera, salmonella, foot and mouth disease, and camel pox, a disease that uses the same growth techniques as smallpox, but which is safer for researchers to work with. It was because of the discovery of Taha's work with camel pox that the US and British intelligence services feared Saddam Hussein may have been planning to weaponize the smallpox virus. Iraq had a smallpox outbreak in the 1970s and UNSCOM scientists believe the government would have retained contaminated material. +UNSCOM learned that, in August 1990, after Iraq's invasion of Kuwait, Taha's team was ordered to set up a program to weaponize the biological agents. By January 1991, a team of 100 scientists and support staff had filled 157 bombs and 16 missile warheads with botulin toxin, and 50 bombs and five missile warheads with anthrax. In an interview with the BBC, Taha denied the Iraqi government had weaponized the bacteria. "We never intended to use it," she told journalist Jane Corbin of the BBC's Panorama program. "We never wanted to cause harm or damage to anybody." UNSCOM found the munitions dumped in a river near al-Hakam. UNSCOM also discovered that Taha's team had conducted inhalation experiments on donkeys from England and on beagles from Germany. The inspectors seized photographs showing beagles having convulsions inside sealed containers. +The al-Hakam germ warfare center, headed by the British-educated Iraqi biologist Dr. Rihab Rashid Taha, was blown up by UNSCOM in 1996. According to a 1999 report from the U.S. Defense Intelligence Agency, the normally mild-mannered Taha exploded into violent rages whenever UNSCOM questioned her about al-Hakam, shouting, screaming and, on one occasion, smashing a chair, while insisting that al-Hakam was a chicken-feed plant. +Iraq charged that the commission was a cover for US espionage and refused UNSCOM access to certain sites, such as Baath Party headquarters. Although Ekéus has said that he resisted attempts at such espionage, many allegations have since been made against the agency commission under Butler, charges which Butler has denied. Within the UN establishment in Iraq, UNSCOM was not without its critics, with the UN's humanitarian staff informally calling the inspectors 'UN-Scum'. In return, the UN's humanitarian staff were called "bunny-huggers". +Also in 1996, the Iraqi ruling regime agreed to the terms of United Security Council Resolution 986, an oil-for-supplies agreement in which Iraq was allowed to sell $2 billion worth of oil every six months as a ways to purchase supplies for its increasingly impoverished and malnourished population. This agreement also allowed the UN to oversee the use and management of oil revenues, and to see that some of the funds went to pay war reparations and for the work of UNSCOM in Iraq during this period. The distribution of supplies purchased with oil revenues was also to be supervised by UN inspectors to ensure fair and equal distribution throughout the Iraqi population. + 1998 Airstrikes +Security Council Meeting On the evening of 15 December 1998 the Security Council convened to consider two letters from weapons inspectors. The IAEA report by Mohamed El Baradei stated that Iraq "has provided the necessary level of cooperation to enable... [our] activities to be completed efficiently and effectively". The UNSCOM report, authored by Richard Butler, deplored the restrictions, lack of disclosure, and concealment. While conceding that "[i]n statistical terms, the majority of the inspections of facilities and sites under the ongoing monitoring system were carried out with Iraq's cooperation," his letter listed a number of instances where unspecificed "undeclared dual-capable items" had been discovered, and where inspections had been held up so that buildings could be cleared of sensitive material. +Since Operation Desert Fox had already begun at the time of the meeting (just hours after the inspectors had been evacuated), the Security Council debated about who was to blame for the military action, rather than whether they should authorize it. The Iraqi representative said: +|“||I speak to you now while rockets and bombs are falling on the cities and the villages of Iraq... At a time when the Security Council... was discussing [the] reports..., and before the Council reached any conclusion on this subject, the United States and Britain launched their attack against Iraq. The two Powers requested a suspension of the informal meeting of the Security Council and their pretext for aggression was that one of the two reports -- the UNSCOM report -- emphasized the lack of full cooperation by Iraq with UNSCOM... Time and again we have warned against the partiality and lack of objectivity of the United Nations Special Commission... The UNSCOM Executive Chairman singled out in his report yesterday five incidents out of a total of 300 inspection operations... The exaggerated uproar about Iraqi weapons of mass destruction is nothing but a great lie.||”| +The Russian ambassador added: +|“||We believe that although there are certain problems..., the current crisis was created artificially... On the night of 15 December this year, [Butler] presented a report that gave a distorted picture of the real state of affairs and concluded that there was a lack of full cooperation on the part of Iraq. That conclusion was not borne out by the facts. Without any consultations with the Security Council, Richard Butler then evacuated the entire Special Commission staff from Iraq. At the same time, there was an absolutely unacceptable leak of the report to the communications media, which received the text before the members of the Security Council themselves... It is symbolic that precisely at the time when Richard Butler... was attempting to defend the conclusions reached in his report, we were informed about the strike against Iraq, and the justification for that unilateral act was precisely the report which had been presented by the Executive Chairman of the Special Commission.||”| +The view of the Council was split, with several countries placing the responsibility on Iraq. The United States declared that "Iraq's policy of unremitting defiance and non-compliance necessitated the resort to military force". The United Kingdom stated that the objectives of the action were "to degrade Iraq's capability to build and use weapons of mass destruction, and to diminish the military threat Iraq poses to its neighbours. The targets chosen, therefore, are targets connected with his military capability, his weapons of mass destruction and his ability to threaten his neighbours." + 1999: End of UNSCOM +In December 1999, the UN Security Council passed Resolution 1284, replacing UNSCOM with the United Nations Monitoring, Verification and Inspection Commission. Four countries — among them Russia, France and China — abstained from voting on Res. 1284, which led the Iraqi regime to reject the resolution because they saw the resolution as a way for the UN to claim Iraq as a “protectorate.” +UNSCOM’s intention of identifying and eliminating Iraqi weapons programs resulted in numerous successes, illustrating the “value of a system approach to biological arms verification,” as former UNSCOM Historian Stephen Black has written. But the overall effect of the UN sanctions on Iraqi in the 1990s proved devastating to an already crumbling country. Malnutrition rates among Iraqis increased and infant mortality rates soared, exacting a heavy toll on the people of Iraq not part of the ruling regime’s patrimonial “shadow state.” + Allegations of CIA infiltration of UNSCOM +Evidence that UNSCOM had been used by US intelligence to penetrate Iraqi security and track President Saddam Hussein's movements emerged in January 1999. An investigation by the Washington Post claimed that CIA engineers, working as UN technicians, installed equipment to spy on Iraqi sites without Butler's knowledge, and that this explained the unidentified "burst transmissions" that had been noted by the inspectors. +Former UN weapons inspector Scott Ritter later accused some UNSCOM personnel of spying, and also alleged that the purpose of the spying was to target Saddam in the bombing. Butler, on the other hand, denied allegations that foreign intelligence agencies "piggybacked" UNSCOM and questioned the factual accuracy of several of Ritter's statements. +On 31 August 1998, Ritter said: "Iraq still has proscribed weapons capability. There needs to be a careful distinction here. Iraq today is challenging the special commission to come up with a weapon and say where is the weapon in Iraq, and yet part of their efforts to conceal their capabilities, I believe, have been to disassemble weapons into various components and to hide these components throughout Iraq. I think the danger right now is that without effective inspections, without effective monitoring, Iraq can in a very short period of time measure the months, reconstitute chemical biological weapons, long-range ballistic missiles to deliver these weapons, and even certain aspects of their nuclear weaponization program." +Almost a year later, in June 1999, Ritter responded to an interviewer saying: "When you ask the question, 'Does Iraq possess militarily viable biological or chemical weapons?' the answer is no! It is a resounding NO. Can Iraq produce today chemical weapons on a meaningful scale? No! Can Iraq produce biological weapons on a meaningful scale? No! Ballistic missiles? No! It is 'no' across the board. So from a qualitative standpoint, Iraq has been disarmed. Iraq today possesses no meaningful weapons of mass destruction capability. +Butler resigned from UNSCOM on 30 June 1999. + See also +- In Shifting Sands: The Truth About Unscom and the Disarming of Iraq - documentary film directed by Scott Ritter +- Iraq disarmament crisis and Iraq disarmament timeline 1990–2003 +- UNSCOM personnel: Rolf Ekéus, Richard Butler (diplomat), Charles A. Duelfer, Scott Ritter, Corinne Heraud, Alexander Coker +- United Nations Security Council Resolution 687 S-RES-687(1991) page 3 on 3 April 1991 (retrieved 2008-04-10) +- Zilinskas, Raymond A., “UNSCOM and the UNSCOM Experience in Iraq,” Politics and the Life Sciences, Vol. 14, No. 2 (Aug., 1995), 230-231 +- Tripp, Charles, “A History of Iraq,” (New York: Cambridge University Press, 2008), 250 +- What Happened to Saddam's WMD? Arms Control Today September, 2003 +- Chief U.N. weapons inspector rejects spying allegations CNN January 6, 1999 +- US silence on new Iraq spying allegations BBC News January 7, 1999 +- Black, Stephen, “UNSCOM and the Iraqi Biological Weapons Program: Implications for Arms Control,” Politics and the Life Sciences,” Vol. 18, No. 1 (Mar., 1999), pp. 62-63 +- Tripp, 250-251 +- Zilinskas, 230 +- "The Inspections Maze". Christian Science Monitor. 2002. Retrieved 2006-04-28.[dead link] +- "Baghdad prevents inspections at Baath party headquarters". Arabic News.com. 12/11/1998. Retrieved 2006-04-28. +- Wright, Susan (2002). Biological Warfare and Disarmament. Lanham: Rowman & Littlefield. p. 272. ISBN 0-7425-2469-8. +- Varadarajan, Siddharth (26 February 1998). "'UNSCUM' versus 'Bunny-huggers' in Iraq". The Times of India. +- Tripp, 252 +- United Nations Security Council PV S-PV-3955 on 1998-12-16 (retrieved 2007-04-04) +- "LETTER DATED 15 DECEMBER 1998 FROM THE SECRETARY-GENERAL ADDRESSED TO THE PRESIDENT OF THE SECURITY COUNCIL". Un.org. Retrieved 2011-06-19. +- United Nations Security Council S-1998-1172 on 1998-12-15 (retrieved 2007-04-04) +- Julian Borger (17 December 1998). "Missile blitz on Iraq". The Guardian. +- United Nations Security Council PV S-PV-3955 page 2 on 1998-12-16 (retrieved 2007-04-04) +- United Nations Security Council PV S-PV-3955 page 3 on 1998-12-16 (retrieved 2007-04-04) +- United Nations Security Council PV S-PV-3955 page 8 on 1998-12-16 (retrieved 2007-04-04) +- United Nations Security Council PV S-PV-3955 page 5 on 1998-12-16 (retrieved 2007-04-04) +- Tripp, 269 +- Black, 68 +- Graham-Brown, Sarah, “Sanctioning Iraq: A Failed Policy, Middle East Report, No. 215 (Summer, 2000), pp. 8-10 +- Halliday, Denis J., “The Impact of the UN Sanctions on the People of Iraq,” Journal of Palestine Studies, Vol. 28, No. 2 (Winter, 1999), pp. 29-33 +- Mark Tran (7 January 1999). "UN 'spied on Iraq'". The Guardian. +- Barton Gellman (2 March 1999). "U.S. Spied On Iraq Via U.N". Washington Post. +- Julian Borger (3 March 1999). "UN 'kept in dark' about US spying in Iraq". The Guardian. +- "Unscom 'infiltrated by spies'". BBC News. March 23, 1999. Retrieved 2006-04-28. +- "The Lessons and Legacy of UNSCOM, an Interview with Ambassador Richard Butler". Arms Control Today. June 1999. +- Arons, Nicholas (June 24, 1999). "Interview with Scot Ritter". Federation of American Scientists, June 24, 1999. Retrieved 2008-09-06.The significance of Alabama Unionists during the Civil War and Reconstruction has long been a subject of study among scholars. Largely centered in northern Alabama and to a lesser degree in the southeast region and in Montgomery and Mobile, Unionists were important both militarily and politically. Until recently, however, the details of this phenomenon have remained less well known, largely because the term Unionist (both then and now) has been used to refer to a range of different individuals and positions. +In the broadest sense, Unionist has meant any white person who opposed secession (including those who later supported the Confederacy) and those who came to support the Union during the war despite having originally supported the Confederacy. This broad definition includes a very wide range of Alabamians—from the most well-to-do planters who ultimately become officers in the Confederate Army to the subsistence farmer who deserted the southern cause midway through the war. It is also possible to define Unionism more narrowly, confining the label to those individuals who resisted both secession and the Confederacy during the war. Such unconditional loyalists probably represented no more than 15 percent of Alabama's adult white population. They were mostly nonslaveholding farmers (though a small minority owned slaves) living in the northern third of the state. A few Unionists also lived in the piney woods and coastal plain further south. In many respects, these men and women were very much like their neighbors who supported the Confederate cause. The reasons they remained loyal to the Union were also quite diverse. Many saw secession as illegal, whereas others felt that it would dishonor the American Revolution and their own ancestors. Still others were certain that secession would end in political or military disaster. Many were influenced by the respected figures in their families or neighborhoods. +Unionism in Alabama arose under the pressures of the presidential election of 1860. Nine months before, the state legislature had directed that, in the event of a Republican's election, a state secession convention would be called. By directly linking the presidential election to secession, the legislature fostered a political atmosphere that was particularly hostile to Unionists. Newspaper editorials and participants at community meetings condemned as traitors those who canvassed for Illinois senator Stephen Douglas, the nominee of the regular Democratic Party, rather than the southern-rights Democratic nominee, John Breckinridge. In the election, fully 80 percent of Alabama's eligible voters participated, giving Breckinridge a substantial victory, with 54 percent of the vote. John Bell, the Constitutional Union candidate who was supported by a number of Alabamians hostile to secession, received 31 percent of the vote. Douglas, the candidate most associated with a strongly Unionist position, polled slightly more than 15 percent. Republican Abraham Lincoln was not even on the ballot in Alabama. +As promised, Alabama secessionists called a convention in the wake of Lincoln's election. The campaign for convention delegates provoked heated and sometimes violent debates among neighbors, forcing many to defend their positions in public. Of the 100 delegates elected, 53 were secessionists and 47 were cooperationists, a term that refers to the delegates' desire to secede only in "cooperation" with other southern states. In fact, the men elected on this platform represented a wide range of ideas about if, when, and under what circumstances to cooperate with secession and included a minority faction—probably less than one-third (the vast majority of them from the northern third of the state)—of unconditional Unionists who opposed secession outright. +These delegates convened in Montgomery on January 7, 1861, and debated secession for four days. On January 11, 1861, the convention passed Alabama's Ordinance of Secession by a vote of 61 to 39. Many of those who voted against the ordinance, however, ultimately did support secession, and four immediately reversed themselves and signed with the majority. Among the opposition, 33 delegates subsequently signed the "Address to the People of Alabama," in which they pledged to consult with their supporters and then act on their wishes. Ten signatories of the address signed the ordinance to satisfy their constituents. Other delegates who rejected the ordinance eventually took active part in the war. Only three signers—Henry C. Sanford of Cherokee County, Elliot P. Jones of Fayette County, and Robert Guttery of Walker County—never signed the ordinance and maintained their Unionism throughout the war. Only two wartime Unionists—R. S. Watkins of Franklin County and Christopher C. Sheats of Winston County—signed neither the "Address" nor the Ordinance of Secession. +Most of the men and women who supported the Union after Alabama's secession faced great difficulties. Many were ostracized and ridiculed by neighbors, called before community vigilance committees for questioning and intimidation, or actually harmed for endorsing the Union. Such treatment was most commonly meted out to those who publicly asserted their views; those who kept quiet and did not interfere with volunteering were often left alone during the first year of the war. After Confederate conscription began in April 1862, however, community tolerance of Unionists waned. Individuals who resisted the draft, for whatever reason, were subject to arrest and imprisonment. Family members who supported resisters were frequently threatened with violence or exile by conscript cavalry who hoped to pressure men to come in from the woods or mountains and surrender. In addition, it was not at all uncommon for the families of Unionists to be targeted for punitive foraging or arson by Confederate forces or local conscript cavalry. +After the Union Army invaded Alabama in early 1862, Unionists had more opportunities to flee behind Union lines for safety and the possibility of employment as soldiers, spies, or laborers. Most well known of Alabama's Union troops was the First Alabama Cavalry, U.S.A., organized in late 1862 by Brig. Gen. Grenville M. Dodge, stationed at Corinth, Mississippi. The regiment served mostly in northern Alabama, western Tennessee, and northeastern Mississippi, though it marched with Gen. William Tecumseh Sherman to Savannah in 1864. Alabama Unionists also joined other federal regiments, particularly those from Tennessee, Indiana, Illinois, and Ohio. Those who remained at home, both within Union-occupied territory and behind Confederate lines, also actively assisted Union forces as spies and guides. In some cases, they collaborated with local African Americans (most often their own slaves) to aid and abet the Union Army or pro-Union men in their neighborhoods. Moreover, African Americans from Alabama also crossed the Union lines to serve as laborers and soldiers, and after the Emancipation Proclamation went into effect in 1863, many were inducted into United States Colored Troops regiments. Almost 5,000 African Americans, or 6 percent of Alabama's black male population between the ages of 18 and 45, volunteered in the Union ranks. +As was the case throughout the South, by the midpoint of the war Alabama's original Unionists were increasingly joined in their dissent by deserters from the Confederate Army, mostly men whose families were struggling at home without their labor. Disillusioned by the realities of warfare, angered by the inequities of service under laws exempting slaveowners and selected professionals, such Alabamians generally wanted the war to end more than they desired Union victory, though some did cross lines and join the Union army rather than desert and avoid service altogether. A small peace movement also emerged at this time among men who had originally opposed secession but later supported the state. +After the war, Unionists continued to struggle politically and socially, for their wartime activities had alienated them from +their now-defeated neighbors. Most eagerly joined the Union League and the Republican Party. Some wartime Unionists helped reintroduce the Methodist-Episcopal Church (as contrasted with the Methodist-Episcopal Church, South) to northern Alabama, finding there a more hospitable environment +for worship. Many campaigned strenuously to convince the president and Congress to limit the political rights of former Confederates. +They also sought positions of local and state authority for others who had supported the Union during the war. At this point, +a number of men who had originally opposed secession but supported the state in 1861, as well as citizens who had become disillusioned +with the war, also moved to the fore of political life in Alabama. These moderates were, in general, encouraged by Pres. Andrew Johnson, who appointed such men to +positions of political authority in the immediate post-war provisional governments he established. The Republican Party in +Alabama was populated by such individuals, as well as core Unionists who had served in the Union Army or otherwise actively +resisted the Confederacy. Both groups were referred to by their Democratic opponents as sc alawags. +Under Congressional Reconstruction (1867-74) wartime loyalists gained greater political power than they had under Presidential Reconstruction, taking leading roles in the constitutional convention of 1867, the Freedmen's Bureau, and the Republican-dominated state legislature. Most also supported, though sometimes reluctantly, voting rights for African Americans as a means to gain political power over former Confederates. For their continued association with northern Republicans and support for African American equality, white Unionists were targeted for intimidation and physical violence by the Ku Klux Klan and other anti-Reconstruction vigilantes. As elsewhere in the South, Alabama Unionists and their Republican allies (white and black, northern and southern) received little in the way of federal assistance to defend against the onslaught of violence. As their party was overwhelmed by the Democratic opposition, Unionists retreated from the forefront of state politics, though those in communities with substantial loyalist populations continued in positions of local political leadership well into the late nineteenth century. +Barney, William L. The Secessionist Impulse: Alabama and Mississippi in 1860. Princeton: Princeton University Press, 1974. +Fitzgerald, Michael W. The Union League Movement in the Deep South: Politics and Agri cultural Change During Reconstruction. Baton Rouge: Louisiana State University Press, 1989. +Mills, Gary B. Southern Loyalists in the Civil War: The Southern Claims Commission. A Composite Directory of Case Files Created by the U.S. Commissioner of Claims, 1871-1880, including those appealed to the War Claims Committee of the U.S. House of Representatives and the U.S. Court of Claims. Baltimore: Genealogical Publishing Company, Inc. 1994. +Rogers, William Warren, Jr. The Confederate Home Front: Montgomery During the Civil War. Tuscaloosa: The University of Alabama Press, 1999. +Storey, Margaret M. Loyalty and Loss: Alabama's Unionists in the Civil War and Reconstruction. Baton Rouge: Louisiana State University Press, 2004. +Margaret M. Storey +Published December 14, 2007 +Last updated October 3, 2011 \ No newline at end of file diff --git a/tests/test_data/data_fineweb/CC-MAIN-2013-20.idx b/tests/test_data/data_fineweb/CC-MAIN-2013-20.idx new file mode 100644 index 0000000..265f8c6 Binary files /dev/null and b/tests/test_data/data_fineweb/CC-MAIN-2013-20.idx differ diff --git a/tests/test_data/data_fineweb/CC-MAIN-2013-20.meta.json b/tests/test_data/data_fineweb/CC-MAIN-2013-20.meta.json new file mode 100644 index 0000000..290d667 --- /dev/null +++ b/tests/test_data/data_fineweb/CC-MAIN-2013-20.meta.json @@ -0,0 +1 @@ +{"dtype": "uint8", "index_dtype": "uint64", "document_count": 101} \ No newline at end of file diff --git a/tests/test_data/finetuning.jsonl b/tests/test_data/finetuning.jsonl new file mode 100644 index 0000000..bd6c9a9 --- /dev/null +++ b/tests/test_data/finetuning.jsonl @@ -0,0 +1,100 @@ +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] +[{"has_loss": false, "type": "text", "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\n\nWrite a short poem about the advantages of the trigram tokenizer.<|endoftext|><|start_header_id|>assistant<|end_header_id|>"}, {"has_loss": true, "type": "text", "content": "A game of words, a game of power,\nA tokenizer's power, it's a power.<|endoftext|>"}] diff --git a/tests/test_data/test_aligned_mmap.py b/tests/test_data/test_aligned_mmap.py new file mode 100644 index 0000000..ff92471 --- /dev/null +++ b/tests/test_data/test_aligned_mmap.py @@ -0,0 +1,76 @@ +import shutil +from pathlib import Path +from trigram_tokenizer.data.memory_map import MemoryMap, MemoryMapBuilder +from trigram_tokenizer.data.aligned_mmap import AlignedMMap +import numpy as np + + +def test_aligned_mmap(): + # create cache dir + cache_dir = Path(__file__).parent.absolute() / "tmp_test_aligned_mmap" + if cache_dir.is_dir(): + shutil.rmtree(cache_dir) + cache_dir.mkdir(parents=True) + + # write some data + max_bytes = 20000 + tolerance_bytes = 100 + chars = [ + "a", + "b", + "c", + "d", + "e", + "f", + ] # lets ignore the bs for now , "🇩🇪" , "🤷🏼‍♀️" + prefix_path = cache_dir / "tmp_data" + builder = MemoryMapBuilder( + prefix_path=prefix_path, dtype=np.uint8, index_dtype=np.uint32 + ) + for i, char in enumerate(chars): # emojies have multiple bytes + if i % 2 == 0: + sample_text = f"{char} " * int(max_bytes * 1.5 / 2) + else: + sample_text = f"{char} " * (max_bytes // 2) + encoded = sample_text.encode(encoding="utf-8") + byte_array = np.frombuffer(encoded, dtype=np.uint8) + builder.add(np_array=byte_array) + builder.finalize() + + # load text mmap + mmap = MemoryMap( + prefix_path=prefix_path, + load_index_to_memory=False, + ) + assert len(mmap) == len(chars), "mmap does not have expected length" + + # index + AlignedMMap.assert_index_exists( + prefix_path=prefix_path, max_bytes=max_bytes, tolerance_bytes=tolerance_bytes + ) + + # load + aligned_mmap = AlignedMMap(file_path=prefix_path) + + char_index = 0 + for idx in range(len(aligned_mmap)): + offsets, lengths, texts = aligned_mmap[idx] + assert isinstance(texts, list) # we get one item per doc + + # assert len of texts + total_len_in_bytes = sum(len(text.encode("utf-8")) for text in texts) + assert ( + (max_bytes - tolerance_bytes) + <= total_len_in_bytes + <= (max_bytes + tolerance_bytes) + ) + + # each text should only contain one char (except whitespaces) + for text in texts: + text_chars = set(text.replace(" ", "")) + assert len(text_chars) == 1 + assert ( + chars[char_index] in text_chars or chars[char_index + 1] in text_chars + ) + if chars[char_index + 1] in text_chars: + char_index += 1 diff --git a/tests/test_data/test_data.py b/tests/test_data/test_data.py new file mode 100644 index 0000000..cd4f080 --- /dev/null +++ b/tests/test_data/test_data.py @@ -0,0 +1,116 @@ +import pytest +import shutil +from pathlib import Path + + +from trigram_tokenizer.data import TextDataset, TextDatasetConfig +from trigram_tokenizer.tokenizer import TrigramTokenizerConfig +from trigram_tokenizer.tokenizer.encoding_training import EncodingTraining + + +@pytest.mark.parametrize("sequence_length", [64, 128]) +@pytest.mark.parametrize("vocab_size", [16000]) +@pytest.mark.parametrize("vocab_population", [4]) +@pytest.mark.parametrize( + "pretraining, do_classic_tokenization, initialize", + [ + [True, True, ""], + [True, False, "hash"], + [False, False, "hash"], + ], # , [False, "orthogonal"] +) +def test_dataset( + sequence_length: int, + vocab_size: int, + vocab_population: int, + pretraining: bool, + do_classic_tokenization: bool, + initialize: str, +): + if do_classic_tokenization: + prefix_path_tokenizer_file = str( + Path(__file__).parent / "unigram_02pct_cc_v1.0_hf_converted_cleaned.json" + ) + else: + prefix_path_tokenizer_file = "" + + if pretraining: + prefix_paths = [Path(__file__).parent / "data_fineweb" / "CC-MAIN-2013-20"] + else: + target_dir = Path(__file__).parent / "tmp_finetuning_dataset" + if target_dir.is_dir(): + shutil.rmtree(str(target_dir)) + target_dir.mkdir(exist_ok=False, parents=True) + TextDataset.convert_finetuning_dataset_to_mmap( + source_file=str(Path(__file__).parent / "finetuning.jsonl"), + prefix_path=str(target_dir / "finetuning_dataset"), + ) + prefix_paths = [target_dir / "finetuning_dataset"] + + config = TextDatasetConfig.from_dict( + { + "seed": 42, + "sequence_length": sequence_length, + "prefix_paths": prefix_paths, + "pretraining": pretraining, + "prefix_path_tokenizer_file": prefix_path_tokenizer_file, + "reset_position_ids": True, + } + ) + tokenizer_config = TrigramTokenizerConfig.from_dict( + { + "lowercase": False, + "vocab_size": vocab_size, + "sequence_length": sequence_length, + "vocab_population": vocab_population, + "vocab_population_partial_lowercase": 0, + "do_classic_tokenization": do_classic_tokenization, + "prefix_path_tokenizer_file": prefix_path_tokenizer_file, + "seed": 42, + "initialize": initialize, + "entire_words": False, + "end_of_text": "<|endoftext|>", + "cache_dir": f"tmp/tokenizer", + } + ) + dataset = TextDataset(config=config, tokenizer_config=tokenizer_config) + dataset_len = len(dataset) + + for idx in range(dataset_len): + item = dataset[idx] + + padded_count = item.trigram_set_input_is_padding.sum().item() + if pretraining: + assert padded_count == 0, "this dataset should not contain any padding" + + assert isinstance(item, EncodingTraining) + + assert len(item.trigram_set_position_ids) == len( + item.trigram_token_ids + ), "trigram set position ids len does not match trigram token ids len" + assert ( + sum([1 if len(i) > 0 else 0 for i in item.trigram_sets_input]) + == sequence_length - padded_count + ) + + assert len(item.position_ids) == sequence_length + assert len(item.position_ids) == len(item.trigram_sets_input) + assert len(item.position_ids) == len(item.loss_weights) + assert len(item.targets) == sequence_length + + if do_classic_tokenization: + assert item.trigram_token_ids.shape[-1] == 1 + assert item.targets.shape[-1] == 1 + else: + assert item.trigram_token_ids.shape[-1] == vocab_population + assert item.targets.shape[-1] == vocab_size + + assert item.position_ids.max().item() < sequence_length + + if do_classic_tokenization: + assert item.trigram_token_ids.max().item() < 128000 + else: + assert item.trigram_token_ids.max().item() < vocab_size + + if pretraining: + assert item.loss_weights.sum() == sequence_length - padded_count diff --git a/tests/test_data/test_memory_map.py b/tests/test_data/test_memory_map.py new file mode 100644 index 0000000..35cab2d --- /dev/null +++ b/tests/test_data/test_memory_map.py @@ -0,0 +1,56 @@ +import pytest + +import shutil +from pathlib import Path + +import numpy as np + +from trigram_tokenizer.data import MemoryMap, MemoryMapBuilder + +from ..utils import get_empty_cache_dir + + +def test_memory_map(): + """ + tests the creation and read of a memory map dataset + """ + + tmp_path = get_empty_cache_dir("test_memory_map") + + prefix_path = tmp_path / "data_set_prefix" + + data_items = [ + [1, 2, 3, 4, 5], + [1, 2, 5], + [45, 1, 20, 303, 30203], + ] + + # instantiate a builder and write data + builder = MemoryMapBuilder(prefix_path=prefix_path) + + for data_item in data_items: + builder.add(np_array=np.array(data_item)) + builder.finalize() + + # make sure an error is raised if the dataset already exist + with pytest.raises(AssertionError): + builder = MemoryMapBuilder(prefix_path=prefix_path) + + # load the dataset + dataset = MemoryMap(prefix_path=prefix_path) + assert len(dataset) == len(data_items) + + # compare all data items to ground truth + for data_item, data_item_truth in zip(dataset, data_items): + assert (np.array(data_item) == np.array(data_item_truth)).all() + + +def test_fineweb_memory_map(): + mmap = MemoryMap( + prefix_path=Path(__file__).parent / "data_fineweb" / "CC-MAIN-2013-20", + load_index_to_memory=False, + ) + assert len(mmap) == 101, "mmap does not have expected length" + + first_item = mmap[0].tobytes().decode("utf-8") + last_item = mmap[100].tobytes().decode("utf-8") diff --git a/tests/test_data/unigram_02pct_cc_v1.0_hf_converted_cleaned.json b/tests/test_data/unigram_02pct_cc_v1.0_hf_converted_cleaned.json new file mode 100644 index 0000000..6479ad3 --- /dev/null +++ b/tests/test_data/unigram_02pct_cc_v1.0_hf_converted_cleaned.json @@ -0,0 +1,516192 @@ +{ + "added_tokens": [ + { + "content": "<|endoftext|>", + "id": 0, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "<|padding|>", + "id": 1, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "<|unknown|>", + "id": 2, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127179, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127180, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127181, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127182, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127183, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127184, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127185, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127186, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127187, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127188, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127189, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127190, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127191, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127192, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127193, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127194, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127195, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127196, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127197, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127198, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127199, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127200, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127201, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127202, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127203, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127204, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127205, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127206, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127207, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127208, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127209, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127210, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127211, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127212, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127213, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127214, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127215, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127216, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127217, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127218, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127219, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127220, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127221, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127222, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127223, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127224, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127225, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127226, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127227, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127228, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127229, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127230, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127231, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127232, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127233, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127234, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127235, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127236, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127237, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127238, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127239, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127240, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127241, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127242, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127243, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127244, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127245, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127246, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127247, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127248, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127249, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127250, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127251, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127252, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127253, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127254, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127255, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127256, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127257, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127258, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127259, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127260, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127261, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127262, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127263, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127264, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127265, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127266, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127267, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127268, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127269, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127270, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127271, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127272, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127273, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127274, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127275, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127276, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127277, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127278, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127279, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127280, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127281, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127282, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127283, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127284, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127285, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127286, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127287, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127288, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127289, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127290, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127291, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127292, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127293, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127294, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127295, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127296, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127297, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127298, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127299, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127300, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127301, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127302, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127303, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127304, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127305, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127306, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127307, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127308, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127309, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127310, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127311, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127312, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127313, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127314, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127315, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127316, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127317, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127318, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127319, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127320, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127321, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127322, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127323, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127324, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127325, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127326, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127327, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127328, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127329, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127330, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127331, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127332, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127333, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127334, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127335, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127336, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127337, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127338, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127339, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127340, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127341, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127342, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127343, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127344, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127345, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127346, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127347, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127348, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127349, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127350, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127351, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127352, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127353, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127354, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127355, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127356, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127357, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127358, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127359, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127360, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127361, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127362, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127363, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127364, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127365, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127366, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127367, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127368, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127369, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127370, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127371, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127372, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127373, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127374, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127375, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127376, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127377, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127378, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127379, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127380, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127381, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127382, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127383, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127384, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127385, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127386, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127387, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127388, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127389, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127390, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127391, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127392, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127393, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127394, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127395, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127396, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127397, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127398, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127399, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127400, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127401, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127402, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127403, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127404, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127405, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127406, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127407, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127408, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127409, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127410, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127411, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127412, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127413, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127414, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127415, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127416, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127417, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127418, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127419, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127420, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127421, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127422, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127423, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127424, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127425, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127426, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127427, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127428, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127429, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127430, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127431, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127432, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127433, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127434, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127435, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127436, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127437, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127438, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127439, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127440, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127441, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127442, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127443, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127444, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127445, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127446, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127447, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127448, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127449, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127450, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127451, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127452, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127453, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127454, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127455, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127456, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127457, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127458, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127459, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127460, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127461, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127462, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127463, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127464, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127465, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127466, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127467, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127468, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127469, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127470, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127471, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127472, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127473, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127474, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127475, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127476, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127477, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127478, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127479, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127480, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127481, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127482, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127483, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127484, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127485, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127486, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127487, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127488, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127489, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127490, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127491, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127492, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127493, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127494, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127495, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127496, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127497, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127498, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127499, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127500, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127501, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127502, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127503, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127504, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127505, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127506, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127507, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127508, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127509, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127510, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127511, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127512, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127513, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127514, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127515, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127516, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127517, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127518, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127519, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127520, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127521, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127522, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127523, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127524, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127525, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127526, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127527, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127528, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127529, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127530, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127531, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127532, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127533, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127534, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127535, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127536, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127537, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127538, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127539, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127540, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127541, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127542, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127543, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127544, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127545, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127546, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127547, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127548, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127549, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127550, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127551, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127552, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127553, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127554, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127555, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127556, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127557, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127558, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127559, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127560, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127561, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127562, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127563, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127564, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127565, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127566, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127567, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127568, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127569, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127570, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127571, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127572, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127573, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127574, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127575, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127576, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127577, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127578, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127579, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127580, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127581, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127582, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127583, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127584, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127585, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127586, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127587, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127588, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127589, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127590, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127591, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127592, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127593, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127594, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127595, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127596, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127597, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127598, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127599, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127600, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127601, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127602, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127603, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127604, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127605, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127606, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127607, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127608, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127609, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127610, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127611, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127612, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127613, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127614, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127615, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127616, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127617, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127618, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127619, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127620, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127621, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127622, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127623, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127624, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127625, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127626, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127627, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127628, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127629, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127630, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127631, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127632, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127633, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127634, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127635, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127636, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127637, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127638, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127639, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127640, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127641, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127642, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127643, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127644, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127645, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127646, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127647, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127648, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127649, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127650, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127651, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127652, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127653, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127654, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127655, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127656, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127657, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127658, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127659, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127660, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127661, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127662, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127663, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127664, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127665, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127666, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127667, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127668, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127669, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127670, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127671, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127672, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127673, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127674, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127675, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127676, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127677, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127678, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127679, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127680, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127681, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127682, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127683, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127684, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127685, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127686, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127687, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127688, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127689, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127690, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127691, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127692, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127693, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127694, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127695, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127696, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127697, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127698, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127699, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127700, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127701, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127702, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127703, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127704, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127705, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127706, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127707, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127708, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127709, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127710, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127711, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127712, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127713, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127714, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127715, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127716, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127717, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127718, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127719, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127720, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127721, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127722, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127723, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127724, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127725, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127726, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127727, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127728, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127729, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127730, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127731, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127732, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127733, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127734, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127735, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127736, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127737, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127738, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127739, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127740, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127741, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127742, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127743, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127744, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127745, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127746, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127747, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127748, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127749, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127750, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127751, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127752, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127753, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127754, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127755, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127756, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127757, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127758, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127759, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127760, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127761, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127762, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127763, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127764, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127765, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127766, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127767, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127768, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127769, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127770, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127771, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127772, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127773, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127774, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127775, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127776, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127777, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127778, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127779, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127780, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127781, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127782, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127783, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127784, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127785, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127786, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127787, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127788, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127789, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127790, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127791, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127792, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127793, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127794, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127795, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127796, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127797, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127798, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127799, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127800, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127801, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127802, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127803, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127804, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127805, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127806, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127807, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127808, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127809, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127810, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127811, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127812, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127813, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127814, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127815, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127816, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127817, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127818, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127819, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127820, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127821, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127822, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127823, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127824, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127825, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127826, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127827, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127828, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127829, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127830, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127831, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127832, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127833, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127834, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127835, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127836, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127837, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127838, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127839, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127840, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127841, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127842, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127843, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127844, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127845, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127846, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127847, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127848, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127849, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127850, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127851, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127852, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127853, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127854, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127855, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127856, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127857, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127858, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127859, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127860, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127861, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127862, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127863, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127864, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127865, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127866, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127867, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127868, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127869, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127870, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127871, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127872, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127873, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127874, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127875, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127876, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127877, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127878, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127879, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127880, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127881, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127882, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127883, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127884, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127885, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127886, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127887, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127888, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127889, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127890, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127891, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127892, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127893, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127894, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127895, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127896, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127897, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127898, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127899, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127900, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127901, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127902, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127903, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127904, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127905, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127906, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127907, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127908, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127909, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127910, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127911, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127912, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127913, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127914, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127915, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127916, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127917, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127918, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127919, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127920, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127921, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127922, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127923, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127924, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127925, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127926, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127927, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127928, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127929, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127930, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127931, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127932, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127933, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127934, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127935, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127936, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127937, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127938, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127939, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127940, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127941, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127942, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127943, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127944, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127945, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127946, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127947, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127948, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127949, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127950, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127951, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127952, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127953, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127954, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127955, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127956, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127957, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127958, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127959, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127960, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127961, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127962, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127963, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127964, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127965, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127966, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127967, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127968, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127969, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127970, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127971, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127972, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127973, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127974, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127975, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127976, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127977, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127978, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127979, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127980, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127981, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127982, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127983, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127984, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127985, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127986, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127987, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127988, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127989, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127990, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127991, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127992, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127993, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127994, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127995, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127996, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127997, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127998, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + { + "content": "", + "id": 127999, + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + ], + "decoder": { + "decoders": [ + { + "content": " ", + "pattern": { + "String": "\u2581" + }, + "type": "Replace" + }, + { + "type": "ByteFallback" + }, + { + "type": "Fuse" + }, + { + "content": " ", + "pattern": { + "String": "\u2581" + }, + "type": "Replace" + } + ], + "type": "Sequence" + }, + "model": { + "byte_fallback": true, + "type": "Unigram", + "unk_id": 2, + "vocab": [ + [ + "<|endoftext|>", + 0.0 + ], + [ + "<|padding|>", + 0.0 + ], + [ + "<|unknown|>", + 0.0 + ], + [ + "<0x00>", + 0.0 + ], + [ + "<0x01>", + 0.0 + ], + [ + "<0x02>", + 0.0 + ], + [ + "<0x03>", + 0.0 + ], + [ + "<0x04>", + 0.0 + ], + [ + "<0x05>", + 0.0 + ], + [ + "<0x06>", + 0.0 + ], + [ + "<0x07>", + 0.0 + ], + [ + "<0x08>", + 0.0 + ], + [ + "<0x09>", + 0.0 + ], + [ + "<0x0A>", + 0.0 + ], + [ + "<0x0B>", + 0.0 + ], + [ + "<0x0C>", + 0.0 + ], + [ + "<0x0D>", + 0.0 + ], + [ + "<0x0E>", + 0.0 + ], + [ + "<0x0F>", + 0.0 + ], + [ + "<0x10>", + 0.0 + ], + [ + "<0x11>", + 0.0 + ], + [ + "<0x12>", + 0.0 + ], + [ + "<0x13>", + 0.0 + ], + [ + "<0x14>", + 0.0 + ], + [ + "<0x15>", + 0.0 + ], + [ + "<0x16>", + 0.0 + ], + [ + "<0x17>", + 0.0 + ], + [ + "<0x18>", + 0.0 + ], + [ + "<0x19>", + 0.0 + ], + [ + "<0x1A>", + 0.0 + ], + [ + "<0x1B>", + 0.0 + ], + [ + "<0x1C>", + 0.0 + ], + [ + "<0x1D>", + 0.0 + ], + [ + "<0x1E>", + 0.0 + ], + [ + "<0x1F>", + 0.0 + ], + [ + "<0x20>", + 0.0 + ], + [ + "<0x21>", + 0.0 + ], + [ + "<0x22>", + 0.0 + ], + [ + "<0x23>", + 0.0 + ], + [ + "<0x24>", + 0.0 + ], + [ + "<0x25>", + 0.0 + ], + [ + "<0x26>", + 0.0 + ], + [ + "<0x27>", + 0.0 + ], + [ + "<0x28>", + 0.0 + ], + [ + "<0x29>", + 0.0 + ], + [ + "<0x2A>", + 0.0 + ], + [ + "<0x2B>", + 0.0 + ], + [ + "<0x2C>", + 0.0 + ], + [ + "<0x2D>", + 0.0 + ], + [ + "<0x2E>", + 0.0 + ], + [ + "<0x2F>", + 0.0 + ], + [ + "<0x30>", + 0.0 + ], + [ + "<0x31>", + 0.0 + ], + [ + "<0x32>", + 0.0 + ], + [ + "<0x33>", + 0.0 + ], + [ + "<0x34>", + 0.0 + ], + [ + "<0x35>", + 0.0 + ], + [ + "<0x36>", + 0.0 + ], + [ + "<0x37>", + 0.0 + ], + [ + "<0x38>", + 0.0 + ], + [ + "<0x39>", + 0.0 + ], + [ + "<0x3A>", + 0.0 + ], + [ + "<0x3B>", + 0.0 + ], + [ + "<0x3C>", + 0.0 + ], + [ + "<0x3D>", + 0.0 + ], + [ + "<0x3E>", + 0.0 + ], + [ + "<0x3F>", + 0.0 + ], + [ + "<0x40>", + 0.0 + ], + [ + "<0x41>", + 0.0 + ], + [ + "<0x42>", + 0.0 + ], + [ + "<0x43>", + 0.0 + ], + [ + "<0x44>", + 0.0 + ], + [ + "<0x45>", + 0.0 + ], + [ + "<0x46>", + 0.0 + ], + [ + "<0x47>", + 0.0 + ], + [ + "<0x48>", + 0.0 + ], + [ + "<0x49>", + 0.0 + ], + [ + "<0x4A>", + 0.0 + ], + [ + "<0x4B>", + 0.0 + ], + [ + "<0x4C>", + 0.0 + ], + [ + "<0x4D>", + 0.0 + ], + [ + "<0x4E>", + 0.0 + ], + [ + "<0x4F>", + 0.0 + ], + [ + "<0x50>", + 0.0 + ], + [ + "<0x51>", + 0.0 + ], + [ + "<0x52>", + 0.0 + ], + [ + "<0x53>", + 0.0 + ], + [ + "<0x54>", + 0.0 + ], + [ + "<0x55>", + 0.0 + ], + [ + "<0x56>", + 0.0 + ], + [ + "<0x57>", + 0.0 + ], + [ + "<0x58>", + 0.0 + ], + [ + "<0x59>", + 0.0 + ], + [ + "<0x5A>", + 0.0 + ], + [ + "<0x5B>", + 0.0 + ], + [ + "<0x5C>", + 0.0 + ], + [ + "<0x5D>", + 0.0 + ], + [ + "<0x5E>", + 0.0 + ], + [ + "<0x5F>", + 0.0 + ], + [ + "<0x60>", + 0.0 + ], + [ + "<0x61>", + 0.0 + ], + [ + "<0x62>", + 0.0 + ], + [ + "<0x63>", + 0.0 + ], + [ + "<0x64>", + 0.0 + ], + [ + "<0x65>", + 0.0 + ], + [ + "<0x66>", + 0.0 + ], + [ + "<0x67>", + 0.0 + ], + [ + "<0x68>", + 0.0 + ], + [ + "<0x69>", + 0.0 + ], + [ + "<0x6A>", + 0.0 + ], + [ + "<0x6B>", + 0.0 + ], + [ + "<0x6C>", + 0.0 + ], + [ + "<0x6D>", + 0.0 + ], + [ + "<0x6E>", + 0.0 + ], + [ + "<0x6F>", + 0.0 + ], + [ + "<0x70>", + 0.0 + ], + [ + "<0x71>", + 0.0 + ], + [ + "<0x72>", + 0.0 + ], + [ + "<0x73>", + 0.0 + ], + [ + "<0x74>", + 0.0 + ], + [ + "<0x75>", + 0.0 + ], + [ + "<0x76>", + 0.0 + ], + [ + "<0x77>", + 0.0 + ], + [ + "<0x78>", + 0.0 + ], + [ + "<0x79>", + 0.0 + ], + [ + "<0x7A>", + 0.0 + ], + [ + "<0x7B>", + 0.0 + ], + [ + "<0x7C>", + 0.0 + ], + [ + "<0x7D>", + 0.0 + ], + [ + "<0x7E>", + 0.0 + ], + [ + "<0x7F>", + 0.0 + ], + [ + "<0x80>", + 0.0 + ], + [ + "<0x81>", + 0.0 + ], + [ + "<0x82>", + 0.0 + ], + [ + "<0x83>", + 0.0 + ], + [ + "<0x84>", + 0.0 + ], + [ + "<0x85>", + 0.0 + ], + [ + "<0x86>", + 0.0 + ], + [ + "<0x87>", + 0.0 + ], + [ + "<0x88>", + 0.0 + ], + [ + "<0x89>", + 0.0 + ], + [ + "<0x8A>", + 0.0 + ], + [ + "<0x8B>", + 0.0 + ], + [ + "<0x8C>", + 0.0 + ], + [ + "<0x8D>", + 0.0 + ], + [ + "<0x8E>", + 0.0 + ], + [ + "<0x8F>", + 0.0 + ], + [ + "<0x90>", + 0.0 + ], + [ + "<0x91>", + 0.0 + ], + [ + "<0x92>", + 0.0 + ], + [ + "<0x93>", + 0.0 + ], + [ + "<0x94>", + 0.0 + ], + [ + "<0x95>", + 0.0 + ], + [ + "<0x96>", + 0.0 + ], + [ + "<0x97>", + 0.0 + ], + [ + "<0x98>", + 0.0 + ], + [ + "<0x99>", + 0.0 + ], + [ + "<0x9A>", + 0.0 + ], + [ + "<0x9B>", + 0.0 + ], + [ + "<0x9C>", + 0.0 + ], + [ + "<0x9D>", + 0.0 + ], + [ + "<0x9E>", + 0.0 + ], + [ + "<0x9F>", + 0.0 + ], + [ + "<0xA0>", + 0.0 + ], + [ + "<0xA1>", + 0.0 + ], + [ + "<0xA2>", + 0.0 + ], + [ + "<0xA3>", + 0.0 + ], + [ + "<0xA4>", + 0.0 + ], + [ + "<0xA5>", + 0.0 + ], + [ + "<0xA6>", + 0.0 + ], + [ + "<0xA7>", + 0.0 + ], + [ + "<0xA8>", + 0.0 + ], + [ + "<0xA9>", + 0.0 + ], + [ + "<0xAA>", + 0.0 + ], + [ + "<0xAB>", + 0.0 + ], + [ + "<0xAC>", + 0.0 + ], + [ + "<0xAD>", + 0.0 + ], + [ + "<0xAE>", + 0.0 + ], + [ + "<0xAF>", + 0.0 + ], + [ + "<0xB0>", + 0.0 + ], + [ + "<0xB1>", + 0.0 + ], + [ + "<0xB2>", + 0.0 + ], + [ + "<0xB3>", + 0.0 + ], + [ + "<0xB4>", + 0.0 + ], + [ + "<0xB5>", + 0.0 + ], + [ + "<0xB6>", + 0.0 + ], + [ + "<0xB7>", + 0.0 + ], + [ + "<0xB8>", + 0.0 + ], + [ + "<0xB9>", + 0.0 + ], + [ + "<0xBA>", + 0.0 + ], + [ + "<0xBB>", + 0.0 + ], + [ + "<0xBC>", + 0.0 + ], + [ + "<0xBD>", + 0.0 + ], + [ + "<0xBE>", + 0.0 + ], + [ + "<0xBF>", + 0.0 + ], + [ + "<0xC0>", + 0.0 + ], + [ + "<0xC1>", + 0.0 + ], + [ + "<0xC2>", + 0.0 + ], + [ + "<0xC3>", + 0.0 + ], + [ + "<0xC4>", + 0.0 + ], + [ + "<0xC5>", + 0.0 + ], + [ + "<0xC6>", + 0.0 + ], + [ + "<0xC7>", + 0.0 + ], + [ + "<0xC8>", + 0.0 + ], + [ + "<0xC9>", + 0.0 + ], + [ + "<0xCA>", + 0.0 + ], + [ + "<0xCB>", + 0.0 + ], + [ + "<0xCC>", + 0.0 + ], + [ + "<0xCD>", + 0.0 + ], + [ + "<0xCE>", + 0.0 + ], + [ + "<0xCF>", + 0.0 + ], + [ + "<0xD0>", + 0.0 + ], + [ + "<0xD1>", + 0.0 + ], + [ + "<0xD2>", + 0.0 + ], + [ + "<0xD3>", + 0.0 + ], + [ + "<0xD4>", + 0.0 + ], + [ + "<0xD5>", + 0.0 + ], + [ + "<0xD6>", + 0.0 + ], + [ + "<0xD7>", + 0.0 + ], + [ + "<0xD8>", + 0.0 + ], + [ + "<0xD9>", + 0.0 + ], + [ + "<0xDA>", + 0.0 + ], + [ + "<0xDB>", + 0.0 + ], + [ + "<0xDC>", + 0.0 + ], + [ + "<0xDD>", + 0.0 + ], + [ + "<0xDE>", + 0.0 + ], + [ + "<0xDF>", + 0.0 + ], + [ + "<0xE0>", + 0.0 + ], + [ + "<0xE1>", + 0.0 + ], + [ + "<0xE2>", + 0.0 + ], + [ + "<0xE3>", + 0.0 + ], + [ + "<0xE4>", + 0.0 + ], + [ + "<0xE5>", + 0.0 + ], + [ + "<0xE6>", + 0.0 + ], + [ + "<0xE7>", + 0.0 + ], + [ + "<0xE8>", + 0.0 + ], + [ + "<0xE9>", + 0.0 + ], + [ + "<0xEA>", + 0.0 + ], + [ + "<0xEB>", + 0.0 + ], + [ + "<0xEC>", + 0.0 + ], + [ + "<0xED>", + 0.0 + ], + [ + "<0xEE>", + 0.0 + ], + [ + "<0xEF>", + 0.0 + ], + [ + "<0xF0>", + 0.0 + ], + [ + "<0xF1>", + 0.0 + ], + [ + "<0xF2>", + 0.0 + ], + [ + "<0xF3>", + 0.0 + ], + [ + "<0xF4>", + 0.0 + ], + [ + "<0xF5>", + 0.0 + ], + [ + "<0xF6>", + 0.0 + ], + [ + "<0xF7>", + 0.0 + ], + [ + "<0xF8>", + 0.0 + ], + [ + "<0xF9>", + 0.0 + ], + [ + "<0xFA>", + 0.0 + ], + [ + "<0xFB>", + 0.0 + ], + [ + "<0xFC>", + 0.0 + ], + [ + "<0xFD>", + 0.0 + ], + [ + "<0xFE>", + 0.0 + ], + [ + "<0xFF>", + 0.0 + ], + [ + "\u2581", + -2.1099154949188232 + ], + [ + ".", + -3.388397455215454 + ], + [ + ",", + -3.5047876834869385 + ], + [ + "0", + -4.004720687866211 + ], + [ + "1", + -4.029408931732178 + ], + [ + "2", + -4.235931396484375 + ], + [ + "\u2581de", + -4.3554182052612305 + ], + [ + "-", + -4.552585124969482 + ], + [ + "s", + -4.558698654174805 + ], + [ + "9", + -4.809669017791748 + ], + [ + "3", + -4.814885139465332 + ], + [ + "4", + -4.909582614898682 + ], + [ + "5", + -4.922783851623535 + ], + [ + "6", + -4.935538291931152 + ], + [ + "'", + -4.9669036865234375 + ], + [ + "_", + -5.045838832855225 + ], + [ + ":", + -5.048004150390625 + ], + [ + ")", + -5.080269813537598 + ], + [ + "7", + -5.114903450012207 + ], + [ + "\u2581(", + -5.126412391662598 + ], + [ + "8", + -5.151403427124023 + ], + [ + "\u2581in", + -5.168539047241211 + ], + [ + "\u2581a", + -5.20069694519043 + ], + [ + "\u2581the", + -5.2318291664123535 + ], + [ + "o", + -5.332371711730957 + ], + [ + "e", + -5.375957012176514 + ], + [ + "\u2581la", + -5.417970657348633 + ], + [ + "\"", + -5.4454522132873535 + ], + [ + "/", + -5.5046610832214355 + ], + [ + "a", + -5.689682483673096 + ], + [ + "\u2581der", + -5.719975471496582 + ], + [ + "\u2581en", + -5.721724987030029 + ], + [ + "(", + -5.762216091156006 + ], + [ + "\u2581of", + -5.763303756713867 + ], + [ + "\u2581\"", + -5.879785060882568 + ], + [ + "\u2581die", + -5.900583744049072 + ], + [ + "\u2581e", + -5.901189804077148 + ], + [ + "\u2581di", + -6.00113582611084 + ], + [ + "\u2581und", + -6.039363861083984 + ], + [ + "\u2581and", + -6.045180797576904 + ], + [ + "en", + -6.04777193069458 + ], + [ + "\u2581to", + -6.056308269500732 + ], + [ + "\u2581==", + -6.065152645111084 + ], + [ + "\u2581que", + -6.087265968322754 + ], + [ + "n", + -6.10040283203125 + ], + [ + ";", + -6.175198554992676 + ], + [ + "\u2581is", + -6.232194900512695 + ], + [ + "t", + -6.254045009613037 + ], + [ + "}", + -6.273777484893799 + ], + [ + "\u2581\u2581\u2581\u2581\u2581", + -6.28315544128418 + ], + [ + "\u2581un", + -6.321444511413574 + ], + [ + "\u2581van", + -6.345444679260254 + ], + [ + "\u2581des", + -6.355302810668945 + ], + [ + "\u2581=", + -6.359351634979248 + ], + [ + "i", + -6.379073619842529 + ], + [ + "d", + -6.3987202644348145 + ], + [ + "\u2581|", + -6.401216983795166 + ], + [ + "=", + -6.4713215827941895 + ], + [ + "\u2581y", + -6.473083019256592 + ], + [ + "\u2581l", + -6.475526809692383 + ], + [ + "c", + -6.499309062957764 + ], + [ + "\u2581le", + -6.532346248626709 + ], + [ + "\u2581del", + -6.544917106628418 + ], + [ + "{", + -6.570344924926758 + ], + [ + "\u2581-", + -6.575571537017822 + ], + [ + "\\", + -6.58306884765625 + ], + [ + "f", + -6.583508014678955 + ], + [ + "\u2581el", + -6.5878190994262695 + ], + [ + "\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581", + -6.593600273132324 + ], + [ + "x", + -6.6256914138793945 + ], + [ + "r", + -6.63873291015625 + ], + [ + "\u2581da", + -6.64046573638916 + ], + [ + "es", + -6.643075466156006 + ], + [ + "\u2581et", + -6.688754081726074 + ], + [ + "\u2581{", + -6.700919151306152 + ], + [ + "\u2581\\", + -6.7240824699401855 + ], + [ + "\u2581se", + -6.75998592376709 + ], + [ + "\u2581il", + -6.76267147064209 + ], + [ + "\u2581het", + -6.784545421600342 + ], + [ + "\u2581een", + -6.793208122253418 + ], + [ + "b", + -6.853244781494141 + ], + [ + "\u2581von", + -6.855068683624268 + ], + [ + "\u2581\u00e0", + -6.870520114898682 + ], + [ + "\u2581A", + -6.874902725219727 + ], + [ + "\u2581for", + -6.8758544921875 + ], + [ + "\u2581con", + -6.924915313720703 + ], + [ + "\u2581d", + -6.929994583129883 + ], + [ + "\u2581o", + -6.941187858581543 + ], + [ + "\u2581den", + -6.962347984313965 + ], + [ + "\u2581do", + -6.978240489959717 + ], + [ + "er", + -6.9972357749938965 + ], + [ + "m", + -7.003932476043701 + ], + [ + "\u2581una", + -7.025947093963623 + ], + [ + "\u2581che", + -7.032057762145996 + ], + [ + "\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581", + -7.067653179168701 + ], + [ + "\u2581that", + -7.087338924407959 + ], + [ + "\u2581zu", + -7.09602689743042 + ], + [ + "\u2581para", + -7.118075847625732 + ], + [ + "[", + -7.1250739097595215 + ], + [ + "\u2581In", + -7.1336283683776855 + ], + [ + "\u2581The", + -7.136816501617432 + ], + [ + "\u2581an", + -7.142298221588135 + ], + [ + "\u2581I", + -7.142557621002197 + ], + [ + "u", + -7.155818939208984 + ], + [ + "\u2581por", + -7.155940055847168 + ], + [ + "\u2581\u2581\u2581\u2581", + -7.16127872467041 + ], + [ + "re", + -7.181102752685547 + ], + [ + "\u2581||", + -7.1826276779174805 + ], + [ + "\u2581De", + -7.1852593421936035 + ], + [ + "\u2581as", + -7.186762809753418 + ], + [ + "\u2581===", + -7.199034690856934 + ], + [ + "\u2581les", + -7.199575424194336 + ], + [ + "\u2581no", + -7.221064567565918 + ], + [ + "\u2581al", + -7.227127075195312 + ], + [ + "\u2581f\u00fcr", + -7.228133201599121 + ], + [ + "\u2581was", + -7.228608131408691 + ], + [ + "\u2581per", + -7.230984687805176 + ], + [ + "\u2581du", + -7.250071525573731 + ], + [ + "\u2581La", + -7.250693321228027 + ], + [ + "\u2581los", + -7.2569899559021 + ], + [ + "\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581", + -7.257078170776367 + ], + [ + "\u2581mit", + -7.263064861297607 + ], + [ + "\u2581im", + -7.2633161544799805 + ], + [ + "\u2581be", + -7.266731262207031 + ], + [ + "\u2581on", + -7.285281658172607 + ], + [ + "]", + -7.290954113006592 + ], + [ + "\u2581*", + -7.299264430999756 + ], + [ + "\u2581das", + -7.303155422210693 + ], + [ + "\u2581with", + -7.303469657897949 + ], + [ + "\u2581#", + -7.310791492462158 + ], + [ + "\u2581um", + -7.313578128814697 + ], + [ + "\u2581ist", + -7.326137542724609 + ], + [ + "\u2581$", + -7.327404975891113 + ], + [ + "\u2581em", + -7.328110218048096 + ], + [ + "\u2581auf", + -7.333513259887695 + ], + [ + "\u2581[", + -7.363833904266357 + ], + [ + "y", + -7.389971733093262 + ], + [ + "\u2581als", + -7.402702331542969 + ], + [ + "\u2581Die", + -7.423107624053955 + ], + [ + "\u2581si", + -7.423466682434082 + ], + [ + "$", + -7.436355590820312 + ], + [ + "\u2581S", + -7.469873428344727 + ], + [ + "S", + -7.507062435150147 + ], + [ + "A", + -7.50828742980957 + ], + [ + "\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581", + -7.511452674865723 + ], + [ + "\u2581est", + -7.514260768890381 + ], + [ + "\u2581como", + -7.516193866729736 + ], + [ + "C", + -7.518161296844482 + ], + [ + "l", + -7.520691871643066 + ], + [ + "\u2581della", + -7.532245635986328 + ], + [ + "\u2581dem", + -7.5423455238342285 + ], + [ + "\u2581\u2581\u2581\u2581\u2581\u2581\u2581", + -7.576016426086426 + ], + [ + "\u2581su", + -7.576883316040039 + ], + [ + "\u2581from", + -7.584018230438232 + ], + [ + "\u2581by", + -7.585065841674805 + ], + [ + "in", + -7.5855393409729 + ], + [ + "|", + -7.58998966217041 + ], + [ + "\u2581eine", + -7.590192794799805 + ], + [ + "\u2581werden", + -7.599154472351074 + ], + [ + "\u2581it", + -7.599289417266846 + ], + [ + "p", + -7.610306739807129 + ], + [ + "\u2581op", + -7.614025115966797 + ], + [ + "\u2581this", + -7.628029346466064 + ], + [ + "\u2581|-", + -7.636012554168701 + ], + [ + "\u2581are", + -7.646326541900635 + ], + [ + "te", + -7.650041103363037 + ], + [ + "\u2581\u00e9", + -7.65051794052124 + ], + [ + "\u2581i", + -7.651010990142822 + ], + [ + "\u2581sich", + -7.655158042907715 + ], + [ + "\u2581es", + -7.665600776672363 + ], + [ + "\u2581nicht", + -7.674530029296875 + ], + [ + "h", + -7.692432880401611 + ], + [ + "\u2581L", + -7.698009967803955 + ], + [ + "E", + -7.706863403320312 + ], + [ + "os", + -7.711010456085205 + ], + [ + "\u2581n", + -7.711739540100098 + ], + [ + "\u2581non", + -7.71792459487915 + ], + [ + "\u2581or", + -7.733070373535156 + ], + [ + "\u2581ein", + -7.737187385559082 + ], + [ + "\u2581com", + -7.74675178527832 + ], + [ + "de", + -7.7532782554626465 + ], + [ + "\u2581m", + -7.756816387176514 + ], + [ + "ing", + -7.7635979652404785 + ], + [ + "k", + -7.767039775848389 + ], + [ + "\u2581voor", + -7.767479419708252 + ], + [ + "\u2581C", + -7.775913715362549 + ], + [ + "\u2581not", + -7.790226459503174 + ], + [ + "\u2581uma", + -7.794055938720703 + ], + [ + "if", + -7.799149036407471 + ], + [ + "\u2581at", + -7.799824237823486 + ], + [ + "v", + -7.80561113357544 + ], + [ + "\u2581dans", + -7.806708812713623 + ], + [ + "z", + -7.824997425079346 + ], + [ + "to", + -7.833227634429932 + ], + [ + "\u2581Il", + -7.839361190795898 + ], + [ + "\u2581las", + -7.839951992034912 + ], + [ + "\u2581met", + -7.841190338134766 + ], + [ + "se", + -7.841526508331299 + ], + [ + "\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581", + -7.855220794677734 + ], + [ + "g", + -7.8571929931640625 + ], + [ + "\u2581par", + -7.862579822540283 + ], + [ + "\u2581Le", + -7.867983818054199 + ], + [ + "\u2581na", + -7.870649337768555 + ], + [ + "ed", + -7.884876728057861 + ], + [ + "\u2581nach", + -7.893050193786621 + ], + [ + "D", + -7.893146991729736 + ], + [ + "!", + -7.895571708679199 + ], + [ + "\u2581O", + -7.896535873413086 + ], + [ + "\u2581B", + -7.904671669006348 + ], + [ + "T", + -7.90892219543457 + ], + [ + "\u2581you", + -7.911877632141113 + ], + [ + "return", + -7.912810802459717 + ], + [ + "B", + -7.919343948364258 + ], + [ + "\u2581une", + -7.9214768409729 + ], + [ + "F", + -7.926062107086182 + ], + [ + "\u2581if", + -7.939050197601318 + ], + [ + "on", + -7.947075843811035 + ], + [ + "\u2581au", + -7.951144218444824 + ], + [ + "me", + -7.951419830322266 + ], + [ + "\u2581//", + -7.954178810119629 + ], + [ + "\u2581all", + -7.954329967498779 + ], + [ + "\u2581auch", + -7.963942050933838 + ], + [ + "le", + -7.967905521392822 + ], + [ + "\u2581pour", + -7.969725131988525 + ], + [ + "\u2581qui", + -7.970040321350098 + ], + [ + "\u2581En", + -7.9797797203063965 + ], + [ + "\u2581oder", + -7.985198497772217 + ], + [ + "\u2581zijn", + -7.987945556640625 + ], + [ + "\u2581te", + -7.988491058349609 + ], + [ + "\u2581door", + -7.99345588684082 + ], + [ + "\u2581bei", + -7.996094703674316 + ], + [ + "\u2581M", + -8.007723808288574 + ], + [ + "align", + -8.011857986450195 + ], + [ + "I", + -8.01595687866211 + ], + [ + "\u2581aus", + -8.022346496582031 + ], + [ + "\u2581sind", + -8.042778015136719 + ], + [ + "\u2581}", + -8.04776382446289 + ], + [ + "N", + -8.04898738861084 + ], + [ + "\u2581uit", + -8.050058364868164 + ], + [ + "\u2581wird", + -8.054930686950684 + ], + [ + "center", + -8.064217567443848 + ], + [ + "\u2581er", + -8.083366394042969 + ], + [ + "\u2581can", + -8.083643913269043 + ], + [ + "P", + -8.086793899536133 + ], + [ + "\u2581so", + -8.089459419250488 + ], + [ + "\u2581ou", + -8.098502159118652 + ], + [ + "\u2581pi", + -8.101911544799805 + ], + [ + "\u2581werd", + -8.101941108703613 + ], + [ + "\u2581E", + -8.10218620300293 + ], + [ + "as", + -8.105531692504883 + ], + [ + "\u2581have", + -8.106023788452148 + ], + [ + "\u2581einer", + -8.116883277893066 + ], + [ + "id", + -8.118636131286621 + ], + [ + "\u2581zur", + -8.12065601348877 + ], + [ + "\u2581lo", + -8.121753692626953 + ], + [ + "\u2581we", + -8.128150939941406 + ], + [ + "\u2581durch", + -8.147628784179688 + ], + [ + "un", + -8.15054988861084 + ], + [ + "\u2581El", + -8.15605354309082 + ], + [ + "\u2581nel", + -8.156734466552734 + ], + [ + "\u2581P", + -8.170211791992188 + ], + [ + "\u2581sur", + -8.173659324645996 + ], + [ + "L", + -8.1798095703125 + ], + [ + "is", + -8.19080638885498 + ], + [ + "\u2581mais", + -8.191584587097168 + ], + [ + "\u2581come", + -8.19896411895752 + ], + [ + "\u2581!", + -8.202879905700684 + ], + [ + "\u2581\u00fcber", + -8.204568862915039 + ], + [ + "\u2581which", + -8.208490371704102 + ], + [ + "\u2581ha", + -8.21496868133545 + ], + [ + "\u2581p", + -8.22148323059082 + ], + [ + "\u2581sono", + -8.229305267333984 + ], + [ + "ou", + -8.230864524841309 + ], + [ + "\u2581dos", + -8.23095703125 + ], + [ + "R", + -8.231054306030273 + ], + [ + "\u2581os", + -8.242602348327637 + ], + [ + "\u2581dell", + -8.26183795928955 + ], + [ + "M", + -8.270142555236816 + ], + [ + "no", + -8.273914337158203 + ], + [ + "\u2581K", + -8.288053512573242 + ], + [ + "\u2581H", + -8.29013729095459 + ], + [ + "\u2581aan", + -8.298064231872559 + ], + [ + "\u2581k", + -8.302718162536621 + ], + [ + "est", + -8.305493354797363 + ], + [ + "name", + -8.30675983428955 + ], + [ + "self", + -8.308621406555176 + ], + [ + "\u2581Der", + -8.310065269470215 + ], + [ + "\u2581D", + -8.32785701751709 + ], + [ + "\u2581--", + -8.333760261535645 + ], + [ + "\u2581son", + -8.335832595825195 + ], + [ + "get", + -8.351617813110352 + ], + [ + "\u2581F", + -8.352664947509766 + ], + [ + "\u2581sie", + -8.353899002075195 + ], + [ + "\u2581sua", + -8.354632377624512 + ], + [ + "G", + -8.363628387451172 + ], + [ + "\u2581T", + -8.365347862243652 + ], + [ + "\u2581dat", + -8.36685848236084 + ], + [ + "H", + -8.368144989013672 + ], + [ + "\u2581dei", + -8.369032859802246 + ], + [ + "\u2581dass", + -8.370272636413574 + ], + [ + "\u2581entre", + -8.373711585998535 + ], + [ + "left", + -8.377086639404297 + ], + [ + "com", + -8.377950668334961 + ], + [ + "il", + -8.384839057922363 + ], + [ + "us", + -8.387104034423828 + ], + [ + "end", + -8.391779899597168 + ], + [ + "\u2581era", + -8.391855239868164 + ], + [ + "\u2581c", + -8.400893211364746 + ], + [ + "ne", + -8.401658058166504 + ], + [ + "\u2581ser", + -8.402244567871094 + ], + [ + "label", + -8.404827117919922 + ], + [ + "\u2581will", + -8.418059349060059 + ], + [ + "*", + -8.420267105102539 + ], + [ + "\u2581but", + -8.430140495300293 + ], + [ + "al", + -8.436214447021484 + ], + [ + "\u2581parte", + -8.436302185058594 + ], + [ + "bo", + -8.436468124389648 + ], + [ + "\u2581hij", + -8.437457084655762 + ], + [ + "\u2581wurde", + -8.438812255859375 + ], + [ + "\u2581pas", + -8.43931770324707 + ], + [ + "V", + -8.455769538879395 + ], + [ + "\u2581am", + -8.4608736038208 + ], + [ + "\u2581Het", + -8.462494850158691 + ], + [ + "\u2581ma", + -8.462918281555176 + ], + [ + "\u2581R", + -8.463377952575684 + ], + [ + "tre", + -8.471770286560059 + ], + [ + "\u2581he", + -8.473603248596191 + ], + [ + "\u2581G", + -8.476548194885254 + ], + [ + "\u2581plus", + -8.477901458740234 + ], + [ + "j", + -8.480697631835938 + ], + [ + "\u2581has", + -8.48487377166748 + ], + [ + "\u2581had", + -8.494491577148438 + ], + [ + "\u2581alla", + -8.495105743408203 + ], + [ + "\u2581bis", + -8.49928092956543 + ], + [ + "\u2581wie", + -8.50316333770752 + ], + [ + "da", + -8.505362510681152 + ], + [ + "\u2581zum", + -8.508854866027832 + ], + [ + "do", + -8.518643379211426 + ], + [ + "O", + -8.530098915100098 + ], + [ + "\u2581his", + -8.537036895751953 + ], + [ + "\u2581J", + -8.5377836227417 + ], + [ + "\u2581ne", + -8.543773651123047 + ], + [ + "\u2581one", + -8.555826187133789 + ], + [ + "\u2581over", + -8.564756393432617 + ], + [ + "K", + -8.56850528717041 + ], + [ + "ta", + -8.569406509399414 + ], + [ + "\u00e9", + -8.569422721862793 + ], + [ + "\u2581then", + -8.570919036865234 + ], + [ + "\u2581delle", + -8.571237564086914 + ], + [ + "\u2581V", + -8.578306198120117 + ], + [ + "\u2581qu", + -8.582993507385254 + ], + [ + "\u2581foi", + -8.591053009033203 + ], + [ + "\u2581war", + -8.593338966369629 + ], + [ + "\u2581einem", + -8.598861694335938 + ], + [ + "#", + -8.6005220413208 + ], + [ + "\u2581hat", + -8.612977027893066 + ], + [ + "w", + -8.616316795349121 + ], + [ + "\u2581avec", + -8.619510650634766 + ], + [ + "\u2581einen", + -8.621882438659668 + ], + [ + "\u2581m\u00e1s", + -8.628137588500977 + ], + [ + "an", + -8.631730079650879 + ], + [ + "\u2581anche", + -8.64461612701416 + ], + [ + "\u2581vom", + -8.648300170898438 + ], + [ + "\u2581N", + -8.65689754486084 + ], + [ + "\u2581were", + -8.661304473876953 + ], + [ + "ti", + -8.670365333557129 + ], + [ + "\u2581Ma", + -8.671488761901855 + ], + [ + "\u2581also", + -8.67273235321045 + ], + [ + "\u2581fue", + -8.674253463745117 + ], + [ + "ar", + -8.674663543701172 + ], + [ + "\u2581tot", + -8.674795150756836 + ], + [ + "var", + -8.686899185180664 + ], + [ + "\u2581Se", + -8.692671775817871 + ], + [ + "ly", + -8.69569206237793 + ], + [ + "\u2581man", + -8.697226524353027 + ], + [ + "\u2581sont", + -8.699031829833984 + ], + [ + "ge", + -8.700345993041992 + ], + [ + "\u2581vor", + -8.70194149017334 + ], + [ + "\u2581worden", + -8.711743354797363 + ], + [ + "type", + -8.714262008666992 + ], + [ + "\u2581alle", + -8.725906372070312 + ], + [ + "la", + -8.726899147033691 + ], + [ + "\u2581set", + -8.728043556213379 + ], + [ + "\u2581nur", + -8.734563827514648 + ], + [ + "em", + -8.738113403320312 + ], + [ + "\u2581ce", + -8.742986679077148 + ], + [ + "\u2581kann", + -8.743407249450684 + ], + [ + "org", + -8.748652458190918 + ], + [ + "\u2581$\\", + -8.748717308044434 + ], + [ + "right", + -8.751220703125 + ], + [ + "\u2581Das", + -8.753615379333496 + ], + [ + "\u2581ook", + -8.755997657775879 + ], + [ + "\u2581om", + -8.756519317626953 + ], + [ + "\u2581This", + -8.757030487060547 + ], + [ + "\u2581gli", + -8.757266998291016 + ], + [ + "px", + -8.765039443969727 + ], + [ + "\u2581ver", + -8.769454002380371 + ], + [ + "\u2581Les", + -8.770195007324219 + ], + [ + "ncia", + -8.770601272583008 + ], + [ + "\u2581me", + -8.777592658996582 + ], + [ + "\u2581bij", + -8.77778148651123 + ], + [ + "\u2581new", + -8.784366607666016 + ], + [ + "res", + -8.785327911376953 + ], + [ + "\u2581No", + -8.78615951538086 + ], + [ + "\u2581more", + -8.786541938781738 + ], + [ + "ndo", + -8.793198585510254 + ], + [ + "\u2581style", + -8.797719955444336 + ], + [ + "data", + -8.79891586303711 + ], + [ + "width", + -8.801351547241211 + ], + [ + "br", + -8.802452087402344 + ], + [ + "\u2581Es", + -8.80290699005127 + ], + [ + "\u2581func", + -8.806796073913574 + ], + [ + "or", + -8.807281494140625 + ], + [ + "\u2581class", + -8.809732437133789 + ], + [ + "color", + -8.812297821044922 + ], + [ + "\u2581nella", + -8.816697120666504 + ], + [ + "\u2581sobre", + -8.820219039916992 + ], + [ + "\u2581It", + -8.821765899658203 + ], + [ + "\u2581import", + -8.821836471557617 + ], + [ + "set", + -8.825823783874512 + ], + [ + "\u2581function", + -8.827367782592773 + ], + [ + "\u2581self", + -8.827810287475586 + ], + [ + "um", + -8.831644058227539 + ], + [ + "va", + -8.8366060256958 + ], + [ + "\u2581Sie", + -8.83740520477295 + ], + [ + "\u2581time", + -8.8389310836792 + ], + [ + "\u2581they", + -8.846800804138184 + ], + [ + "text", + -8.84720230102539 + ], + [ + "ten", + -8.849400520324707 + ], + [ + "\u2581her", + -8.855945587158203 + ], + [ + "q", + -8.856399536132812 + ], + [ + "\u2581:=", + -8.858624458312988 + ], + [ + "\u2581dal", + -8.864237785339355 + ], + [ + "\u2581km", + -8.864593505859375 + ], + [ + "\u2581their", + -8.864778518676758 + ], + [ + "une", + -8.86616325378418 + ], + [ + "\u2581naar", + -8.868142127990723 + ], + [ + "\u2581ao", + -8.868425369262695 + ], + [ + "\u2581je", + -8.870211601257324 + ], + [ + "\u2581sa", + -8.870599746704102 + ], + [ + "\u2581other", + -8.873159408569336 + ], + [ + "\u2581v", + -8.876562118530273 + ], + [ + "\u2581Er", + -8.881073951721191 + ], + [ + "\u2581data", + -8.886824607849121 + ], + [ + "ce", + -8.887689590454102 + ], + [ + "\u2581align", + -8.895766258239746 + ], + [ + "ie", + -8.900239944458008 + ], + [ + "ur", + -8.903651237487793 + ], + [ + "\u2581when", + -8.908334732055664 + ], + [ + "\u2581h", + -8.910679817199707 + ], + [ + "\u2581let", + -8.913785934448242 + ], + [ + "\u2581tra", + -8.916160583496094 + ], + [ + "W", + -8.916515350341797 + ], + [ + "\u2581your", + -8.91788387298584 + ], + [ + "\u2581use", + -8.921382904052734 + ], + [ + "\u2581niet", + -8.923103332519531 + ], + [ + "\u2581out", + -8.923257827758789 + ], + [ + "el", + -8.924773216247559 + ], + [ + "\u00f3", + -8.928170204162598 + ], + [ + "int", + -8.92837142944336 + ], + [ + "\u2581nil", + -8.930146217346191 + ], + [ + "\u2581W", + -8.931520462036133 + ], + [ + "\u2581${", + -8.934830665588379 + ], + [ + "\u2581unter", + -8.93928050994873 + ], + [ + "man", + -8.9398193359375 + ], + [ + "\u2581noch", + -8.940902709960938 + ], + [ + "\u2581been", + -8.94265365600586 + ], + [ + "den", + -8.943238258361816 + ], + [ + "io", + -8.943422317504883 + ], + [ + "ia", + -8.947044372558594 + ], + [ + "begin", + -8.955479621887207 + ], + [ + "\u2581sus", + -8.955978393554688 + ], + [ + "test", + -8.957408905029297 + ], + [ + "th", + -8.966360092163086 + ], + [ + "\u2581into", + -8.970067977905273 + ], + [ + "\u2581seu", + -8.97197437286377 + ], + [ + "st", + -8.973082542419434 + ], + [ + "\u2581naam", + -8.973949432373047 + ], + [ + "\u2581value", + -8.97565746307373 + ], + [ + "\u2581any", + -8.976064682006836 + ], + [ + "\u2581ge", + -8.976602554321289 + ], + [ + "size", + -8.977526664733887 + ], + [ + "li", + -8.977880477905273 + ], + [ + "nnen", + -8.98150634765625 + ], + [ + "\u2581Un", + -8.98293399810791 + ], + [ + "\u2581only", + -8.986674308776855 + ], + [ + "\u2581\"(", + -8.992303848266602 + ], + [ + "\u2581there", + -8.99494743347168 + ], + [ + "\u2581formula", + -8.995023727416992 + ], + [ + "bin", + -8.997551918029785 + ], + [ + "\u2581wordt", + -8.997994422912598 + ], + [ + "\u2581====", + -9.00721263885498 + ], + [ + "\u2581San", + -9.011270523071287 + ], + [ + "\u2581b", + -9.015929222106934 + ], + [ + "lo", + -9.017170906066896 + ], + [ + "\u2581would", + -9.017813682556152 + ], + [ + "\u2581ad", + -9.02000617980957 + ], + [ + "\u2581Im", + -9.02151107788086 + ], + [ + "ve", + -9.022109031677246 + ], + [ + "\u2581bar", + -9.02232837677002 + ], + [ + "\u2581eines", + -9.024785995483398 + ], + [ + "\u2581true", + -9.027013778686523 + ], + [ + "\u2581may", + -9.028660774230955 + ], + [ + "\u2581about", + -9.030728340148926 + ], + [ + "\u2581err", + -9.03239917755127 + ], + [ + "\u2581familie", + -9.039443016052246 + ], + [ + "\u2581We", + -9.04408836364746 + ], + [ + "\u2581cui", + -9.045255661010742 + ], + [ + "Type", + -9.045374870300291 + ], + [ + "sh", + -9.046014785766602 + ], + [ + "\u2581\"$", + -9.048830032348633 + ], + [ + "\u2581dieser", + -9.054306030273438 + ], + [ + "\u2581REDIRECT", + -9.05854034423828 + ], + [ + "string", + -9.062156677246094 + ], + [ + "\u2581two", + -9.06299877166748 + ], + [ + "he", + -9.06496524810791 + ], + [ + "J", + -9.06540870666504 + ], + [ + "\u2581due", + -9.066974639892578 + ], + [ + "\u2581get", + -9.071090698242188 + ], + [ + "\u2581U", + -9.071438789367676 + ], + [ + "\u2581its", + -9.07337760925293 + ], + [ + "\u2581He", + -9.075016021728516 + ], + [ + "U", + -9.075142860412598 + ], + [ + "\u2581up", + -9.077489852905272 + ], + [ + "\u2581forma", + -9.08454704284668 + ], + [ + "this", + -9.086926460266112 + ], + [ + "\u2581aber", + -9.08733081817627 + ], + [ + "\u2581sowie", + -9.09273624420166 + ], + [ + "\u2581As", + -9.09371280670166 + ], + [ + "ob", + -9.09518814086914 + ], + [ + "\u2581my", + -9.09542751312256 + ], + [ + "\u2581est\u00e1", + -9.09705638885498 + ], + [ + "\u2581first", + -9.097220420837402 + ], + [ + "let", + -9.09809112548828 + ], + [ + "\u2581than", + -9.10402488708496 + ], + [ + "\u2581type", + -9.10435676574707 + ], + [ + "Name", + -9.104585647583008 + ], + [ + "lib", + -9.104701042175291 + ], + [ + "\u2581Si", + -9.106447219848633 + ], + [ + "\u2581soort", + -9.10688591003418 + ], + [ + "\u2581wurden", + -9.11074161529541 + ], + [ + "\u2581aux", + -9.11528778076172 + ], + [ + "\u2581haben", + -9.120845794677734 + ], + [ + "\u2581such", + -9.121710777282717 + ], + [ + "\u2581Em", + -9.123640060424805 + ], + [ + "ado", + -9.125309944152832 + ], + [ + "\u2581II", + -9.127130508422852 + ], + [ + "\u2581else", + -9.127996444702148 + ], + [ + "\u2581citt\u00e0", + -9.128239631652832 + ], + [ + "\u2581quando", + -9.128702163696287 + ], + [ + "\u2581durante", + -9.134042739868164 + ], + [ + "\u2581An", + -9.136597633361816 + ], + [ + "\u2581tr", + -9.136724472045898 + ], + [ + "\u2581some", + -9.137205123901367 + ], + [ + "\u2581diese", + -9.14026927947998 + ], + [ + "\u2581Da", + -9.14760684967041 + ], + [ + "https", + -9.149140357971191 + ], + [ + "\u2581eerst", + -9.150415420532228 + ], + [ + "\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581", + -9.155020713806152 + ], + [ + "file", + -9.158212661743164 + ], + [ + "\u2581public", + -9.159486770629885 + ], + [ + "\u2581Na", + -9.159544944763184 + ], + [ + "\u2581bgcolor", + -9.16187858581543 + ], + [ + "na", + -9.162632942199709 + ], + [ + "\u2581solo", + -9.16287326812744 + ], + [ + "\u2581wenn", + -9.16465950012207 + ], + [ + "\u2581comme", + -9.165437698364258 + ], + [ + "\u2581tamb\u00e9m", + -9.170766830444336 + ], + [ + "\u2581sein", + -9.172423362731934 + ], + [ + "\u2581Artikel", + -9.175542831420898 + ], + [ + "\u2581ab", + -9.17859172821045 + ], + [ + "ba", + -9.180617332458496 + ], + [ + "que", + -9.180788040161133 + ], + [ + "\u2581If", + -9.181827545166016 + ], + [ + "\u2581Ver", + -9.182689666748049 + ], + [ + "mente", + -9.187843322753906 + ], + [ + "am", + -9.189586639404297 + ], + [ + "\u2581case", + -9.19136905670166 + ], + [ + "\u2581g", + -9.19166374206543 + ], + [ + "\u2581!=", + -9.192586898803713 + ], + [ + "\u2581New", + -9.193302154541016 + ], + [ + "\u2581grande", + -9.193714141845703 + ], + [ + "for", + -9.19435691833496 + ], + [ + "ung", + -9.195048332214355 + ], + [ + "\u2581Per", + -9.197237014770508 + ], + [ + "\u2581name", + -9.197802543640137 + ], + [ + "\u2581ich", + -9.198264122009276 + ], + [ + "\u2581essere", + -9.19908046722412 + ], + [ + "\u2581ci", + -9.207253456115724 + ], + [ + "\u2581este", + -9.211114883422852 + ], + [ + "\u2581dalla", + -9.213159561157228 + ], + [ + "\u2581used", + -9.214237213134766 + ], + [ + "\u2581echo", + -9.2164888381958 + ], + [ + "\u2581Abs", + -9.217512130737305 + ], + [ + "\u2581where", + -9.220464706420898 + ], + [ + "\u2581Al", + -9.22069263458252 + ], + [ + "\u2581For", + -9.221429824829102 + ], + [ + "wetenschappelijk", + -9.222719192504885 + ], + [ + "\u2581\"${", + -9.223299026489258 + ], + [ + "be", + -9.227800369262695 + ], + [ + "dir", + -9.229546546936035 + ], + [ + "it", + -9.232379913330078 + ], + [ + "\u2581fu", + -9.23307991027832 + ], + [ + "ca", + -9.235305786132812 + ], + [ + "\u2581test", + -9.235306739807127 + ], + [ + "\u2581andere", + -9.237987518310549 + ], + [ + "value", + -9.239336013793944 + ], + [ + "\u2581maar", + -9.239866256713867 + ], + [ + "\u2581ze", + -9.24074649810791 + ], + [ + "et", + -9.243803024291992 + ], + [ + "\u2581waren", + -9.24438190460205 + ], + [ + "path", + -9.244427680969238 + ], + [ + "version", + -9.25041389465332 + ], + [ + "background", + -9.251059532165527 + ], + [ + "\u2581\\},$", + -9.25208854675293 + ], + [ + "frac", + -9.252829551696776 + ], + [ + "\u2581lui", + -9.253043174743652 + ], + [ + "\u2581deze", + -9.254467010498049 + ], + [ + "\u2581zwischen", + -9.255511283874512 + ], + [ + "The", + -9.260994911193848 + ], + [ + "\u2581local", + -9.26658535003662 + ], + [ + "\u2581esta", + -9.269268035888672 + ], + [ + "ver", + -9.270123481750488 + ], + [ + "\u2581who", + -9.270477294921877 + ], + [ + "\u2581gepubliceerd", + -9.27324104309082 + ], + [ + "ma", + -9.275997161865234 + ], + [ + "\u2581So", + -9.28175163269043 + ], + [ + "\u2581suo", + -9.282759666442873 + ], + [ + "ci", + -9.289156913757324 + ], + [ + "style", + -9.291415214538574 + ], + [ + "String", + -9.293667793273926 + ], + [ + "eit", + -9.293691635131836 + ], + [ + "\u2581under", + -9.294206619262695 + ], + [ + "ant", + -9.29537582397461 + ], + [ + "\u2581pode", + -9.30194854736328 + ], + [ + "\u2581Nr", + -9.303377151489258 + ], + [ + "\u2581Los", + -9.30772876739502 + ], + [ + "\u2581what", + -9.30817985534668 + ], + [ + "log", + -9.31186580657959 + ], + [ + "\u2581uno", + -9.314295768737791 + ], + [ + "ra", + -9.315685272216797 + ], + [ + "\u2581them", + -9.31800365447998 + ], + [ + "\u2581vous", + -9.32120132446289 + ], + [ + "\u2581ele", + -9.324143409729004 + ], + [ + "\u2581file", + -9.324341773986816 + ], + [ + "\u2581like", + -9.327930450439451 + ], + [ + "\u2581using", + -9.328783988952637 + ], + [ + "\u2581re", + -9.32944393157959 + ], + [ + "\u2581q", + -9.329512596130373 + ], + [ + "\u2581between", + -9.331993103027344 + ], + [ + "\u2581Harry", + -9.332073211669922 + ], + [ + "\u2581Ein", + -9.33447265625 + ], + [ + "\u2581degli", + -9.335332870483398 + ], + [ + "\u2581number", + -9.33772087097168 + ], + [ + "\u2581dit", + -9.341947555541992 + ], + [ + "the", + -9.344721794128418 + ], + [ + "www", + -9.34644889831543 + ], + [ + "\u2581after", + -9.347333908081056 + ], + [ + "ID", + -9.35234546661377 + ], + [ + "lich", + -9.35272979736328 + ], + [ + "\u2581mas", + -9.355284690856934 + ], + [ + "\u2581tambi\u00e9n", + -9.35679817199707 + ], + [ + "\u2581var", + -9.357813835144045 + ], + [ + "gen", + -9.359115600585938 + ], + [ + "\u2581questo", + -9.360468864440918 + ], + [ + "\u2581On", + -9.361856460571287 + ], + [ + "list", + -9.363248825073242 + ], + [ + "\u2581loro", + -9.364790916442873 + ], + [ + "\u2581base", + -9.364989280700684 + ], + [ + "DIR", + -9.365057945251465 + ], + [ + "\u2581nos", + -9.365151405334473 + ], + [ + "\u2581should", + -9.373677253723145 + ], + [ + "\u2581make", + -9.3767671585083 + ], + [ + "\u2581return", + -9.37716579437256 + ], + [ + "\u2581bien", + -9.379555702209473 + ], + [ + "local", + -9.379633903503418 + ], + [ + "\u2581these", + -9.379952430725098 + ], + [ + "\u2581geldig", + -9.380868911743164 + ], + [ + "\u2581sul", + -9.381658554077148 + ], + [ + "\u2581final", + -9.383451461791992 + ], + [ + "\u2581error", + -9.385186195373535 + ], + [ + "\u2581*/", + -9.385746955871582 + ], + [ + "\u2581\u00e9t\u00e9", + -9.38857078552246 + ], + [ + "co", + -9.38896656036377 + ], + [ + "\u2581via", + -9.389551162719728 + ], + [ + "\u2581pu", + -9.390057563781738 + ], + [ + "bgcolor", + -9.39134120941162 + ], + [ + "\u2581mehr", + -9.393102645874023 + ], + [ + "\u2581prima", + -9.393665313720703 + ], + [ + "\u2581said", + -9.39409065246582 + ], + [ + "\u2581Hij", + -9.396151542663574 + ], + [ + "at", + -9.396175384521484 + ], + [ + "\u2581heeft", + -9.396576881408691 + ], + [ + "dev", + -9.397222518920898 + ], + [ + "\u2581mi", + -9.398168563842772 + ], + [ + "nt", + -9.39885425567627 + ], + [ + "item", + -9.39963150024414 + ], + [ + "\u00e0", + -9.404327392578123 + ], + [ + "\u2581Absatz", + -9.405704498291016 + ], + [ + "\u2581hier", + -9.40700912475586 + ], + [ + "\u2581onder", + -9.40886402130127 + ], + [ + "\u2581tempo", + -9.409347534179688 + ], + [ + "key", + -9.413092613220217 + ], + [ + "\u2581Mit", + -9.41652488708496 + ], + [ + "\u2581deux", + -9.418084144592283 + ], + [ + "ref", + -9.42078971862793 + ], + [ + "\u2581our", + -9.422318458557127 + ], + [ + "\u2581Bundesregierung", + -9.425479888916016 + ], + [ + "\u2581pelo", + -9.426734924316406 + ], + [ + "\u2581zich", + -9.427120208740234 + ], + [ + "\u2581cette", + -9.427162170410156 + ], + [ + "\u2581each", + -9.43264389038086 + ], + [ + "der", + -9.432920455932615 + ], + [ + "able", + -9.43313217163086 + ], + [ + "\u2581pela", + -9.433382987976074 + ], + [ + "out", + -9.435713768005373 + ], + [ + "\u2581caso", + -9.437994956970217 + ], + [ + "\u2581ont", + -9.43873405456543 + ], + [ + "ren", + -9.441852569580078 + ], + [ + "\u2581pero", + -9.442763328552246 + ], + [ + "ni", + -9.444129943847656 + ], + [ + "\u2581dan", + -9.447443008422852 + ], + [ + "ch", + -9.451783180236816 + ], + [ + "ig", + -9.45542812347412 + ], + [ + "\u2581fait", + -9.457136154174805 + ], + [ + "top", + -9.45984172821045 + ], + [ + "code", + -9.466208457946776 + ], + [ + "\u2581she", + -9.466560363769531 + ], + [ + "\u2581vez", + -9.467525482177734 + ], + [ + "\u2581centro", + -9.469374656677246 + ], + [ + "Substantivo", + -9.47067928314209 + ], + [ + "class", + -9.471009254455566 + ], + [ + "echo", + -9.471906661987305 + ], + [ + "\u2581stato", + -9.475250244140623 + ], + [ + "\u2581desde", + -9.475621223449709 + ], + [ + "ers", + -9.478071212768556 + ], + [ + "\u2581Dr", + -9.478748321533203 + ], + [ + "\u2581film", + -9.47889232635498 + ], + [ + "and", + -9.47941780090332 + ], + [ + "go", + -9.479516983032228 + ], + [ + "che", + -9.481979370117188 + ], + [ + "\u2581Op", + -9.48256778717041 + ], + [ + "\u2581nome", + -9.484784126281738 + ], + [ + "\u2581int", + -9.48696231842041 + ], + [ + "\u2581false", + -9.489081382751465 + ], + [ + "\u2581keine", + -9.489996910095217 + ], + [ + "\u2581string", + -9.490550994873049 + ], + [ + "add", + -9.491543769836426 + ], + [ + "ais", + -9.493239402770996 + ], + [ + "\u2581same", + -9.495468139648438 + ], + [ + "node", + -9.49718952178955 + ], + [ + "\u2581sistema", + -9.497827529907228 + ], + [ + "\u2581Re", + -9.499850273132324 + ], + [ + "\u2581ses", + -9.500884056091309 + ], + [ + "les", + -9.502629280090332 + ], + [ + "ork", + -9.50368595123291 + ], + [ + "\u2581could", + -9.504106521606444 + ], + [ + "ment", + -9.512686729431152 + ], + [ + "land", + -9.51413917541504 + ], + [ + "\u2581__", + -9.51475715637207 + ], + [ + "\u2581Con", + -9.516457557678224 + ], + [ + "src", + -9.51826000213623 + ], + [ + "Error", + -9.521536827087402 + ], + [ + "def", + -9.52273654937744 + ], + [ + "Data", + -9.524584770202637 + ], + [ + "\u2581St", + -9.525059700012209 + ], + [ + "\u2581peut", + -9.525101661682127 + ], + [ + "\u00e1", + -9.528847694396973 + ], + [ + "\u2581Nach", + -9.530519485473633 + ], + [ + "\u2581part", + -9.53250503540039 + ], + [ + "\u2581just", + -9.532601356506348 + ], + [ + "bar", + -9.539158821105955 + ], + [ + "\u2581anderen", + -9.539666175842283 + ], + [ + "\u2581width", + -9.540283203125 + ], + [ + "\u2581Be", + -9.54250144958496 + ], + [ + "\u2581Os", + -9.543457984924316 + ], + [ + "http", + -9.544225692749023 + ], + [ + "\u2581text", + -9.544883728027344 + ], + [ + "si", + -9.54549789428711 + ], + [ + "\u2581state", + -9.548498153686523 + ], + [ + "ada", + -9.54868507385254 + ], + [ + "\u2581most", + -9.553467750549316 + ], + [ + "\u2581Para", + -9.553947448730469 + ], + [ + "To", + -9.554193496704102 + ], + [ + "\u2581aussi", + -9.55673885345459 + ], + [ + "Id", + -9.556838035583496 + ], + [ + "ber", + -9.557997703552246 + ], + [ + "nahmen", + -9.560684204101562 + ], + [ + "\u2581Nel", + -9.560991287231444 + ], + [ + "\u2581REDIRECCI", + -9.563193321228027 + ], + [ + "\u2581anni", + -9.56385612487793 + ], + [ + "public", + -9.565627098083496 + ], + [ + "\u2581fi", + -9.56617546081543 + ], + [ + "of", + -9.569774627685549 + ], + [ + "ri", + -9.573453903198242 + ], + [ + "\u2581plaats", + -9.576508522033691 + ], + [ + "json", + -9.577336311340332 + ], + [ + "\u2581eerste", + -9.580488204956056 + ], + [ + "ll", + -9.581403732299805 + ], + [ + "div", + -9.58164119720459 + ], + [ + "In", + -9.58452320098877 + ], + [ + "line", + -9.584718704223633 + ], + [ + "\u2581him", + -9.585095405578612 + ], + [ + "\u2581All", + -9.58562183380127 + ], + [ + "\u2581modo", + -9.587809562683104 + ], + [ + "\u2581kan", + -9.588221549987791 + ], + [ + "\u2581ai", + -9.58924961090088 + ], + [ + "ter", + -9.589681625366213 + ], + [ + "je", + -9.591751098632812 + ], + [ + "\u2581tem", + -9.592499732971191 + ], + [ + "elle", + -9.59291172027588 + ], + [ + "\u2581Au", + -9.5951509475708 + ], + [ + "index", + -9.599750518798828 + ], + [ + "config", + -9.600868225097656 + ], + [ + "\u2581point", + -9.601292610168455 + ], + [ + "\u2581Por", + -9.601770401000977 + ], + [ + "fi", + -9.602051734924316 + ], + [ + "\u2581dann", + -9.602524757385254 + ], + [ + "ro", + -9.602920532226562 + ], + [ + "pi", + -9.60814094543457 + ], + [ + "\u2581hatte", + -9.609138488769531 + ], + [ + "\u2581John", + -9.610307693481444 + ], + [ + "tar", + -9.611491203308104 + ], + [ + "min", + -9.613783836364746 + ], + [ + "\u2581|}", + -9.615981101989746 + ], + [ + "\u2581todos", + -9.617125511169434 + ], + [ + "\u2581ed", + -9.617318153381348 + ], + [ + "\u2581cada", + -9.617695808410645 + ], + [ + "\u2581tout", + -9.618735313415527 + ], + [ + "\u2581To", + -9.618996620178224 + ], + [ + "\u2581Su", + -9.620877265930176 + ], + [ + "\u2581Bei", + -9.623668670654297 + ], + [ + "List", + -9.624833106994627 + ], + [ + "ING", + -9.627260208129885 + ], + [ + "\u2581way", + -9.628830909729004 + ], + [ + "\u2581z", + -9.628931045532228 + ], + [ + "\u2581people", + -9.630911827087402 + ], + [ + "\u2581sempre", + -9.635499000549316 + ], + [ + "\u2581auto", + -9.636445045471191 + ], + [ + "sha", + -9.637924194335938 + ], + [ + "ai", + -9.638738632202148 + ], + [ + "\u2581Jahr", + -9.63941764831543 + ], + [ + "time", + -9.640010833740234 + ], + [ + "\u2581meer", + -9.640816688537598 + ], + [ + "\u2581zwei", + -9.642388343811035 + ], + [ + "\u2581how", + -9.642651557922363 + ], + [ + "\u2581sub", + -9.643181800842283 + ], + [ + "\u2581gibt", + -9.645482063293455 + ], + [ + "\u2581long", + -9.646108627319336 + ], + [ + "\u2581work", + -9.646324157714844 + ], + [ + "\u2581sin", + -9.648008346557615 + ], + [ + "sch", + -9.648219108581545 + ], + [ + "\u2581through", + -9.648324966430664 + ], + [ + "\u2581contra", + -9.64877223968506 + ], + [ + "\u2581ihre", + -9.649787902832031 + ], + [ + "\u2581gegen", + -9.655500411987305 + ], + [ + "\u2581hasta", + -9.660491943359377 + ], + [ + "\u2581leur", + -9.662311553955078 + ], + [ + "\u2581todo", + -9.66242790222168 + ], + [ + "\u2581well", + -9.662775993347168 + ], + [ + "\u2581diesem", + -9.664435386657717 + ], + [ + "\u2581fa", + -9.664589881896973 + ], + [ + "\u2581men", + -9.664772987365724 + ], + [ + "\u2581Art", + -9.664889335632324 + ], + [ + "\u2581border", + -9.666156768798828 + ], + [ + "mos", + -9.66757106781006 + ], + [ + "\u2581gr", + -9.667668342590332 + ], + [ + "\u2581DOOR", + -9.669535636901855 + ], + [ + "ent", + -9.669692039489746 + ], + [ + "one", + -9.670151710510254 + ], + [ + "VERWIJ", + -9.670353889465332 + ], + [ + "\u00eda", + -9.671314239501951 + ], + [ + "\u2581Diese", + -9.67197036743164 + ], + [ + "tes", + -9.67259693145752 + ], + [ + "\u2581ter", + -9.674072265625 + ], + [ + "\u2581cidade", + -9.674568176269531 + ], + [ + "\u2581nell", + -9.674677848815918 + ], + [ + "case", + -9.675176620483398 + ], + [ + "\u2581dopo", + -9.676629066467283 + ], + [ + "\u2581Saint", + -9.67689037322998 + ], + [ + "\u2581jedoch", + -9.676913261413574 + ], + [ + "\u2581Um", + -9.67758846282959 + ], + [ + "jpg", + -9.678306579589844 + ], + [ + "\u2581nog", + -9.684597969055176 + ], + [ + "\u2581twee", + -9.68626308441162 + ], + [ + "\u2581casa", + -9.688236236572266 + ], + [ + "\u2581nous", + -9.69229507446289 + ], + [ + "html", + -9.69467830657959 + ], + [ + "\u2581gro", + -9.69494915008545 + ], + [ + "\u2581...", + -9.69522476196289 + ], + [ + "py", + -9.69690990447998 + ], + [ + "\u2581elle", + -9.696956634521484 + ], + [ + "\u2581hab\u00eda", + -9.698724746704102 + ], + [ + "\u2581result", + -9.699156761169434 + ], + [ + "span", + -9.699482917785645 + ], + [ + "\u2581Auf", + -9.700439453125 + ], + [ + "const", + -9.701748847961426 + ], + [ + "new", + -9.702681541442873 + ], + [ + "\u2581place", + -9.70422077178955 + ], + [ + "\u2581jaar", + -9.704462051391602 + ], + [ + "das", + -9.704644203186035 + ], + [ + "\u2581sulla", + -9.707016944885254 + ], + [ + "\u2581model", + -9.711565017700195 + ], + [ + "\u2581need", + -9.71216106414795 + ], + [ + "net", + -9.720003128051758 + ], + [ + "\u2581system", + -9.720208168029783 + ], + [ + "\u2581before", + -9.721221923828123 + ], + [ + "\u2581dall", + -9.721595764160156 + ], + [ + "\u2581hanno", + -9.721883773803713 + ], + [ + "str", + -9.722129821777344 + ], + [ + "\u2581must", + -9.722319602966309 + ], + [ + "\u2581while", + -9.722417831420898 + ], + [ + "ol", + -9.72261905670166 + ], + [ + "ts", + -9.72314739227295 + ], + [ + "\u2581molto", + -9.72407341003418 + ], + [ + "\u2581pre", + -9.725354194641112 + ], + [ + "\u2581see", + -9.725773811340332 + ], + [ + "\u2581Deutschland", + -9.726137161254885 + ], + [ + "\u2581co", + -9.726502418518066 + ], + [ + "\u2581Bundestag", + -9.727354049682615 + ], + [ + "\u2581many", + -9.732001304626465 + ], + [ + "mu", + -9.732206344604492 + ], + [ + "\u2581haar", + -9.73284912109375 + ], + [ + "\u2581color", + -9.733094215393066 + ], + [ + "\u2581partir", + -9.734119415283203 + ], + [ + "\u2581Teil", + -9.737951278686523 + ], + [ + "\u2581Als", + -9.73837661743164 + ], + [ + "\u2581serie", + -9.73942756652832 + ], + [ + "\u2581nei", + -9.739662170410156 + ], + [ + "ando", + -9.743701934814451 + ], + [ + "\u2581String", + -9.744477272033691 + ], + [ + "true", + -9.744558334350586 + ], + [ + "\u2581because", + -9.745128631591797 + ], + [ + "\u2581tanto", + -9.74731159210205 + ], + [ + "\u2581Stadt", + -9.748836517333984 + ], + [ + "\u2581Estados", + -9.748905181884766 + ], + [ + "param", + -9.749563217163086 + ], + [ + "VERSION", + -9.751980781555176 + ], + [ + "\u2581Van", + -9.752280235290527 + ], + [ + "\u2581ni", + -9.753003120422363 + ], + [ + "\u2581code", + -9.75556468963623 + ], + [ + "\u2581even", + -9.755614280700684 + ], + [ + "\u2581found", + -9.756590843200684 + ], + [ + "map", + -9.75783920288086 + ], + [ + "font", + -9.758980751037598 + ], + [ + "\u2581Eine", + -9.758996963500977 + ], + [ + "\u2581Come", + -9.759883880615234 + ], + [ + "\u2581different", + -9.760169982910156 + ], + [ + "\u2581France", + -9.763165473937988 + ], + [ + "\u2581Unidos", + -9.763229370117188 + ], + [ + "\u2581Een", + -9.763960838317873 + ], + [ + "\u2581being", + -9.764196395874023 + ], + [ + "im", + -9.766159057617188 + ], + [ + "\u2581{|", + -9.766191482543944 + ], + [ + "\u2581Je", + -9.766546249389648 + ], + [ + "app", + -9.76957893371582 + ], + [ + "\u2581bzw", + -9.770914077758787 + ], + [ + "\u2581very", + -9.771353721618652 + ], + [ + "\u2581donde", + -9.77169418334961 + ], + [ + "\u2581ihrer", + -9.77196979522705 + ], + [ + "\u2581onde", + -9.772818565368652 + ], + [ + "url", + -9.77309226989746 + ], + [ + "\u2581Paris", + -9.774235725402832 + ], + [ + "per", + -9.77436065673828 + ], + [ + "\u2581later", + -9.776105880737305 + ], + [ + "\u2581total", + -9.776966094970703 + ], + [ + "function", + -9.77745532989502 + ], + [ + "\u2581Referencias", + -9.778486251831056 + ], + [ + "\u2581fran", + -9.779184341430664 + ], + [ + "\u2581made", + -9.7811861038208 + ], + [ + "ci\u00f3n", + -9.782665252685549 + ], + [ + "\u2581verbo", + -9.783778190612791 + ], + [ + "\u2581both", + -9.786137580871582 + ], + [ + "\u2581information", + -9.786694526672363 + ], + [ + "\u2581j", + -9.788005828857422 + ], + [ + "ste", + -9.789446830749512 + ], + [ + "\u2581wir", + -9.78969955444336 + ], + [ + "\u2581section", + -9.79162883758545 + ], + [ + "info", + -9.793642044067385 + ], + [ + "\u2581list", + -9.795696258544922 + ], + [ + "Value", + -9.797205924987791 + ], + [ + "\u2581at\u00e9", + -9.79860496520996 + ], + [ + "op", + -9.799114227294922 + ], + [ + "\u2581w", + -9.799304008483888 + ], + [ + "\u2581vers", + -9.802227973937988 + ], + [ + "\u2581Santa", + -9.803442001342772 + ], + [ + "\u2581following", + -9.804091453552246 + ], + [ + "\u2581nombre", + -9.80427074432373 + ], + [ + "dos", + -9.804436683654783 + ], + [ + "di", + -9.806092262268066 + ], + [ + "rt", + -9.807147979736328 + ], + [ + "\u2581seiner", + -9.807574272155762 + ], + [ + "\u2581Am", + -9.808571815490724 + ], + [ + "\u2581voc", + -9.810571670532228 + ], + [ + "\u2581now", + -9.813973426818848 + ], + [ + "\u2581F\u00fcr", + -9.81446933746338 + ], + [ + "\u2581Jahre", + -9.814857482910156 + ], + [ + "\u2581muito", + -9.815680503845217 + ], + [ + "\u2581want", + -9.817073822021484 + ], + [ + "ng", + -9.817195892333984 + ], + [ + "\u2581mesmo", + -9.817526817321776 + ], + [ + "au", + -9.817830085754396 + ], + [ + "\u2581III", + -9.81800651550293 + ], + [ + "\u2581tipo", + -9.818474769592283 + ], + [ + "\u2581Bundes", + -9.819974899291992 + ], + [ + "\u2581seine", + -9.820271492004396 + ], + [ + "\u2581back", + -9.824320793151855 + ], + [ + "\u2581**", + -9.82674789428711 + ], + [ + "\u2581method", + -9.827012062072754 + ], + [ + "\u2581ohne", + -9.828627586364746 + ], + [ + "\u2581line", + -9.82948112487793 + ], + [ + "\u2581vida", + -9.830785751342772 + ], + [ + "\u2581codice", + -9.831731796264648 + ], + [ + "La", + -9.83459758758545 + ], + [ + "\u2581here", + -9.837634086608888 + ], + [ + "ff", + -9.837879180908203 + ], + [ + "\u2581ces", + -9.83808135986328 + ], + [ + "\u2581gran", + -9.838211059570312 + ], + [ + "mero", + -9.839171409606934 + ], + [ + "\u2581Satz", + -9.83952522277832 + ], + [ + "\u2581questa", + -9.840474128723145 + ], + [ + "\u2581nelle", + -9.843221664428713 + ], + [ + "\u2581bereits", + -9.843960762023926 + ], + [ + "user", + -9.84425926208496 + ], + [ + "all", + -9.845499992370604 + ], + [ + "table", + -9.8460054397583 + ], + [ + "php", + -9.847288131713867 + ], + [ + "\u2581There", + -9.849008560180664 + ], + [ + "up", + -9.849449157714844 + ], + [ + "\u2581wieder", + -9.849713325500488 + ], + [ + "ner", + -9.85097885131836 + ], + [ + "db", + -9.85119342803955 + ], + [ + "\u2581http", + -9.851893424987791 + ], + [ + "\u2581vi", + -9.85189437866211 + ], + [ + "mes", + -9.851987838745115 + ], + [ + "\u2581Aus", + -9.85311222076416 + ], + [ + "\u2581general", + -9.85440158843994 + ], + [ + "\u2581fin", + -9.85460090637207 + ], + [ + "\u2581sia", + -9.855095863342283 + ], + [ + "\u2581sei", + -9.855353355407717 + ], + [ + "\u2581sehr", + -9.856486320495604 + ], + [ + "\u2581sido", + -9.857611656188965 + ], + [ + "\u2581etc", + -9.859234809875488 + ], + [ + "ab", + -9.859755516052246 + ], + [ + "\u2581Man", + -9.8607177734375 + ], + [ + "\u2581don", + -9.860873222351074 + ], + [ + "\u2581cuando", + -9.861207962036133 + ], + [ + "js", + -9.861459732055664 + ], + [ + "ait", + -9.86183738708496 + ], + [ + "\u2581guerra", + -9.861958503723145 + ], + [ + "\u2581quanto", + -9.862014770507812 + ], + [ + "error", + -9.86296558380127 + ], + [ + "View", + -9.864496231079102 + ], + [ + "\u2581find", + -9.865118026733398 + ], + [ + "\u2581install", + -9.866981506347656 + ], + [ + "err", + -9.867337226867676 + ], + [ + "sum", + -9.86830997467041 + ], + [ + "\u2581tutti", + -9.86832046508789 + ], + [ + "\u2581poi", + -9.869962692260742 + ], + [ + "\u2581damit", + -9.870412826538086 + ], + [ + "usr", + -9.870525360107422 + ], + [ + "python", + -9.87073040008545 + ], + [ + "api", + -9.872651100158691 + ], + [ + "by", + -9.873230934143066 + ], + [ + "build", + -9.873764038085938 + ], + [ + "\u2581Di", + -9.873918533325195 + ], + [ + "\u2581Jahren", + -9.87427043914795 + ], + [ + "\u2581water", + -9.875876426696776 + ], + [ + "\u2581sous", + -9.87709903717041 + ], + [ + "\u2581given", + -9.877209663391112 + ], + [ + "Get", + -9.877345085144045 + ], + [ + "ation", + -9.879720687866213 + ], + [ + "\u2581But", + -9.880351066589355 + ], + [ + "\u2581dove", + -9.881062507629396 + ], + [ + "max", + -9.88242244720459 + ], + [ + "input", + -9.88375759124756 + ], + [ + "\u2581soll", + -9.883766174316406 + ], + [ + "\u2581];", + -9.885445594787598 + ], + [ + "github", + -9.885489463806152 + ], + [ + "\u2581See", + -9.886326789855955 + ], + [ + "\u2581Europa", + -9.887225151062012 + ], + [ + "\u2581tussen", + -9.889154434204102 + ], + [ + "\u2581$(", + -9.889511108398438 + ], + [ + "\u2581nord", + -9.889558792114258 + ], + [ + "\u2581Verordnung", + -9.889765739440918 + ], + [ + "\u2581second", + -9.890069007873535 + ], + [ + "\u2581lugar", + -9.890387535095217 + ], + [ + "\u2581\u00e9tait", + -9.890807151794434 + ], + [ + "default", + -9.893033027648926 + ], + [ + "No", + -9.898329734802246 + ], + [ + "\u2581volta", + -9.898527145385742 + ], + [ + "\u2581car", + -9.8993501663208 + ], + [ + "\u2581pro", + -9.900202751159668 + ], + [ + "ton", + -9.901650428771973 + ], + [ + "\u2581Drucksache", + -9.902649879455566 + ], + [ + "\u2581cos", + -9.904877662658691 + ], + [ + "ka", + -9.905021667480469 + ], + [ + "\u2581importante", + -9.907245635986328 + ], + [ + "\u2581momento", + -9.907899856567385 + ], + [ + "\u2581possible", + -9.909634590148926 + ], + [ + "val", + -9.909869194030762 + ], + [ + "\u2581run", + -9.910018920898438 + ], + [ + "\u2581Elle", + -9.910076141357422 + ], + [ + "alpha", + -9.91249656677246 + ], + [ + "\u2581dont", + -9.91569709777832 + ], + [ + "\u2581deel", + -9.919845581054688 + ], + [ + "\u2581know", + -9.919952392578123 + ], + [ + "berg", + -9.9202241897583 + ], + [ + "\u2581Fu", + -9.92055606842041 + ], + [ + "\u2581National", + -9.921342849731444 + ], + [ + "\u2581mal", + -9.921677589416504 + ], + [ + "\u2581gemeente", + -9.92294979095459 + ], + [ + "\u2581hun", + -9.923898696899414 + ], + [ + "ic", + -9.924591064453123 + ], + [ + "\u2581Ge", + -9.924845695495604 + ], + [ + "\u2581Deutscher", + -9.925504684448242 + ], + [ + "Set", + -9.926206588745115 + ], + [ + "\u2581order", + -9.928143501281738 + ], + [ + "\u2581go", + -9.928152084350586 + ], + [ + "\u2581does", + -9.92877960205078 + ], + [ + "\u2581Me", + -9.931689262390137 + ], + [ + "\u2581tu", + -9.933514595031738 + ], + [ + "\u2581fino", + -9.934136390686035 + ], + [ + "\u2581Stra", + -9.934496879577637 + ], + [ + "Key", + -9.934884071350098 + ], + [ + "\u2581Sin", + -9.935367584228516 + ], + [ + "\u2581null", + -9.936721801757812 + ], + [ + "pt", + -9.936832427978516 + ], + [ + "\u2581Non", + -9.940296173095703 + ], + [ + "\u2581mundo", + -9.94093418121338 + ], + [ + "\u2581altri", + -9.941636085510254 + ], + [ + "ex", + -9.942143440246582 + ], + [ + "\u2581Ci", + -9.943488121032717 + ], + [ + "ui", + -9.944945335388184 + ], + [ + "len", + -9.94566535949707 + ], + [ + "obo", + -9.945992469787598 + ], + [ + "\u2581sans", + -9.946091651916504 + ], + [ + "\u2581Mar", + -9.946185111999512 + ], + [ + "\u2581example", + -9.94689655303955 + ], + [ + "Request", + -9.948036193847656 + ], + [ + "\u2581faire", + -9.949261665344238 + ], + [ + "\u2581(*", + -9.94973850250244 + ], + [ + "init", + -9.95089340209961 + ], + [ + "\u2581Ce", + -9.951562881469728 + ], + [ + "rm", + -9.95200538635254 + ], + [ + "\u2581club", + -9.952099800109863 + ], + [ + "\u2581Land", + -9.952655792236328 + ], + [ + "reg", + -9.954954147338867 + ], + [ + "\u2581externos", + -9.956735610961914 + ], + [ + "ante", + -9.957298278808594 + ], + [ + "\u2581Ab", + -9.96043586730957 + ], + [ + "\u2581Vor", + -9.96068000793457 + ], + [ + "ion", + -9.96071720123291 + ], + [ + "\u2581antes", + -9.960960388183594 + ], + [ + "\u2581estado", + -9.961880683898926 + ], + [ + "\u2581Rahmen", + -9.962496757507324 + ], + [ + "\u2581tutto", + -9.962629318237305 + ], + [ + "\u2581Berlin", + -9.962711334228516 + ], + [ + "tion", + -9.963854789733888 + ], + [ + "\u2581License", + -9.963991165161133 + ], + [ + "\u2581source", + -9.965185165405272 + ], + [ + "\u2581those", + -9.96696949005127 + ], + [ + "\u2581image", + -9.96872901916504 + ], + [ + "\u2581years", + -9.970585823059082 + ], + [ + "\u2581drei", + -9.972209930419922 + ], + [ + "\u2581far", + -9.97231674194336 + ], + [ + "ha", + -9.975433349609377 + ], + [ + "ir", + -9.975641250610352 + ], + [ + "col", + -9.976993560791016 + ], + [ + "\u2581Nacional", + -9.97705078125 + ], + [ + "\u2581without", + -9.97820281982422 + ], + [ + "ische", + -9.97891902923584 + ], + [ + "\u2581[]", + -9.97930908203125 + ], + [ + "group", + -9.980080604553224 + ], + [ + "\u2581dieses", + -9.981218338012695 + ], + [ + "\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581\u2581", + -9.981493949890137 + ], + [ + "ler", + -9.982539176940918 + ], + [ + "image", + -9.983352661132812 + ], + [ + "\u2581liegt", + -9.984707832336426 + ], + [ + "\u2581Wie", + -9.985304832458496 + ], + [ + "sen", + -9.98562717437744 + ], + [ + "\u2581Wahlperiode", + -9.985715866088867 + ], + [ + "die", + -9.986207008361816 + ], + [ + "\u2581around", + -9.986329078674316 + ], + [ + "num", + -9.986411094665527 + ], + [ + "\u2581object", + -9.986903190612791 + ], + [ + "ja", + -9.988204956054688 + ], + [ + "\u00e9e", + -9.988405227661133 + ], + [ + "\u2581much", + -9.988816261291504 + ], + [ + "\u2581main", + -9.989574432373049 + ], + [ + "\u2581seus", + -9.989669799804688 + ], + [ + "ad", + -9.990090370178224 + ], + [ + "\u2581Jean", + -9.990121841430664 + ], + [ + "ato", + -9.990599632263184 + ], + [ + "\u2581waar", + -9.992046356201172 + ], + [ + "\u2581af", + -9.993234634399414 + ], + [ + "ul", + -9.993246078491213 + ], + [ + "ctx", + -9.994942665100098 + ], + [ + "\u2581sud", + -9.99532985687256 + ], + [ + "\u2581Dit", + -9.995816230773926 + ], + [ + "\u2581principal", + -9.99583339691162 + ], + [ + "\u2581vier", + -9.99643325805664 + ], + [ + "\u2581[[", + -9.997055053710938 + ], + [ + "\u2581And", + -9.998172760009766 + ], + [ + "\u2581three", + -9.998976707458496 + ], + [ + "\u2581take", + -9.998993873596191 + ], + [ + "\u2581ex", + -9.99939250946045 + ], + [ + "son", + -9.999808311462402 + ], + [ + "\u2581ihr", + -10.000537872314451 + ], + [ + "\u2581United", + -10.001296043395996 + ], + [ + "\u2581ogni", + -10.001526832580566 + ], + [ + "De", + -10.00181770324707 + ], + [ + "t\u00e9", + -10.001989364624023 + ], + [ + "\u2581pa\u00eds", + -10.002355575561523 + ], + [ + "\u2581ca", + -10.002819061279297 + ], + [ + "mi", + -10.003114700317385 + ], + [ + "\u2581Lo", + -10.003293991088867 + ], + [ + "registry", + -10.003973960876465 + ], + [ + "PE", + -10.004399299621582 + ], + [ + "\u2581porque", + -10.004419326782228 + ], + [ + "los", + -10.004938125610352 + ], + [ + "nica", + -10.00580596923828 + ], + [ + "\u2581service", + -10.006770133972168 + ], + [ + "\u2581field", + -10.006956100463867 + ], + [ + "iel", + -10.007885932922363 + ], + [ + "fa", + -10.008634567260742 + ], + [ + "\u2581ancora", + -10.008817672729492 + ], + [ + "\u2581start", + -10.008828163146973 + ], + [ + "\u2581Espa", + -10.010744094848633 + ], + [ + "base", + -10.01278018951416 + ], + [ + "\u2581fine", + -10.01297664642334 + ], + [ + "\u2581West", + -10.013200759887695 + ], + [ + "\u2581immer", + -10.013601303100586 + ], + [ + "Path", + -10.013894081115724 + ], + [ + "\u2581grupo", + -10.014994621276855 + ], + [ + "ons", + -10.015182495117188 + ], + [ + "start", + -10.015898704528809 + ], + [ + "\u2581hebben", + -10.017029762268066 + ], + [ + "length", + -10.019286155700684 + ], + [ + "\u2581tiene", + -10.019472122192385 + ], + [ + "\u2581aveva", + -10.0194730758667 + ], + [ + "\u2581site", + -10.02051067352295 + ], + [ + "\u2581ten", + -10.02394676208496 + ], + [ + "array", + -10.025409698486328 + ], + [ + "\u2581She", + -10.02634048461914 + ], + [ + "\u2581Las", + -10.028143882751465 + ], + [ + "\u2581University", + -10.029022216796877 + ], + [ + "\u2581zona", + -10.029522895812988 + ], + [ + "\u2581Maria", + -10.029807090759276 + ], + [ + "\u2581US", + -10.030736923217772 + ], + [ + "\u2581espa", + -10.031088829040527 + ], + [ + "assert", + -10.031466484069824 + ], + [ + "\u2581during", + -10.032222747802734 + ], + [ + "Node", + -10.035186767578123 + ], + [ + "\u2581Film", + -10.03522491455078 + ], + [ + "\u2581values", + -10.03529453277588 + ], + [ + "Test", + -10.036965370178224 + ], + [ + "\u2581still", + -10.037261962890623 + ], + [ + "\u2581ya", + -10.037520408630373 + ], + [ + "tr", + -10.037574768066406 + ], + [ + "bob", + -10.0376615524292 + ], + [ + "\u2581World", + -10.038433074951172 + ], + [ + "\u2581senza", + -10.040427207946776 + ], + [ + "\u2581key", + -10.042543411254885 + ], + [ + "\u2581Daten", + -10.042572975158691 + ], + [ + "\u2581Jos\u00e9", + -10.042855262756348 + ], + [ + "run", + -10.044696807861328 + ], + [ + "\u2581etwa", + -10.04474925994873 + ], + [ + "PATH", + -10.045331954956056 + ], + [ + "ue", + -10.045796394348145 + ], + [ + "era", + -10.046372413635254 + ], + [ + "New", + -10.046459197998049 + ], + [ + "result", + -10.047571182250977 + ], + [ + "\u2581muy", + -10.04783821105957 + ], + [ + "FF", + -10.04948902130127 + ], + [ + "ata", + -10.050131797790527 + ], + [ + "\u2581void", + -10.050152778625488 + ], + [ + "\u2581beim", + -10.05111312866211 + ], + [ + "not", + -10.05168628692627 + ], + [ + "\u2581down", + -10.052334785461426 + ], + [ + "File", + -10.053155899047852 + ], + [ + "\u2581insbesondere", + -10.053616523742676 + ], + [ + "\u2581fun", + -10.056782722473145 + ], + [ + "\u2581inwoners", + -10.057066917419434 + ], + [ + "\u2581##", + -10.057940483093262 + ], + [ + "age", + -10.058430671691896 + ], + [ + "\u2581anos", + -10.058526039123535 + ], + [ + "Context", + -10.05897331237793 + ], + [ + "\u2581Deze", + -10.059890747070312 + ], + [ + "model", + -10.060235023498535 + ], + [ + "\u2581quella", + -10.060331344604492 + ], + [ + "ley", + -10.06145191192627 + ], + [ + "\u2581Pro", + -10.062639236450195 + ], + [ + "chi", + -10.062836647033691 + ], + [ + "\u2581single", + -10.06356430053711 + ], + [ + "ano", + -10.064756393432615 + ], + [ + "\u2581Club", + -10.064983367919922 + ], + [ + "\u2581tegen", + -10.064992904663086 + ], + [ + "resolved", + -10.066007614135742 + ], + [ + "\u2581puede", + -10.066048622131348 + ], + [ + "zione", + -10.06661605834961 + ], + [ + "\u2581perch\u00e9", + -10.067181587219238 + ], + [ + "\u2581deve", + -10.06820583343506 + ], + [ + "\u2581mentre", + -10.068377494812012 + ], + [ + "\u2581nas", + -10.0686674118042 + ], + [ + "\u2581year", + -10.068744659423828 + ], + [ + "state", + -10.070542335510254 + ], + [ + "\u2581last", + -10.070826530456545 + ], + [ + "ity", + -10.071998596191406 + ], + [ + "\u2581Entwicklung", + -10.072846412658691 + ], + [ + "\u2581good", + -10.07463836669922 + ], + [ + "link", + -10.074798583984377 + ], + [ + "\u2581const", + -10.075103759765623 + ], + [ + "\u2581open", + -10.075573921203612 + ], + [ + "\u2581pr", + -10.076508522033691 + ], + [ + "\u2581podem", + -10.076626777648926 + ], + [ + "my", + -10.076909065246582 + ], + [ + "und", + -10.077129364013672 + ], + [ + "\u2581range", + -10.078216552734377 + ], + [ + "form", + -10.078231811523438 + ], + [ + "\u2581causa", + -10.079389572143556 + ], + [ + "\u2581Co", + -10.07990550994873 + ], + [ + "\u2581form", + -10.080032348632812 + ], + [ + "\u2581None", + -10.080269813537598 + ], + [ + "\u2581Do", + -10.080767631530762 + ], + [ + "\u00e9s", + -10.080912590026855 + ], + [ + "\u2581primo", + -10.081815719604492 + ], + [ + "\u2581show", + -10.082451820373535 + ], + [ + "\u2581viene", + -10.082874298095703 + ], + [ + "\u2581apenas", + -10.083593368530272 + ], + [ + "za", + -10.084434509277344 + ], + [ + "\u2581schon", + -10.085111618041992 + ], + [ + "\u2581mismo", + -10.08548069000244 + ], + [ + "\u2581despu\u00e9s", + -10.08612823486328 + ], + [ + "\u2581try", + -10.087166786193848 + ], + [ + "Response", + -10.08931827545166 + ], + [ + "\u00ed", + -10.091436386108398 + ], + [ + "\u2581static", + -10.091673851013184 + ], + [ + "NAME", + -10.093117713928224 + ], + [ + "\u2581dai", + -10.093151092529297 + ], + [ + "box", + -10.093195915222168 + ], + [ + "print", + -10.093358039855955 + ], + [ + "\u2581high", + -10.09377670288086 + ], + [ + "uando", + -10.094162940979004 + ], + [ + "\u2581Ha", + -10.09559726715088 + ], + [ + "\u2581premi", + -10.096421241760254 + ], + [ + "Object", + -10.09647274017334 + ], + [ + "\u2581DM", + -10.09840965270996 + ], + [ + "ischen", + -10.100257873535156 + ], + [ + "\u2581poco", + -10.10274887084961 + ], + [ + "\u2581vita", + -10.103515625 + ], + [ + "ell", + -10.104180335998535 + ], + [ + "nia", + -10.104516983032228 + ], + [ + "des", + -10.10457706451416 + ], + [ + "ster", + -10.105508804321287 + ], + [ + "\u2581social", + -10.105717658996582 + ], + [ + "\u2581right", + -10.106057167053224 + ], + [ + "ry", + -10.107558250427246 + ], + [ + "\u2581foram", + -10.108673095703123 + ], + [ + "\u2581real", + -10.11041259765625 + ], + [ + "with", + -10.110817909240724 + ], + [ + "\u2581punto", + -10.110946655273438 + ], + [ + "\u2581ville", + -10.111007690429688 + ], + [ + "ko", + -10.11122989654541 + ], + [ + "\u2581group", + -10.111230850219728 + ], + [ + "\u2581current", + -10.11126708984375 + ], + [ + "\u2581sondern", + -10.111831665039062 + ], + [ + "\u2581avait", + -10.11190128326416 + ], + [ + "\u2581add", + -10.112065315246582 + ], + [ + "\u2581selbst", + -10.112275123596191 + ], + [ + "\u2581results", + -10.112853050231934 + ], + [ + "ez", + -10.113045692443848 + ], + [ + "integrity", + -10.114871978759766 + ], + [ + "\u2581Como", + -10.115641593933104 + ], + [ + "\u2581quale", + -10.116296768188477 + ], + [ + "\u2581seit", + -10.116738319396973 + ], + [ + "use", + -10.118000984191896 + ], + [ + "\u2581Auch", + -10.118314743041992 + ], + [ + "ist", + -10.118804931640623 + ], + [ + "\u2581Gro", + -10.118931770324709 + ], + [ + "\u2581ch", + -10.119300842285156 + ], + [ + "\u2581links", + -10.119561195373535 + ], + [ + "\u2581https", + -10.119853019714355 + ], + [ + "\u2581quello", + -10.119915962219238 + ], + [ + "\u2581Grund", + -10.120807647705078 + ], + [ + "\u2581apr", + -10.121065139770508 + ], + [ + "\u2581mai", + -10.121352195739746 + ], + [ + "\u2581ainsi", + -10.121892929077148 + ], + [ + "\u2581change", + -10.122227668762209 + ], + [ + "\u2581Du", + -10.122605323791504 + ], + [ + "\u2581RUN", + -10.12381076812744 + ], + [ + "\u2581alors", + -10.124933242797852 + ], + [ + "source", + -10.125211715698242 + ], + [ + "\u2581geen", + -10.12543773651123 + ], + [ + "from", + -10.12555694580078 + ], + [ + "\u2581process", + -10.125667572021484 + ], + [ + "\u2581ciudad", + -10.126941680908203 + ], + [ + "cite", + -10.127341270446776 + ], + [ + "cc", + -10.127626419067385 + ], + [ + "\u2581kunnen", + -10.127758026123049 + ], + [ + "count", + -10.128133773803713 + ], + [ + "output", + -10.128201484680176 + ], + [ + "client", + -10.12843418121338 + ], + [ + "CMAKE", + -10.129243850708008 + ], + [ + "glich", + -10.131315231323242 + ], + [ + "\u2581Paul", + -10.131534576416016 + ], + [ + "null", + -10.132108688354492 + ], + [ + "ga", + -10.13224983215332 + ], + [ + "con", + -10.132691383361816 + ], + [ + "zu", + -10.132704734802246 + ], + [ + "\u2581Brasil", + -10.133915901184082 + ], + [ + "tgz", + -10.134284973144531 + ], + [ + "\u2581original", + -10.134449005126951 + ], + [ + "opt", + -10.134462356567385 + ], + [ + "\u2581gilt", + -10.134805679321287 + ], + [ + "\u2581Enlaces", + -10.134843826293944 + ], + [ + "\u2581Pour", + -10.134888648986816 + ], + [ + "\u2581since", + -10.135202407836914 + ], + [ + "Info", + -10.135732650756836 + ], + [ + "\u2581Fall", + -10.135985374450684 + ], + [ + "\u2581suas", + -10.136133193969728 + ], + [ + "\u2581user", + -10.136215209960938 + ], + [ + "system", + -10.136590957641602 + ], + [ + "td", + -10.137513160705566 + ], + [ + "\u2581Mais", + -10.137598037719728 + ], + [ + "\u2581Menschen", + -10.138623237609863 + ], + [ + "\u2581geh", + -10.14024543762207 + ], + [ + "\u2581David", + -10.1414213180542 + ], + [ + "\u2581diesen", + -10.14150047302246 + ], + [ + "\u2581version", + -10.142155647277832 + ], + [ + "are", + -10.142204284667969 + ], + [ + "\u2581plan", + -10.142921447753906 + ], + [ + "ram", + -10.14306640625 + ], + [ + "\u2581land", + -10.143514633178713 + ], + [ + "field", + -10.145702362060549 + ], + [ + "\u2581menos", + -10.146992683410645 + ], + [ + "core", + -10.147139549255373 + ], + [ + "\u2581Note", + -10.14883041381836 + ], + [ + "\u2581muss", + -10.148900985717772 + ], + [ + "\u2581Una", + -10.148969650268556 + ], + [ + "\u2581ihm", + -10.149834632873535 + ], + [ + "ana", + -10.14989948272705 + ], + [ + "\u2581circa", + -10.151089668273926 + ], + [ + "status", + -10.151604652404783 + ], + [ + "\u2581suoi", + -10.152914047241213 + ], + [ + "\u2581outros", + -10.153368949890137 + ], + [ + "\u2581Arbeit", + -10.15396213531494 + ], + [ + "\u2581stata", + -10.154276847839355 + ], + [ + "\u2581Euro", + -10.15518569946289 + ], + [ + "\u2581/*", + -10.155939102172852 + ], + [ + "\u2581veel", + -10.156190872192385 + ], + [ + "\u2581control", + -10.156834602355955 + ], + [ + "ke", + -10.157523155212402 + ], + [ + "\u2581primera", + -10.158002853393556 + ], + [ + "\u2581dentro", + -10.159271240234377 + ], + [ + "\u2581stesso", + -10.159857749938965 + ], + [ + "nte", + -10.161616325378418 + ], + [ + "\u2581wel", + -10.16174602508545 + ], + [ + "ismo", + -10.162128448486328 + ], + [ + "\u2581anti", + -10.16224193572998 + ], + [ + "\u2581shall", + -10.162334442138672 + ], + [ + "\u2581called", + -10.164677619934082 + ], + [ + "stra", + -10.165236473083496 + ], + [ + "\u2581create", + -10.165539741516112 + ], + [ + "ina", + -10.16600513458252 + ], + [ + "\u2581American", + -10.166899681091309 + ], + [ + "nico", + -10.166985511779783 + ], + [ + "\u2581Este", + -10.16761302947998 + ], + [ + "\u2581input", + -10.16762351989746 + ], + [ + "mann", + -10.168380737304688 + ], + [ + "\u2581large", + -10.16848087310791 + ], + [ + "\u2581fatto", + -10.16961669921875 + ], + [ + "\u2581todas", + -10.169811248779297 + ], + [ + "\u2581Roma", + -10.17198371887207 + ], + [ + "\u2581welche", + -10.172423362731934 + ], + [ + "target", + -10.172831535339355 + ], + [ + "ty", + -10.173200607299805 + ], + [ + "\u2581title", + -10.17381477355957 + ], + [ + "\u2581denen", + -10.173965454101562 + ], + [ + "mo", + -10.176074028015137 + ], + [ + "\u2581Sa", + -10.17631721496582 + ], + [ + "\u2581zou", + -10.176924705505373 + ], + [ + "\u2581ainda", + -10.177362442016602 + ], + [ + "equation", + -10.17904567718506 + ], + [ + "title", + -10.179158210754396 + ], + [ + "\u2581agosto", + -10.180132865905762 + ], + [ + "\u2581did", + -10.183761596679688 + ], + [ + "vi", + -10.184296607971191 + ], + [ + "\u2581My", + -10.18449878692627 + ], + [ + "mm", + -10.184822082519531 + ], + [ + "\u2581When", + -10.184865951538086 + ], + [ + "her", + -10.185023307800291 + ], + [ + "\u2581ben", + -10.185853958129885 + ], + [ + "\u2581ersten", + -10.18796157836914 + ], + [ + "\u2581another", + -10.189214706420898 + ], + [ + "\u2581within", + -10.189452171325684 + ], + [ + "rs", + -10.190629005432127 + ], + [ + "\u2581mondo", + -10.19107437133789 + ], + [ + "\u2581dar", + -10.191489219665527 + ], + [ + "\u2581sollte", + -10.19151496887207 + ], + [ + "\u2581till", + -10.191546440124512 + ], + [ + "ados", + -10.193442344665527 + ], + [ + "URL", + -10.194089889526367 + ], + [ + "\u2581\u00e9galement", + -10.194342613220217 + ], + [ + "\u2581Unter", + -10.194609642028809 + ], + [ + "\u2581premier", + -10.196532249450684 + ], + [ + "\u2581ISBN", + -10.197019577026367 + ], + [ + "\u2581Dans", + -10.197586059570312 + ], + [ + "ck", + -10.198266983032228 + ], + [ + "\u2581required", + -10.199779510498049 + ], + [ + "\u2581private", + -10.200873374938965 + ], + [ + "\u2581Jo", + -10.201340675354004 + ], + [ + "ria", + -10.20183277130127 + ], + [ + "\u2581otros", + -10.20208740234375 + ], + [ + "II", + -10.203327178955078 + ], + [ + "\u2581hand", + -10.20600700378418 + ], + [ + "\u2581temps", + -10.206520080566406 + ], + [ + "\u2581post", + -10.206637382507324 + ], + [ + "\u2581super", + -10.207195281982422 + ], + [ + "\u2581question", + -10.207357406616213 + ], + [ + "ij", + -10.207667350769045 + ], + [ + "\u2581tous", + -10.207670211791992 + ], + [ + "sche", + -10.20798110961914 + ], + [ + "env", + -10.20872688293457 + ], + [ + "\u2581dois", + -10.21023654937744 + ], + [ + "ncias", + -10.211702346801758 + ], + [ + "vano", + -10.212167739868164 + ], + [ + "\u2581Robert", + -10.214478492736816 + ], + [ + "npmjs", + -10.214680671691896 + ], + [ + "\u2581Unternehmen", + -10.215749740600586 + ], + [ + "create", + -10.217122077941896 + ], + [ + "ola", + -10.218236923217772 + ], + [ + "\u2581above", + -10.219260215759276 + ], + [ + "eren", + -10.220251083374023 + ], + [ + "\u2581life", + -10.220282554626465 + ], + [ + "auto", + -10.22048282623291 + ], + [ + "\u2581China", + -10.22146701812744 + ], + [ + "mathcal", + -10.221537590026855 + ], + [ + "\u2581staat", + -10.221590995788574 + ], + [ + "\u2581small", + -10.221757888793944 + ], + [ + "\u2581link", + -10.222498893737791 + ], + [ + "\u2581dire", + -10.223528861999512 + ], + [ + "nes", + -10.22362232208252 + ], + [ + "\u2581Bereich", + -10.223942756652832 + ], + [ + "git", + -10.224115371704102 + ], + [ + "\u2581City", + -10.224580764770508 + ], + [ + "\u2581verso", + -10.224750518798828 + ], + [ + "\u2581default", + -10.224824905395508 + ], + [ + "ero", + -10.224984169006348 + ], + [ + "eq", + -10.225712776184082 + ], + [ + "sse", + -10.22576141357422 + ], + [ + "ac", + -10.226896286010742 + ], + [ + "\u2581sem", + -10.227669715881348 + ], + [ + "height", + -10.228221893310549 + ], + [ + "\u2581konnte", + -10.228321075439451 + ], + [ + "aria", + -10.22861385345459 + ], + [ + "Config", + -10.228874206542969 + ], + [ + "\u2581Jan", + -10.229026794433594 + ], + [ + "\u2581done", + -10.229259490966797 + ], + [ + "format", + -10.229674339294434 + ], + [ + "\u2581At", + -10.230399131774902 + ], + [ + "ende", + -10.23085117340088 + ], + [ + "\u2581ela", + -10.23119831085205 + ], + [ + "\u2581own", + -10.232603073120115 + ], + [ + "rderung", + -10.232616424560549 + ], + [ + "\u2581Nord", + -10.23432159423828 + ], + [ + "\u2581mar", + -10.234540939331056 + ], + [ + "\u2581segundo", + -10.235261917114258 + ], + [ + "\u2581fare", + -10.23531436920166 + ], + [ + "\u2581moment", + -10.236321449279783 + ], + [ + "\u2581tiempo", + -10.23702335357666 + ], + [ + "\u2581day", + -10.237066268920898 + ], + [ + "ige", + -10.237452507019045 + ], + [ + "\u2581possono", + -10.239622116088867 + ], + [ + "\u2581content", + -10.240017890930176 + ], + [ + "\u2581aos", + -10.24007511138916 + ], + [ + "nd", + -10.240227699279783 + ], + [ + "\u2581beiden", + -10.24030590057373 + ], + [ + "\u2581next", + -10.240345001220703 + ], + [ + "\u2581ihren", + -10.24118995666504 + ], + [ + "EG", + -10.241435050964355 + ], + [ + "State", + -10.24195671081543 + ], + [ + "\u2581as\u00ed", + -10.241988182067873 + ], + [ + "\u2581Kommission", + -10.242067337036133 + ], + [ + "\u2581Von", + -10.242079734802246 + ], + [ + "\u2581IV", + -10.242533683776855 + ], + [ + "\u2581Par", + -10.243728637695312 + ], + [ + "\u2581j\u00e1", + -10.24439811706543 + ], + [ + "\u2581secolo", + -10.246711730957031 + ], + [ + "ini", + -10.247026443481444 + ], + [ + "\u2581problem", + -10.247733116149902 + ], + [ + "\u2581context", + -10.2477445602417 + ], + [ + "\u2581habe", + -10.247796058654783 + ], + [ + "ting", + -10.247803688049316 + ], + [ + "art", + -10.24793529510498 + ], + [ + "\u2581call", + -10.24794864654541 + ], + [ + "\u2581grandes", + -10.248103141784668 + ], + [ + "\u2581They", + -10.248371124267578 + ], + [ + "ip", + -10.24881649017334 + ], + [ + "\u2581ob", + -10.251143455505373 + ], + [ + "\u2581m\u00fcssen", + -10.251283645629885 + ], + [ + "\u2581dalle", + -10.251421928405762 + ], + [ + "\u2581States", + -10.255640983581545 + ], + [ + "\u2581capital", + -10.256404876708984 + ], + [ + "\u2581command", + -10.256810188293455 + ], + [ + "include", + -10.258143424987791 + ], + [ + "\u2581w\u00e4hrend", + -10.259197235107422 + ], + [ + "\u2581best", + -10.25929069519043 + ], + [ + "\u2581By", + -10.259547233581545 + ], + [ + "home", + -10.261123657226562 + ], + [ + "\u2581partie", + -10.261800765991213 + ], + [ + "sica", + -10.261961936950684 + ], + [ + "\u2581end", + -10.262042999267578 + ], + [ + "\u2581top", + -10.262733459472656 + ], + [ + "\u2581donc", + -10.263004302978516 + ], + [ + "\u2581software", + -10.26331615447998 + ], + [ + "object", + -10.263383865356444 + ], + [ + "Size", + -10.263473510742188 + ], + [ + "\u2581weiter", + -10.263626098632812 + ], + [ + "\u2581Peter", + -10.26492404937744 + ], + [ + "\u2581position", + -10.265961647033691 + ], + [ + "\u2581primer", + -10.267791748046877 + ], + [ + "\u00f3n", + -10.268001556396484 + ], + [ + "main", + -10.268808364868164 + ], + [ + "\u2581However", + -10.268840789794922 + ], + [ + "\u2581Esta", + -10.269813537597656 + ], + [ + "\u2581pp", + -10.270506858825684 + ], + [ + "\u2581ging", + -10.27092170715332 + ], + [ + "\u2581bus", + -10.271323204040527 + ], + [ + "\u2581contro", + -10.271332740783691 + ], + [ + "\u2581might", + -10.271382331848145 + ], + [ + "\u2581\u00e9l", + -10.271873474121094 + ], + [ + "row", + -10.27308464050293 + ], + [ + "\u2581every", + -10.273239135742188 + ], + [ + "check", + -10.273561477661133 + ], + [ + "\u2581morte", + -10.274036407470703 + ], + [ + "tmp", + -10.274246215820312 + ], + [ + "\u2581maior", + -10.27589225769043 + ], + [ + "\u2581sotto", + -10.276118278503418 + ], + [ + "\u2581Get", + -10.276531219482422 + ], + [ + "\u2581against", + -10.276578903198242 + ], + [ + "ban", + -10.27707290649414 + ], + [ + "blica", + -10.27723503112793 + ], + [ + "\u2581primeiro", + -10.277710914611816 + ], + [ + "\u2581hem", + -10.278429985046388 + ], + [ + "For", + -10.28054904937744 + ], + [ + "\u2581media", + -10.281015396118164 + ], + [ + "\u2581quindi", + -10.281798362731934 + ], + [ + "ron", + -10.28236198425293 + ], + [ + "\u2581Ich", + -10.28236484527588 + ], + [ + "ns", + -10.283100128173828 + ], + [ + "sub", + -10.283100128173828 + ], + [ + "\u2581mir", + -10.283539772033691 + ], + [ + "\u2581dello", + -10.284419059753418 + ], + [ + "\u2581August", + -10.285796165466309 + ], + [ + "\u2581General", + -10.285931587219238 + ], + [ + "\u2581provincia", + -10.286252975463867 + ], + [ + "\u2581contre", + -10.286267280578612 + ], + [ + "\u2581ent", + -10.286829948425291 + ], + [ + "\u2581April", + -10.287428855895996 + ], + [ + "\u2581Kosten", + -10.287792205810549 + ], + [ + "\u2581s\u00e9rie", + -10.288386344909668 + ], + [ + "\u2581ihn", + -10.288800239562988 + ], + [ + "else", + -10.289911270141602 + ], + [ + "\u2581build", + -10.290339469909668 + ], + [ + "\u2581regi", + -10.290363311767578 + ], + [ + "\u2581sendo", + -10.290376663208008 + ], + [ + "\u2581System", + -10.29042148590088 + ], + [ + "\u2581bem", + -10.29197597503662 + ], + [ + "\u2581simple", + -10.293172836303713 + ], + [ + "\u2581uso", + -10.293455123901367 + ], + [ + "Map", + -10.295308113098145 + ], + [ + "\u2581secondo", + -10.295577049255373 + ], + [ + "\u2581isso", + -10.2959623336792 + ], + [ + "\u2581Form", + -10.296445846557615 + ], + [ + "\u2581Mai", + -10.296463012695312 + ], + [ + "ista", + -10.297243118286133 + ], + [ + "\u2581output", + -10.29736042022705 + ], + [ + "\u2581lado", + -10.29758358001709 + ], + [ + "\u2581Durante", + -10.299030303955078 + ], + [ + "\u2581komt", + -10.301189422607422 + ], + [ + "rem", + -10.301756858825684 + ], + [ + "\u2581erano", + -10.302663803100586 + ], + [ + "\u2581world", + -10.302824020385742 + ], + [ + "\u2581Rio", + -10.303081512451172 + ], + [ + "\u2581Bau", + -10.30345058441162 + ], + [ + "\u2581Personen", + -10.303451538085938 + ], + [ + "\u2581Nummer", + -10.303977966308594 + ], + [ + "\u2581Gr", + -10.306084632873535 + ], + [ + "\u2581web", + -10.306178092956545 + ], + [ + "\u2581September", + -10.306598663330078 + ], + [ + "\u2581Park", + -10.306681632995604 + ], + [ + "Re", + -10.307435035705566 + ], + [ + "\u2581peu", + -10.307886123657228 + ], + [ + "\u2581off", + -10.308355331420898 + ], + [ + "\u2581programa", + -10.309614181518556 + ], + [ + "date", + -10.309786796569824 + ], + [ + "\u2581Com", + -10.309906005859377 + ], + [ + "\u2581area", + -10.312030792236328 + ], + [ + "\u2581alcuni", + -10.312636375427246 + ], + [ + "\u2581check", + -10.312658309936523 + ], + [ + "\u2581won", + -10.312810897827148 + ], + [ + "cmake", + -10.312891960144045 + ], + [ + "\u2581depuis", + -10.313291549682615 + ], + [ + "\u2581stad", + -10.313553810119627 + ], + [ + "cos", + -10.313804626464844 + ], + [ + "\u2581exemplo", + -10.314323425292969 + ], + [ + "filter", + -10.314482688903809 + ], + [ + "content", + -10.31454086303711 + ], + [ + "\u2581depois", + -10.315126419067385 + ], + [ + "isch", + -10.315630912780762 + ], + [ + "\u2581solid", + -10.31630039215088 + ], + [ + "args", + -10.316635131835938 + ], + [ + "ale", + -10.317249298095703 + ], + [ + "\u2581cosa", + -10.317499160766602 + ], + [ + "\u2581George", + -10.31775951385498 + ], + [ + "\u2581va", + -10.31855010986328 + ], + [ + "\u2581include", + -10.31938362121582 + ], + [ + "Text", + -10.31980037689209 + ], + [ + "\u2581territorio", + -10.319912910461426 + ], + [ + "\u2581$$", + -10.320305824279783 + ], + [ + "\u2581points", + -10.321854591369627 + ], + [ + "\u2581One", + -10.32194995880127 + ], + [ + "\u2581Fran", + -10.32220458984375 + ], + [ + "\u2581proprio", + -10.322295188903809 + ], + [ + "\u2581aantal", + -10.322952270507812 + ], + [ + "\u2581drie", + -10.323018074035645 + ], + [ + "\u2581\u00e1rea", + -10.323872566223145 + ], + [ + "\u2581important", + -10.32414436340332 + ], + [ + "\u2581Europ\u00e4ischen", + -10.32432460784912 + ], + [ + "\u2581marzo", + -10.324774742126465 + ], + [ + "\u2581ans", + -10.325872421264648 + ], + [ + "block", + -10.325973510742188 + ], + [ + "rsi", + -10.32681941986084 + ], + [ + "\u2581monde", + -10.32713222503662 + ], + [ + "\u2581presidente", + -10.327736854553224 + ], + [ + "\u2581gebied", + -10.328007698059082 + ], + [ + "\u2581fois", + -10.328279495239258 + ], + [ + "pre", + -10.329374313354492 + ], + [ + "\u2581dabei", + -10.330389022827148 + ], + [ + "lang", + -10.331178665161133 + ], + [ + "ze", + -10.332510948181152 + ], + [ + "Service", + -10.332810401916504 + ], + [ + "vo", + -10.332858085632324 + ], + [ + "\u2581Liga", + -10.333073616027832 + ], + [ + "\u2581zoals", + -10.333556175231934 + ], + [ + "\u2581nieuwe", + -10.333974838256836 + ], + [ + "\u2581gi\u00e0", + -10.33470630645752 + ], + [ + "\u2581help", + -10.335373878479004 + ], + [ + "\u2581neuen", + -10.335792541503906 + ], + [ + "off", + -10.336784362792969 + ], + [ + "\u2581altre", + -10.33710765838623 + ], + [ + "\u2581International", + -10.337638854980469 + ], + [ + "\u2581James", + -10.337712287902832 + ], + [ + "\u2581poder", + -10.337782859802246 + ], + [ + "\u2581fueron", + -10.338425636291504 + ], + [ + "\u2581deren", + -10.339289665222168 + ], + [ + "\u2581request", + -10.340740203857422 + ], + [ + "\u2581po", + -10.34074592590332 + ], + [ + "\u2581label", + -10.3408203125 + ], + [ + "Index", + -10.34105396270752 + ], + [ + "\u2581Et", + -10.341084480285645 + ], + [ + "\u2581available", + -10.34147834777832 + ], + [ + "\u2581moins", + -10.34156608581543 + ], + [ + "\u2581law", + -10.34172821044922 + ], + [ + "\u2581Dezember", + -10.343225479125977 + ], + [ + "\u2581think", + -10.343582153320312 + ], + [ + "\u2581Nederlands", + -10.34403133392334 + ], + [ + "\u2581mu", + -10.344823837280272 + ], + [ + "\u2581encore", + -10.344988822937012 + ], + [ + "\u2581based", + -10.345697402954102 + ], + [ + "\u2581///", + -10.345884323120115 + ], + [ + "ness", + -10.345907211303713 + ], + [ + "\u2581Michael", + -10.3460693359375 + ], + [ + "\u2581Internet", + -10.34746551513672 + ], + [ + "\u2581avant", + -10.34767723083496 + ], + [ + "\u2581message", + -10.348095893859863 + ], + [ + "red", + -10.348154067993164 + ], + [ + "beta", + -10.348512649536133 + ], + [ + "\u2581face", + -10.348747253417969 + ], + [ + "\u2581trova", + -10.348907470703123 + ], + [ + "ya", + -10.349380493164062 + ], + [ + "\u2581application", + -10.349761962890623 + ], + [ + "\u2581Nederland", + -10.350046157836914 + ], + [ + "\u2581either", + -10.350117683410645 + ], + [ + "Input", + -10.351410865783691 + ], + [ + "eax", + -10.351425170898438 + ], + [ + "\u2581plusieurs", + -10.351618766784668 + ], + [ + "\u2581campo", + -10.351765632629396 + ], + [ + "\u2581means", + -10.3521728515625 + ], + [ + "\u2581zo", + -10.353385925292969 + ], + [ + "\u2581Une", + -10.35375690460205 + ], + [ + "\u2581Notes", + -10.354650497436523 + ], + [ + "\u2581support", + -10.354754447937012 + ], + [ + "append", + -10.355006217956545 + ], + [ + "ijn", + -10.356224060058594 + ], + [ + "tor", + -10.356900215148926 + ], + [ + "ora", + -10.35837459564209 + ], + [ + "\u2581valor", + -10.358545303344728 + ], + [ + "cle", + -10.359315872192385 + ], + [ + "\u2581Ende", + -10.360177993774414 + ], + [ + "etc", + -10.360599517822266 + ], + [ + "ine", + -10.361446380615234 + ], + [ + "\u2581Nederlandse", + -10.362730026245115 + ], + [ + "\u2581_,", + -10.362869262695312 + ], + [ + "\u2581esterni", + -10.362979888916016 + ], + [ + "\u2581wat", + -10.364031791687012 + ], + [ + "server", + -10.364245414733888 + ], + [ + "Client", + -10.36432647705078 + ], + [ + "last", + -10.365721702575684 + ], + [ + "\u2581extra", + -10.366151809692385 + ], + [ + "\u2581weitere", + -10.36616039276123 + ], + [ + "\u2581vie", + -10.36722183227539 + ], + [ + "rde", + -10.36778163909912 + ], + [ + "rden", + -10.36783504486084 + ], + [ + "\u2581shift", + -10.369214057922363 + ], + [ + "\u2581node", + -10.369409561157228 + ], + [ + "shape", + -10.37025547027588 + ], + [ + "\u2581cerca", + -10.370397567749023 + ], + [ + "\u2581allem", + -10.37102222442627 + ], + [ + "\u2581junto", + -10.371112823486328 + ], + [ + "\u2581few", + -10.371346473693848 + ], + [ + "ling", + -10.371685981750488 + ], + [ + "tag", + -10.372443199157717 + ], + [ + "\u2581eeuw", + -10.373272895812988 + ], + [ + "\u2581OF", + -10.373664855957031 + ], + [ + "\u2581leurs", + -10.37376594543457 + ], + [ + "\u2581November", + -10.374120712280272 + ], + [ + "ert", + -10.374492645263672 + ], + [ + "util", + -10.375049591064451 + ], + [ + "du", + -10.376070976257324 + ], + [ + "\u2581fra", + -10.376801490783691 + ], + [ + "\u2581col", + -10.37744140625 + ], + [ + "sten", + -10.377507209777832 + ], + [ + "\u2581Ort", + -10.378772735595703 + ], + [ + "\u2581estaba", + -10.379189491271973 + ], + [ + "\u2581finale", + -10.380034446716309 + ], + [ + "\u2581present", + -10.380870819091797 + ], + [ + "\u2581Ele", + -10.38139533996582 + ], + [ + "request", + -10.382023811340332 + ], + [ + "tat", + -10.382216453552246 + ], + [ + "\u2581Frage", + -10.382417678833008 + ], + [ + "port", + -10.384339332580566 + ], + [ + "\u2581inter", + -10.384352684020996 + ], + [ + "\u2581EU", + -10.384623527526855 + ], + [ + "\u2581Mi", + -10.384932518005373 + ], + [ + "\u2581station", + -10.385452270507812 + ], + [ + "\u2581seja", + -10.385580062866213 + ], + [ + "\u2581cas", + -10.38683795928955 + ], + [ + "cm", + -10.387489318847656 + ], + [ + "\u2581gem\u00e4", + -10.38764762878418 + ], + [ + "\u2581nom", + -10.387890815734863 + ], + [ + "Message", + -10.388021469116213 + ], + [ + "\u2581Juan", + -10.388716697692873 + ], + [ + "\u2581Bij", + -10.388745307922363 + ], + [ + "see", + -10.390791893005373 + ], + [ + "chen", + -10.391412734985352 + ], + [ + "men", + -10.392585754394531 + ], + [ + "\u2581han", + -10.392622947692873 + ], + [ + "\u2581pays", + -10.392956733703612 + ], + [ + "\u2581cual", + -10.39301872253418 + ], + [ + "\u2581tarde", + -10.39311408996582 + ], + [ + "\u2581echter", + -10.393263816833496 + ], + [ + "fe", + -10.393593788146973 + ], + [ + "\u2581geslacht", + -10.393766403198242 + ], + [ + "\u2581Kinder", + -10.39377212524414 + ], + [ + "\u2581match", + -10.393800735473633 + ], + [ + "ate", + -10.394052505493164 + ], + [ + "par", + -10.39449691772461 + ], + [ + "conf", + -10.394801139831545 + ], + [ + "\u2581particular", + -10.397924423217772 + ], + [ + "\u2581Ook", + -10.398094177246094 + ], + [ + "\u2581response", + -10.398494720458984 + ], + [ + "With", + -10.39936637878418 + ], + [ + "\u2581kwam", + -10.399479866027832 + ], + [ + "weg", + -10.39969539642334 + ], + [ + "\u2581double", + -10.399741172790527 + ], + [ + "\u2581lungo", + -10.399925231933594 + ], + [ + "\u2581Gli", + -10.400251388549805 + ], + [ + "view", + -10.400418281555176 + ], + [ + "\u2581min", + -10.40082836151123 + ], + [ + "\u2581project", + -10.401041984558104 + ], + [ + "\u2581diverse", + -10.402417182922363 + ], + [ + "\u2581seinen", + -10.403637886047363 + ], + [ + "\u2581national", + -10.403839111328123 + ], + [ + "Exception", + -10.404035568237305 + ], + [ + "\u2581including", + -10.404048919677734 + ], + [ + "ms", + -10.404528617858888 + ], + [ + "amento", + -10.40455150604248 + ], + [ + "\u2581mis", + -10.404857635498049 + ], + [ + "\u2581aller", + -10.404977798461914 + ], + [ + "\u2581###", + -10.405081748962402 + ], + [ + "\u2581periodo", + -10.40512752532959 + ], + [ + "af", + -10.405465126037598 + ], + [ + "Time", + -10.406635284423828 + ], + [ + "\u2581vol", + -10.406753540039062 + ], + [ + "\u2581sue", + -10.407075881958008 + ], + [ + "\u2581puis", + -10.40754222869873 + ], + [ + "anno", + -10.408427238464355 + ], + [ + "\u2581struct", + -10.409356117248535 + ], + [ + "\u2581study", + -10.410074234008787 + ], + [ + "\u2581wegen", + -10.410116195678713 + ], + [ + "\u2581grote", + -10.411130905151367 + ], + [ + "\u2581Don", + -10.411205291748049 + ], + [ + "call", + -10.411937713623049 + ], + [ + "\u2581gegen\u00fcber", + -10.412383079528809 + ], + [ + "\u2581read", + -10.413703918457031 + ], + [ + "\u2581Union", + -10.413789749145508 + ], + [ + "car", + -10.414067268371582 + ], + [ + "\u2581Dies", + -10.41542911529541 + ], + [ + "\u2581Durch", + -10.4155912399292 + ], + [ + "\u2581tijd", + -10.415775299072266 + ], + [ + "rent", + -10.416834831237791 + ], + [ + "\u2581weil", + -10.417380332946776 + ], + [ + "section", + -10.417559623718262 + ], + [ + "\u2581gut", + -10.417604446411133 + ], + [ + "Image", + -10.41788387298584 + ], + [ + "\u2581jusqu", + -10.418268203735352 + ], + [ + "\u2581Thomas", + -10.4205904006958 + ], + [ + "\u2581autobus", + -10.42061996459961 + ], + [ + "\u2581dazu", + -10.42065715789795 + ], + [ + "\u2581soit", + -10.421964645385742 + ], + [ + "\u2581path", + -10.42206859588623 + ], + [ + "gr", + -10.422510147094728 + ], + [ + "\u2581Juni", + -10.423261642456056 + ], + [ + "\u2581wo", + -10.42349910736084 + ], + [ + "\u2581tres", + -10.4244384765625 + ], + [ + "root", + -10.424498558044434 + ], + [ + "gz", + -10.425284385681152 + ], + [ + "\u2581What", + -10.425336837768556 + ], + [ + "it\u00e0", + -10.425444602966309 + ], + [ + "\u2581TV", + -10.42580509185791 + ], + [ + "dor", + -10.427986145019531 + ], + [ + "El", + -10.42811679840088 + ], + [ + "\u2581votre", + -10.429317474365234 + ], + [ + "our", + -10.430097579956056 + ], + [ + "\u2581quasi", + -10.430102348327637 + ], + [ + "message", + -10.430513381958008 + ], + [ + "\u2581allen", + -10.430685997009276 + ], + [ + "\u2581Wasser", + -10.430989265441896 + ], + [ + "tie", + -10.43114185333252 + ], + [ + "\u2581Abbildung", + -10.431236267089844 + ], + [ + "area", + -10.431770324707031 + ], + [ + "\u2581album", + -10.432048797607422 + ], + [ + "\u2581tal", + -10.432549476623535 + ], + [ + "mathrm", + -10.433029174804688 + ], + [ + "eau", + -10.433484077453612 + ], + [ + "\u2581gebruikt", + -10.434082984924316 + ], + [ + "ret", + -10.434429168701172 + ], + [ + "\u2581jaren", + -10.435029983520508 + ], + [ + "\u2581zij", + -10.435354232788086 + ], + [ + "Event", + -10.435539245605469 + ], + [ + "\u2581date", + -10.435786247253418 + ], + [ + "\u2581RowBox", + -10.435847282409668 + ], + [ + "\u2581table", + -10.43586254119873 + ], + [ + "txt", + -10.436047554016112 + ], + [ + "\u2581FC", + -10.436149597167969 + ], + [ + "\u2581power", + -10.43708038330078 + ], + [ + "Array", + -10.437199592590332 + ], + [ + "\u2581quali", + -10.438800811767578 + ], + [ + "\u2581padre", + -10.439805030822754 + ], + [ + "ati", + -10.440312385559082 + ], + [ + "\u2581algo", + -10.44157886505127 + ], + [ + "hi", + -10.441603660583496 + ], + [ + "Int", + -10.441649436950684 + ], + [ + "\u2581space", + -10.442838668823242 + ], + [ + "\u2581conditions", + -10.443647384643556 + ], + [ + "\u2581known", + -10.443852424621582 + ], + [ + "\u2581similar", + -10.444314002990724 + ], + [ + "tt", + -10.444348335266112 + ], + [ + "open", + -10.445133209228516 + ], + [ + "\u2581Cette", + -10.44515895843506 + ], + [ + "false", + -10.446438789367676 + ], + [ + "\u2581primeira", + -10.44655990600586 + ], + [ + "\u2581Charles", + -10.447071075439451 + ], + [ + "\u2581Francisco", + -10.447776794433594 + ], + [ + "\u2581Tour", + -10.447970390319824 + ], + [ + "\u2581siglo", + -10.448784828186035 + ], + [ + "None", + -10.448829650878906 + ], + [ + "\u2581Januar", + -10.448851585388184 + ], + [ + "\u2581governo", + -10.44894027709961 + ], + [ + "has", + -10.44933795928955 + ], + [ + "\u2581questi", + -10.450199127197266 + ], + [ + "\u2581norte", + -10.45039176940918 + ], + [ + "ella", + -10.450421333312988 + ], + [ + "\u2581trois", + -10.451956748962402 + ], + [ + "uid", + -10.452386856079102 + ], + [ + "context", + -10.4547700881958 + ], + [ + "ere", + -10.455754280090332 + ], + [ + "cache", + -10.455907821655272 + ], + [ + "\u2581neue", + -10.45598602294922 + ], + [ + "TOP", + -10.45667839050293 + ], + [ + "\u2581Cos", + -10.457138061523438 + ], + [ + "\u2581body", + -10.457426071166992 + ], + [ + "\u2581Gesetzes", + -10.457446098327637 + ], + [ + "\u2581zur\u00fcck", + -10.457496643066406 + ], + [ + "\u2581Real", + -10.457709312438965 + ], + [ + "\u2581{\\", + -10.457883834838867 + ], + [ + "\u2581page", + -10.45868682861328 + ], + [ + "\u2581qual", + -10.458887100219728 + ], + [ + "\u2581say", + -10.458904266357422 + ], + [ + "mento", + -10.459165573120115 + ], + [ + "\u2581Go", + -10.460006713867188 + ], + [ + "\u2581William", + -10.460251808166504 + ], + [ + "\u2581posto", + -10.461485862731934 + ], + [ + "\u2581presente", + -10.462671279907228 + ], + [ + "ciones", + -10.463956832885742 + ], + [ + "\u2581These", + -10.46474266052246 + ], + [ + "TD", + -10.464914321899414 + ], + [ + "\u2581visto", + -10.46495246887207 + ], + [ + "Status", + -10.465287208557127 + ], + [ + "\u2581something", + -10.465821266174316 + ], + [ + "\u2581h\u00e1", + -10.46602725982666 + ], + [ + "\u2581assim", + -10.466537475585938 + ], + [ + "\u2581OR", + -10.467650413513184 + ], + [ + "\u2581services", + -10.467841148376465 + ], + [ + "Be", + -10.468886375427246 + ], + [ + "bf", + -10.46935749053955 + ], + [ + "\u2581Deutschen", + -10.470026969909668 + ], + [ + "\u2581tijdens", + -10.471161842346191 + ], + [ + "\u2581view", + -10.471854209899902 + ], + [ + "\u2581Press", + -10.472923278808594 + ], + [ + "nderung", + -10.473170280456545 + ], + [ + "\u2581diferentes", + -10.473464012145996 + ], + [ + "\u2581export", + -10.473663330078123 + ], + [ + "ian", + -10.474980354309082 + ], + [ + "\u2581until", + -10.47508430480957 + ], + [ + "\u2581viele", + -10.475789070129396 + ], + [ + "iert", + -10.47581386566162 + ], + [ + "\u2581always", + -10.475860595703123 + ], + [ + "func", + -10.47596549987793 + ], + [ + "\u2581davon", + -10.476155281066896 + ], + [ + "install", + -10.476587295532228 + ], + [ + "\u2581city", + -10.4769287109375 + ], + [ + "Item", + -10.477134704589844 + ], + [ + "\u2581toda", + -10.477933883666992 + ], + [ + "\u2581Prozent", + -10.478200912475586 + ], + [ + "\u2581already", + -10.478981018066406 + ], + [ + "\u2581chi", + -10.479363441467283 + ], + [ + "\u2581Des", + -10.47975730895996 + ], + [ + "mer", + -10.480226516723633 + ], + [ + "\u2581least", + -10.480544090270996 + ], + [ + "body", + -10.481072425842283 + ], + [ + "options", + -10.481249809265137 + ], + [ + "\u2581\u00e9poca", + -10.481891632080078 + ], + [ + "\u2581ser\u00e1", + -10.481958389282228 + ], + [ + "rd", + -10.48236846923828 + ], + [ + "\u2581mayor", + -10.482555389404297 + ], + [ + "\u2581Italia", + -10.482732772827148 + ], + [ + "\u2581mich", + -10.482860565185549 + ], + [ + "\u2581person", + -10.483343124389648 + ], + [ + "\u2581level", + -10.483529090881348 + ], + [ + "aux", + -10.483636856079102 + ], + [ + "\u2581Mo", + -10.484180450439451 + ], + [ + "\u2581dort", + -10.484469413757324 + ], + [ + "\u2581specific", + -10.484492301940918 + ], + [ + "\u2581tweede", + -10.484532356262209 + ], + [ + "\u2581provided", + -10.485264778137209 + ], + [ + "ces", + -10.485621452331545 + ], + [ + "nu", + -10.485645294189451 + ], + [ + "\u2581central", + -10.486004829406738 + ], + [ + "sung", + -10.48666763305664 + ], + [ + "\u2581existe", + -10.487311363220217 + ], + [ + "ard", + -10.48756217956543 + ], + [ + "\u2581n\u00e9", + -10.487839698791504 + ], + [ + "\u2581molti", + -10.490608215332031 + ], + [ + "\u2581Or", + -10.49094295501709 + ], + [ + "tel", + -10.49288845062256 + ], + [ + "vgl", + -10.493114471435549 + ], + [ + "\u2581Fue", + -10.493926048278809 + ], + [ + "\u2581size", + -10.494412422180176 + ], + [ + "rowspan", + -10.494953155517578 + ], + [ + "ils", + -10.495002746582031 + ], + [ + "aba", + -10.49513053894043 + ], + [ + "ln", + -10.495172500610352 + ], + [ + "\u2581again", + -10.49563694000244 + ], + [ + "tres", + -10.495665550231934 + ], + [ + "\u2581Juli", + -10.496161460876465 + ], + [ + "\u2581Grand", + -10.496248245239258 + ], + [ + "lin", + -10.496332168579102 + ], + [ + "FILE", + -10.49724578857422 + ], + [ + "bobo", + -10.498333930969238 + ], + [ + "ellen", + -10.498628616333008 + ], + [ + "\u2581array", + -10.499043464660645 + ], + [ + "\u2581possibile", + -10.499359130859377 + ], + [ + "private", + -10.499752044677734 + ], + [ + "Field", + -10.49984645843506 + ], + [ + "\u2581terug", + -10.50063133239746 + ], + [ + "\u2581duas", + -10.502511978149414 + ], + [ + "\u2581deutschen", + -10.50349235534668 + ], + [ + "\u2581us", + -10.505953788757324 + ], + [ + "Die", + -10.506155967712402 + ], + [ + "\u2581familia", + -10.506185531616213 + ], + [ + "\u2581classe", + -10.506526947021484 + ], + [ + "md", + -10.506536483764648 + ], + [ + "\u2581Sur", + -10.506759643554688 + ], + [ + "\u2581normal", + -10.507262229919434 + ], + [ + "adas", + -10.50771427154541 + ], + [ + "\u2581fut", + -10.5077486038208 + ], + [ + "mit", + -10.50780200958252 + ], + [ + "ier", + -10.508235931396484 + ], + [ + "\u2581obra", + -10.508493423461914 + ], + [ + "\u2581Wenn", + -10.508597373962402 + ], + [ + "\u2581Verfahren", + -10.509231567382812 + ], + [ + "\u2581State", + -10.509371757507324 + ], + [ + "\u2581Grande", + -10.509417533874512 + ], + [ + "autres", + -10.51023769378662 + ], + [ + "Ver", + -10.510575294494627 + ], + [ + "\u2581Ko", + -10.510631561279297 + ], + [ + "pa", + -10.510812759399414 + ], + [ + "\u2581Tu", + -10.510865211486816 + ], + [ + "\u2581num", + -10.51098918914795 + ], + [ + "\u2581daher", + -10.51115608215332 + ], + [ + "\u2581lassen", + -10.511430740356444 + ], + [ + "\u2581w\u00fcrde", + -10.51188850402832 + ], + [ + "\u2581grand", + -10.512072563171388 + ], + [ + "Count", + -10.51211166381836 + ], + [ + "\u2581vista", + -10.512523651123049 + ], + [ + "mathbb", + -10.512627601623535 + ], + [ + "jo", + -10.512969017028809 + ], + [ + "ura", + -10.513214111328123 + ], + [ + "\u2581variable", + -10.513299942016602 + ], + [ + "\u2581samen", + -10.513670921325684 + ], + [ + "\u2581radio", + -10.513691902160645 + ], + [ + "\u2581forme", + -10.515169143676758 + ], + [ + "\u2581Tra", + -10.51532745361328 + ], + [ + "\u2581commune", + -10.51581859588623 + ], + [ + "\u2581structure", + -10.516252517700195 + ], + [ + "\u2581autres", + -10.516294479370115 + ], + [ + "\u2581informa", + -10.516589164733888 + ], + [ + "\u2581side", + -10.51698112487793 + ], + [ + "ica", + -10.517090797424316 + ], + [ + "\u2581expected", + -10.517399787902832 + ], + [ + "post", + -10.517492294311523 + ], + [ + "ves", + -10.517548561096191 + ], + [ + "\u2581target", + -10.517757415771484 + ], + [ + "\u2581tutte", + -10.518233299255373 + ], + [ + "\u2581Guerra", + -10.518543243408203 + ], + [ + "\u2581Test", + -10.518597602844238 + ], + [ + "\u2581Mittel", + -10.518831253051758 + ], + [ + "DB", + -10.519150733947754 + ], + [ + "User", + -10.519163131713867 + ], + [ + "module", + -10.519220352172852 + ], + [ + "page", + -10.519393920898438 + ], + [ + "ho", + -10.51944065093994 + ], + [ + "\u2581eran", + -10.519488334655762 + ], + [ + "\u2581natural", + -10.52012825012207 + ], + [ + "\u2581oltre", + -10.52124309539795 + ], + [ + "\u2581problema", + -10.521553993225098 + ], + [ + "\u2581files", + -10.521736145019531 + ], + [ + "\u2581r\u00e9f\u00e9rences", + -10.521982192993164 + ], + [ + "\u2581quel", + -10.522024154663086 + ], + [ + "\u2581sc", + -10.522396087646484 + ], + [ + "\u2581Francia", + -10.522507667541504 + ], + [ + "\u2581Universidad", + -10.5233793258667 + ], + [ + "border", + -10.524006843566896 + ], + [ + "ring", + -10.524174690246582 + ], + [ + "azione", + -10.52453327178955 + ], + [ + "liche", + -10.524969100952148 + ], + [ + "\u2581essa", + -10.524972915649414 + ], + [ + "\u2581idea", + -10.52544116973877 + ], + [ + "\u2581route", + -10.52548885345459 + ], + [ + "script", + -10.525918960571287 + ], + [ + "pos", + -10.526004791259766 + ], + [ + "\u2581font", + -10.526374816894531 + ], + [ + "\u2581sera", + -10.52656078338623 + ], + [ + "Un", + -10.527043342590332 + ], + [ + "\u2581team", + -10.527259826660156 + ], + [ + "\u2581seguito", + -10.52770709991455 + ], + [ + "\u2581War", + -10.527725219726562 + ], + [ + "arg", + -10.528470039367676 + ], + [ + "\u2581eles", + -10.52847671508789 + ], + [ + "\u2581segunda", + -10.528653144836426 + ], + [ + "\u2581weer", + -10.528852462768556 + ], + [ + "\u2581cm", + -10.52885913848877 + ], + [ + "\u2581Beh", + -10.529463768005373 + ], + [ + "\u2581fazer", + -10.529541969299316 + ], + [ + "lambda", + -10.530137062072754 + ], + [ + "\u2581comune", + -10.530143737792969 + ], + [ + "phi", + -10.53017520904541 + ], + [ + "\u2581Recht", + -10.530948638916016 + ], + [ + "\u2581Her", + -10.531183242797852 + ], + [ + "\u2581besteht", + -10.53135871887207 + ], + [ + "\u2581several", + -10.53151035308838 + ], + [ + "tcl", + -10.531708717346191 + ], + [ + "\u2581abril", + -10.532297134399414 + ], + [ + "\u2581eigen", + -10.532722473144531 + ], + [ + "\u2581material", + -10.532748222351074 + ], + [ + "\u2581temporada", + -10.532794952392578 + ], + [ + "\u2581outras", + -10.533147811889648 + ], + [ + "\u2581Tag", + -10.53447723388672 + ], + [ + "\u2581Madrid", + -10.534570693969728 + ], + [ + "non", + -10.53468132019043 + ], + [ + "\u2581paese", + -10.535781860351562 + ], + [ + "\u2581Martin", + -10.536785125732422 + ], + [ + "\u2581effect", + -10.536827087402344 + ], + [ + "\u2581Ron", + -10.53820514678955 + ], + [ + "\u2581little", + -10.538970947265623 + ], + [ + "\u2581conjunto", + -10.53897762298584 + ], + [ + "ii", + -10.539315223693848 + ], + [ + "\u2581along", + -10.539371490478516 + ], + [ + "float", + -10.53982639312744 + ], + [ + "\u2581Welt", + -10.539875984191896 + ], + [ + "\u2581ri", + -10.540003776550291 + ], + [ + "ken", + -10.540400505065918 + ], + [ + "\u2581full", + -10.541279792785645 + ], + [ + "\u2581zusammen", + -10.541629791259766 + ], + [ + "\u2581fast", + -10.542195320129396 + ], + [ + "\u2581stati", + -10.542852401733398 + ], + [ + "java", + -10.54384994506836 + ], + [ + "\u2581package", + -10.544299125671388 + ], + [ + "\u2581standard", + -10.544373512268066 + ], + [ + "\u2581d\u00eda", + -10.544384956359863 + ], + [ + "\u2581sapere", + -10.544952392578123 + ], + [ + "\u2581Hier", + -10.544992446899414 + ], + [ + "\u2581poblaci\u00f3n", + -10.545025825500488 + ], + [ + "\u2581meno", + -10.54539394378662 + ], + [ + "\u2581force", + -10.545626640319824 + ], + [ + "\u2581href", + -10.545857429504396 + ], + [ + "pe", + -10.547024726867676 + ], + [ + "action", + -10.547260284423828 + ], + [ + "\u2581options", + -10.547324180603027 + ], + [ + "\u2581L\u00e4nder", + -10.547863960266112 + ], + [ + "\u2581obras", + -10.548254013061523 + ], + [ + "\u2581solution", + -10.548749923706056 + ], + [ + "\u2581seinem", + -10.549245834350586 + ], + [ + "\u2581kon", + -10.549821853637695 + ], + [ + "types", + -10.54997730255127 + ], + [ + "\u2581darauf", + -10.550015449523926 + ], + [ + "\u2581Sch", + -10.5504732131958 + ], + [ + "\u2581aufgrund", + -10.550557136535645 + ], + [ + "\u2581Portugal", + -10.55100154876709 + ], + [ + "\u2581going", + -10.553955078125 + ], + [ + "\u2581principale", + -10.55397891998291 + ], + [ + "\u2581whether", + -10.554854393005373 + ], + [ + "\u2581Carlos", + -10.55496597290039 + ], + [ + "tu", + -10.55512237548828 + ], + [ + "\u2581personas", + -10.55539321899414 + ], + [ + "\u2581mm", + -10.555662155151367 + ], + [ + "\u2581update", + -10.55601692199707 + ], + [ + "\u2581sollen", + -10.556188583374023 + ], + [ + "\u2581bajo", + -10.557151794433594 + ], + [ + "\u2581Paulo", + -10.55813980102539 + ], + [ + "ele", + -10.558180809020996 + ], + [ + "update", + -10.558194160461426 + ], + [ + "\u2581M\u00e9xico", + -10.55828857421875 + ], + [ + "\u2581mon", + -10.558636665344238 + ], + [ + "\u2581habitantes", + -10.558886528015137 + ], + [ + "\u2581vai", + -10.55910301208496 + ], + [ + "\u2581italiano", + -10.55921459197998 + ], + [ + "\u2581tras", + -10.560417175292969 + ], + [ + "\u2581kommt", + -10.56100368499756 + ], + [ + "mathbf", + -10.561065673828123 + ], + [ + "\u2581Rep", + -10.561541557312012 + ], + [ + "\u2581verschillende", + -10.561810493469238 + ], + [ + "\u2581embargo", + -10.562396049499512 + ], + [ + "\u2581South", + -10.56412410736084 + ], + [ + "\u2581innerhalb", + -10.564257621765137 + ], + [ + "\u2581heute", + -10.564958572387695 + ], + [ + "\u2581Frauen", + -10.565320014953612 + ], + [ + "rono", + -10.56593894958496 + ], + [ + "\u2581Mal", + -10.566069602966309 + ], + [ + "\u2581school", + -10.566152572631836 + ], + [ + "\u2581Red", + -10.566346168518066 + ], + [ + "\u2581outro", + -10.56642246246338 + ], + [ + "\u2581Landes", + -10.56659984588623 + ], + [ + "\u2581Let", + -10.56690502166748 + ], + [ + "\u2581Bar", + -10.56694507598877 + ], + [ + "\u2581externes", + -10.567497253417969 + ], + [ + "\u2581lors", + -10.567506790161133 + ], + [ + "\u2581Mann", + -10.568305015563965 + ], + [ + "\u2581volume", + -10.568321228027344 + ], + [ + "try", + -10.56862735748291 + ], + [ + "\u2581Street", + -10.56886863708496 + ], + [ + "\u2581regione", + -10.569294929504396 + ], + [ + "\u2581never", + -10.56943130493164 + ], + [ + "las", + -10.569491386413574 + ], + [ + "\u2581Bedeutung", + -10.570005416870115 + ], + [ + "over", + -10.57093906402588 + ], + [ + "ville", + -10.571001052856444 + ], + [ + "ino", + -10.571443557739258 + ], + [ + "back", + -10.57172393798828 + ], + [ + "\u2581Mark", + -10.571941375732422 + ], + [ + "\u2581action", + -10.571990966796877 + ], + [ + "\u2581Met", + -10.572547912597656 + ], + [ + "TR", + -10.572709083557127 + ], + [ + "\u2581f\u00fchrt", + -10.572724342346191 + ], + [ + "\u2581Li", + -10.572778701782228 + ], + [ + "\u2581bekend", + -10.572888374328612 + ], + [ + "\u2581Son", + -10.572964668273926 + ], + [ + "\u2581Ergebnisse", + -10.57298469543457 + ], + [ + "\u2581kleine", + -10.573402404785156 + ], + [ + "\u2581otro", + -10.57420253753662 + ], + [ + "IP", + -10.5743989944458 + ], + [ + "zioni", + -10.57571506500244 + ], + [ + "Result", + -10.576167106628418 + ], + [ + "\u2581Rechts", + -10.576420783996582 + ], + [ + "\u2581put", + -10.5765380859375 + ], + [ + "\u2581look", + -10.57701587677002 + ], + [ + "hat", + -10.577595710754396 + ], + [ + "Version", + -10.577621459960938 + ], + [ + "\u2581ann\u00e9es", + -10.57936954498291 + ], + [ + "OS", + -10.57945442199707 + ], + [ + "\u2581four", + -10.580568313598633 + ], + [ + "\u2581giorno", + -10.580613136291504 + ], + [ + "\u2581\u00e1lbum", + -10.581177711486816 + ], + [ + "\u2581maggior", + -10.581335067749023 + ], + [ + "\u2581Estado", + -10.581573486328123 + ], + [ + "\u2581Liens", + -10.58171844482422 + ], + [ + "\u2581fact", + -10.5821533203125 + ], + [ + "\u2581nu", + -10.582600593566896 + ], + [ + "sur", + -10.583168029785156 + ], + [ + "ik", + -10.58334732055664 + ], + [ + "\u2581event", + -10.583467483520508 + ], + [ + "\u2581zone", + -10.583602905273438 + ], + [ + "\u2581agli", + -10.58403778076172 + ], + [ + "\u2581/**", + -10.5843505859375 + ], + [ + "\u2581geht", + -10.585187911987305 + ], + [ + "\u2581free", + -10.58539867401123 + ], + [ + "\u2581jeweils", + -10.58542251586914 + ], + [ + "\u2581language", + -10.58542823791504 + ], + [ + "\u2581erst", + -10.586153984069824 + ], + [ + "\u2581population", + -10.586380004882812 + ], + [ + "\u2581Some", + -10.58644199371338 + ], + [ + "\u2581sede", + -10.586578369140623 + ], + [ + "\u2581servi", + -10.588156700134276 + ], + [ + "\u2581sociale", + -10.588189125061035 + ], + [ + "zi", + -10.58837890625 + ], + [ + "\u2581dados", + -10.588818550109863 + ], + [ + "\u2581]];", + -10.588940620422363 + ], + [ + "\u2581telt", + -10.589248657226562 + ], + [ + "\u2581doch", + -10.58953094482422 + ], + [ + "\u2581folgt", + -10.589849472045898 + ], + [ + "\u2581storia", + -10.59035873413086 + ], + [ + "\u2581Literatur", + -10.590776443481444 + ], + [ + "ida", + -10.590798377990724 + ], + [ + "\u2581mode", + -10.591089248657228 + ], + [ + "\u2581energy", + -10.591438293457031 + ], + [ + "\u2581Sul", + -10.591967582702637 + ], + [ + "\u2581significa", + -10.592244148254396 + ], + [ + "\u2581old", + -10.592828750610352 + ], + [ + "\u2581ja", + -10.592841148376465 + ], + [ + "doc", + -10.592877388000488 + ], + [ + "\u2581often", + -10.593050003051758 + ], + [ + "\u2581kein", + -10.593161582946776 + ], + [ + "\u2581avoir", + -10.593164443969728 + ], + [ + "\u2581course", + -10.593663215637209 + ], + [ + "ahl", + -10.5938720703125 + ], + [ + "del", + -10.593905448913574 + ], + [ + "\u2581international", + -10.594087600708008 + ], + [ + "\u2581etwas", + -10.59447193145752 + ], + [ + "\u2581estar", + -10.594672203063965 + ], + [ + "\u2581oficial", + -10.59499740600586 + ], + [ + "\u2581persone", + -10.595159530639648 + ], + [ + "DATA", + -10.595229148864746 + ], + [ + "\u2581Post", + -10.596736907958984 + ], + [ + "\u2581better", + -10.596877098083496 + ], + [ + "\u2581viel", + -10.59748077392578 + ], + [ + "\u2581fosse", + -10.59759521484375 + ], + [ + "ut", + -10.59764289855957 + ], + [ + "\u2581ano", + -10.597648620605469 + ], + [ + "\u2581processo", + -10.597763061523438 + ], + [ + "\u2581analysis", + -10.598164558410645 + ], + [ + "\u2581London", + -10.598575592041016 + ], + [ + "\u2581cause", + -10.59859848022461 + ], + [ + "tbol", + -10.598991394042969 + ], + [ + "\u2581got", + -10.599787712097168 + ], + [ + "\u2581Ca", + -10.602081298828123 + ], + [ + "\u2581Oktober", + -10.602133750915527 + ], + [ + "char", + -10.602387428283691 + ], + [ + "\u2581ganz", + -10.603407859802246 + ], + [ + "\u2581equipo", + -10.603805541992188 + ], + [ + "\u2581ligt", + -10.604344367980955 + ], + [ + "\u2581Leben", + -10.604524612426758 + ], + [ + "bottom", + -10.604581832885742 + ], + [ + "white", + -10.604619979858398 + ], + [ + "frame", + -10.604975700378418 + ], + [ + "cd", + -10.605182647705078 + ], + [ + "show", + -10.605220794677734 + ], + [ + "ois", + -10.60546875 + ], + [ + "tau", + -10.605587005615234 + ], + [ + "\u2581qualquer", + -10.60590934753418 + ], + [ + "\u2581print", + -10.605944633483888 + ], + [ + "amente", + -10.606409072875977 + ], + [ + "aise", + -10.607061386108398 + ], + [ + "\u2581atrav\u00e9s", + -10.607303619384766 + ], + [ + "df", + -10.60737133026123 + ], + [ + "web", + -10.607625961303713 + ], + [ + "\u2581USA", + -10.608231544494627 + ], + [ + "\u2581Can", + -10.608355522155762 + ], + [ + "\u2581hacia", + -10.60842990875244 + ], + [ + "\u2581nationale", + -10.608531951904297 + ], + [ + "vor", + -10.609278678894045 + ], + [ + "All", + -10.60932445526123 + ], + [ + "\u2581multi", + -10.610262870788574 + ], + [ + "\u2581provincie", + -10.610563278198242 + ], + [ + "\u2581Set", + -10.610631942749023 + ], + [ + "msg", + -10.610844612121582 + ], + [ + "\u2581height", + -10.610989570617676 + ], + [ + "And", + -10.611040115356444 + ], + [ + "year", + -10.611058235168455 + ], + [ + "\u2581invece", + -10.611443519592283 + ], + [ + "\u2581numero", + -10.61181354522705 + ], + [ + "\u2581Te", + -10.61183738708496 + ], + [ + "\u2581opera", + -10.611992835998535 + ], + [ + "\u2581encuentra", + -10.6121187210083 + ], + [ + "\u2581element", + -10.612282752990724 + ], + [ + "ungen", + -10.612345695495604 + ], + [ + "\u2581Vi", + -10.612733840942385 + ], + [ + "\u2581certain", + -10.613130569458008 + ], + [ + "\u2581human", + -10.6138916015625 + ], + [ + "Model", + -10.61408233642578 + ], + [ + "\u2581hay", + -10.614148139953612 + ], + [ + "ies", + -10.614397048950195 + ], + [ + "cal", + -10.614753723144531 + ], + [ + "\u2581maken", + -10.614805221557615 + ], + [ + "\u2581strada", + -10.614914894104004 + ], + [ + "\u2581train", + -10.61541748046875 + ], + [ + "\u2581personnes", + -10.615630149841309 + ], + [ + "event", + -10.615840911865234 + ], + [ + "\u2581livro", + -10.61594581604004 + ], + [ + "ador", + -10.615949630737305 + ], + [ + "\u2581grandi", + -10.616046905517578 + ], + [ + "rf", + -10.616716384887695 + ], + [ + "\u2581venne", + -10.61740493774414 + ], + [ + "read", + -10.617436408996582 + ], + [ + "True", + -10.618463516235352 + ], + [ + "\u2581That", + -10.618512153625488 + ], + [ + "\u2581copy", + -10.61947250366211 + ], + [ + "\u2581Entscheidung", + -10.619625091552734 + ], + [ + "\u2581Monte", + -10.620139122009276 + ], + [ + "Manager", + -10.620163917541504 + ], + [ + "\u2581steht", + -10.620551109313965 + ], + [ + "uery", + -10.62095832824707 + ], + [ + "ltimo", + -10.621357917785645 + ], + [ + "Code", + -10.621404647827148 + ], + [ + "ros", + -10.62156105041504 + ], + [ + "\u2581Seite", + -10.622126579284668 + ], + [ + "\u2581regia", + -10.62224006652832 + ], + [ + "\u2581Car", + -10.622264862060549 + ], + [ + "\u2581give", + -10.622787475585938 + ], + [ + "cat", + -10.622842788696287 + ], + [ + "\u2581M\u00e4rz", + -10.622925758361816 + ], + [ + "recht", + -10.62332534790039 + ], + [ + "Le", + -10.623498916625977 + ], + [ + "innen", + -10.623893737792969 + ], + [ + "ach", + -10.624061584472656 + ], + [ + "\u2581Act", + -10.624300003051758 + ], + [ + "Output", + -10.62436866760254 + ], + [ + "black", + -10.624805450439451 + ], + [ + "\u2581Men", + -10.624831199645996 + ], + [ + "byte", + -10.625091552734377 + ], + [ + "\u2581pessoas", + -10.625168800354004 + ], + [ + "\u2581piano", + -10.625524520874023 + ], + [ + "\u2581Antonio", + -10.625797271728516 + ], + [ + "\u2581nuovo", + -10.62581729888916 + ], + [ + "\u2581ho", + -10.626340866088867 + ], + [ + "aient", + -10.626731872558594 + ], + [ + "\u2581Cenni", + -10.628252029418944 + ], + [ + "\u2581ese", + -10.628453254699709 + ], + [ + "description", + -10.628740310668944 + ], + [ + "article", + -10.628829002380373 + ], + [ + "\u2581nun", + -10.628870964050291 + ], + [ + "\u2581centre", + -10.62946319580078 + ], + [ + "\u2581finden", + -10.630937576293944 + ], + [ + "less", + -10.631152153015137 + ], + [ + "\u2581global", + -10.631388664245604 + ], + [ + "\u2581costa", + -10.632164001464844 + ], + [ + "\u2581binnen", + -10.63231372833252 + ], + [ + "load", + -10.632868766784668 + ], + [ + "\u2581Neu", + -10.633011817932127 + ], + [ + "requires", + -10.63396453857422 + ], + [ + "\u2581negli", + -10.635284423828123 + ], + [ + "\u2581mientras", + -10.635376930236816 + ], + [ + "times", + -10.635744094848633 + ], + [ + "\u2581Black", + -10.636460304260254 + ], + [ + "delta", + -10.636534690856934 + ], + [ + "ek", + -10.636832237243652 + ], + [ + "ted", + -10.637510299682615 + ], + [ + "An", + -10.637794494628906 + ], + [ + "\u2581len", + -10.638513565063477 + ], + [ + "ins", + -10.63963508605957 + ], + [ + "KE", + -10.63996410369873 + ], + [ + "ps", + -10.640410423278809 + ], + [ + "Group", + -10.64172649383545 + ], + [ + "\u2581Louis", + -10.641762733459473 + ], + [ + "eur", + -10.642269134521484 + ], + [ + "\u2581cultura", + -10.642742156982422 + ], + [ + "Options", + -10.643067359924316 + ], + [ + "cher", + -10.643068313598633 + ], + [ + "\u2581otras", + -10.643303871154783 + ], + [ + "colspan", + -10.643318176269531 + ], + [ + "\u2581genannten", + -10.643351554870604 + ], + [ + "\u2581Auto", + -10.64346408843994 + ], + [ + "\u2581band", + -10.6450777053833 + ], + [ + "ki", + -10.645190238952637 + ], + [ + "bel", + -10.645299911499023 + ], + [ + "\u2581defined", + -10.645379066467283 + ], + [ + "\u2581alto", + -10.64564037322998 + ], + [ + "write", + -10.645990371704102 + ], + [ + "\u2581Gesamt", + -10.646016120910645 + ], + [ + "\u2581respect", + -10.64779567718506 + ], + [ + "\u2581quien", + -10.647819519042969 + ], + [ + "\u2581faut", + -10.647854804992676 + ], + [ + "\u2581exit", + -10.648077011108398 + ], + [ + "iv", + -10.648287773132324 + ], + [ + "schen", + -10.64909839630127 + ], + [ + "\u2581Voor", + -10.65027904510498 + ], + [ + "\u2581Amerikaanse", + -10.65036964416504 + ], + [ + "altra", + -10.650663375854492 + ], + [ + "\u2581direction", + -10.650856971740724 + ], + [ + "sin", + -10.650906562805176 + ], + [ + "\u2581term", + -10.651524543762209 + ], + [ + "glichkeit", + -10.651957511901855 + ], + [ + "\u2581quelques", + -10.65200138092041 + ], + [ + "\u2581v\u00e1rias", + -10.652525901794434 + ], + [ + "\u2581parti", + -10.653721809387209 + ], + [ + "\u2581\"/", + -10.65374755859375 + ], + [ + "obj", + -10.65376091003418 + ], + [ + "service", + -10.653992652893066 + ], + [ + "\u2581CD", + -10.654388427734377 + ], + [ + "\u2581Haupt", + -10.654499053955078 + ], + [ + "\u2581terra", + -10.65453815460205 + ], + [ + "igen", + -10.65470027923584 + ], + [ + "\u2581Externe", + -10.654862403869627 + ], + [ + "idad", + -10.654882431030272 + ], + [ + "\u2581centrale", + -10.65492057800293 + ], + [ + "\u2581ebenfalls", + -10.655097007751465 + ], + [ + "\u2581Is", + -10.655659675598145 + ], + [ + "\u2581casi", + -10.655851364135742 + ], + [ + "linux", + -10.656076431274414 + ], + [ + "\u2581libro", + -10.656134605407717 + ], + [ + "\u2581fase", + -10.658018112182615 + ], + [ + "\u2581esse", + -10.658734321594238 + ], + [ + "bi", + -10.65906047821045 + ], + [ + "ham", + -10.659961700439451 + ], + [ + "\u2581Open", + -10.660051345825195 + ], + [ + "\u2581erhalten", + -10.660236358642578 + ], + [ + "\u2581dessen", + -10.660603523254396 + ], + [ + "\u2581Sinne", + -10.661458969116213 + ], + [ + "\u2581seizoen", + -10.66193389892578 + ], + [ + "ble", + -10.66221523284912 + ], + [ + "\u2581Sport", + -10.66249656677246 + ], + [ + "\u2581alta", + -10.662701606750488 + ], + [ + "\u2581Copa", + -10.6630277633667 + ], + [ + "\u2581North", + -10.663177490234377 + ], + [ + "air", + -10.663366317749023 + ], + [ + "\u2581May", + -10.663698196411133 + ], + [ + "bash", + -10.664365768432615 + ], + [ + "zen", + -10.665277481079102 + ], + [ + "\u2581cell", + -10.665339469909668 + ], + [ + "number", + -10.665641784667969 + ], + [ + "\u2581banda", + -10.665983200073242 + ], + [ + "\u2581nuevo", + -10.666162490844728 + ], + [ + "\u2581lista", + -10.666425704956056 + ], + [ + "\u2581rond", + -10.666464805603027 + ], + [ + "\u2581machen", + -10.666481971740724 + ], + [ + "tz", + -10.667542457580566 + ], + [ + "\u2581index", + -10.667889595031738 + ], + [ + "enden", + -10.668293952941896 + ], + [ + "Per", + -10.66932773590088 + ], + [ + "\u2581DE", + -10.669659614562988 + ], + [ + "\u2581video", + -10.670193672180176 + ], + [ + "cmd", + -10.670595169067385 + ], + [ + "\u2581Ad", + -10.670696258544922 + ], + [ + "params", + -10.671838760375977 + ], + [ + "Italia", + -10.672252655029297 + ], + [ + "\u2581except", + -10.67233657836914 + ], + [ + "\u2581How", + -10.672919273376465 + ], + [ + "trkpt", + -10.673051834106444 + ], + [ + "dd", + -10.673300743103027 + ], + [ + "\u2581toujours", + -10.673787117004396 + ], + [ + "AS", + -10.67395305633545 + ], + [ + "\u2581laatste", + -10.674545288085938 + ], + [ + "werk", + -10.675146102905272 + ], + [ + "sqrt", + -10.675935745239258 + ], + [ + "\u2581light", + -10.676495552062988 + ], + [ + "ext", + -10.67675495147705 + ], + [ + "\u2581After", + -10.67793083190918 + ], + [ + "\u2581Schutz", + -10.678109169006348 + ], + [ + "Element", + -10.67850112915039 + ], + [ + "\u2581great", + -10.678610801696776 + ], + [ + "lt", + -10.678827285766602 + ], + [ + "Is", + -10.679022789001465 + ], + [ + "\u2581status", + -10.679313659667969 + ], + [ + "ml", + -10.679426193237305 + ], + [ + "\u2581individual", + -10.67946434020996 + ], + [ + "\u2581omdat", + -10.679488182067873 + ], + [ + "\u2581Vergleich", + -10.67951202392578 + ], + [ + "\u2581once", + -10.679797172546388 + ], + [ + "\u2581map", + -10.679848670959473 + ], + [ + "Add", + -10.680350303649902 + ], + [ + "uk", + -10.680496215820312 + ], + [ + "\u2581League", + -10.680981636047363 + ], + [ + "\u2581note", + -10.681282043457031 + ], + [ + "zeit", + -10.681499481201172 + ], + [ + "\u2581popular", + -10.6825532913208 + ], + [ + "\u2581hin", + -10.682618141174316 + ], + [ + "On", + -10.682985305786133 + ], + [ + "ieren", + -10.683027267456056 + ], + [ + "\u2581Liste", + -10.683099746704102 + ], + [ + "\u2581Markt", + -10.68332576751709 + ], + [ + "\u2581head", + -10.683444023132324 + ], + [ + "\u2581Tom", + -10.683449745178224 + ], + [ + "\u2581spesso", + -10.68370532989502 + ], + [ + "\u2581d\u00e9", + -10.683749198913574 + ], + [ + "\u2581aunque", + -10.684833526611328 + ], + [ + "\u2581Gemeinschaft", + -10.684884071350098 + ], + [ + "Class", + -10.685310363769531 + ], + [ + "\u2581gen", + -10.685566902160645 + ], + [ + "gi", + -10.685900688171388 + ], + [ + "\u2581Chi", + -10.6862211227417 + ], + [ + "\u2581Informationen", + -10.686319351196287 + ], + [ + "\u2581hinaus", + -10.686355590820312 + ], + [ + "burg", + -10.687153816223145 + ], + [ + "side", + -10.687573432922363 + ], + [ + "\u2581einzelnen", + -10.6876220703125 + ], + [ + "\u2581Dabei", + -10.688158988952637 + ], + [ + "\u2581below", + -10.688172340393066 + ], + [ + "\u2581module", + -10.68842887878418 + ], + [ + "movl", + -10.688600540161133 + ], + [ + "Or", + -10.689502716064451 + ], + [ + "\u2581express", + -10.689557075500488 + ], + [ + "\u2581Pi", + -10.689560890197754 + ], + [ + "\u2581Hans", + -10.689571380615234 + ], + [ + "\u2581kind", + -10.68963623046875 + ], + [ + "\u2581alguns", + -10.689698219299316 + ], + [ + "\u2581Ch", + -10.689924240112305 + ], + [ + "\u2581Entre", + -10.690022468566896 + ], + [ + "\u2581basis", + -10.690024375915527 + ], + [ + "\u2581seconda", + -10.690166473388672 + ], + [ + "\u2581bool", + -10.690488815307615 + ], + [ + "\u2581str", + -10.690566062927246 + ], + [ + "\u2581Mundial", + -10.691290855407717 + ], + [ + "\u2581lang", + -10.69184398651123 + ], + [ + "una", + -10.692063331604004 + ], + [ + "VI", + -10.692118644714355 + ], + [ + "anti", + -10.692136764526367 + ], + [ + "\u2581Then", + -10.69214153289795 + ], + [ + "\u2581Gesetz", + -10.692855834960938 + ], + [ + "\u2581arrivare", + -10.692915916442873 + ], + [ + "\u2581Tabelle", + -10.693161964416504 + ], + [ + "\u2581instance", + -10.693204879760742 + ], + [ + "\u2581too", + -10.693745613098145 + ], + [ + "\u2581Anwendung", + -10.694035530090332 + ], + [ + "cid", + -10.694296836853027 + ], + [ + "\u2581things", + -10.694746971130373 + ], + [ + "\u2581hacer", + -10.695035934448242 + ], + [ + "point", + -10.695082664489746 + ], + [ + "\u2581Dumbledore", + -10.695226669311523 + ], + [ + "\u2581\"\\", + -10.695477485656738 + ], + [ + "III", + -10.696032524108888 + ], + [ + "\u2581ten\u00eda", + -10.696146965026855 + ], + [ + "\u2581though", + -10.696839332580566 + ], + [ + "eta", + -10.69711971282959 + ], + [ + "\u2581series", + -10.698238372802734 + ], + [ + "\u2581cannot", + -10.698393821716309 + ], + [ + "\u2581mano", + -10.698561668395996 + ], + [ + "\u2581Richard", + -10.699382781982422 + ], + [ + "\u2581empresa", + -10.700202941894531 + ], + [ + "\u2581Museum", + -10.70051097869873 + ], + [ + "\u2581ge\u00e4ndert", + -10.700800895690918 + ], + [ + "google", + -10.701253890991213 + ], + [ + "\u00e9tait", + -10.70129680633545 + ], + [ + "mar", + -10.701380729675291 + ], + [ + "\u2581mani", + -10.701408386230469 + ], + [ + "\u2581persona", + -10.701452255249023 + ], + [ + "met", + -10.701762199401855 + ], + [ + "modules", + -10.702055931091309 + ], + [ + "\u2581home", + -10.702077865600586 + ], + [ + "\u2581val", + -10.702262878417969 + ], + [ + "interno", + -10.703460693359377 + ], + [ + "\u2581ap\u00f3s", + -10.703523635864258 + ], + [ + "\u2581porta", + -10.703546524047852 + ], + [ + "\u2581Person", + -10.70389461517334 + ], + [ + "theta", + -10.70455551147461 + ], + [ + "ierung", + -10.705038070678713 + ], + [ + "\u2581distribution", + -10.705105781555176 + ], + [ + "\u2581suite", + -10.705172538757324 + ], + [ + "\u2581Hand", + -10.705220222473145 + ], + [ + "pl", + -10.705551147460938 + ], + [ + "\u2581dice", + -10.706209182739258 + ], + [ + "\u2581surface", + -10.707340240478516 + ], + [ + "old", + -10.707853317260742 + ], + [ + "\u2581Naissance", + -10.70806884765625 + ], + [ + "\u2581Val", + -10.708145141601562 + ], + [ + "\u2581low", + -10.709282875061035 + ], + [ + "\u2581further", + -10.709580421447754 + ], + [ + "ici", + -10.710206985473633 + ], + [ + "\u2581historia", + -10.7102632522583 + ], + [ + "\u2581provide", + -10.710467338562012 + ], + [ + "space", + -10.71094799041748 + ], + [ + "\u2581dia", + -10.711166381835938 + ], + [ + "ug", + -10.711344718933104 + ], + [ + "\u2581giorni", + -10.711700439453123 + ], + [ + "\u2581particolare", + -10.711703300476074 + ], + [ + "van", + -10.711830139160156 + ], + [ + "\u2581tan", + -10.71257781982422 + ], + [ + "\u2581attraverso", + -10.712621688842772 + ], + [ + "raw", + -10.712785720825195 + ], + [ + "\u2581Uma", + -10.712803840637209 + ], + [ + "usammenhang", + -10.712850570678713 + ], + [ + "\u2581Patienten", + -10.71298885345459 + ], + [ + "\u2581actual", + -10.714162826538086 + ], + [ + "\u2581toute", + -10.714360237121582 + ], + [ + "\u2581aver", + -10.714597702026367 + ], + [ + "\u2581oggi", + -10.71460247039795 + ], + [ + "ec", + -10.714765548706056 + ], + [ + "\u2581politique", + -10.714860916137695 + ], + [ + "\u2581Ni", + -10.71486759185791 + ], + [ + "\u2581nada", + -10.715364456176758 + ], + [ + "\u2581quelle", + -10.715829849243164 + ], + [ + "\u2581having", + -10.715999603271484 + ], + [ + "\u2581ella", + -10.71621799468994 + ], + [ + "\u2581bekannt", + -10.716702461242676 + ], + [ + "sel", + -10.717255592346191 + ], + [ + "\u2581Den", + -10.717432975769045 + ], + [ + "\u2581Frau", + -10.717598915100098 + ], + [ + "button", + -10.71819305419922 + ], + [ + "\u2581kreeg", + -10.718892097473145 + ], + [ + "\u2581production", + -10.71935749053955 + ], + [ + "position", + -10.719611167907717 + ], + [ + "nio", + -10.719759941101074 + ], + [ + "\u2581principalmente", + -10.720170974731444 + ], + [ + "\u2581deutlich", + -10.720297813415527 + ], + [ + "ok", + -10.720399856567385 + ], + [ + "\u2581parameters", + -10.72067642211914 + ], + [ + "\u2581tour", + -10.720905303955078 + ], + [ + "\u2581Not", + -10.72091579437256 + ], + [ + "\u2581Argentina", + -10.7214937210083 + ], + [ + "tal", + -10.721793174743652 + ], + [ + "\u2581nacional", + -10.72189998626709 + ], + [ + "\u2581weg", + -10.722001075744627 + ], + [ + "\u2581n\u00edvel", + -10.722212791442873 + ], + [ + "\u2581werk", + -10.72232151031494 + ], + [ + "aire", + -10.72237491607666 + ], + [ + "\u2581mejor", + -10.722496032714844 + ], + [ + "\u00e1n", + -10.72255802154541 + ], + [ + "Label", + -10.722750663757324 + ], + [ + "\u2581moet", + -10.722872734069824 + ], + [ + "\u2581Gran", + -10.72309398651123 + ], + [ + "RE", + -10.723148345947266 + ], + [ + "\u2581days", + -10.72316074371338 + ], + [ + "\u2581Amsterdam", + -10.72344970703125 + ], + [ + "osa", + -10.723795890808104 + ], + [ + "\u2581toutes", + -10.724087715148926 + ], + [ + "\u2581away", + -10.724115371704102 + ], + [ + "\u2581continue", + -10.724393844604492 + ], + [ + "Button", + -10.724725723266602 + ], + [ + "ht", + -10.72488021850586 + ], + [ + "IV", + -10.72615909576416 + ], + [ + "\u2581pol\u00edtica", + -10.726259231567385 + ], + [ + "\u2581Copyright", + -10.726325035095217 + ], + [ + "\u2581Und", + -10.726476669311523 + ], + [ + "\u2581lange", + -10.726479530334473 + ], + [ + "\u2581otra", + -10.726962089538574 + ], + [ + "\u2581Band", + -10.727210998535156 + ], + [ + "bb", + -10.727213859558104 + ], + [ + "\u2581Super", + -10.727812767028809 + ], + [ + "\u2581Deutsche", + -10.728769302368164 + ], + [ + "\u2581Sud", + -10.728943824768066 + ], + [ + "\u2581network", + -10.729409217834473 + ], + [ + "\u2581shown", + -10.72945785522461 + ], + [ + "tra", + -10.72990608215332 + ], + [ + "\u2581#!/", + -10.730100631713867 + ], + [ + "\u2581server", + -10.730490684509276 + ], + [ + "\u2581nature", + -10.730668067932127 + ], + [ + "\u2581mort", + -10.730993270874023 + ], + [ + "\u2581common", + -10.73115062713623 + ], + [ + "current", + -10.732120513916016 + ], + [ + "\u2581novembre", + -10.73222541809082 + ], + [ + "From", + -10.7326021194458 + ], + [ + "fr", + -10.732731819152832 + ], + [ + "\u2581syst", + -10.733386039733888 + ], + [ + "pdf", + -10.7341890335083 + ], + [ + "By", + -10.734336853027344 + ], + [ + "header", + -10.735217094421388 + ], + [ + "\u2581Here", + -10.735584259033203 + ], + [ + "\u2581peque", + -10.735735893249512 + ], + [ + "\u2581cela", + -10.735970497131348 + ], + [ + "stream", + -10.73622989654541 + ], + [ + "\u2581Titel", + -10.736364364624023 + ], + [ + "\u2581Bus", + -10.737150192260742 + ], + [ + "fig", + -10.737383842468262 + ], + [ + "idade", + -10.737977027893066 + ], + [ + "ML", + -10.738009452819824 + ], + [ + "\u2581Air", + -10.738282203674316 + ], + [ + "partial", + -10.73831844329834 + ], + [ + "\u2581THE", + -10.738629341125488 + ], + [ + "\u2581Festival", + -10.739315032958984 + ], + [ + "\u2581folgende", + -10.739614486694336 + ], + [ + "put", + -10.739848136901855 + ], + [ + "utils", + -10.740312576293944 + ], + [ + "isola", + -10.74088191986084 + ], + [ + "\u2581vedere", + -10.742047309875488 + ], + [ + "gt", + -10.742155075073242 + ], + [ + "Al", + -10.74243450164795 + ], + [ + "\u2581changes", + -10.74264907836914 + ], + [ + "\u2581mondiale", + -10.742697715759276 + ], + [ + "ED", + -10.742908477783203 + ], + [ + "glichkeiten", + -10.742984771728516 + ], + [ + "ear", + -10.743032455444336 + ], + [ + "\u2581sino", + -10.743043899536133 + ], + [ + "\u2581corpo", + -10.744003295898438 + ], + [ + "\u2581sure", + -10.744401931762695 + ], + [ + "stack", + -10.744661331176758 + ], + [ + "\u2581pelos", + -10.744688034057615 + ], + [ + "sta", + -10.745640754699709 + ], + [ + "\u2581unit", + -10.746742248535156 + ], + [ + "\u2581insgesamt", + -10.747075080871582 + ], + [ + "\u2581frente", + -10.74712371826172 + ], + [ + "\u2581w\u00e4re", + -10.747129440307615 + ], + [ + "\u2581maakte", + -10.74789333343506 + ], + [ + "\u2581januari", + -10.74810028076172 + ], + [ + "\u2581stellt", + -10.74813175201416 + ], + [ + "\u2581furono", + -10.748464584350586 + ], + [ + "\u2581medio", + -10.748517990112305 + ], + [ + "\u2581argument", + -10.7498140335083 + ], + [ + "apache", + -10.749887466430664 + ], + [ + "idae", + -10.751399040222168 + ], + [ + "\u2581VI", + -10.75195026397705 + ], + [ + "\u2581colspan", + -10.752105712890623 + ], + [ + "rement", + -10.753185272216797 + ], + [ + "System", + -10.753198623657228 + ], + [ + "\u2581s\u00e9", + -10.753408432006836 + ], + [ + "\u2581mei", + -10.753545761108398 + ], + [ + "\u2581really", + -10.753592491149902 + ], + [ + "\u2581variables", + -10.754268646240234 + ], + [ + "find", + -10.75440502166748 + ], + [ + "\u2581lavoro", + -10.754444122314451 + ], + [ + "\u2581types", + -10.754657745361328 + ], + [ + "\u2581alcune", + -10.754690170288086 + ], + [ + "\u2581pois", + -10.754731178283691 + ], + [ + "\u2581parameter", + -10.755590438842772 + ], + [ + "aci\u00f3n", + -10.755697250366213 + ], + [ + "\u2581access", + -10.756051063537598 + ], + [ + "\u2581celui", + -10.756099700927734 + ], + [ + "query", + -10.756114959716797 + ], + [ + "ont", + -10.756529808044434 + ], + [ + "btn", + -10.756553649902344 + ], + [ + "bit", + -10.7566556930542 + ], + [ + "\u2581parece", + -10.757282257080078 + ], + [ + "\u2581direct", + -10.757588386535645 + ], + [ + "xml", + -10.757746696472168 + ], + [ + "\u2581minutes", + -10.757803916931152 + ], + [ + "\u2581apt", + -10.758008003234863 + ], + [ + "\u2581beide", + -10.75917625427246 + ], + [ + "static", + -10.759634971618652 + ], + [ + "NO", + -10.759725570678713 + ], + [ + "rper", + -10.760215759277344 + ], + [ + "\u2581government", + -10.7606782913208 + ], + [ + "\u2581zelf", + -10.760992050170898 + ], + [ + "\u2581hace", + -10.761034965515137 + ], + [ + "dy", + -10.76103687286377 + ], + [ + "\u2581queste", + -10.761178970336914 + ], + [ + "nnte", + -10.761249542236328 + ], + [ + "\u2581volgende", + -10.761906623840332 + ], + [ + "\u2581allerdings", + -10.762081146240234 + ], + [ + "\u2581rest", + -10.762282371520996 + ], + [ + "\u2581Pre", + -10.762414932250977 + ], + [ + "\u2581resto", + -10.762655258178713 + ], + [ + "lichen", + -10.762908935546877 + ], + [ + "\u2581client", + -10.76313304901123 + ], + [ + "\u2581AN", + -10.763350486755373 + ], + [ + "\u2581autre", + -10.76340103149414 + ], + [ + "\u2581half", + -10.763589859008787 + ], + [ + "\u2581valign", + -10.763916015625 + ], + [ + "\u2581times", + -10.764013290405272 + ], + [ + "\u2581document", + -10.764697074890137 + ], + [ + "\u2581cellspacing", + -10.764835357666016 + ], + [ + "\u2581letzten", + -10.764842987060549 + ], + [ + "response", + -10.764962196350098 + ], + [ + "\u2581Mr", + -10.765094757080078 + ], + [ + "\u2581terms", + -10.76520824432373 + ], + [ + "\u2581Ent", + -10.76551342010498 + ], + [ + "qui", + -10.765583038330078 + ], + [ + "\u2581country", + -10.765583038330078 + ], + [ + "\u2581def", + -10.765724182128906 + ], + [ + "aus", + -10.76602840423584 + ], + [ + "\u2581instead", + -10.766277313232422 + ], + [ + "\u2581period", + -10.766289710998535 + ], + [ + "\u2581sull", + -10.766596794128418 + ], + [ + "sigma", + -10.766721725463867 + ], + [ + "\u2581property", + -10.767093658447266 + ], + [ + "\u2581Geschichte", + -10.767104148864746 + ], + [ + "\u2581mensen", + -10.76754665374756 + ], + [ + "\u2581however", + -10.767572402954102 + ], + [ + "\u2581exemple", + -10.767751693725586 + ], + [ + "\u2581rela", + -10.768095016479492 + ], + [ + "INSTALL", + -10.768529891967772 + ], + [ + "\u2581peuvent", + -10.768800735473633 + ], + [ + "\u2581Ober", + -10.768927574157717 + ], + [ + "\u2581Collegamenti", + -10.76927089691162 + ], + [ + "important", + -10.76956272125244 + ], + [ + "UINT", + -10.769698143005373 + ], + [ + "\u2581mean", + -10.769766807556152 + ], + [ + "\u2581papel", + -10.770012855529783 + ], + [ + "ico", + -10.770112991333008 + ], + [ + "Color", + -10.77024745941162 + ], + [ + "\u2581vezes", + -10.770517349243164 + ], + [ + "\u2581Inter", + -10.77101230621338 + ], + [ + "\u2581Top", + -10.771184921264648 + ], + [ + "\u2581enough", + -10.77216911315918 + ], + [ + "\u2581nunca", + -10.772198677062988 + ], + [ + "\u2581Sub", + -10.772456169128418 + ], + [ + "exp", + -10.772501945495604 + ], + [ + "\u2581Beispiel", + -10.773027420043944 + ], + [ + "\u2581stand", + -10.77404499053955 + ], + [ + "\u2581madre", + -10.774251937866213 + ], + [ + "por", + -10.77426815032959 + ], + [ + "\u2581Wirtschafts", + -10.774332046508787 + ], + [ + "\u2581performance", + -10.774650573730469 + ], + [ + "\u2581Casa", + -10.775562286376951 + ], + [ + "\u2581forte", + -10.77558422088623 + ], + [ + "\u2581Canada", + -10.77612590789795 + ], + [ + "\u2581website", + -10.776143074035645 + ], + [ + "\u2581rm", + -10.776373863220217 + ], + [ + "\u2581Washington", + -10.776552200317385 + ], + [ + "\u2581mee", + -10.7772855758667 + ], + [ + "mode", + -10.777909278869627 + ], + [ + "Verbo", + -10.778818130493164 + ], + [ + "\u2581record", + -10.778823852539062 + ], + [ + "\u2581Ka", + -10.779379844665527 + ], + [ + "\u2581poss\u00edvel", + -10.779553413391112 + ], + [ + "Page", + -10.779587745666504 + ], + [ + "ov", + -10.779658317565918 + ], + [ + "pm", + -10.779767036437988 + ], + [ + "\u2581ligne", + -10.779947280883787 + ], + [ + "bus", + -10.780091285705566 + ], + [ + "\u2581functions", + -10.780139923095703 + ], + [ + "ein", + -10.780166625976562 + ], + [ + "\u2581sulle", + -10.780196189880373 + ], + [ + "\u2581port", + -10.780401229858398 + ], + [ + "\u2581Ben", + -10.78067684173584 + ], + [ + "\u2581alleen", + -10.780725479125977 + ], + [ + "\u2581Central", + -10.780750274658203 + ], + [ + "\u2581erste", + -10.780818939208984 + ], + [ + "\u2581groupe", + -10.78139877319336 + ], + [ + "\u2581esempio", + -10.781538009643556 + ], + [ + "\u2581account", + -10.781726837158203 + ], + [ + "we", + -10.782254219055176 + ], + [ + "blico", + -10.78231430053711 + ], + [ + "autre", + -10.782849311828612 + ], + [ + "\u2581Int", + -10.782852172851562 + ], + [ + "\u2581r\u00e9gion", + -10.78307056427002 + ], + [ + "ique", + -10.783340454101562 + ], + [ + "long", + -10.78369140625 + ], + [ + "\u2581Vol", + -10.783763885498049 + ], + [ + "level", + -10.786605834960938 + ], + [ + "bl", + -10.786820411682127 + ], + [ + "\u2581estas", + -10.786991119384766 + ], + [ + "\u2581Milano", + -10.787227630615234 + ], + [ + "\u2581doit", + -10.78750228881836 + ], + [ + "jar", + -10.787619590759276 + ], + [ + "\u2581situation", + -10.787632942199709 + ], + [ + "\u2581came", + -10.788015365600586 + ], + [ + "it\u00e9", + -10.78808307647705 + ], + [ + "\u2581village", + -10.78891658782959 + ], + [ + "ffentlichen", + -10.78935718536377 + ], + [ + "Of", + -10.78952693939209 + ], + [ + "\u2581region", + -10.78955078125 + ], + [ + "\u2581amount", + -10.78955364227295 + ], + [ + "\u2581Mitgliedstaaten", + -10.78980541229248 + ], + [ + "range", + -10.789887428283691 + ], + [ + "esi", + -10.789973258972168 + ], + [ + "\u2581online", + -10.790160179138184 + ], + [ + "BUILD", + -10.79021167755127 + ], + [ + "\u2581Arbeits", + -10.790382385253906 + ], + [ + "\u00e9es", + -10.79128360748291 + ], + [ + "ak", + -10.791584014892578 + ], + [ + "\u2581speelde", + -10.791784286499023 + ], + [ + "next", + -10.792200088500977 + ], + [ + "\u2581program", + -10.792479515075684 + ], + [ + "\u2581erh", + -10.79336166381836 + ], + [ + "vec", + -10.793509483337402 + ], + [ + "\u2581Ar", + -10.793527603149414 + ], + [ + "\u2581category", + -10.793549537658691 + ], + [ + "\u2581Google", + -10.79364776611328 + ], + [ + "\u2581progetti", + -10.793685913085938 + ], + [ + "\u2581County", + -10.794317245483398 + ], + [ + "plan", + -10.79440689086914 + ], + [ + "\u2581chaque", + -10.794551849365234 + ], + [ + "\u2581donne", + -10.794830322265623 + ], + [ + "ski", + -10.79486846923828 + ], + [ + "pro", + -10.79489803314209 + ], + [ + "\u2581positive", + -10.795286178588867 + ], + [ + "ang", + -10.7957763671875 + ], + [ + "uri", + -10.795933723449709 + ], + [ + "active", + -10.796012878417969 + ], + [ + "\u2581externas", + -10.796076774597168 + ], + [ + "\u2581Now", + -10.796299934387209 + ], + [ + "\u2581rights", + -10.79661750793457 + ], + [ + "ball", + -10.796756744384766 + ], + [ + "\u2581usar", + -10.796939849853516 + ], + [ + "first", + -10.797119140625 + ], + [ + "\u2581bi", + -10.79717254638672 + ], + [ + "\u2581enkele", + -10.797419548034668 + ], + [ + "\u2581weiteren", + -10.797701835632324 + ], + [ + "\u2581Pub", + -10.797873497009276 + ], + [ + "\u2581Po", + -10.798454284667969 + ], + [ + "\u2581report", + -10.798995971679688 + ], + [ + "\u2581kommen", + -10.798996925354004 + ], + [ + "\u2581family", + -10.799005508422852 + ], + [ + "ray", + -10.799068450927734 + ], + [ + "ny", + -10.799395561218262 + ], + [ + "\u2581stehen", + -10.799406051635742 + ], + [ + "\u2581block", + -10.80081844329834 + ], + [ + "arr", + -10.80092430114746 + ], + [ + "\u2581celle", + -10.80116081237793 + ], + [ + "\u2581besonders", + -10.80136489868164 + ], + [ + "\u2581pass", + -10.801738739013672 + ], + [ + "\u2581distance", + -10.801955223083496 + ], + [ + "\u2581thought", + -10.801993370056152 + ], + [ + "\u2581IN", + -10.802168846130373 + ], + [ + "Date", + -10.802689552307127 + ], + [ + "ges", + -10.80285358428955 + ], + [ + "\u2581kam", + -10.80303955078125 + ], + [ + "\u2581Londres", + -10.803516387939451 + ], + [ + "\u2581zeigt", + -10.803618431091309 + ], + [ + "\u2581background", + -10.80388355255127 + ], + [ + "\u2581Radio", + -10.80396842956543 + ], + [ + "esp", + -10.804139137268066 + ], + [ + "\u2581Voldemort", + -10.804224014282228 + ], + [ + "\u2581liegen", + -10.804251670837402 + ], + [ + "\u2581Windows", + -10.804579734802246 + ], + [ + "\u2581stop", + -10.80547332763672 + ], + [ + "\u2581};", + -10.806020736694336 + ], + [ + "ltima", + -10.806836128234863 + ], + [ + "\u2581trabajo", + -10.806917190551758 + ], + [ + "\u2581ellos", + -10.807361602783203 + ], + [ + "haus", + -10.807635307312012 + ], + [ + "\u2581daf\u00fcr", + -10.808242797851562 + ], + [ + "\u2581interface", + -10.808279991149902 + ], + [ + "We", + -10.808690071105955 + ], + [ + "\u2581l\u00e0", + -10.809244155883787 + ], + [ + "\u2581Journal", + -10.80929470062256 + ], + [ + "\u2581g\u00e9n\u00e9ral", + -10.80988597869873 + ], + [ + "ji", + -10.810450553894045 + ], + [ + "\u2581design", + -10.810458183288574 + ], + [ + "\u2581jour", + -10.810579299926758 + ], + [ + "\u2581per\u00edodo", + -10.810766220092772 + ], + [ + "\u2581einige", + -10.810785293579102 + ], + [ + "tats", + -10.81103515625 + ], + [ + "\u2581directory", + -10.81113624572754 + ], + [ + "rate", + -10.811193466186523 + ], + [ + "\u2581Apr", + -10.811223030090332 + ], + [ + "\u2581exist", + -10.811361312866213 + ], + [ + "\u2581Node", + -10.81149673461914 + ], + [ + "project", + -10.811549186706545 + ], + [ + "\u2581qualche", + -10.811634063720703 + ], + [ + "\u2581altro", + -10.812496185302734 + ], + [ + "ap", + -10.812607765197754 + ], + [ + "\u2581taxi", + -10.812817573547363 + ], + [ + "\u2581Umwelt", + -10.812877655029297 + ], + [ + "\u2581permet", + -10.81322956085205 + ], + [ + "\u2581servizio", + -10.813876152038574 + ], + [ + "\u2581Ex", + -10.814071655273438 + ], + [ + "ebp", + -10.814180374145508 + ], + [ + "\u2581lieu", + -10.814187049865724 + ], + [ + "\u2581zwar", + -10.81440258026123 + ], + [ + "\u2581Campeonato", + -10.814454078674316 + ], + [ + "\u2581week", + -10.814570426940918 + ], + [ + "\u2581children", + -10.814980506896973 + ], + [ + "\u2581Dopo", + -10.815030097961426 + ], + [ + "ger", + -10.815431594848633 + ], + [ + "cdot", + -10.815794944763184 + ], + [ + "ER", + -10.816064834594728 + ], + [ + "\u2581[...]", + -10.81627368927002 + ], + [ + "push", + -10.816690444946287 + ], + [ + "nen", + -10.81721019744873 + ], + [ + "\u2581cinco", + -10.817364692687988 + ], + [ + "\u2581stazione", + -10.817482948303224 + ], + [ + "\u2581hard", + -10.817596435546877 + ], + [ + "\u2581Pero", + -10.817962646484377 + ], + [ + "EWG", + -10.818041801452637 + ], + [ + "\u2581linea", + -10.818536758422852 + ], + [ + "\u2581rate", + -10.819036483764648 + ], + [ + "aeroporto", + -10.819183349609377 + ], + [ + "ary", + -10.819586753845217 + ], + [ + "\u2581largo", + -10.819952964782717 + ], + [ + "\u2581Seg", + -10.82013988494873 + ], + [ + "\u2581FROM", + -10.820521354675291 + ], + [ + "\u2581maakt", + -10.820749282836914 + ], + [ + "altro", + -10.82081699371338 + ], + [ + "\u2581development", + -10.821393013000488 + ], + [ + "\u2581gente", + -10.821537971496582 + ], + [ + "wei", + -10.821852684020996 + ], + [ + "\u2581taken", + -10.821942329406738 + ], + [ + "only", + -10.822314262390137 + ], + [ + "stein", + -10.823816299438477 + ], + [ + "\u2581Chile", + -10.823931694030762 + ], + [ + "dt", + -10.824009895324709 + ], + [ + "\u2581juni", + -10.824263572692873 + ], + [ + "\u2581Joseph", + -10.8242826461792 + ], + [ + "gamma", + -10.824610710144045 + ], + [ + "\u2581Antrag", + -10.82481575012207 + ], + [ + "\u2581Costa", + -10.82500171661377 + ], + [ + "bach", + -10.825249671936035 + ], + [ + "host", + -10.825331687927246 + ], + [ + "\u2581School", + -10.825531959533691 + ], + [ + "\u2581entonces", + -10.82570743560791 + ], + [ + "\u2581European", + -10.826672554016112 + ], + [ + "\u2581*)", + -10.82751750946045 + ], + [ + "\u2581guerre", + -10.827597618103027 + ], + [ + "\u2581cd", + -10.82777976989746 + ], + [ + "\u2581close", + -10.828542709350586 + ], + [ + "\u2581God", + -10.828669548034668 + ], + [ + "Base", + -10.829046249389648 + ], + [ + "\u2581internationale", + -10.82932186126709 + ], + [ + "\u2581Franse", + -10.82955837249756 + ], + [ + "\u2581Web", + -10.82982349395752 + ], + [ + "dict", + -10.830116271972656 + ], + [ + "pp", + -10.830169677734377 + ], + [ + "\u2581municipio", + -10.83033275604248 + ], + [ + "\u2581Pedro", + -10.83130931854248 + ], + [ + "\u2581expression", + -10.831313133239746 + ], + [ + "\u2581notamment", + -10.831450462341309 + ], + [ + "make", + -10.831517219543455 + ], + [ + "erdem", + -10.831948280334473 + ], + [ + "\u2581\u00e9\u00e9n", + -10.832586288452148 + ], + [ + "Table", + -10.832756042480469 + ], + [ + "\u2581multiple", + -10.832828521728516 + ], + [ + "\u2581distributed", + -10.83316421508789 + ], + [ + "\u2581short", + -10.833258628845217 + ], + [ + "\u2581Alle", + -10.833473205566406 + ], + [ + "ru", + -10.833610534667969 + ], + [ + "\u2581pa\u00edses", + -10.833751678466797 + ], + [ + "\u2581volte", + -10.834403038024902 + ], + [ + "mal", + -10.834606170654297 + ], + [ + "\u2581partido", + -10.834680557250977 + ], + [ + "\u2581verwendet", + -10.83497428894043 + ], + [ + "\u2581methods", + -10.83511447906494 + ], + [ + "\u2581option", + -10.835700035095217 + ], + [ + "\u2581Region", + -10.836003303527832 + ], + [ + "ux", + -10.836158752441406 + ], + [ + "\u2581sito", + -10.836187362670898 + ], + [ + "\u2581Serie", + -10.836851119995115 + ], + [ + "\u2581soprattutto", + -10.836864471435549 + ], + [ + "pen", + -10.837043762207031 + ], + [ + "Log", + -10.837221145629885 + ], + [ + "\u2581early", + -10.837265968322754 + ], + [ + "\u2581ihnen", + -10.837362289428713 + ], + [ + "\u2581Villa", + -10.837409973144531 + ], + [ + "\u2581max", + -10.837644577026367 + ], + [ + "Ab", + -10.837665557861328 + ], + [ + "\u2581Frank", + -10.83774185180664 + ], + [ + "\u2581Durchf\u00fchrung", + -10.837801933288574 + ], + [ + "\u2581Tambi\u00e9n", + -10.837986946105955 + ], + [ + "\u2581entsprechend", + -10.838525772094728 + ], + [ + "\u2581Bestand", + -10.838850021362305 + ], + [ + "\u2581specified", + -10.838916778564451 + ], + [ + "\u2581added", + -10.839577674865724 + ], + [ + "edi", + -10.83979606628418 + ], + [ + "\u2581Igreja", + -10.839837074279783 + ], + [ + "flags", + -10.84028434753418 + ], + [ + "\u2581quest", + -10.840289115905762 + ], + [ + "\u2581neben", + -10.840344429016112 + ], + [ + "\u2581cours", + -10.84048557281494 + ], + [ + "files", + -10.840641975402832 + ], + [ + "\u2581Centro", + -10.84067440032959 + ], + [ + "\u2581luego", + -10.841209411621094 + ], + [ + "\u2581s\u00f3", + -10.841259956359863 + ], + [ + "uit", + -10.841326713562012 + ], + [ + "\u2581step", + -10.841482162475586 + ], + [ + "\u2581script", + -10.84149932861328 + ], + [ + "scope", + -10.84150218963623 + ], + [ + "\u2581become", + -10.841849327087402 + ], + [ + "\u2581Historia", + -10.84188747406006 + ], + [ + "rat", + -10.842116355895996 + ], + [ + "\u2581pueden", + -10.842205047607422 + ], + [ + "MA", + -10.842687606811523 + ], + [ + "\u2581gaat", + -10.842695236206056 + ], + [ + "\u2581cuenta", + -10.842751502990724 + ], + [ + "\u2581gab", + -10.84295654296875 + ], + [ + "pkg", + -10.84329319000244 + ], + [ + "media", + -10.843412399291992 + ], + [ + "uesto", + -10.84357738494873 + ], + [ + "\u2581sowohl", + -10.843716621398926 + ], + [ + "\u2581REDIRECTION", + -10.843749046325684 + ], + [ + "\u2581Weg", + -10.843750953674316 + ], + [ + "\u2581september", + -10.844218254089355 + ], + [ + "\u2581described", + -10.844406127929688 + ], + [ + "oni", + -10.844447135925291 + ], + [ + "\u2581returns", + -10.844818115234377 + ], + [ + "\u2581personal", + -10.84484577178955 + ], + [ + "uomo", + -10.84511947631836 + ], + [ + "\u2581micro", + -10.845133781433104 + ], + [ + "select", + -10.845335960388184 + ], + [ + "\u2581Love", + -10.845914840698242 + ], + [ + "\u2581ihrem", + -10.845979690551758 + ], + [ + "lage", + -10.846098899841309 + ], + [ + "\u2581handelt", + -10.846597671508787 + ], + [ + "cf", + -10.84800148010254 + ], + [ + "\u2581algumas", + -10.848392486572266 + ], + [ + "wa", + -10.84879207611084 + ], + [ + "\u2581oktober", + -10.849453926086426 + ], + [ + "IT", + -10.849604606628418 + ], + [ + "\u2581juli", + -10.849644660949709 + ], + [ + "\u2581Wir", + -10.850111961364746 + ], + [ + "TEST", + -10.850406646728516 + ], + [ + "\u2581sch", + -10.850621223449709 + ], + [ + "heid", + -10.850909233093262 + ], + [ + "\u2581hecho", + -10.85101318359375 + ], + [ + "spec", + -10.85102081298828 + ], + [ + "\u2581Foi", + -10.851162910461426 + ], + [ + "\u2581bit", + -10.851816177368164 + ], + [ + "ern", + -10.85208797454834 + ], + [ + "\u2581verschiedenen", + -10.852177619934082 + ], + [ + "\u2581Ho", + -10.85250473022461 + ], + [ + "\u2581sea", + -10.852737426757812 + ], + [ + "\u2581t\u00edtulo", + -10.852776527404783 + ], + [ + "\u2581enquanto", + -10.852940559387209 + ], + [ + "\u2581\"\"", + -10.853137969970703 + ], + [ + "\u2581zal", + -10.853765487670898 + ], + [ + "collapse", + -10.853861808776855 + ], + [ + "Server", + -10.854243278503418 + ], + [ + "\u2581Energie", + -10.854269981384276 + ], + [ + "\u2581programma", + -10.85446548461914 + ], + [ + "r\u00e1", + -10.854701042175291 + ], + [ + "\u2581Regelung", + -10.854844093322754 + ], + [ + "\u2581lat", + -10.85484790802002 + ], + [ + "hui", + -10.854941368103027 + ], + [ + "\u2581Gemeinde", + -10.855056762695312 + ], + [ + "\u2581maart", + -10.855088233947754 + ], + [ + "St", + -10.85517406463623 + ], + [ + "\u2581siendo", + -10.855838775634766 + ], + [ + "\u2581quand", + -10.856173515319824 + ], + [ + "\u2581From", + -10.85644245147705 + ], + [ + "\u2581Kraft", + -10.856637001037598 + ], + [ + "\u2581models", + -10.857513427734377 + ], + [ + "\u2581Mas", + -10.85784149169922 + ], + [ + "ast", + -10.858144760131836 + ], + [ + "\u2581Berg", + -10.858555793762209 + ], + [ + "oso", + -10.85869026184082 + ], + [ + "\u2581pr\u00e9", + -10.858819007873535 + ], + [ + "\u2581sui", + -10.858885765075684 + ], + [ + "\u2581Luis", + -10.858936309814451 + ], + [ + "Handler", + -10.859055519104004 + ], + [ + "\u2581folgenden", + -10.859331130981444 + ], + [ + "img", + -10.859458923339844 + ], + [ + "head", + -10.859745025634766 + ], + [ + "break", + -10.859819412231444 + ], + [ + "\u2581special", + -10.860251426696776 + ], + [ + "nos", + -10.86025619506836 + ], + [ + "plugin", + -10.860870361328123 + ], + [ + "ement", + -10.861166954040527 + ], + [ + "n\u00e9", + -10.861205101013184 + ], + [ + "hen", + -10.861302375793455 + ], + [ + "token", + -10.861444473266602 + ], + [ + "\u2581House", + -10.861685752868652 + ], + [ + "\u2581First", + -10.862110137939451 + ], + [ + "US", + -10.862174987792969 + ], + [ + "\u2581Futbolistas", + -10.862369537353516 + ], + [ + "\u2581paper", + -10.86274242401123 + ], + [ + "\u2581sagte", + -10.8630952835083 + ], + [ + "\u2581length", + -10.86315631866455 + ], + [ + "\u2581principali", + -10.86316204071045 + ], + [ + "\u2581musical", + -10.86373519897461 + ], + [ + "\u2581Lage", + -10.86375617980957 + ], + [ + "\u2581Mac", + -10.863886833190918 + ], + [ + "ras", + -10.863927841186523 + ], + [ + "debug", + -10.864001274108888 + ], + [ + "\u2581Smith", + -10.864092826843262 + ], + [ + "\u2581Era", + -10.864151000976562 + ], + [ + "\u2581sarebbe", + -10.864185333251951 + ], + [ + "\u2581research", + -10.864228248596191 + ], + [ + "ita", + -10.864511489868164 + ], + [ + "\u2581game", + -10.864542961120604 + ], + [ + "\u2581presso", + -10.865148544311523 + ], + [ + "\u2581L\u00e4ndern", + -10.865262031555176 + ], + [ + "\u2581disco", + -10.865912437438965 + ], + [ + "\u2581Bo", + -10.866073608398438 + ], + [ + "\u2581estava", + -10.866101264953612 + ], + [ + "\u2581Vorschriften", + -10.866514205932615 + ], + [ + "r\u00e9", + -10.866524696350098 + ], + [ + "\u2581fam\u00edlia", + -10.86660099029541 + ], + [ + "xi", + -10.866661071777344 + ], + [ + "\u2581King", + -10.866779327392578 + ], + [ + "\u2581vaak", + -10.86679458618164 + ], + [ + "\u2581IS", + -10.867259979248049 + ], + [ + "\u2581rund", + -10.867475509643556 + ], + [ + "\u2581gobierno", + -10.867501258850098 + ], + [ + "\u2581extension", + -10.868680000305176 + ], + [ + "\u2581capitale", + -10.868884086608888 + ], + [ + "element", + -10.868948936462402 + ], + [ + "\u2581cases", + -10.869176864624023 + ], + [ + "pass", + -10.869339942932127 + ], + [ + "\u2581hoch", + -10.869455337524414 + ], + [ + "\u2581condition", + -10.869543075561523 + ], + [ + "\u2581Pierre", + -10.869709968566896 + ], + [ + "\u2581Norte", + -10.869942665100098 + ], + [ + "\u2581across", + -10.870306015014648 + ], + [ + "\u2581gaan", + -10.870869636535645 + ], + [ + "\u2581Am\u00e9rica", + -10.87119197845459 + ], + [ + "\u2581Mar\u00eda", + -10.871431350708008 + ], + [ + "\u2581Februar", + -10.871440887451172 + ], + [ + "\u2581Wert", + -10.871487617492676 + ], + [ + "It", + -10.871689796447754 + ], + [ + "\u2581diversi", + -10.872772216796877 + ], + [ + "\u2581comment", + -10.872966766357422 + ], + [ + "\u2581neu", + -10.873079299926758 + ], + [ + "Create", + -10.87323760986328 + ], + [ + "\u2581Antwort", + -10.873529434204102 + ], + [ + "\u2581rispetto", + -10.87399196624756 + ], + [ + "\u2581RD", + -10.874147415161133 + ], + [ + "\u2581arquivo", + -10.874707221984863 + ], + [ + "\u2581Records", + -10.87478733062744 + ], + [ + "ance", + -10.874862670898438 + ], + [ + "icon", + -10.874868392944336 + ], + [ + "\u2581niveau", + -10.874884605407717 + ], + [ + "\u2581selon", + -10.875274658203123 + ], + [ + "\u2581Fa", + -10.875314712524414 + ], + [ + "\u2581Bild", + -10.875457763671877 + ], + [ + "\u2581hatten", + -10.87655258178711 + ], + [ + "ls", + -10.876952171325684 + ], + [ + "ft", + -10.877065658569336 + ], + [ + "km", + -10.877676963806152 + ], + [ + "\u2581Jahrhundert", + -10.877790451049805 + ], + [ + "\u2581pendant", + -10.877889633178713 + ], + [ + "\u2581travail", + -10.878000259399414 + ], + [ + "\u2581filme", + -10.878148078918455 + ], + [ + "\u2581melhor", + -10.87857151031494 + ], + [ + "\u2581solche", + -10.878582954406738 + ], + [ + "\u2581nazionale", + -10.878673553466797 + ], + [ + "\u2581major", + -10.879178047180176 + ], + [ + "\u2581\",\",", + -10.879650115966797 + ], + [ + "\u2581Nueva", + -10.879694938659668 + ], + [ + "UE", + -10.880038261413574 + ], + [ + "tus", + -10.880531311035156 + ], + [ + "\u2581bestaat", + -10.881102561950684 + ], + [ + "\u2581Haus", + -10.881292343139648 + ], + [ + "\u2581shows", + -10.8814115524292 + ], + [ + "\u2581modelo", + -10.881731986999512 + ], + [ + "\u2581working", + -10.882064819335938 + ], + [ + "dc", + -10.88211727142334 + ], + [ + "\u2581approach", + -10.882438659667969 + ], + [ + "\u2581Anzahl", + -10.882573127746582 + ], + [ + "\u2581Weblinks", + -10.883723258972168 + ], + [ + "\u2581gar", + -10.883970260620115 + ], + [ + "share", + -10.884156227111816 + ], + [ + "\u2581stagione", + -10.88420581817627 + ], + [ + "\u2581jetzt", + -10.884541511535645 + ], + [ + "\u2581komen", + -10.884976387023926 + ], + [ + "\u2581octubre", + -10.884986877441406 + ], + [ + "\u2581vlinder", + -10.885262489318848 + ], + [ + "mp", + -10.885509490966797 + ], + [ + "png", + -10.88556957244873 + ], + [ + "\u2581ora", + -10.885918617248535 + ], + [ + "\u2581district", + -10.886137962341309 + ], + [ + "ali", + -10.886207580566406 + ], + [ + "\u2581Neben", + -10.886215209960938 + ], + [ + "\u2581Dio", + -10.886444091796877 + ], + [ + "\u2581Bundesrepublik", + -10.88670539855957 + ], + [ + "\u2581red", + -10.886831283569336 + ], + [ + "\u2581Abb", + -10.886839866638184 + ], + [ + "order", + -10.887038230895996 + ], + [ + "\u2581Wirtschaft", + -10.887489318847656 + ], + [ + "\u2581meter", + -10.88762378692627 + ], + [ + "\u2581India", + -10.887986183166504 + ], + [ + "\u2581higher", + -10.88853645324707 + ], + [ + "\u2581stessa", + -10.888602256774902 + ], + [ + "\u2581schlie", + -10.888997077941896 + ], + [ + "\u2581semi", + -10.889050483703612 + ], + [ + "\u2581M\u00fcnchen", + -10.889259338378906 + ], + [ + "\u2581Ne", + -10.889369010925291 + ], + [ + "\u2581lon", + -10.889520645141602 + ], + [ + "before", + -10.889837265014648 + ], + [ + "\u2581Stati", + -10.890000343322754 + ], + [ + "\u2581generale", + -10.89053726196289 + ], + [ + "zer", + -10.890602111816406 + ], + [ + "bobobobobobobobo", + -10.890707015991213 + ], + [ + "\u2581bene", + -10.890827178955078 + ], + [ + "exit", + -10.890907287597656 + ], + [ + "wikitable", + -10.891205787658691 + ], + [ + "\u2581locale", + -10.89158535003662 + ], + [ + "\u2581product", + -10.89161777496338 + ], + [ + "\u2581manera", + -10.892311096191406 + ], + [ + "cpp", + -10.892338752746582 + ], + [ + "\u2581septiembre", + -10.892504692077637 + ], + [ + "\u2581f\u00fchren", + -10.89421272277832 + ], + [ + "\u2581entanto", + -10.894432067871094 + ], + [ + "\u2581groot", + -10.895148277282717 + ], + [ + "\u2581didn", + -10.89540195465088 + ], + [ + "\u2581v\u00e1rios", + -10.895461082458496 + ], + [ + "\u2581compte", + -10.895567893981934 + ], + [ + "feld", + -10.895587921142578 + ], + [ + "\u2581trav\u00e9s", + -10.896814346313477 + ], + [ + "ES", + -10.896977424621582 + ], + [ + "transform", + -10.896994590759276 + ], + [ + "\u2581British", + -10.8972806930542 + ], + [ + "\u2581created", + -10.89743995666504 + ], + [ + "Number", + -10.897485733032228 + ], + [ + "Controller", + -10.897500038146973 + ], + [ + "\u2581complex", + -10.897553443908691 + ], + [ + "\u2581mayo", + -10.89771842956543 + ], + [ + "\u2581Was", + -10.897786140441896 + ], + [ + "\u2581findet", + -10.89805030822754 + ], + [ + "\u2581tutta", + -10.898307800292969 + ], + [ + "\u2581livre", + -10.899340629577637 + ], + [ + "istas", + -10.89947509765625 + ], + [ + "band", + -10.899484634399414 + ], + [ + "\u2581contact", + -10.899798393249512 + ], + [ + "\u2581Regel", + -10.900327682495115 + ], + [ + "\u2581Kapitel", + -10.900408744812012 + ], + [ + "\u2581rowspan", + -10.900782585144045 + ], + [ + "store", + -10.901427268981934 + ], + [ + "CH", + -10.90151596069336 + ], + [ + "\u2581weniger", + -10.901622772216797 + ], + [ + "\u2581Bev", + -10.90162467956543 + ], + [ + "\u2581town", + -10.901729583740234 + ], + [ + "Block", + -10.902229309082031 + ], + [ + "\u2581Software", + -10.902257919311523 + ], + [ + "heim", + -10.902323722839355 + ], + [ + "\u2581fuori", + -10.902697563171388 + ], + [ + "Header", + -10.902907371520996 + ], + [ + "\u2581why", + -10.903192520141602 + ], + [ + "\u2581d\u00e9cada", + -10.903400421142578 + ], + [ + "Update", + -10.90345287322998 + ], + [ + "\u2581!!", + -10.903672218322754 + ], + [ + "\u2581Verf\u00fcgung", + -10.903704643249512 + ], + [ + "\u2581Ja", + -10.903733253479004 + ], + [ + "\u2581droit", + -10.903791427612305 + ], + [ + "auf", + -10.903995513916016 + ], + [ + "\u2581trabalho", + -10.904192924499512 + ], + [ + "iter", + -10.904309272766112 + ], + [ + "ous", + -10.904410362243652 + ], + [ + "\u2581estos", + -10.90505027770996 + ], + [ + "\u2581sp\u00e4ter", + -10.90505599975586 + ], + [ + "\u2581Angaben", + -10.905163764953612 + ], + [ + "\u2581algunos", + -10.90535831451416 + ], + [ + "\u2581zero", + -10.905396461486816 + ], + [ + "\u2581compa", + -10.905591011047363 + ], + [ + "\u2581gruppo", + -10.906307220458984 + ], + [ + "\u2581Hintergrund", + -10.906310081481934 + ], + [ + "margin", + -10.906460762023926 + ], + [ + "\u2581alles", + -10.906848907470703 + ], + [ + "scale", + -10.906902313232422 + ], + [ + "\u2581root", + -10.907183647155762 + ], + [ + "\u2581legal", + -10.907419204711914 + ], + [ + "\u2581cuatro", + -10.907564163208008 + ], + [ + "\u2581gebruik", + -10.90768814086914 + ], + [ + "\u2581macht", + -10.907822608947754 + ], + [ + "\u2581Hall", + -10.907835960388184 + ], + [ + "parent", + -10.908289909362791 + ], + [ + "\u2581famille", + -10.908459663391112 + ], + [ + "\u2581cellpadding", + -10.909257888793944 + ], + [ + "\u2581waarin", + -10.90933609008789 + ], + [ + "\u2581theory", + -10.909979820251465 + ], + [ + "\u2581His", + -10.910079002380373 + ], + [ + "sec", + -10.910179138183594 + ], + [ + "\u2581enero", + -10.910508155822754 + ], + [ + "\u2581junio", + -10.910557746887209 + ], + [ + "\u2581Use", + -10.910604476928713 + ], + [ + "\u2581together", + -10.910802841186523 + ], + [ + "\u2581Mio", + -10.911270141601562 + ], + [ + "\u2581figura", + -10.911282539367676 + ], + [ + "\u2581infatti", + -10.911469459533691 + ], + [ + "\u2581usado", + -10.911943435668944 + ], + [ + "\u2581Gruppe", + -10.911972999572754 + ], + [ + "Mode", + -10.912457466125488 + ], + [ + "\u2581julio", + -10.91247844696045 + ], + [ + "\u2581matrix", + -10.913193702697754 + ], + [ + "bau", + -10.913459777832031 + ], + [ + "\u2581associated", + -10.913521766662598 + ], + [ + "gl", + -10.913695335388184 + ], + [ + "ure", + -10.913917541503906 + ], + [ + "\u2581bisher", + -10.914183616638184 + ], + [ + "\u2581stellen", + -10.914385795593262 + ], + [ + "\u2581resultado", + -10.914399147033691 + ], + [ + "\u2581redirect", + -10.914671897888184 + ], + [ + "\u2581trans", + -10.914916038513184 + ], + [ + "weight", + -10.91511058807373 + ], + [ + "\u2581keep", + -10.915483474731444 + ], + [ + "\u2581Che", + -10.915635108947754 + ], + [ + "\u2581april", + -10.915769577026367 + ], + [ + "\u2581nouveau", + -10.915887832641602 + ], + [ + "\u2581arte", + -10.916045188903809 + ], + [ + "figure", + -10.916665077209473 + ], + [ + "\u2581Anteil", + -10.916980743408203 + ], + [ + "\u2581relative", + -10.917259216308594 + ], + [ + "\u2581meio", + -10.917935371398926 + ], + [ + "\u2581write", + -10.918041229248049 + ], + [ + "\u2581keversoort", + -10.91807460784912 + ], + [ + "Source", + -10.918293952941896 + ], + [ + "\u2581elkaar", + -10.91875457763672 + ], + [ + "\u2581Plaats", + -10.918755531311035 + ], + [ + "\u2581took", + -10.918761253356934 + ], + [ + "\u2581making", + -10.918917655944824 + ], + [ + "\u2581insieme", + -10.919189453125 + ], + [ + "\u2581denn", + -10.91947078704834 + ], + [ + "API", + -10.921052932739258 + ], + [ + "container", + -10.92147731781006 + ], + [ + "\u2581porte", + -10.921594619750977 + ], + [ + "\u2581est\u00e1n", + -10.921889305114746 + ], + [ + "\u2581Dieser", + -10.92199420928955 + ], + [ + "\u2581doesn", + -10.922274589538574 + ], + [ + "\u2581encontrar", + -10.92258644104004 + ], + [ + "\u2581uns", + -10.922863960266112 + ], + [ + "docs", + -10.923017501831056 + ], + [ + "property", + -10.923048973083496 + ], + [ + "\u2581$$\\", + -10.923194885253906 + ], + [ + "\u2581souvent", + -10.923246383666992 + ], + [ + "\u2581require", + -10.923283576965332 + ], + [ + "\u2581Wahl", + -10.923436164855955 + ], + [ + "\u2581projet", + -10.923575401306152 + ], + [ + "parse", + -10.923666000366213 + ], + [ + "\u2581mkdir", + -10.923773765563965 + ], + [ + "ava", + -10.923808097839355 + ], + [ + "\u2581itself", + -10.923995018005373 + ], + [ + "\u2581book", + -10.924275398254396 + ], + [ + "train", + -10.92445182800293 + ], + [ + "\u2581River", + -10.924495697021484 + ], + [ + "command", + -10.92453384399414 + ], + [ + "sp", + -10.924574851989746 + ], + [ + "\u2581Christian", + -10.925501823425291 + ], + [ + "cy", + -10.926374435424805 + ], + [ + "\u2581Anlage", + -10.926475524902344 + ], + [ + "\u2581quelli", + -10.926918983459473 + ], + [ + "\u2581insect", + -10.927284240722656 + ], + [ + "obob", + -10.927690505981444 + ], + [ + "swift", + -10.927690505981444 + ], + [ + "cha", + -10.928019523620604 + ], + [ + "\u2581rather", + -10.928412437438965 + ], + [ + "eitpunkt", + -10.92871379852295 + ], + [ + "\u2581Bad", + -10.928972244262695 + ], + [ + "Token", + -10.929120063781738 + ], + [ + "hash", + -10.929803848266602 + ], + [ + "\u2581Weise", + -10.929986953735352 + ], + [ + "\u2581erforderlich", + -10.930185317993164 + ], + [ + "\u2581famiglia", + -10.930519104003906 + ], + [ + "REDIRECIONAMENTO", + -10.930766105651855 + ], + [ + "\u2581pel\u00edcula", + -10.931621551513672 + ], + [ + "\u2581december", + -10.931804656982422 + ], + [ + "False", + -10.932000160217283 + ], + [ + "\u2581culture", + -10.932311058044434 + ], + [ + "day", + -10.932343482971191 + ], + [ + "\u2581Stelle", + -10.933218955993652 + ], + [ + "\u2581gas", + -10.933823585510254 + ], + [ + "\u2581Pan", + -10.934148788452148 + ], + [ + "\u2581ponto", + -10.934226036071776 + ], + [ + "\u2581With", + -10.934370040893556 + ], + [ + "\u2581F\u00e4llen", + -10.934481620788574 + ], + [ + "\u2581Music", + -10.934724807739258 + ], + [ + "\u2581Einsatz", + -10.93492031097412 + ], + [ + "\u2581factor", + -10.93528938293457 + ], + [ + "\u2581six", + -10.935436248779297 + ], + [ + "\u2581luogo", + -10.935458183288574 + ], + [ + "ona", + -10.93589687347412 + ], + [ + "\u2581zun\u00e4chst", + -10.93638515472412 + ], + [ + "\u2581Aber", + -10.93673324584961 + ], + [ + "\u2581s\u00e9culo", + -10.936896324157717 + ], + [ + "\u2581corso", + -10.936989784240724 + ], + [ + "\u2581unterschiedlich", + -10.937106132507324 + ], + [ + "\u2581trouve", + -10.937138557434082 + ], + [ + "\u2581BA", + -10.937484741210938 + ], + [ + "\u2581'/", + -10.937541007995604 + ], + [ + "\u2581police", + -10.937627792358398 + ], + [ + "package", + -10.938006401062012 + ], + [ + "cl", + -10.93802547454834 + ], + [ + "\u2581complete", + -10.93803596496582 + ], + [ + "common", + -10.93861961364746 + ], + [ + "\u2581List", + -10.93877124786377 + ], + [ + "\u2581Japan", + -10.938899040222168 + ], + [ + "\u2581mil", + -10.939563751220703 + ], + [ + "rie", + -10.939749717712402 + ], + [ + "\u2581tener", + -10.939864158630373 + ], + [ + "rung", + -10.94015884399414 + ], + [ + "site", + -10.940650939941406 + ], + [ + "\u2581Ist", + -10.94070816040039 + ], + [ + "tori", + -10.940881729125977 + ], + [ + "\u2581diciembre", + -10.940930366516112 + ], + [ + "\u2581avere", + -10.941116333007812 + ], + [ + "struct", + -10.941333770751951 + ], + [ + "Content", + -10.941356658935549 + ], + [ + "\u2581Lopes", + -10.941380500793455 + ], + [ + "\u2581less", + -10.94145965576172 + ], + [ + "\u2581wobei", + -10.941628456115724 + ], + [ + "SI", + -10.942279815673828 + ], + [ + "\u2581np", + -10.942453384399414 + ], + [ + "\u2581rede", + -10.943077087402344 + ], + [ + "\u2581hist\u00f3ria", + -10.943113327026367 + ], + [ + "Resource", + -10.943182945251465 + ], + [ + "\u2581vanaf", + -10.943597793579102 + ], + [ + "\u2581mucho", + -10.943643569946287 + ], + [ + "\u2581r\u00e9", + -10.943721771240234 + ], + [ + "\u2581play", + -10.94373893737793 + ], + [ + "\u2581Duitse", + -10.943758010864258 + ], + [ + "batch", + -10.9437837600708 + ], + [ + "docker", + -10.943937301635742 + ], + [ + "\u2581Studien", + -10.944011688232422 + ], + [ + "\u2581California", + -10.94411563873291 + ], + [ + "\u2581embora", + -10.944181442260742 + ], + [ + "\u2581terminal", + -10.944266319274902 + ], + [ + "nom", + -10.944517135620115 + ], + [ + "\u2581sollten", + -10.944598197937012 + ], + [ + "\u2581Team", + -10.944794654846191 + ], + [ + "\u2581End", + -10.944806098937988 + ], + [ + "\u2581device", + -10.944958686828612 + ], + [ + "\u2581leven", + -10.945013999938965 + ], + [ + "\u2581genoemd", + -10.945236206054688 + ], + [ + "\u2581vooral", + -10.945266723632812 + ], + [ + "CD", + -10.945389747619627 + ], + [ + "\u2581distrito", + -10.945528030395508 + ], + [ + "\u2581Mont", + -10.945539474487305 + ], + [ + "\u2581elements", + -10.94581699371338 + ], + [ + "control", + -10.94618034362793 + ], + [ + "proto", + -10.946419715881348 + ], + [ + "ism", + -10.94642448425293 + ], + [ + "\u2581running", + -10.946529388427734 + ], + [ + "\u2581behoort", + -10.946894645690918 + ], + [ + "stand", + -10.947202682495115 + ], + [ + "\u2581erm", + -10.94778060913086 + ], + [ + "\u2581kerk", + -10.947823524475098 + ], + [ + "\u2581Daniel", + -10.948065757751465 + ], + [ + "\u2581keer", + -10.948257446289062 + ], + [ + "\u2581upon", + -10.948282241821287 + ], + [ + "\u2581Bay", + -10.948314666748049 + ], + [ + "option", + -10.949126243591309 + ], + [ + "\u2581erreicht", + -10.949240684509276 + ], + [ + "sm", + -10.94965934753418 + ], + [ + "\u2581transport", + -10.949708938598633 + ], + [ + "uint", + -10.950082778930664 + ], + [ + "\u2581consider", + -10.950251579284668 + ], + [ + "\u2581f\u00fcnf", + -10.95085620880127 + ], + [ + "\u2581grupos", + -10.950886726379396 + ], + [ + "\u2581waarbij", + -10.951051712036133 + ], + [ + "\u2581Karl", + -10.951455116271973 + ], + [ + "\u2581writing", + -10.951776504516602 + ], + [ + "\u2581operation", + -10.951834678649902 + ], + [ + "device", + -10.952064514160156 + ], + [ + "\u2581Hermione", + -10.952394485473633 + ], + [ + "ker", + -10.952597618103027 + ], + [ + "split", + -10.952713966369627 + ], + [ + "\u2581statt", + -10.95273208618164 + ], + [ + "images", + -10.953128814697266 + ], + [ + "\u2581temperature", + -10.953290939331056 + ], + [ + "mod", + -10.95350456237793 + ], + [ + "\u2581charge", + -10.954092025756836 + ], + [ + "ire", + -10.954094886779783 + ], + [ + "\u2581november", + -10.954252243041992 + ], + [ + "HOME", + -10.954535484313965 + ], + [ + "\u2581words", + -10.954562187194824 + ], + [ + "\u2581Altri", + -10.955540657043455 + ], + [ + "\u2581Sint", + -10.955710411071776 + ], + [ + "Op", + -10.9561128616333 + ], + [ + "\u2581augustus", + -10.956144332885742 + ], + [ + "\u2581obtain", + -10.956494331359863 + ], + [ + "\u2581einmal", + -10.95679759979248 + ], + [ + "\u2581Dal", + -10.957018852233888 + ], + [ + "rio", + -10.957045555114746 + ], + [ + "\u2581lei", + -10.95712184906006 + ], + [ + "\u2581toen", + -10.95720100402832 + ], + [ + "\u2581turn", + -10.957551956176758 + ], + [ + "\u2581among", + -10.957693099975586 + ], + [ + "\u2581fontsize", + -10.95793342590332 + ], + [ + "\u2581cost", + -10.95794677734375 + ], + [ + "\u2581initial", + -10.957951545715332 + ], + [ + "sort", + -10.95815658569336 + ], + [ + "\u2581internet", + -10.958244323730469 + ], + [ + "ROOT", + -10.95885181427002 + ], + [ + "\u2581D\u00e9c", + -10.95922565460205 + ], + [ + "\u2581air", + -10.95924472808838 + ], + [ + "\u2581patients", + -10.959588050842283 + ], + [ + "\u2581Giovanni", + -10.96010398864746 + ], + [ + "\u2581apply", + -10.960249900817873 + ], + [ + "\u2581Ces", + -10.960495948791504 + ], + [ + "\u2581unos", + -10.960552215576172 + ], + [ + "r\u00e0", + -10.960600852966309 + ], + [ + "\u2581anterior", + -10.961088180541992 + ], + [ + "ido", + -10.96125602722168 + ], + [ + "master", + -10.961689949035645 + ], + [ + "\u2581siempre", + -10.961918830871582 + ], + [ + "match", + -10.96201229095459 + ], + [ + "\u2581cells", + -10.962538719177246 + ], + [ + "schaft", + -10.962552070617676 + ], + [ + "\u2581Aufgaben", + -10.962611198425291 + ], + [ + "\u2581America", + -10.962653160095217 + ], + [ + "arte", + -10.96272087097168 + ], + [ + "\u2581suru", + -10.962895393371582 + ], + [ + "\u2581tema", + -10.963112831115724 + ], + [ + "\u2581Noord", + -10.963254928588867 + ], + [ + "\u2581problemas", + -10.963360786437988 + ], + [ + "\u2581Cup", + -10.96343994140625 + ], + [ + "\u2581Ra", + -10.963617324829102 + ], + [ + "App", + -10.963799476623535 + ], + [ + "sql", + -10.963910102844238 + ], + [ + "\u2581comando", + -10.964865684509276 + ], + [ + "rich", + -10.96524143218994 + ], + [ + "\u2581Professor", + -10.965293884277344 + ], + [ + "isation", + -10.96535301208496 + ], + [ + "\u2581business", + -10.965816497802734 + ], + [ + "std", + -10.965922355651855 + ], + [ + "\u2581eu", + -10.966124534606934 + ], + [ + "\u2581yet", + -10.966485977172852 + ], + [ + "ping", + -10.966496467590332 + ], + [ + "\u2581German", + -10.966500282287598 + ], + [ + "\u2581erfolgt", + -10.967079162597656 + ], + [ + "\u2581reason", + -10.967204093933104 + ], + [ + "\u2581noviembre", + -10.96728801727295 + ], + [ + "\u2581Jorge", + -10.967325210571287 + ], + [ + "Ma", + -10.967740058898926 + ], + [ + "\u2581subject", + -10.9684476852417 + ], + [ + "\u2581jours", + -10.96853733062744 + ], + [ + "\u2581Arte", + -10.968670845031738 + ], + [ + "\u2581Existem", + -10.969002723693848 + ], + [ + "\u2581muitas", + -10.969266891479492 + ], + [ + "\u2581location", + -10.969894409179688 + ], + [ + "\u2581address", + -10.970516204833984 + ], + [ + "teau", + -10.97060489654541 + ], + [ + "\u2581varios", + -10.970961570739746 + ], + [ + "As", + -10.971166610717772 + ], + [ + "\u2581near", + -10.971200942993164 + ], + [ + "\u2581mesma", + -10.971423149108888 + ], + [ + "\u2581net", + -10.971511840820312 + ], + [ + "\u2581whole", + -10.971701622009276 + ], + [ + "ques", + -10.972028732299805 + ], + [ + "layer", + -10.97213077545166 + ], + [ + "rho", + -10.9722261428833 + ], + [ + "\u2581Articles", + -10.972261428833008 + ], + [ + "\u2581English", + -10.97282886505127 + ], + [ + "origine", + -10.97288703918457 + ], + [ + "\u2581app", + -10.97288703918457 + ], + [ + "\u2581role", + -10.973762512207031 + ], + [ + "von", + -10.974191665649414 + ], + [ + "\u2581befindet", + -10.974531173706056 + ], + [ + "\u2581constant", + -10.974793434143066 + ], + [ + "\u2581systems", + -10.975133895874023 + ], + [ + "\u2581cargo", + -10.97529125213623 + ], + [ + "\u2581importantes", + -10.975470542907717 + ], + [ + "\u2581Hilfe", + -10.975542068481444 + ], + [ + "gas", + -10.9759521484375 + ], + [ + "\u2581misma", + -10.976292610168455 + ], + [ + "ingen", + -10.976591110229492 + ], + [ + "\u2581needed", + -10.977500915527344 + ], + [ + "\u2581});", + -10.977679252624512 + ], + [ + "rlo", + -10.978074073791504 + ], + [ + "mont", + -10.978291511535645 + ], + [ + "ara", + -10.97840976715088 + ], + [ + "\u2581eigenen", + -10.978497505187988 + ], + [ + "\u2581Del", + -10.9785795211792 + ], + [ + "texttt", + -10.979110717773438 + ], + [ + "\u2581societ\u00e0", + -10.979543685913086 + ], + [ + "\u2581Sol", + -10.979586601257324 + ], + [ + "\u2581details", + -10.980029106140137 + ], + [ + "\u2581tale", + -10.980218887329102 + ], + [ + "\u2581Fe", + -10.980448722839355 + ], + [ + "cli", + -10.980521202087402 + ], + [ + "\u2581Porto", + -10.980687141418455 + ], + [ + "\u2581muitos", + -10.981282234191896 + ], + [ + "ven", + -10.981876373291016 + ], + [ + "real", + -10.981881141662598 + ], + [ + "iste", + -10.98193645477295 + ], + [ + "based", + -10.982040405273438 + ], + [ + "Action", + -10.983019828796388 + ], + [ + "\u2581sob", + -10.984211921691896 + ], + [ + "ization", + -10.984381675720217 + ], + [ + "\u2581Manuel", + -10.985575675964355 + ], + [ + "\u2581Royal", + -10.985634803771973 + ], + [ + "\u2581clear", + -10.985798835754396 + ], + [ + "\u2581qu\u00e9", + -10.98619270324707 + ], + [ + "\u2581Stato", + -10.986422538757324 + ], + [ + "uesta", + -10.98658275604248 + ], + [ + "meta", + -10.986639976501465 + ], + [ + "\u2581lower", + -10.98709487915039 + ], + [ + "prefix", + -10.987361907958984 + ], + [ + "global", + -10.987870216369627 + ], + [ + "\u2581relation", + -10.987874984741213 + ], + [ + "\u2581Richtlinie", + -10.987909317016602 + ], + [ + "\u2581float", + -10.987990379333496 + ], + [ + "\u2581igual", + -10.987990379333496 + ], + [ + "\u2581Road", + -10.988191604614258 + ], + [ + "\u2581Max", + -10.98848819732666 + ], + [ + "\u2581Bank", + -10.98875331878662 + ], + [ + "\u2581certo", + -10.988937377929688 + ], + [ + "\u2581rapport", + -10.989182472229004 + ], + [ + "\u2581margin", + -10.989409446716309 + ], + [ + "\u2581related", + -10.989420890808104 + ], + [ + "\u2581Desde", + -10.989712715148926 + ], + [ + "isme", + -10.98986530303955 + ], + [ + "infty", + -10.98988151550293 + ], + [ + "\u2581notre", + -10.99052906036377 + ], + [ + "\u2581various", + -10.990724563598633 + ], + [ + "\u2581future", + -10.990775108337402 + ], + [ + "\u2581vicino", + -10.990802764892578 + ], + [ + "\u2581jamais", + -10.991374015808104 + ], + [ + "\u2581Sam", + -10.991462707519531 + ], + [ + "\u2581Jack", + -10.991739273071287 + ], + [ + "zo", + -10.992050170898438 + ], + [ + "way", + -10.992561340332031 + ], + [ + "\u2581mise", + -10.992650032043455 + ], + [ + "\u2581Anhang", + -10.993054389953612 + ], + [ + "\u2581politica", + -10.993066787719728 + ], + [ + "\u2581previous", + -10.993154525756836 + ], + [ + "\u2581Verwaltungs", + -10.993290901184082 + ], + [ + "\u2581tuvo", + -10.993306159973145 + ], + [ + "\u2581Pa", + -10.993383407592772 + ], + [ + "cio", + -10.993441581726074 + ], + [ + "UI", + -10.993492126464844 + ], + [ + "\u2581ore", + -10.99372386932373 + ], + [ + "\u2581linear", + -10.993752479553224 + ], + [ + "win", + -10.99399757385254 + ], + [ + "\u2581motor", + -10.994372367858888 + ], + [ + "\u2581configuration", + -10.994383811950684 + ], + [ + "If", + -10.994504928588867 + ], + [ + "\u2581thing", + -10.994827270507812 + ], + [ + "tas", + -10.995304107666016 + ], + [ + "\u2581Ausgaben", + -10.99535846710205 + ], + [ + "pr", + -10.995792388916016 + ], + [ + "\u2581sent", + -10.995795249938965 + ], + [ + "\u2581Familie", + -10.995806694030762 + ], + [ + "Default", + -10.99583625793457 + ], + [ + "\u2581numbers", + -10.995877265930176 + ], + [ + "\u2581College", + -10.995946884155272 + ], + [ + "\u2581nouvelle", + -10.9965238571167 + ], + [ + "\u2581display", + -10.996781349182127 + ], + [ + "\u2581grado", + -10.996782302856444 + ], + [ + "\u2581Star", + -10.996787071228027 + ], + [ + "temp", + -10.996789932250977 + ], + [ + "\u2581goed", + -10.996814727783203 + ], + [ + "\u2581chez", + -10.996983528137209 + ], + [ + "kind", + -10.997265815734863 + ], + [ + "\u2581sar\u00e0", + -10.99884033203125 + ], + [ + "\u2581tant", + -10.999101638793944 + ], + [ + "\u2581AND", + -10.9992036819458 + ], + [ + "av", + -10.999224662780762 + ], + [ + "ich", + -10.999241828918455 + ], + [ + "\u2581Gesellschaft", + -10.99925708770752 + ], + [ + "\u2581daar", + -10.999322891235352 + ], + [ + "Target", + -10.999345779418944 + ], + [ + "bereich", + -10.99942111968994 + ], + [ + "bal", + -10.999674797058104 + ], + [ + "svg", + -10.999889373779297 + ], + [ + "\u2581Reino", + -11.000006675720217 + ], + [ + "\u2581Ta", + -11.000032424926758 + ], + [ + "\u2581termine", + -11.00010871887207 + ], + [ + "ien", + -11.00018310546875 + ], + [ + "\u2581italiana", + -11.000194549560549 + ], + [ + "\u2581vielen", + -11.00026798248291 + ], + [ + "\u2581completo", + -11.000274658203123 + ], + [ + "\u2581cet", + -11.00029754638672 + ], + [ + "none", + -11.000326156616213 + ], + [ + "\u2581Kap", + -11.000669479370115 + ], + [ + "yl", + -11.000775337219238 + ], + [ + "\u2581Buch", + -11.000844955444336 + ], + [ + "\u2581Tit", + -11.000985145568848 + ], + [ + "\u2581disse", + -11.001107215881348 + ], + [ + "wert", + -11.001113891601562 + ], + [ + "\u2581Staaten", + -11.001121520996094 + ], + [ + "\u2581cose", + -11.0014066696167 + ], + [ + "\u2581Bahn", + -11.001937866210938 + ], + [ + "\u2581cambio", + -11.002017974853516 + ], + [ + "\u2581afin", + -11.002341270446776 + ], + [ + "textbf", + -11.002571105957031 + ], + [ + "\u2581senso", + -11.002750396728516 + ], + [ + "\u2581reference", + -11.00350570678711 + ], + [ + "\u2581hizo", + -11.004115104675291 + ], + [ + "address", + -11.00419807434082 + ], + [ + "sim", + -11.004205703735352 + ], + [ + "\u2581endif", + -11.00422477722168 + ], + [ + "\u2581hotel", + -11.00447940826416 + ], + [ + "\u2581l\u00edngua", + -11.004507064819336 + ], + [ + "DE", + -11.004718780517578 + ], + [ + "ive", + -11.004823684692385 + ], + [ + "hung", + -11.00502872467041 + ], + [ + "\u2581seguinte", + -11.00508975982666 + ], + [ + "\u2581faz", + -11.005157470703123 + ], + [ + "graph", + -11.005288124084473 + ], + [ + "users", + -11.00559425354004 + ], + [ + "fun", + -11.005749702453612 + ], + [ + "\u2581Fragen", + -11.006621360778809 + ], + [ + "\u2581Europe", + -11.006855964660645 + ], + [ + "\u2581Center", + -11.007190704345703 + ], + [ + "\u2581char", + -11.00725555419922 + ], + [ + "guard", + -11.008161544799805 + ], + [ + "\u2581estilo", + -11.008584976196287 + ], + [ + "\u2581Marie", + -11.008848190307615 + ], + [ + "\u2581break", + -11.009581565856934 + ], + [ + "jes", + -11.009591102600098 + ], + [ + "\u2581s\u00ed", + -11.010464668273926 + ], + [ + "\u2581computer", + -11.010564804077148 + ], + [ + "\u2581Voir", + -11.01058578491211 + ], + [ + "\u2581addition", + -11.011277198791504 + ], + [ + "\u2581Janeiro", + -11.01161003112793 + ], + [ + "\u2581reste", + -11.011641502380373 + ], + [ + "\u2581nam", + -11.011778831481934 + ], + [ + "\u2581resource", + -11.01183795928955 + ], + [ + "\u2581Fassung", + -11.01197910308838 + ], + [ + "\u2581lot", + -11.012269020080566 + ], + [ + "\u2581front", + -11.013155937194824 + ], + [ + "nahme", + -11.013426780700684 + ], + [ + "\u2581esto", + -11.013917922973633 + ], + [ + "\u2581Simon", + -11.01405429840088 + ], + [ + "\u2581environment", + -11.01408576965332 + ], + [ + "ized", + -11.014389038085938 + ], + [ + "\u2581popula", + -11.014571189880373 + ], + [ + "\u2581gleich", + -11.014991760253906 + ], + [ + "\u2581Henry", + -11.015008926391602 + ], + [ + "\u2581li", + -11.01513671875 + ], + [ + "\u2581Tri", + -11.01531982421875 + ], + [ + "\u2581andare", + -11.01557731628418 + ], + [ + "\u2581Federal", + -11.01561450958252 + ], + [ + "conv", + -11.015896797180176 + ], + [ + "\u2581states", + -11.01606273651123 + ], + [ + "\u2581COP", + -11.016478538513184 + ], + [ + "\u2581signal", + -11.016480445861816 + ], + [ + "\u2581format", + -11.016737937927246 + ], + [ + "\u2581interior", + -11.01687240600586 + ], + [ + "\u2581vector", + -11.017224311828612 + ], + [ + "\u2581Cristo", + -11.017409324645996 + ], + [ + "nel", + -11.017822265625 + ], + [ + "PREFI", + -11.018061637878418 + ], + [ + "\u2581muerte", + -11.018256187438965 + ], + [ + "\u2581quattro", + -11.018291473388672 + ], + [ + "\u2581White", + -11.018320083618164 + ], + [ + "\u2581sta", + -11.01836395263672 + ], + [ + "\u2581prix", + -11.018494606018066 + ], + [ + "\u2581ongeveer", + -11.018572807312012 + ], + [ + "\u2581possui", + -11.018714904785156 + ], + [ + "\u2581Cruz", + -11.018732070922852 + ], + [ + "wissenschaftlich", + -11.01883029937744 + ], + [ + "\u2581tinha", + -11.018850326538086 + ], + [ + "\u2581ENV", + -11.019230842590332 + ], + [ + "\u2581simples", + -11.019369125366213 + ], + [ + "\u2581beaucoup", + -11.019479751586914 + ], + [ + "\u2581according", + -11.02016258239746 + ], + [ + "\u2581lie", + -11.020217895507812 + ], + [ + "\u2581Nova", + -11.020374298095703 + ], + [ + "balena", + -11.020424842834473 + ], + [ + "\u2581mass", + -11.020617485046388 + ], + [ + "\u2581veces", + -11.020721435546877 + ], + [ + "\u2581Bio", + -11.021000862121582 + ], + [ + "keys", + -11.021459579467772 + ], + [ + "\u2581unique", + -11.021661758422852 + ], + [ + "\u2581esa", + -11.022050857543944 + ], + [ + "\u2581dagli", + -11.022300720214844 + ], + [ + "\u2581ante", + -11.022319793701172 + ], + [ + "Style", + -11.023107528686523 + ], + [ + "NS", + -11.024147987365724 + ], + [ + "TO", + -11.024267196655272 + ], + [ + "hr", + -11.024702072143556 + ], + [ + "iva", + -11.024731636047363 + ], + [ + "Start", + -11.024869918823242 + ], + [ + "\u2581True", + -11.024885177612305 + ], + [ + "\u2581rock", + -11.025014877319336 + ], + [ + "mon", + -11.025050163269045 + ], + [ + "ira", + -11.025101661682127 + ], + [ + "\u2581move", + -11.025111198425291 + ], + [ + "\u2581mod", + -11.025240898132324 + ], + [ + "ph", + -11.025457382202148 + ], + [ + "\u2581transitivo", + -11.02582836151123 + ], + [ + "\u2581seen", + -11.025959968566896 + ], + [ + "End", + -11.026400566101074 + ], + [ + "\u2581Namen", + -11.026556968688965 + ], + [ + "\u2581conta", + -11.026894569396973 + ], + [ + "\u2581Fraktion", + -11.026911735534668 + ], + [ + "math", + -11.027026176452637 + ], + [ + "\u2581python", + -11.02728271484375 + ], + [ + "\u2581Verwendung", + -11.02800750732422 + ], + [ + "\u2581Dienst", + -11.028045654296877 + ], + [ + "\u00edn", + -11.028180122375488 + ], + [ + "\u2581Internacional", + -11.02867031097412 + ], + [ + "\u2581d\u00edas", + -11.028740882873535 + ], + [ + "\u2581kg", + -11.028846740722656 + ], + [ + "\u2581Pe", + -11.028985023498535 + ], + [ + "\u2581included", + -11.029205322265623 + ], + [ + "gar", + -11.02928352355957 + ], + [ + "\u2581held", + -11.029914855957031 + ], + [ + "\u2581nuova", + -11.030238151550291 + ], + [ + "ran", + -11.03040599822998 + ], + [ + "\u2581deutsche", + -11.030759811401367 + ], + [ + "\u2581author", + -11.030868530273438 + ], + [ + "\u2581sens", + -11.030942916870115 + ], + [ + "require", + -11.031033515930176 + ], + [ + "mark", + -11.031061172485352 + ], + [ + "\u2581Ga", + -11.031172752380373 + ], + [ + "\u2581Lijst", + -11.031296730041504 + ], + [ + "\u2581storici", + -11.031384468078612 + ], + [ + "\u2581Since", + -11.031590461730955 + ], + [ + "Point", + -11.0317964553833 + ], + [ + "mat", + -11.032184600830078 + ], + [ + "\u2581sol", + -11.032283782958984 + ], + [ + "heit", + -11.032392501831056 + ], + [ + "\u2581Col", + -11.03272533416748 + ], + [ + "fall", + -11.03293514251709 + ], + [ + "big", + -11.033400535583496 + ], + [ + "offset", + -11.033520698547363 + ], + [ + "\u2581bestimmt", + -11.03371524810791 + ], + [ + "\u2581s\u00f3lo", + -11.034061431884766 + ], + [ + "glichen", + -11.034112930297852 + ], + [ + "\u2581define", + -11.034154891967772 + ], + [ + "\u2581past", + -11.034175872802734 + ], + [ + "gruppe", + -11.034189224243164 + ], + [ + "\u2581adem\u00e1s", + -11.034438133239746 + ], + [ + "\u2581Entwurf", + -11.0347900390625 + ], + [ + "\u2581Long", + -11.03494930267334 + ], + [ + "\u2581Lisboa", + -11.035015106201172 + ], + [ + "omega", + -11.03579807281494 + ], + [ + "rc", + -11.036396026611328 + ], + [ + "nav", + -11.036428451538086 + ], + [ + "\u2581libre", + -11.036521911621094 + ], + [ + "ei", + -11.036760330200195 + ], + [ + "schutz", + -11.03696632385254 + ], + [ + "cap", + -11.037016868591309 + ], + [ + "\u2581ingl\u00e9s", + -11.037026405334473 + ], + [ + "ser", + -11.037229537963867 + ], + [ + "\u2581history", + -11.037351608276367 + ], + [ + "\u2581al\u00e9m", + -11.037504196166992 + ], + [ + "ula", + -11.03769874572754 + ], + [ + "nig", + -11.038552284240724 + ], + [ + "gel", + -11.039216995239258 + ], + [ + "\u2581women", + -11.039310455322266 + ], + [ + "\u2581febrero", + -11.039384841918944 + ], + [ + "\u2581propria", + -11.039405822753906 + ], + [ + "\u2581Bi", + -11.039494514465332 + ], + [ + "\u2581empty", + -11.039923667907717 + ], + [ + "\u2581Nicht", + -11.040143013000488 + ], + [ + "\u2581groups", + -11.04049587249756 + ], + [ + "\u2581movimento", + -11.040725708007812 + ], + [ + "\u2581issue", + -11.040977478027344 + ], + [ + "Delta", + -11.041056632995604 + ], + [ + "\u2581went", + -11.041152954101562 + ], + [ + "\u2581Any", + -11.041218757629396 + ], + [ + "\u2581bon", + -11.041239738464355 + ], + [ + "Unis", + -11.041407585144045 + ], + [ + "ense", + -11.04172706604004 + ], + [ + "\u2581sehen", + -11.041842460632324 + ], + [ + "sk", + -11.042386054992676 + ], + [ + "stellen", + -11.042675971984863 + ], + [ + "mara", + -11.042839050292969 + ], + [ + "\u2581molte", + -11.04284381866455 + ], + [ + "\u2581fonction", + -11.04310131072998 + ], + [ + "\u2581superior", + -11.043203353881836 + ], + [ + "\u2581wereld", + -11.043246269226074 + ], + [ + "\u2581primi", + -11.043512344360352 + ], + [ + "\u2581Grundlage", + -11.043621063232422 + ], + [ + "\u2581februari", + -11.043985366821287 + ], + [ + "\u2581sense", + -11.044240951538086 + ], + [ + "\u2581settembre", + -11.04430103302002 + ], + [ + "\u2581gelten", + -11.044893264770508 + ], + [ + "hof", + -11.045317649841309 + ], + [ + "\u2581fields", + -11.0453462600708 + ], + [ + "\u2581limit", + -11.04537582397461 + ], + [ + "Bar", + -11.045464515686035 + ], + [ + "\u2581Bis", + -11.045557975769045 + ], + [ + "\u2581Court", + -11.045702934265137 + ], + [ + "can", + -11.04689884185791 + ], + [ + "\u2581Arthur", + -11.04722023010254 + ], + [ + "ius", + -11.047953605651855 + ], + [ + "\u2581considered", + -11.047974586486816 + ], + [ + "prototype", + -11.04800510406494 + ], + [ + "\u2581answer", + -11.048072814941406 + ], + [ + "\u2581d\u00e9j\u00e0", + -11.048233032226562 + ], + [ + "cb", + -11.0482816696167 + ], + [ + "ptr", + -11.04837703704834 + ], + [ + "\u2581others", + -11.048429489135742 + ], + [ + "packages", + -11.048623085021973 + ], + [ + "\u2581somit", + -11.048786163330078 + ], + [ + "\u2581allo", + -11.049189567565918 + ], + [ + "om", + -11.049193382263184 + ], + [ + "\u2581ir", + -11.04928207397461 + ], + [ + "\u2581Personal", + -11.049367904663086 + ], + [ + "usammenarbeit", + -11.049553871154783 + ], + [ + "\u2581training", + -11.049562454223633 + ], + [ + "\u2581Ed", + -11.049638748168944 + ], + [ + "\u2581Folge", + -11.049941062927246 + ], + [ + "\u2581mois", + -11.050142288208008 + ], + [ + "loc", + -11.050654411315918 + ], + [ + "\u2581menor", + -11.05093765258789 + ], + [ + "\u2581agua", + -11.051106452941896 + ], + [ + "\u2581fica", + -11.051136016845703 + ], + [ + "method", + -11.051336288452148 + ], + [ + "\u2581sort", + -11.051470756530762 + ], + [ + "\u2581seria", + -11.051923751831056 + ], + [ + "acc", + -11.05201244354248 + ], + [ + "\u2581Nous", + -11.052035331726074 + ], + [ + "delete", + -11.052210807800291 + ], + [ + "\u2581Rolle", + -11.052275657653809 + ], + [ + "\u2581Anna", + -11.052377700805664 + ], + [ + "\u2581keinen", + -11.052447319030762 + ], + [ + "display", + -11.052620887756348 + ], + [ + "ones", + -11.05267333984375 + ], + [ + "\u2581durchgef\u00fchrt", + -11.05282974243164 + ], + [ + "\u2581live", + -11.053250312805176 + ], + [ + "\u2581Figure", + -11.053594589233398 + ], + [ + "ecx", + -11.053851127624512 + ], + [ + "\u2581mehrere", + -11.054340362548828 + ], + [ + "\u2581images", + -11.054365158081056 + ], + [ + "\u2581questions", + -11.05451774597168 + ], + [ + "tum", + -11.054701805114746 + ], + [ + "\u2581linha", + -11.05478572845459 + ], + [ + "En", + -11.054858207702637 + ], + [ + "ful", + -11.055474281311035 + ], + [ + "\u2581Uniti", + -11.055596351623535 + ], + [ + "ally", + -11.055845260620115 + ], + [ + "\u2581contains", + -11.055947303771973 + ], + [ + "\u2581visita", + -11.056181907653809 + ], + [ + "\u2581Friedrich", + -11.056998252868652 + ], + [ + "\u2581Wikipedia", + -11.057154655456545 + ], + [ + "\u2581Anti", + -11.057605743408203 + ], + [ + "\u2581objeto", + -11.057917594909668 + ], + [ + "\u2581effet", + -11.058032989501951 + ], + [ + "\u2581Barcelona", + -11.058242797851562 + ], + [ + "term", + -11.058323860168455 + ], + [ + "mbox", + -11.058917045593262 + ], + [ + "\u2581hours", + -11.059148788452148 + ], + [ + "\u2581acordo", + -11.059152603149414 + ], + [ + "\u2581pai", + -11.059223175048828 + ], + [ + "\u2581hombre", + -11.059374809265137 + ], + [ + "sage", + -11.05956745147705 + ], + [ + "values", + -11.060250282287598 + ], + [ + "\u2581fiume", + -11.060341835021973 + ], + [ + "ari", + -11.060783386230469 + ], + [ + "dis", + -11.06094455718994 + ], + [ + "\u2581Nutzung", + -11.060976028442385 + ], + [ + "\u2581Untersuchung", + -11.061081886291504 + ], + [ + "\u2581l\u00e4sst", + -11.06119441986084 + ], + [ + "\u2581podemos", + -11.061610221862791 + ], + [ + "\u2581ceux", + -11.062093734741213 + ], + [ + "\u2581word", + -11.0621976852417 + ], + [ + "Do", + -11.062210083007812 + ], + [ + "\u2581lines", + -11.06252098083496 + ], + [ + "\u2581lan", + -11.062729835510254 + ], + [ + "\u2581mindestens", + -11.06274127960205 + ], + [ + "\u2581haber", + -11.062826156616213 + ], + [ + "cu", + -11.06287670135498 + ], + [ + "\u2581love", + -11.06308937072754 + ], + [ + "\u2581Rock", + -11.06314182281494 + ], + [ + "\u2581memory", + -11.06338596343994 + ], + [ + "\u2581dar\u00fcber", + -11.0634765625 + ], + [ + "\u2581figure", + -11.06370449066162 + ], + [ + "\u2581superficie", + -11.063904762268066 + ], + [ + "iza", + -11.063963890075684 + ], + [ + "\u2581Island", + -11.063974380493164 + ], + [ + "IF", + -11.064077377319336 + ], + [ + "\u2581Richtung", + -11.064249038696287 + ], + [ + "Tag", + -11.064349174499512 + ], + [ + "\u2581uomini", + -11.064391136169434 + ], + [ + "\u2581child", + -11.064481735229492 + ], + [ + "\u2581Welche", + -11.0645751953125 + ], + [ + "Il", + -11.064805030822754 + ], + [ + "\u2581search", + -11.06505298614502 + ], + [ + "\u2581Natur", + -11.065093994140623 + ], + [ + "uelle", + -11.0651273727417 + ], + [ + "\u2581Over", + -11.06520652770996 + ], + [ + "\u2581Steuer", + -11.065279006958008 + ], + [ + "\u2581bastante", + -11.065561294555664 + ], + [ + "iamo", + -11.065906524658203 + ], + [ + "\u2581Anche", + -11.065969467163086 + ], + [ + "oro", + -11.066115379333496 + ], + [ + "\u2581Dios", + -11.06616497039795 + ], + [ + "\u2581konnten", + -11.066177368164062 + ], + [ + "straat", + -11.066186904907228 + ], + [ + "\u2581d\u00e9but", + -11.066308975219728 + ], + [ + "ani", + -11.066451072692873 + ], + [ + "\u2581Trans", + -11.06718921661377 + ], + [ + "\u2581maximum", + -11.067293167114258 + ], + [ + "arm", + -11.067477226257324 + ], + [ + "\u2581voir", + -11.067496299743652 + ], + [ + "\u2581Millionen", + -11.06761646270752 + ], + [ + "\u2581contr", + -11.067743301391602 + ], + [ + "\u2581Sicherheit", + -11.067874908447266 + ], + [ + "bool", + -11.067963600158691 + ], + [ + "remove", + -11.067989349365234 + ], + [ + "\u2581teatro", + -11.068084716796877 + ], + [ + "\u2581Eu", + -11.068085670471191 + ], + [ + "\u2581Mon", + -11.068147659301758 + ], + [ + "\u2581Lee", + -11.068679809570312 + ], + [ + "hang", + -11.069973945617676 + ], + [ + "\u2581noi", + -11.070189476013184 + ], + [ + "\u2581gemacht", + -11.070219993591309 + ], + [ + "define", + -11.070730209350586 + ], + [ + "\u2581features", + -11.071115493774414 + ], + [ + "\u2581config", + -11.071271896362305 + ], + [ + "\u2581metros", + -11.071441650390623 + ], + [ + "hl", + -11.071695327758787 + ], + [ + "\u2581Leistungen", + -11.071969032287598 + ], + [ + "\u2581vis", + -11.072142601013184 + ], + [ + "\u2581Kunst", + -11.072240829467772 + ], + [ + "\u2581works", + -11.072278022766112 + ], + [ + "\u2581Door", + -11.07239055633545 + ], + [ + "\u2581foto", + -11.072525024414062 + ], + [ + "\u2581Einzelnachweise", + -11.072731971740724 + ], + [ + "\u2581steeds", + -11.072906494140623 + ], + [ + "\u2581makes", + -11.073116302490234 + ], + [ + "Not", + -11.07320499420166 + ], + [ + "\u2581muchos", + -11.073628425598145 + ], + [ + "prop", + -11.07390594482422 + ], + [ + "\u2581Science", + -11.073939323425291 + ], + [ + "\u2581Om", + -11.07394790649414 + ], + [ + "\u2581substantivo", + -11.073969841003418 + ], + [ + "sys", + -11.074009895324709 + ], + [ + "well", + -11.074285507202148 + ], + [ + "\u2581told", + -11.074667930603027 + ], + [ + "psi", + -11.07484245300293 + ], + [ + "vm", + -11.074929237365724 + ], + [ + "rte", + -11.075084686279297 + ], + [ + "\u2581studio", + -11.075139045715332 + ], + [ + "dl", + -11.07534408569336 + ], + [ + "r\u00eda", + -11.075469970703123 + ], + [ + "\u2581article", + -11.075554847717283 + ], + [ + "\u2581East", + -11.075679779052734 + ], + [ + "\u2581locali", + -11.075709342956545 + ], + [ + "\u2581Boden", + -11.075961112976074 + ], + [ + "\u2581Staats", + -11.07608413696289 + ], + [ + "Dir", + -11.076171875 + ], + [ + "\u2581Australia", + -11.076216697692873 + ], + [ + "\u2581outra", + -11.076238632202148 + ], + [ + "fd", + -11.076580047607422 + ], + [ + "\u2581March", + -11.077163696289062 + ], + [ + "\u2581correct", + -11.077320098876951 + ], + [ + "\u2581atual", + -11.077795028686523 + ], + [ + "\u2581novo", + -11.077842712402344 + ], + [ + "\u2581Amerikaans", + -11.078490257263184 + ], + [ + "\u2581Vous", + -11.07865047454834 + ], + [ + "\u2581Problem", + -11.07866382598877 + ], + [ + "\u2581necessary", + -11.07904052734375 + ], + [ + "\u2581soweit", + -11.07904815673828 + ], + [ + "\u2581Bund", + -11.079076766967772 + ], + [ + "\u2581able", + -11.07937717437744 + ], + [ + "CSU", + -11.07979965209961 + ], + [ + "\u2581grazie", + -11.07979965209961 + ], + [ + "\u2581night", + -11.080050468444824 + ], + [ + "\u2581Rat", + -11.08014678955078 + ], + [ + "\u2581Israel", + -11.080177307128906 + ], + [ + "antes", + -11.080230712890623 + ], + [ + "\u2581food", + -11.080340385437012 + ], + [ + "idx", + -11.080432891845703 + ], + [ + "\u2581siguiente", + -11.080648422241213 + ], + [ + "Se", + -11.08066177368164 + ], + [ + "Err", + -11.080669403076172 + ], + [ + "nis", + -11.080766677856444 + ], + [ + "\u2581Ten", + -11.080902099609377 + ], + [ + "\u2581cross", + -11.081486701965332 + ], + [ + "\u2581permite", + -11.08180809020996 + ], + [ + "like", + -11.08187770843506 + ], + [ + "\u2581loop", + -11.08218765258789 + ], + [ + "para", + -11.082269668579102 + ], + [ + "\u2581verder", + -11.08262062072754 + ], + [ + "\u2581Ba", + -11.082666397094728 + ], + [ + "\u2581returned", + -11.082852363586426 + ], + [ + "\u2581Buchstabe", + -11.083233833312988 + ], + [ + "\u2581cualquier", + -11.083306312561035 + ], + [ + "\u2581printf", + -11.083645820617676 + ], + [ + "\u2581Information", + -11.08376121520996 + ], + [ + "\u2581Gen", + -11.08381175994873 + ], + [ + "\u2581tell", + -11.084158897399902 + ], + [ + "mica", + -11.084171295166016 + ], + [ + "\u2581cura", + -11.084455490112305 + ], + [ + "\u2581vengono", + -11.08528995513916 + ], + [ + "po", + -11.085350036621094 + ], + [ + "\u2581nothing", + -11.085503578186035 + ], + [ + "tan", + -11.085577011108398 + ], + [ + "req", + -11.08566665649414 + ], + [ + "\u2581produce", + -11.086012840270996 + ], + [ + "\u2581jeweiligen", + -11.086503982543944 + ], + [ + "uso", + -11.086530685424805 + ], + [ + "\u2581third", + -11.086607933044434 + ], + [ + "\u2581additional", + -11.086651802062988 + ], + [ + "\u2581\u00e9taient", + -11.086912155151367 + ], + [ + "\u2581asked", + -11.087185859680176 + ], + [ + "\u2581phase", + -11.087361335754396 + ], + [ + "tte", + -11.087475776672363 + ], + [ + "\u2581darf", + -11.087522506713867 + ], + [ + "\u2581construction", + -11.088454246520996 + ], + [ + "\u2581pan", + -11.088454246520996 + ], + [ + "\u2581fit", + -11.08892059326172 + ], + [ + "\u2581hab\u00edan", + -11.089078903198242 + ], + [ + "\u2581almost", + -11.089609146118164 + ], + [ + "\u2581API", + -11.090177536010742 + ], + [ + "\u2581stark", + -11.090255737304688 + ], + [ + "search", + -11.090272903442385 + ], + [ + "\u2581mogelijk", + -11.090537071228027 + ], + [ + "\u2581quatre", + -11.090781211853027 + ], + [ + "\u2581throws", + -11.09078598022461 + ], + [ + "fs", + -11.090852737426758 + ], + [ + "\u2581sentido", + -11.090852737426758 + ], + [ + "\u2581fort", + -11.090872764587402 + ], + [ + "sia", + -11.09089469909668 + ], + [ + "\u2581Alexander", + -11.091192245483398 + ], + [ + "\u2581Fig", + -11.09121799468994 + ], + [ + "location", + -11.091607093811035 + ], + [ + "\u2581texto", + -11.092086791992188 + ], + [ + "\u2581decir", + -11.092098236083984 + ], + [ + "child", + -11.092214584350586 + ], + [ + "example", + -11.092448234558104 + ], + [ + "film", + -11.09253978729248 + ], + [ + "\u2581inside", + -11.092599868774414 + ], + [ + "\u2581properties", + -11.092633247375488 + ], + [ + "\u2581civil", + -11.092742919921877 + ], + [ + "\u2581allora", + -11.092753410339355 + ], + [ + "ef", + -11.093289375305176 + ], + [ + "\u2581diversos", + -11.09360694885254 + ], + [ + "mail", + -11.093782424926758 + ], + [ + "subsection", + -11.09411907196045 + ], + [ + "\u2581nota", + -11.094145774841309 + ], + [ + "Command", + -11.094221115112305 + ], + [ + "\u2581horas", + -11.094533920288086 + ], + [ + "cp", + -11.09469985961914 + ], + [ + "\u2581Raum", + -11.094842910766602 + ], + [ + "\u2581sample", + -11.095096588134766 + ], + [ + "zon", + -11.09512424468994 + ], + [ + "gli", + -11.095133781433104 + ], + [ + "endo", + -11.09532642364502 + ], + [ + "FS", + -11.0953950881958 + ], + [ + "gens", + -11.09549617767334 + ], + [ + "via", + -11.09624195098877 + ], + [ + "\u2581seg", + -11.096561431884766 + ], + [ + "\u2581column", + -11.096583366394045 + ], + [ + "\u2581component", + -11.096981048583984 + ], + [ + "\u2581Santo", + -11.097248077392578 + ], + [ + "\u2581Wer", + -11.09764575958252 + ], + [ + "\u2581matter", + -11.097660064697266 + ], + [ + "\u2581sudo", + -11.097864151000977 + ], + [ + "\u2581potential", + -11.098347663879396 + ], + [ + "\u2581lingua", + -11.098481178283691 + ], + [ + "\u2581Pr", + -11.099031448364258 + ], + [ + "Configuration", + -11.0990629196167 + ], + [ + "\u2581Nella", + -11.099087715148926 + ], + [ + "\u2581meses", + -11.099207878112791 + ], + [ + "\u2581Gebiet", + -11.099387168884276 + ], + [ + "bis", + -11.099424362182615 + ], + [ + "css", + -11.099736213684082 + ], + [ + "\u2581zoon", + -11.099876403808594 + ], + [ + "\u2581pintor", + -11.100024223327637 + ], + [ + "\u2581sites", + -11.100050926208496 + ], + [ + "\u2581pontos", + -11.100110054016112 + ], + [ + "\u2581diversas", + -11.100637435913086 + ], + [ + "\u2581High", + -11.100722312927246 + ], + [ + "\u2581director", + -11.10098648071289 + ], + [ + "tree", + -11.10124969482422 + ], + [ + "dim", + -11.101275444030762 + ], + [ + "lock", + -11.10132884979248 + ], + [ + "\u2581treno", + -11.101356506347656 + ], + [ + "Cache", + -11.101534843444824 + ], + [ + "hu", + -11.101582527160645 + ], + [ + "\u2581trop", + -11.101757049560549 + ], + [ + "\u2581problems", + -11.101783752441406 + ], + [ + "switch", + -11.101831436157228 + ], + [ + "\u2581Fach", + -11.101841926574709 + ], + [ + "\u2581internacional", + -11.102115631103516 + ], + [ + "document", + -11.102160453796388 + ], + [ + "iana", + -11.10262966156006 + ], + [ + "\u2581Jahres", + -11.102699279785156 + ], + [ + "\u2581geben", + -11.102982521057127 + ], + [ + "\u2581Company", + -11.103046417236328 + ], + [ + "CC", + -11.103129386901855 + ], + [ + "\u2581ejemplo", + -11.103271484375 + ], + [ + "\u2581tenha", + -11.103439331054688 + ], + [ + "\u2581entra", + -11.103558540344238 + ], + [ + "Method", + -11.103777885437012 + ], + [ + "\u2581java", + -11.104206085205078 + ], + [ + "bc", + -11.104514122009276 + ], + [ + "\u2581rien", + -11.1045503616333 + ], + [ + "ungs", + -11.10511875152588 + ], + [ + "illa", + -11.105173110961914 + ], + [ + "ah", + -11.10532569885254 + ], + [ + "babel", + -11.105353355407717 + ], + [ + "Filter", + -11.10545825958252 + ], + [ + "light", + -11.10597324371338 + ], + [ + "\u2581maggio", + -11.10623264312744 + ], + [ + "\u2581follows", + -11.10655117034912 + ], + [ + "\u2581male", + -11.10674285888672 + ], + [ + "war", + -11.106969833374023 + ], + [ + "\u2581mediante", + -11.107048034667969 + ], + [ + "Container", + -11.107062339782717 + ], + [ + "\u2581completamente", + -11.107135772705078 + ], + [ + "bare", + -11.107166290283203 + ], + [ + "\u2581rule", + -11.107494354248049 + ], + [ + "\u2581nummer", + -11.107712745666504 + ], + [ + "\u2581achter", + -11.107891082763672 + ], + [ + "rum", + -11.108348846435549 + ], + [ + "menu", + -11.108634948730469 + ], + [ + "eux", + -11.10874843597412 + ], + [ + "PS", + -11.108756065368652 + ], + [ + "\u2581machine", + -11.10883331298828 + ], + [ + "\u2581Mu", + -11.109426498413086 + ], + [ + "\u2581Dan", + -11.109540939331056 + ], + [ + "foo", + -11.109590530395508 + ], + [ + "\u2581former", + -11.109736442565918 + ], + [ + "\u2581gemaakt", + -11.10980987548828 + ], + [ + "\u2581V\u00e9ase", + -11.109810829162598 + ], + [ + "\u2581connection", + -11.109907150268556 + ], + [ + "\u2581debido", + -11.109997749328612 + ], + [ + "\u2581Kultur", + -11.110013961791992 + ], + [ + "\u2581average", + -11.110193252563477 + ], + [ + "\u2581company", + -11.110240936279297 + ], + [ + "gesetz", + -11.110569953918455 + ], + [ + "\u2581pouco", + -11.110713958740234 + ], + [ + "\u2581titre", + -11.110746383666992 + ], + [ + "Component", + -11.11099624633789 + ], + [ + "\u2581fest", + -11.111042022705078 + ], + [ + "\u2581scale", + -11.111048698425291 + ], + [ + "\u2581five", + -11.111101150512695 + ], + [ + "\u2581h\u00e4tte", + -11.111199378967283 + ], + [ + "\u2581events", + -11.111382484436035 + ], + [ + "\u2581Plan", + -11.11148738861084 + ], + [ + "\u2581actually", + -11.111665725708008 + ], + [ + "fu", + -11.112616539001465 + ], + [ + "\u2581sieht", + -11.112797737121582 + ], + [ + "\u2581rei", + -11.113088607788086 + ], + [ + "\u2581Green", + -11.113755226135254 + ], + [ + "\u2581Bildung", + -11.11379051208496 + ], + [ + "Box", + -11.11391258239746 + ], + [ + "\u2581zweiten", + -11.113926887512209 + ], + [ + "\u2581log", + -11.114133834838867 + ], + [ + "\u2581militar", + -11.114208221435549 + ], + [ + "\u2581Tor", + -11.114222526550291 + ], + [ + "histoire", + -11.115476608276367 + ], + [ + "\u2581dus", + -11.11582374572754 + ], + [ + "cpu", + -11.115912437438965 + ], + [ + "template", + -11.11598300933838 + ], + [ + "Function", + -11.116106033325195 + ], + [ + "har", + -11.116106033325195 + ], + [ + "\u2581Platz", + -11.116207122802734 + ], + [ + "\u2581member", + -11.116337776184082 + ], + [ + "This", + -11.116711616516112 + ], + [ + "\u2581GR", + -11.11677360534668 + ], + [ + "\u2581thus", + -11.116806983947754 + ], + [ + "bre", + -11.117386817932127 + ], + [ + "\u2581Chicago", + -11.117392539978027 + ], + [ + "\u2581zien", + -11.117497444152832 + ], + [ + "\u2581regi\u00f3n", + -11.11755657196045 + ], + [ + "done", + -11.117854118347168 + ], + [ + "ben", + -11.118206024169922 + ], + [ + "\u2581remove", + -11.118523597717283 + ], + [ + "\u2581Uhr", + -11.11856746673584 + ], + [ + "\u2581padr", + -11.118637084960938 + ], + [ + "bytes", + -11.118661880493164 + ], + [ + "ultimo", + -11.118934631347656 + ], + [ + "\u2581Version", + -11.119583129882812 + ], + [ + "\u2581Preis", + -11.119851112365724 + ], + [ + "\u2581chamado", + -11.11990737915039 + ], + [ + "\u2581written", + -11.119913101196287 + ], + [ + "\u2581allow", + -11.119983673095703 + ], + [ + "\u2581NS", + -11.119990348815918 + ], + [ + "Note", + -11.120475769042969 + ], + [ + "\u2581usando", + -11.12060546875 + ], + [ + "nti", + -11.120638847351074 + ], + [ + "\u2581Mary", + -11.120752334594728 + ], + [ + "\u2581understand", + -11.120767593383787 + ], + [ + "\u2581valid", + -11.120877265930176 + ], + [ + "Builder", + -11.120882987976074 + ], + [ + "fc", + -11.121163368225098 + ], + [ + "\u2581recht", + -11.121479988098145 + ], + [ + "\u2581avrebbe", + -11.121726036071776 + ], + [ + "\u2581interest", + -11.121870994567873 + ], + [ + "\u2581pagina", + -11.122325897216797 + ], + [ + "\u2581room", + -11.122980117797852 + ], + [ + "tive", + -11.12300968170166 + ], + [ + "\u2581Ana", + -11.123108863830566 + ], + [ + "\u2581tratta", + -11.123197555541992 + ], + [ + "\u2581Carl", + -11.123270988464355 + ], + [ + "\u2581oppervlakte", + -11.12332248687744 + ], + [ + "\u2581breve", + -11.123842239379885 + ], + [ + "\u2581Pr\u00fcfung", + -11.1240234375 + ], + [ + "dal", + -11.12403392791748 + ], + [ + "ep", + -11.124035835266112 + ], + [ + "\u2581gegeben", + -11.124512672424316 + ], + [ + "Ich", + -11.124822616577148 + ], + [ + "chte", + -11.125261306762695 + ], + [ + "rse", + -11.125429153442385 + ], + [ + "fn", + -11.125558853149414 + ], + [ + "tura", + -11.12564468383789 + ], + [ + "\u2581sistemas", + -11.125655174255373 + ], + [ + "\u2581especie", + -11.125762939453123 + ], + [ + "kin", + -11.126080513000488 + ], + [ + "Co", + -11.126111030578612 + ], + [ + "\u2581Museu", + -11.126456260681152 + ], + [ + "\u2581direkt", + -11.12672519683838 + ], + [ + "\u2581Rates", + -11.127185821533203 + ], + [ + "\u2581contract", + -11.127460479736328 + ], + [ + "SECTION", + -11.127886772155762 + ], + [ + "\u2581rol", + -11.12808609008789 + ], + [ + "\u2581Gruppen", + -11.12814998626709 + ], + [ + "\u2581deshalb", + -11.128150939941406 + ], + [ + "\u2581consiste", + -11.12857723236084 + ], + [ + "join", + -11.128877639770508 + ], + [ + "\u2581black", + -11.129356384277344 + ], + [ + "album", + -11.129475593566896 + ], + [ + "als", + -11.12953758239746 + ], + [ + "\u2581parent", + -11.129754066467283 + ], + [ + "then", + -11.130056381225586 + ], + [ + "vert", + -11.13016414642334 + ], + [ + "\u2581refer", + -11.130199432373049 + ], + [ + "ette", + -11.130249977111816 + ], + [ + "Spec", + -11.13033962249756 + ], + [ + "nne", + -11.130471229553224 + ], + [ + "Local", + -11.130613327026367 + ], + [ + "cast", + -11.130851745605469 + ], + [ + "\u2581usually", + -11.130919456481934 + ], + [ + "\u2581members", + -11.131146430969238 + ], + [ + "Max", + -11.131158828735352 + ], + [ + "\u2581saber", + -11.131266593933104 + ], + [ + "\u2581easy", + -11.13143253326416 + ], + [ + "\u2581Lista", + -11.131449699401855 + ], + [ + "tab", + -11.131571769714355 + ], + [ + "\u2581maioria", + -11.131766319274902 + ], + [ + "\u2581students", + -11.131778717041016 + ], + [ + "\u2581Verm", + -11.13231086730957 + ], + [ + "\u2581anno", + -11.13247776031494 + ], + [ + "ford", + -11.132874488830566 + ], + [ + "ans", + -11.133061408996582 + ], + [ + "\u2581Albert", + -11.133230209350586 + ], + [ + "\u2581clima", + -11.13333511352539 + ], + [ + "work", + -11.133617401123049 + ], + [ + "stadt", + -11.133705139160156 + ], + [ + "\u2581Fort", + -11.133810997009276 + ], + [ + "Val", + -11.133923530578612 + ], + [ + "Line", + -11.13428783416748 + ], + [ + "Port", + -11.13437843322754 + ], + [ + "dienst", + -11.134568214416504 + ], + [ + "schema", + -11.13459300994873 + ], + [ + "elles", + -11.134695053100586 + ], + [ + "\u2581elementos", + -11.134696006774902 + ], + [ + "\u2581bot", + -11.13503074645996 + ], + [ + "\u2581tard", + -11.13535499572754 + ], + [ + "DynamicPageList", + -11.13542938232422 + ], + [ + "LIB", + -11.135661125183104 + ], + [ + "\u2581especialmente", + -11.13569164276123 + ], + [ + "til", + -11.135744094848633 + ], + [ + "\u2581Data", + -11.13574504852295 + ], + [ + "\u2581needs", + -11.135746002197266 + ], + [ + "leq", + -11.135951042175291 + ], + [ + "\u2581Premio", + -11.13619327545166 + ], + [ + "NOT", + -11.136282920837402 + ], + [ + "\u2581genere", + -11.136344909667969 + ], + [ + "Sch", + -11.13652229309082 + ], + [ + "ensis", + -11.136974334716797 + ], + [ + "\u2581Tel", + -11.13804817199707 + ], + [ + "\u2581begon", + -11.138311386108398 + ], + [ + "\u2581jeder", + -11.13886260986328 + ], + [ + "\u2581cut", + -11.138888359069824 + ], + [ + "\u2581Damit", + -11.139093399047852 + ], + [ + "\u2581mind", + -11.139130592346191 + ], + [ + "\u2581Ergebnis", + -11.139140129089355 + ], + [ + "\u2581Roman", + -11.139165878295898 + ], + [ + "gesetzes", + -11.139240264892578 + ], + [ + "TV", + -11.139480590820312 + ], + [ + "\u2581sed", + -11.139962196350098 + ], + [ + "acqua", + -11.140169143676758 + ], + [ + "\u2581Via", + -11.140317916870115 + ], + [ + "\u2581livello", + -11.140493392944336 + ], + [ + "\u2581Ti", + -11.140669822692873 + ], + [ + "pages", + -11.140936851501465 + ], + [ + "\u2581started", + -11.14109230041504 + ], + [ + "vis", + -11.141220092773438 + ], + [ + "quad", + -11.141998291015623 + ], + [ + "\u2581Show", + -11.14214038848877 + ], + [ + "\u2581marca", + -11.142149925231934 + ], + [ + "\u2581certains", + -11.14218044281006 + ], + [ + "\u2581nehmen", + -11.142367362976074 + ], + [ + "\u2581became", + -11.142653465270996 + ], + [ + "ierte", + -11.14266586303711 + ], + [ + "\u2581Aires", + -11.142730712890623 + ], + [ + "cell", + -11.143141746520996 + ], + [ + "\u2581nombreux", + -11.143325805664062 + ], + [ + "\u2581objetivo", + -11.14340591430664 + ], + [ + "\u2581tienen", + -11.1434326171875 + ], + [ + "\u2581outside", + -11.143457412719728 + ], + [ + "\u2581mio", + -11.144022941589355 + ], + [ + "export", + -11.144125938415527 + ], + [ + "\u2581Tras", + -11.144545555114746 + ], + [ + "ag", + -11.144658088684082 + ], + [ + "han", + -11.14467430114746 + ], + [ + "\u2581Jesus", + -11.14496612548828 + ], + [ + "\u2581liga", + -11.14499568939209 + ], + [ + "ade", + -11.145136833190918 + ], + [ + "ey", + -11.145305633544922 + ], + [ + "wirtschaftlichen", + -11.14553451538086 + ], + [ + "free", + -11.145637512207031 + ], + [ + "\u2581Carlo", + -11.145734786987305 + ], + [ + "\u2581ret\u00e1bulo", + -11.145748138427734 + ], + [ + "Es", + -11.14590835571289 + ], + [ + "\u2581tri", + -11.145928382873535 + ], + [ + "\u2581Port", + -11.146002769470217 + ], + [ + "\u2581dernier", + -11.146129608154297 + ], + [ + "\u2581nueva", + -11.146161079406738 + ], + [ + "oder", + -11.14653205871582 + ], + [ + "\u2581Cuando", + -11.146648406982422 + ], + [ + "framework", + -11.147089958190918 + ], + [ + "\u2581produ", + -11.147186279296877 + ], + [ + "\u2581casos", + -11.147306442260742 + ], + [ + "\u2581tests", + -11.147565841674805 + ], + [ + "\u2581Abschnitt", + -11.147700309753418 + ], + [ + "lim", + -11.147892951965332 + ], + [ + "\u2581r\u00edo", + -11.148065567016602 + ], + [ + "DM", + -11.148077964782717 + ], + [ + "\u2581Partido", + -11.148208618164062 + ], + [ + "card", + -11.148569107055664 + ], + [ + "\u2581moi", + -11.148731231689451 + ], + [ + "CONFIG", + -11.148866653442385 + ], + [ + "\u2581Terra", + -11.149005889892578 + ], + [ + "\u2581numa", + -11.14901351928711 + ], + [ + "\u2581ambos", + -11.149020195007324 + ], + [ + "\u2581fr", + -11.149310111999512 + ], + [ + "\u2581Sir", + -11.149470329284668 + ], + [ + "sol", + -11.14980125427246 + ], + [ + "\u2581death", + -11.149807929992676 + ], + [ + "\u2581received", + -11.149922370910645 + ], + [ + "ierten", + -11.150044441223145 + ], + [ + "tools", + -11.150235176086426 + ], + [ + "\u2581tipos", + -11.150270462036133 + ], + [ + "\u2581pueblo", + -11.15034008026123 + ], + [ + "\u2581activity", + -11.150641441345217 + ], + [ + "\u2581learning", + -11.151253700256348 + ], + [ + "\u2581werken", + -11.151359558105469 + ], + [ + "TARGET", + -11.1515531539917 + ], + [ + "\u2581carri", + -11.151738166809082 + ], + [ + "u\u00e9", + -11.152265548706056 + ], + [ + "\u2581big", + -11.152323722839355 + ], + [ + "author", + -11.152371406555176 + ], + [ + "\u2581quite", + -11.152745246887209 + ], + [ + "\u2581Bu", + -11.152899742126465 + ], + [ + "\u2581petit", + -11.152936935424805 + ], + [ + "dom", + -11.153294563293455 + ], + [ + "meros", + -11.153429985046388 + ], + [ + "copy", + -11.153432846069336 + ], + [ + "\u2581pol\u00edtico", + -11.153694152832031 + ], + [ + "\u2581legge", + -11.153874397277832 + ], + [ + "\u2581Selbst", + -11.154033660888672 + ], + [ + "dist", + -11.154168128967283 + ], + [ + "Externe", + -11.154219627380373 + ], + [ + "Syntax", + -11.15445613861084 + ], + [ + "ture", + -11.154704093933104 + ], + [ + "\u2581Alter", + -11.15481948852539 + ], + [ + "\u2581Website", + -11.155206680297852 + ], + [ + "Check", + -11.15524196624756 + ], + [ + "He", + -11.155477523803713 + ], + [ + "\u2581url", + -11.156435012817385 + ], + [ + "\u2581job", + -11.156545639038086 + ], + [ + "IO", + -11.156563758850098 + ], + [ + "Si", + -11.15659999847412 + ], + [ + "\u2581Also", + -11.15672206878662 + ], + [ + "\u2581luz", + -11.156776428222656 + ], + [ + "\u2581Michel", + -11.15689468383789 + ], + [ + "\u2581disso", + -11.15701961517334 + ], + [ + "ERROR", + -11.15744400024414 + ], + [ + "void", + -11.157666206359863 + ], + [ + "\u2581televisi\u00f3n", + -11.15769100189209 + ], + [ + "\u2581Text", + -11.157732963562012 + ], + [ + "\u2581hei", + -11.158339500427246 + ], + [ + "normal", + -11.15871810913086 + ], + [ + "Address", + -11.15920066833496 + ], + [ + "\u2581studies", + -11.159351348876951 + ], + [ + "\u2581Law", + -11.159494400024414 + ], + [ + "buffer", + -11.15964698791504 + ], + [ + "\u2581container", + -11.159968376159668 + ], + [ + "\u2581Luft", + -11.160029411315918 + ], + [ + "\u2581presenta", + -11.160237312316896 + ], + [ + "\u2581d\u00fcrfen", + -11.16064739227295 + ], + [ + "\u2581court", + -11.160943031311035 + ], + [ + "\u2581gerade", + -11.161020278930664 + ], + [ + "\u2581serve", + -11.161144256591797 + ], + [ + "\u2581futuro", + -11.16130542755127 + ], + [ + "\u2581Tweede", + -11.161462783813477 + ], + [ + "\u2581Society", + -11.161625862121582 + ], + [ + "don", + -11.161653518676758 + ], + [ + "low", + -11.1617431640625 + ], + [ + "Na", + -11.162224769592283 + ], + [ + "\u2581Main", + -11.16268253326416 + ], + [ + "dot", + -11.163948059082031 + ], + [ + "\u2581increase", + -11.164514541625977 + ], + [ + "\u2581Ri", + -11.1646089553833 + ], + [ + "\u2581care", + -11.164678573608398 + ], + [ + "raum", + -11.164849281311035 + ], + [ + "down", + -11.164871215820312 + ], + [ + "\u2581nova", + -11.16489601135254 + ], + [ + "\u2581seis", + -11.164965629577637 + ], + [ + "CO", + -11.165275573730469 + ], + [ + "\u2581Ihre", + -11.165409088134766 + ], + [ + "\u2581wohl", + -11.165413856506348 + ], + [ + "cus", + -11.165515899658203 + ], + [ + "fer", + -11.165745735168455 + ], + [ + "\u2581Staten", + -11.165825843811035 + ], + [ + "\u2581deutscher", + -11.165874481201172 + ], + [ + "\u2581regular", + -11.16594696044922 + ], + [ + "\u2581acht", + -11.16598129272461 + ], + [ + "Me", + -11.166007995605469 + ], + [ + "\u2581totale", + -11.166057586669922 + ], + [ + "\u2581presenti", + -11.166691780090332 + ], + [ + "IN", + -11.166990280151367 + ], + [ + "\u2581doing", + -11.167126655578612 + ], + [ + "DS", + -11.167243957519531 + ], + [ + "\u2581Verkehrs", + -11.167827606201172 + ], + [ + "\u2581fuera", + -11.167858123779297 + ], + [ + "\u2581giugno", + -11.167977333068848 + ], + [ + "\u2581pouvoir", + -11.168315887451172 + ], + [ + "\u2581Tage", + -11.16841983795166 + ], + [ + "\u2581cultural", + -11.16843032836914 + ], + [ + "ku", + -11.168598175048828 + ], + [ + "\u2581Belgi", + -11.168940544128418 + ], + [ + "\u2581Wald", + -11.168973922729492 + ], + [ + "\u2581generated", + -11.16927719116211 + ], + [ + "lkerung", + -11.169344902038574 + ], + [ + "BA", + -11.16958236694336 + ], + [ + "My", + -11.169815063476562 + ], + [ + "\u2581especial", + -11.169840812683104 + ], + [ + "\u2581Gold", + -11.169878959655762 + ], + [ + "\u2581Foundation", + -11.169936180114746 + ], + [ + "tivo", + -11.170052528381348 + ], + [ + "\u2581Forschung", + -11.170428276062012 + ], + [ + "\u2581Stunden", + -11.170592308044434 + ], + [ + "\u2581eram", + -11.170745849609377 + ], + [ + "\u2581Santiago", + -11.170883178710938 + ], + [ + "\u2581Cell", + -11.1709566116333 + ], + [ + "\u2581pe", + -11.171175003051758 + ], + [ + "\u2581gennaio", + -11.171210289001465 + ], + [ + "zip", + -11.171273231506348 + ], + [ + "\u2581Basis", + -11.171435356140137 + ], + [ + "application", + -11.1715669631958 + ], + [ + "\u2581Wort", + -11.171607971191406 + ], + [ + "\u2581equal", + -11.17190933227539 + ], + [ + "\u2581viaggio", + -11.172199249267578 + ], + [ + "\u2581Cal", + -11.173077583312988 + ], + [ + "agit", + -11.17322826385498 + ], + [ + "mb", + -11.173409461975098 + ], + [ + "\u2581Dis", + -11.173677444458008 + ], + [ + "\u2581sexual", + -11.173852920532228 + ], + [ + "\u2581directly", + -11.17385959625244 + ], + [ + "FLAGS", + -11.173972129821776 + ], + [ + "\u2581building", + -11.17405891418457 + ], + [ + "\u2581anything", + -11.174064636230469 + ], + [ + "rand", + -11.174286842346191 + ], + [ + "\u2581window", + -11.174286842346191 + ], + [ + "\u2581Big", + -11.174296379089355 + ], + [ + "\u2581\u00e1gua", + -11.17441749572754 + ], + [ + "\u2581GmbH", + -11.174579620361328 + ], + [ + "\u2581trying", + -11.174806594848633 + ], + [ + "mittel", + -11.174951553344728 + ], + [ + "\u2581potrebbe", + -11.175058364868164 + ], + [ + "\u2581Hill", + -11.175121307373049 + ], + [ + "\u2581DNA", + -11.175481796264648 + ], + [ + "mem", + -11.175796508789062 + ], + [ + "\u2581vivo", + -11.175864219665527 + ], + [ + "\u2581Rome", + -11.175971031188965 + ], + [ + "\u2581Bezug", + -11.176005363464355 + ], + [ + "\u2581carta", + -11.176466941833496 + ], + [ + "\u2581gewesen", + -11.176551818847656 + ], + [ + "\u2581realt\u00e0", + -11.176597595214844 + ], + [ + "\u2581dise", + -11.1768159866333 + ], + [ + "\u2581task", + -11.17686939239502 + ], + [ + "interface", + -11.176968574523926 + ], + [ + "ON", + -11.176976203918455 + ], + [ + "\u2581lag", + -11.177168846130373 + ], + [ + "\u2581negative", + -11.177346229553224 + ], + [ + "\u00e9v", + -11.177424430847168 + ], + [ + "\u2581entrada", + -11.177974700927734 + ], + [ + "\u2581teve", + -11.178030967712402 + ], + [ + "\u2581sabe", + -11.17825984954834 + ], + [ + "cur", + -11.178544998168944 + ], + [ + "\u2581Walter", + -11.178688049316406 + ], + [ + "ono", + -11.179304122924805 + ], + [ + "\u2581geworden", + -11.179396629333496 + ], + [ + "\u2581chose", + -11.180116653442385 + ], + [ + "\u2581significant", + -11.18013858795166 + ], + [ + "\u2581acc", + -11.180179595947266 + ], + [ + "\u2581W\u00e4hrend", + -11.180373191833496 + ], + [ + "Hrsg", + -11.180400848388672 + ], + [ + "\u2581Snape", + -11.180500030517578 + ], + [ + "apt", + -11.18095588684082 + ], + [ + "np", + -11.181537628173828 + ], + [ + "\u2581valores", + -11.181583404541016 + ], + [ + "\u2581detto", + -11.181676864624023 + ], + [ + "\u2581Segunda", + -11.18204116821289 + ], + [ + "\u2581inoltre", + -11.182551383972168 + ], + [ + "\u2581arguments", + -11.182559967041016 + ], + [ + "dia", + -11.182713508605955 + ], + [ + "\u2581curl", + -11.182868003845217 + ], + [ + "\u2581formation", + -11.18289279937744 + ], + [ + "\u2581luglio", + -11.182953834533691 + ], + [ + "\u2581vice", + -11.183561325073242 + ], + [ + "LOG", + -11.183686256408691 + ], + [ + "\u2581representa", + -11.18390655517578 + ], + [ + "lle", + -11.184154510498049 + ], + [ + "Call", + -11.184310913085938 + ], + [ + "\u2581finalmente", + -11.18439769744873 + ], + [ + "eerd", + -11.184478759765623 + ], + [ + "\u2581random", + -11.18447971343994 + ], + [ + "\u2581Life", + -11.184588432312012 + ], + [ + "internal", + -11.184819221496582 + ], + [ + "\u2581caracter\u00edsticas", + -11.185306549072266 + ], + [ + "\u2581ahora", + -11.185707092285156 + ], + [ + "zie", + -11.186442375183104 + ], + [ + "\u2581Ils", + -11.186620712280272 + ], + [ + "\u2581expect", + -11.186718940734863 + ], + [ + "\u2581mercado", + -11.186967849731444 + ], + [ + "\u2581Geld", + -11.187296867370604 + ], + [ + "\u00fc", + -11.188011169433594 + ], + [ + "\u2581(!", + -11.188148498535156 + ], + [ + "\u2581province", + -11.18830680847168 + ], + [ + "properties", + -11.188349723815918 + ], + [ + "\u2581Einzel", + -11.188688278198242 + ], + [ + "\u2581himself", + -11.188715934753418 + ], + [ + "\u2581Bill", + -11.188718795776367 + ], + [ + "\u2581Funktion", + -11.189013481140137 + ], + [ + "\u2581Ob", + -11.189138412475586 + ], + [ + "\u2581exists", + -11.189229011535645 + ], + [ + "Format", + -11.189244270324709 + ], + [ + "\u2581Forschungs", + -11.189364433288574 + ], + [ + "Users", + -11.18954086303711 + ], + [ + "\u2581fez", + -11.189715385437012 + ], + [ + "record", + -11.189971923828123 + ], + [ + "Sub", + -11.189979553222656 + ], + [ + "At", + -11.190077781677246 + ], + [ + "\u2581Station", + -11.19093132019043 + ], + [ + "\u2581classes", + -11.191018104553224 + ], + [ + "\u2581presenza", + -11.191244125366213 + ], + [ + "pop", + -11.191319465637209 + ], + [ + "So", + -11.191360473632812 + ], + [ + "\u2581Verbindung", + -11.19155979156494 + ], + [ + "lu", + -11.191585540771484 + ], + [ + "\u2581corps", + -11.1917142868042 + ], + [ + "\u2581CO", + -11.191831588745115 + ], + [ + "lan", + -11.192179679870604 + ], + [ + "\u2581sequence", + -11.192468643188477 + ], + [ + "\u2581shape", + -11.192669868469238 + ], + [ + "wood", + -11.19268798828125 + ], + [ + "\u2581effects", + -11.193574905395508 + ], + [ + "\u2581database", + -11.193739891052246 + ], + [ + "\u2581errors", + -11.19427490234375 + ], + [ + "\u2581Our", + -11.194305419921877 + ], + [ + "alt", + -11.194540977478027 + ], + [ + "\u2581health", + -11.1947660446167 + ], + [ + "hline", + -11.19498348236084 + ], + [ + "Er", + -11.195232391357422 + ], + [ + "\u2581objects", + -11.19525146484375 + ], + [ + "\u2581raison", + -11.195599555969238 + ], + [ + "ud", + -11.195794105529783 + ], + [ + "\u2581acesso", + -11.19611644744873 + ], + [ + "lg", + -11.196203231811523 + ], + [ + "opera", + -11.196361541748049 + ], + [ + "\u2581parole", + -11.196431159973145 + ], + [ + "cia", + -11.196508407592772 + ], + [ + "\u2581roman", + -11.196842193603516 + ], + [ + "\u2581collection", + -11.197023391723633 + ], + [ + "\u2581Hamburg", + -11.197324752807615 + ], + [ + "\u2581strade", + -11.19741439819336 + ], + [ + "\u2581experience", + -11.197555541992188 + ], + [ + "\u2581wei", + -11.197627067565918 + ], + [ + "norm", + -11.197691917419434 + ], + [ + "\u2581obtained", + -11.197831153869627 + ], + [ + "VIII", + -11.198254585266112 + ], + [ + "\u2581Time", + -11.19840145111084 + ], + [ + "\u2581passa", + -11.198403358459473 + ], + [ + "\u2581beste", + -11.198572158813477 + ], + [ + "\u2581mezzo", + -11.198931694030762 + ], + [ + "release", + -11.19915771484375 + ], + [ + "\u2581Hotel", + -11.19925308227539 + ], + [ + "\u2581ottobre", + -11.199373245239258 + ], + [ + "\u2581soci\u00e9t\u00e9", + -11.199556350708008 + ], + [ + "\u2581vari", + -11.19960594177246 + ], + [ + "markt", + -11.199614524841309 + ], + [ + "process", + -11.199926376342772 + ], + [ + "\u2581treatment", + -11.20025634765625 + ], + [ + "\u2581weit", + -11.20030117034912 + ], + [ + "\u2581mag", + -11.20030403137207 + ], + [ + "Override", + -11.200357437133787 + ], + [ + "\u2581bijvoorbeeld", + -11.200480461120604 + ], + [ + "\u2581Seit", + -11.200502395629885 + ], + [ + "ite", + -11.200912475585938 + ], + [ + "auth", + -11.201068878173828 + ], + [ + "\u2581community", + -11.2011079788208 + ], + [ + "\u2581francese", + -11.201226234436035 + ], + [ + "\u2581probl", + -11.20125675201416 + ], + [ + "\u2581../", + -11.201476097106934 + ], + [ + "library", + -11.2014799118042 + ], + [ + "\u2581technique", + -11.201480865478516 + ], + [ + "\u2581Kon", + -11.201608657836914 + ], + [ + "aan", + -11.201851844787598 + ], + [ + "email", + -11.20189094543457 + ], + [ + "\u2581hoje", + -11.201959609985352 + ], + [ + "\u2581Brown", + -11.20206069946289 + ], + [ + "\u2581grep", + -11.202359199523926 + ], + [ + "\u2581estadounidense", + -11.202491760253906 + ], + [ + "bile", + -11.202507972717283 + ], + [ + "\u2581Service", + -11.20262622833252 + ], + [ + "\u2581giornata", + -11.202680587768556 + ], + [ + "tests", + -11.202718734741213 + ], + [ + "\u2581president", + -11.202731132507324 + ], + [ + "\u2581conte", + -11.202770233154297 + ], + [ + "\u2581forces", + -11.202983856201172 + ], + [ + "\u2581meglio", + -11.203642845153809 + ], + [ + "DC", + -11.203990936279297 + ], + [ + "uvre", + -11.204035758972168 + ], + [ + "\u2581pages", + -11.204233169555664 + ], + [ + "super", + -11.204459190368652 + ], + [ + "Ref", + -11.204812049865724 + ], + [ + "fill", + -11.204980850219728 + ], + [ + "uma", + -11.205259323120115 + ], + [ + "\u2581Lebens", + -11.205405235290527 + ], + [ + "ivo", + -11.205696105957031 + ], + [ + "\u2581weight", + -11.205740928649902 + ], + [ + "\u2581Award", + -11.20589828491211 + ], + [ + "\u2581entspricht", + -11.205921173095703 + ], + [ + "\u2581specie", + -11.206308364868164 + ], + [ + "\u2581piedi", + -11.206503868103027 + ], + [ + "\u2581difference", + -11.206889152526855 + ], + [ + "\u2581zuletzt", + -11.207335472106934 + ], + [ + "oll", + -11.208030700683594 + ], + [ + "\u2581Sono", + -11.208137512207031 + ], + [ + "\u2581Miss", + -11.208404541015623 + ], + [ + "\u2581saison", + -11.208429336547852 + ], + [ + "\u2581dicembre", + -11.208518981933594 + ], + [ + "\u2581einfach", + -11.208538055419922 + ], + [ + "\u2581periode", + -11.208934783935549 + ], + [ + "\u2581description", + -11.208953857421877 + ], + [ + "\u2581mare", + -11.20908546447754 + ], + [ + "\u2581principio", + -11.2091703414917 + ], + [ + "\u2581mia", + -11.209266662597656 + ], + [ + "\u2581zeer", + -11.209320068359377 + ], + [ + "\u2581Ju", + -11.209747314453123 + ], + [ + "Ge", + -11.209869384765623 + ], + [ + "\u2581favor", + -11.210183143615724 + ], + [ + "struktur", + -11.210294723510742 + ], + [ + "\u2581Umsetzung", + -11.21079158782959 + ], + [ + "arrow", + -11.210811614990234 + ], + [ + "\u2581Winter", + -11.21090316772461 + ], + [ + "attr", + -11.211054801940918 + ], + [ + "bank", + -11.211089134216309 + ], + [ + "\u2581hijo", + -11.211181640625 + ], + [ + "\u2581Sal", + -11.211312294006348 + ], + [ + "\u2581euro", + -11.211774826049805 + ], + [ + "\u2581mostra", + -11.211792945861816 + ], + [ + "gruppen", + -11.21182346343994 + ], + [ + "\u2581sets", + -11.212287902832031 + ], + [ + "\u2581prime", + -11.21231174468994 + ], + [ + "other", + -11.21240234375 + ], + [ + "\u2581Bon", + -11.212406158447266 + ], + [ + "\u2581Universit\u00e4t", + -11.21259307861328 + ], + [ + "bei", + -11.213239669799805 + ], + [ + "\u2581Klein", + -11.213665962219238 + ], + [ + "\u2581continua", + -11.213780403137209 + ], + [ + "urs", + -11.214521408081056 + ], + [ + "\u2581Standard", + -11.21456241607666 + ], + [ + "\u2581More", + -11.2150239944458 + ], + [ + "\u2581Regierung", + -11.215335845947266 + ], + [ + "\u2581failed", + -11.215447425842283 + ], + [ + "expected", + -11.216168403625488 + ], + [ + "\u2581tuttavia", + -11.21628189086914 + ], + [ + "\u2581prendre", + -11.217126846313477 + ], + [ + "\u2581doen", + -11.217151641845703 + ], + [ + "close", + -11.21731185913086 + ], + [ + "\u2581minuti", + -11.21738624572754 + ], + [ + "\u2581longer", + -11.217498779296877 + ], + [ + "\u2581Despu\u00e9s", + -11.217836380004885 + ], + [ + "\u2581hadden", + -11.217972755432127 + ], + [ + "\u2581Tr", + -11.218592643737791 + ], + [ + "\u2581ru", + -11.21867561340332 + ], + [ + "\u2581algorithm", + -11.21871852874756 + ], + [ + "\u2581areas", + -11.219022750854492 + ], + [ + "\u2581utiliza", + -11.21910285949707 + ], + [ + "\u2581chiesa", + -11.21923542022705 + ], + [ + "\u2581sala", + -11.219507217407228 + ], + [ + "ViewController", + -11.220189094543455 + ], + [ + "\u2581am\u00e9ricain", + -11.220294952392578 + ], + [ + "\u2581Linux", + -11.22057056427002 + ], + [ + "Provider", + -11.220805168151855 + ], + [ + "\u2581Verenigde", + -11.22093391418457 + ], + [ + "\u2581False", + -11.221051216125488 + ], + [ + "\u2581waardoor", + -11.22144603729248 + ], + [ + "\u2581Pas", + -11.221555709838867 + ], + [ + "\u2581While", + -11.221736907958984 + ], + [ + "\u2581Musik", + -11.221968650817873 + ], + [ + "\u2581active", + -11.22206974029541 + ], + [ + "\u2581stable", + -11.222318649291992 + ], + [ + "\u2581dadurch", + -11.222504615783691 + ], + [ + "\u2581natura", + -11.22253131866455 + ], + [ + "NC", + -11.222674369812012 + ], + [ + "ld", + -11.22275733947754 + ], + [ + "Cell", + -11.222999572753906 + ], + [ + "gan", + -11.22336196899414 + ], + [ + "Buffer", + -11.22354507446289 + ], + [ + "dem", + -11.223703384399414 + ], + [ + "\u2581Einf\u00fchrung", + -11.223708152770996 + ], + [ + "\u2581assume", + -11.223814010620115 + ], + [ + "\u2581pegar", + -11.224034309387209 + ], + [ + "\u2581geboren", + -11.224202156066896 + ], + [ + "Non", + -11.224303245544434 + ], + [ + "\u2581plant", + -11.224522590637209 + ], + [ + "\u2581Stand", + -11.224717140197754 + ], + [ + "\u2581Social", + -11.225105285644531 + ], + [ + "\u2581pr\u00e9sident", + -11.22519588470459 + ], + [ + "pc", + -11.225417137145996 + ], + [ + "\u2581difficile", + -11.2254638671875 + ], + [ + "\u2581seems", + -11.225735664367676 + ], + [ + "\u2581Unido", + -11.225762367248535 + ], + [ + "\u2581months", + -11.225927352905272 + ], + [ + "\u2581sport", + -11.22602081298828 + ], + [ + "\u2581rue", + -11.22612762451172 + ], + [ + "\u2581logo", + -11.226283073425291 + ], + [ + "\u2581house", + -11.226499557495115 + ], + [ + "\u2581mono", + -11.226582527160645 + ], + [ + "\u2581road", + -11.226637840270996 + ], + [ + "\u2581abitanti", + -11.22670555114746 + ], + [ + "\u2581sopra", + -11.226887702941896 + ], + [ + "more", + -11.226984977722168 + ], + [ + "\u2581Ela", + -11.227706909179688 + ], + [ + "buch", + -11.227866172790527 + ], + [ + "\u2581Seiten", + -11.227916717529297 + ], + [ + "\u2581Interesse", + -11.228063583374023 + ], + [ + "\u2581c\u00f3digo", + -11.228235244750977 + ], + [ + "\u2581teilweise", + -11.228501319885254 + ], + [ + "\u2581passe", + -11.228960037231444 + ], + [ + "\u2581indica", + -11.229355812072754 + ], + [ + "cloud", + -11.22938060760498 + ], + [ + "double", + -11.230012893676758 + ], + [ + "\u2581metal", + -11.230191230773926 + ], + [ + "\u2581devient", + -11.230340003967283 + ], + [ + "\u2581nave", + -11.230588912963867 + ], + [ + "\u2581Of", + -11.230863571166992 + ], + [ + "\u2581bio", + -11.231157302856444 + ], + [ + "Stream", + -11.231520652770996 + ], + [ + "\u2581takes", + -11.231521606445312 + ], + [ + "empty", + -11.232022285461426 + ], + [ + "\u2581wenig", + -11.232197761535645 + ], + [ + "sky", + -11.23224639892578 + ], + [ + "\u2581Anreise", + -11.23267936706543 + ], + [ + "\u2581Tamb\u00e9m", + -11.232695579528809 + ], + [ + "\u2581geografici", + -11.23270320892334 + ], + [ + "\u2581sechs", + -11.232913970947266 + ], + [ + "\u2581zeigen", + -11.23295783996582 + ], + [ + "part", + -11.233223915100098 + ], + [ + "\u2581meisten", + -11.233358383178713 + ], + [ + "\u2581Jugend", + -11.233369827270508 + ], + [ + "organisation", + -11.233542442321776 + ], + [ + "\u2581groep", + -11.233619689941406 + ], + [ + "qu", + -11.233712196350098 + ], + [ + "NE", + -11.233807563781738 + ], + [ + "\u2581lid", + -11.233823776245115 + ], + [ + "\u2581Anspruch", + -11.234064102172852 + ], + [ + "\u00edan", + -11.234103202819824 + ], + [ + "\u2581Tijdens", + -11.234155654907228 + ], + [ + "NOEDIT", + -11.23427963256836 + ], + [ + "ium", + -11.23434352874756 + ], + [ + "\u2581Regional", + -11.234457015991213 + ], + [ + "\u2581Inglaterra", + -11.234674453735352 + ], + [ + "mio", + -11.234699249267578 + ], + [ + "\u2581Adem\u00e1s", + -11.234904289245604 + ], + [ + "\u2581Unterst\u00fctzung", + -11.23504638671875 + ], + [ + "\u2581seguir", + -11.235325813293455 + ], + [ + "\u2581Ausbildung", + -11.23574447631836 + ], + [ + "\u2581political", + -11.235929489135742 + ], + [ + "house", + -11.236016273498535 + ], + [ + "\u2581possa", + -11.236023902893066 + ], + [ + "EU", + -11.236034393310549 + ], + [ + "\u2581muziek", + -11.236651420593262 + ], + [ + "\u2581seul", + -11.236905097961426 + ], + [ + "vector", + -11.237235069274902 + ], + [ + "\u2581Buenos", + -11.23749828338623 + ], + [ + "region", + -11.237713813781738 + ], + [ + "\u2581Tal", + -11.237772941589355 + ], + [ + "Form", + -11.237882614135742 + ], + [ + "layout", + -11.237933158874512 + ], + [ + "\u2581popolazione", + -11.23807430267334 + ], + [ + "\u2581simply", + -11.23831272125244 + ], + [ + "\u2581hombres", + -11.23831558227539 + ], + [ + "\u2581catch", + -11.238373756408691 + ], + [ + "success", + -11.238448143005373 + ], + [ + "TE", + -11.238564491271973 + ], + [ + "Link", + -11.238832473754885 + ], + [ + "column", + -11.239187240600586 + ], + [ + "\u2581l\u00ednea", + -11.23944091796875 + ], + [ + "\u2581whose", + -11.239668846130373 + ], + [ + "ris", + -11.240137100219728 + ], + [ + "\u2581Familien", + -11.240206718444824 + ], + [ + "\u2581wil", + -11.24051570892334 + ], + [ + "\u2581million", + -11.240854263305664 + ], + [ + "\u2581falta", + -11.24106788635254 + ], + [ + "\u2581amor", + -11.24115753173828 + ], + [ + "\u2581load", + -11.241271018981934 + ], + [ + "\u2581Material", + -11.241488456726074 + ], + [ + "\u2581zonder", + -11.24160861968994 + ], + [ + "\u2581mujeres", + -11.24171257019043 + ], + [ + "\u2581reported", + -11.241791725158691 + ], + [ + "\u2581bestimmten", + -11.242032051086426 + ], + [ + "\u2581rules", + -11.242051124572754 + ], + [ + "\u2581Lu", + -11.242157936096191 + ], + [ + "\u2581Informations", + -11.242169380187988 + ], + [ + "ju", + -11.242426872253418 + ], + [ + "ologie", + -11.242445945739746 + ], + [ + "\u2581Analyse", + -11.242461204528809 + ], + [ + "Europa", + -11.24268913269043 + ], + [ + "\u2581scope", + -11.242796897888184 + ], + [ + "final", + -11.24296760559082 + ], + [ + "\u2581informaci\u00f3n", + -11.243213653564451 + ], + [ + "\u2581applicable", + -11.243271827697754 + ], + [ + "cho", + -11.243324279785156 + ], + [ + "vers", + -11.24366855621338 + ], + [ + "\u2581oben", + -11.24378490447998 + ], + [ + "tl", + -11.24384593963623 + ], + [ + "\u2581sinds", + -11.243964195251465 + ], + [ + "filled", + -11.244383811950684 + ], + [ + "\u2581bleibt", + -11.244522094726562 + ], + [ + "\u2581arr", + -11.24466323852539 + ], + [ + "\u2581Association", + -11.244698524475098 + ], + [ + "Store", + -11.245177268981934 + ], + [ + "\u2581likely", + -11.245182037353516 + ], + [ + "register", + -11.245213508605955 + ], + [ + "\u2581soorten", + -11.245234489440918 + ], + [ + "\u2581hoofd", + -11.24553108215332 + ], + [ + "\u2581principales", + -11.24555492401123 + ], + [ + "\u2581ever", + -11.245657920837402 + ], + [ + "\u2581g\u00e9nero", + -11.245939254760742 + ], + [ + "\u2581moest", + -11.246068954467772 + ], + [ + "\u2581eso", + -11.246464729309082 + ], + [ + "gem", + -11.246512413024902 + ], + [ + "\u2581Python", + -11.24653434753418 + ], + [ + "\u2581hit", + -11.24669361114502 + ], + [ + "\u2581carrera", + -11.246825218200684 + ], + [ + "\u2581cit", + -11.247313499450684 + ], + [ + "xa", + -11.2476167678833 + ], + [ + "\u2581offre", + -11.24763011932373 + ], + [ + "\u2581dorp", + -11.247716903686523 + ], + [ + "\u2581AG", + -11.247754096984863 + ], + [ + "\u2581taking", + -11.24778175354004 + ], + [ + "bu", + -11.247926712036133 + ], + [ + "fb", + -11.248273849487305 + ], + [ + "\u2581music", + -11.248418807983398 + ], + [ + "ize", + -11.24880313873291 + ], + [ + "but", + -11.248826026916504 + ], + [ + "nl", + -11.24887466430664 + ], + [ + "\u2581sogar", + -11.24911880493164 + ], + [ + "\u2581Reti", + -11.249154090881348 + ], + [ + "ischer", + -11.249249458312988 + ], + [ + "\u2581motivo", + -11.24933910369873 + ], + [ + "\u2581Research", + -11.249429702758787 + ], + [ + "analyse", + -11.249449729919434 + ], + [ + "\u2581git", + -11.24951457977295 + ], + [ + "\u2581Santos", + -11.249606132507324 + ], + [ + "ouest", + -11.249663352966309 + ], + [ + "\u2581----", + -11.250168800354004 + ], + [ + "\u2581Angeles", + -11.250226020812988 + ], + [ + "\u2581aplica", + -11.250426292419434 + ], + [ + "\u2581Miguel", + -11.25083827972412 + ], + [ + "CA", + -11.250892639160156 + ], + [ + "lichkeit", + -11.250975608825684 + ], + [ + "\u2581intransitivo", + -11.251154899597168 + ], + [ + "\u2581cluster", + -11.251229286193848 + ], + [ + "\u2581Hoch", + -11.251250267028809 + ], + [ + "\u2581England", + -11.251323699951172 + ], + [ + "\u2581filho", + -11.251373291015623 + ], + [ + "\u2581Apache", + -11.251483917236328 + ], + [ + "\u2581varias", + -11.251564979553224 + ], + [ + "ops", + -11.251818656921388 + ], + [ + "\u2581Localidades", + -11.251924514770508 + ], + [ + "session", + -11.252127647399902 + ], + [ + "ide", + -11.252241134643556 + ], + [ + "\u2581Bericht", + -11.25258445739746 + ], + [ + "\u2581nivel", + -11.252595901489258 + ], + [ + "\u2581mayor\u00eda", + -11.252640724182127 + ], + [ + "\u2581seulement", + -11.252642631530762 + ], + [ + "\u2581lago", + -11.252931594848633 + ], + [ + "\u2581{}", + -11.25350856781006 + ], + [ + "\u2581policy", + -11.25358772277832 + ], + [ + "\u2581incluso", + -11.25364875793457 + ], + [ + "\u2581Mor", + -11.253924369812012 + ], + [ + "\u2581gouvernement", + -11.254027366638184 + ], + [ + "cas", + -11.25403881072998 + ], + [ + "References", + -11.254371643066406 + ], + [ + "\u2581storico", + -11.254395484924316 + ], + [ + "step", + -11.254621505737305 + ], + [ + "\u2581library", + -11.254631996154783 + ], + [ + "etti", + -11.254773139953612 + ], + [ + "\u2581Alt", + -11.255112648010254 + ], + [ + "\u2581donn\u00e9es", + -11.255114555358888 + ], + [ + "\u2581began", + -11.255131721496582 + ], + [ + "\u2581massa", + -11.255534172058104 + ], + [ + "Man", + -11.255861282348633 + ], + [ + "\u2581paragraph", + -11.255937576293944 + ], + [ + "\u2581posi", + -11.256009101867676 + ], + [ + "\u2581orden", + -11.256046295166016 + ], + [ + "Device", + -11.256223678588867 + ], + [ + "nero", + -11.25643253326416 + ], + [ + "\u2581football", + -11.256498336791992 + ], + [ + "endif", + -11.256589889526367 + ], + [ + "\u2581staan", + -11.256749153137209 + ], + [ + "custom", + -11.256831169128418 + ], + [ + "\u2581Group", + -11.25711441040039 + ], + [ + "\u2581statement", + -11.257177352905272 + ], + [ + "nement", + -11.25751781463623 + ], + [ + "l\u00e9", + -11.257820129394531 + ], + [ + "inner", + -11.258004188537598 + ], + [ + "\u2581Industrie", + -11.258024215698242 + ], + [ + "nil", + -11.258123397827148 + ], + [ + "\u2581character", + -11.258386611938477 + ], + [ + "Run", + -11.258506774902344 + ], + [ + "\u2581usa", + -11.258761405944824 + ], + [ + "enberg", + -11.258960723876951 + ], + [ + "\u2581films", + -11.25898265838623 + ], + [ + "testing", + -11.259148597717283 + ], + [ + "items", + -11.259249687194824 + ], + [ + "Mi", + -11.259515762329102 + ], + [ + "ky", + -11.259550094604492 + ], + [ + "\u2581Museo", + -11.259566307067873 + ], + [ + "inizio", + -11.259575843811035 + ], + [ + "comp", + -11.26023292541504 + ], + [ + "\u2581tornou", + -11.260309219360352 + ], + [ + "\u2581therefore", + -11.260674476623535 + ], + [ + "\u2581principais", + -11.261032104492188 + ], + [ + "\u2581trovare", + -11.261499404907228 + ], + [ + "\u2581names", + -11.261594772338867 + ], + [ + "\u2581corresponding", + -11.26197624206543 + ], + [ + "\u2581quatro", + -11.2621431350708 + ], + [ + "\u2581toe", + -11.262288093566896 + ], + [ + "\u2581derni", + -11.262343406677246 + ], + [ + "\u2581Verkehr", + -11.26238250732422 + ], + [ + "parser", + -11.262404441833496 + ], + [ + "\u2581Wei", + -11.262495994567873 + ], + [ + "\u2581trovano", + -11.26266384124756 + ], + [ + "bind", + -11.262752532958984 + ], + [ + "\u2581risk", + -11.263071060180664 + ], + [ + "UN", + -11.263237953186035 + ], + [ + "lf", + -11.2632474899292 + ], + [ + "Open", + -11.263340950012209 + ], + [ + "\u2581egli", + -11.263361930847168 + ], + [ + "\u2581Institute", + -11.263426780700684 + ], + [ + "zero", + -11.26349639892578 + ], + [ + "\u2581part\u00edcula", + -11.263564109802246 + ], + [ + "\u2581hen", + -11.26386547088623 + ], + [ + "full", + -11.264175415039062 + ], + [ + "tic", + -11.264434814453123 + ], + [ + "\u2581Frankfurt", + -11.264900207519531 + ], + [ + "\u2581Marco", + -11.26498794555664 + ], + [ + "unternehmen", + -11.26511287689209 + ], + [ + "\u2581French", + -11.265329360961914 + ], + [ + "\u2581rechts", + -11.26593780517578 + ], + [ + "\u2581built", + -11.266151428222656 + ], + [ + "\u2581bevolking", + -11.266389846801758 + ], + [ + "\u2581teoria", + -11.267037391662598 + ], + [ + "\u2581forse", + -11.26756477355957 + ], + [ + "\u2581Sozial", + -11.2677640914917 + ], + [ + "\u2581Stellen", + -11.267868041992188 + ], + [ + "\u2581ideal", + -11.2680082321167 + ], + [ + "network", + -11.268074989318848 + ], + [ + "kosten", + -11.26813793182373 + ], + [ + "tta", + -11.268282890319824 + ], + [ + "\u2581Public", + -11.268513679504396 + ], + [ + "\u2581waarvan", + -11.26901149749756 + ], + [ + "\u2581esp", + -11.2691068649292 + ], + [ + "\u2581Flughafen", + -11.269227027893066 + ], + [ + "\u2581dato", + -11.269250869750977 + ], + [ + "sign", + -11.269822120666504 + ], + [ + "\u2581especially", + -11.27003288269043 + ], + [ + "\u2581verschiedene", + -11.270092010498049 + ], + [ + "\u2581eher", + -11.270234107971191 + ], + [ + "\u2581looking", + -11.270442962646484 + ], + [ + "filename", + -11.270584106445312 + ], + [ + "tri", + -11.270715713500977 + ], + [ + "\u2581Pass", + -11.27089023590088 + ], + [ + "\u2581notcategory", + -11.27096939086914 + ], + [ + "\u2581avevano", + -11.271042823791504 + ], + [ + "\u2581altura", + -11.271062850952148 + ], + [ + "\u2581market", + -11.271242141723633 + ], + [ + "\u2581canci\u00f3n", + -11.2716646194458 + ], + [ + "\u2581prendere", + -11.27173137664795 + ], + [ + "\u2581ersetzt", + -11.271801948547363 + ], + [ + "nibus", + -11.271895408630373 + ], + [ + "edx", + -11.27189826965332 + ], + [ + "siehe", + -11.272025108337402 + ], + [ + "\u2581probably", + -11.272028923034668 + ], + [ + "Description", + -11.272379875183104 + ], + [ + "\u2581Mitglieder", + -11.272451400756836 + ], + [ + "bert", + -11.272465705871582 + ], + [ + "\u2581transfer", + -11.272953033447266 + ], + [ + "\u2581detalhes", + -11.273382186889648 + ], + [ + "\u2581Franz", + -11.273409843444824 + ], + [ + "\u2581punti", + -11.273415565490724 + ], + [ + "RS", + -11.273488998413086 + ], + [ + "\u2581Most", + -11.273555755615234 + ], + [ + "zone", + -11.273703575134276 + ], + [ + "rechts", + -11.273740768432615 + ], + [ + "\u2581mesi", + -11.273823738098145 + ], + [ + "Task", + -11.274005889892578 + ], + [ + "\u2581Kirche", + -11.274328231811523 + ], + [ + "\u2581datos", + -11.274566650390623 + ], + [ + "\u2581Add", + -11.274578094482422 + ], + [ + "\u2581father", + -11.27472972869873 + ], + [ + "ging", + -11.274775505065918 + ], + [ + "zza", + -11.275226593017578 + ], + [ + "\u2581hohen", + -11.27527904510498 + ], + [ + "\u2581boven", + -11.276152610778809 + ], + [ + "\u2581Pflege", + -11.276358604431152 + ], + [ + "apr", + -11.276395797729492 + ], + [ + "\u2581season", + -11.276461601257324 + ], + [ + "\u2581digital", + -11.27660083770752 + ], + [ + "boot", + -11.276769638061523 + ], + [ + "\u2581Thus", + -11.276826858520508 + ], + [ + "tig", + -11.276970863342283 + ], + [ + "\u2581notice", + -11.277227401733398 + ], + [ + "draw", + -11.277393341064451 + ], + [ + "Del", + -11.277502059936523 + ], + [ + "\u2581Minister", + -11.277581214904783 + ], + [ + "\u2581Einfluss", + -11.277689933776855 + ], + [ + "omitempty", + -11.27828884124756 + ], + [ + "Errorf", + -11.279114723205566 + ], + [ + "\u2581feature", + -11.279393196105955 + ], + [ + "Url", + -11.27962875366211 + ], + [ + "\u2581fato", + -11.280192375183104 + ], + [ + "teil", + -11.280786514282228 + ], + [ + "\u2581press", + -11.280856132507324 + ], + [ + "\u2581Umfang", + -11.281000137329102 + ], + [ + "\u2581seguintes", + -11.281098365783691 + ], + [ + "\u2581Sonder", + -11.28138828277588 + ], + [ + "bd", + -11.281524658203123 + ], + [ + "caption", + -11.282027244567873 + ], + [ + "Go", + -11.282283782958984 + ], + [ + "\u2581attivit\u00e0", + -11.2823486328125 + ], + [ + "grad", + -11.282401084899902 + ], + [ + "\u2581servizi", + -11.282403945922852 + ], + [ + "\u2581voetballer", + -11.282896995544434 + ], + [ + "\u2581hora", + -11.282919883728027 + ], + [ + "ties", + -11.282962799072266 + ], + [ + "Height", + -11.283015251159668 + ], + [ + "Settings", + -11.283201217651367 + ], + [ + "\u2581Modell", + -11.283262252807615 + ], + [ + "\u2581query", + -11.283269882202148 + ], + [ + "\u2581parts", + -11.283897399902344 + ], + [ + "\u2581h\u00e4ufig", + -11.28392219543457 + ], + [ + "\u2581savoir", + -11.284077644348145 + ], + [ + "\u2581getting", + -11.284112930297852 + ], + [ + "wiki", + -11.284114837646484 + ], + [ + "\u2581particulier", + -11.284132957458496 + ], + [ + "cr", + -11.284154891967772 + ], + [ + "\u2581dood", + -11.284263610839844 + ], + [ + "\u2581dado", + -11.284647941589355 + ], + [ + "\u2581Code", + -11.284712791442873 + ], + [ + "\u2581voz", + -11.284722328186035 + ], + [ + "\u2581Mutter", + -11.28475284576416 + ], + [ + "\u2581Inc", + -11.28488063812256 + ], + [ + "\u2581minder", + -11.285017013549805 + ], + [ + "ev", + -11.285154342651367 + ], + [ + "gang", + -11.285171508789062 + ], + [ + "\u2581gestellt", + -11.285452842712402 + ], + [ + "ori", + -11.285598754882812 + ], + [ + "\u2581pr\u00f3ximo", + -11.28561019897461 + ], + [ + "\u2581Ost", + -11.285707473754885 + ], + [ + "\u2581June", + -11.28585433959961 + ], + [ + "binary", + -11.28604507446289 + ], + [ + "\u2581publi\u00e9", + -11.28639316558838 + ], + [ + "PO", + -11.286396026611328 + ], + [ + "channel", + -11.286492347717283 + ], + [ + "eu", + -11.28660774230957 + ], + [ + "\u2581Abgeordneter", + -11.286707878112791 + ], + [ + "\u2581Ve", + -11.28676700592041 + ], + [ + "\u2581Histoire", + -11.286855697631836 + ], + [ + "\u2581white", + -11.286860466003418 + ], + [ + "\u2581Belgisch", + -11.286953926086426 + ], + [ + "stad", + -11.287110328674316 + ], + [ + "\u2581offset", + -11.287171363830566 + ], + [ + "\u2581Voraussetzungen", + -11.287212371826172 + ], + [ + "\u2581in\u00edcio", + -11.287219047546388 + ], + [ + "even", + -11.287480354309082 + ], + [ + "\u2581host", + -11.287650108337402 + ], + [ + "\u2581Bob", + -11.28768539428711 + ], + [ + "\u2581deste", + -11.28807258605957 + ], + [ + "\u2581Fernando", + -11.288451194763184 + ], + [ + "ndia", + -11.288572311401367 + ], + [ + "pool", + -11.288679122924805 + ], + [ + "\u2581condado", + -11.288996696472168 + ], + [ + "strip", + -11.289233207702637 + ], + [ + "\u2581Betrieb", + -11.289592742919922 + ], + [ + "wald", + -11.289679527282717 + ], + [ + "loop", + -11.289909362792969 + ], + [ + "\u2581zowel", + -11.290104866027832 + ], + [ + "MS", + -11.290116310119627 + ], + [ + "\u2581militaire", + -11.290209770202637 + ], + [ + "\u2581Pet", + -11.290242195129396 + ], + [ + "\u2581Media", + -11.290244102478027 + ], + [ + "\u2581millones", + -11.29097843170166 + ], + [ + "pol", + -11.290985107421877 + ], + [ + "ntes", + -11.291118621826172 + ], + [ + "ario", + -11.2911958694458 + ], + [ + "\u2581Belgische", + -11.291410446166992 + ], + [ + "\u2581money", + -11.29143238067627 + ], + [ + "\u2581feel", + -11.291518211364746 + ], + [ + "\u2581beispielsweise", + -11.291624069213867 + ], + [ + "instance", + -11.291962623596191 + ], + [ + "\u2581speed", + -11.29204273223877 + ], + [ + "\u2581bezeichnet", + -11.2921781539917 + ], + [ + "\u2581Prix", + -11.29230785369873 + ], + [ + "\u2581anders", + -11.29242706298828 + ], + [ + "\u2581Blick", + -11.29275131225586 + ], + [ + "\u2581hinsichtlich", + -11.2927885055542 + ], + [ + "shared", + -11.29299259185791 + ], + [ + "\u2581raggiungere", + -11.293316841125488 + ], + [ + "JPG", + -11.29356861114502 + ], + [ + "Europe", + -11.293670654296877 + ], + [ + "\u2581paar", + -11.293805122375488 + ], + [ + "\u2581capo", + -11.294317245483398 + ], + [ + "\u2581situ\u00e9e", + -11.295036315917969 + ], + [ + "\u2581vijf", + -11.295153617858888 + ], + [ + "\u2581ground", + -11.295235633850098 + ], + [ + "mut", + -11.295429229736328 + ], + [ + "\u2581\u00e9tant", + -11.295473098754885 + ], + [ + "\u2581provides", + -11.29568099975586 + ], + [ + "\u2581Ter", + -11.29612922668457 + ], + [ + "\u2581Sun", + -11.296175956726074 + ], + [ + "\u2581NO", + -11.29619026184082 + ], + [ + "\u2581gebouwd", + -11.296379089355469 + ], + [ + "nach", + -11.296594619750977 + ], + [ + "\u2581intorno", + -11.296605110168455 + ], + [ + "\u2581Hu", + -11.296734809875488 + ], + [ + "ice", + -11.297053337097168 + ], + [ + "fmt", + -11.29708766937256 + ], + [ + "\u2581concept", + -11.29726791381836 + ], + [ + "\u2581observed", + -11.297569274902344 + ], + [ + "\u2581pubblico", + -11.297648429870604 + ], + [ + "\u2581sola", + -11.297964096069336 + ], + [ + "\u2581mes", + -11.298121452331545 + ], + [ + "\u2581boolean", + -11.298577308654783 + ], + [ + "\u2581juego", + -11.29860019683838 + ], + [ + "\u2581vos", + -11.298603057861328 + ], + [ + "\u2581Spiel", + -11.29897117614746 + ], + [ + "\u2581ago", + -11.299067497253418 + ], + [ + "OR", + -11.29921531677246 + ], + [ + "\u2581ricerca", + -11.299348831176758 + ], + [ + "\u2581lead", + -11.299403190612791 + ], + [ + "eval", + -11.29953956604004 + ], + [ + "\u2581std", + -11.29959487915039 + ], + [ + "Delete", + -11.299715995788574 + ], + [ + "\u2581behind", + -11.2998685836792 + ], + [ + "\u2581decide", + -11.299942016601562 + ], + [ + "\u2581met\u00e0", + -11.299967765808104 + ], + [ + "water", + -11.300046920776367 + ], + [ + "Cl", + -11.30012035369873 + ], + [ + "resource", + -11.300251960754396 + ], + [ + "\u2581ils", + -11.300307273864746 + ], + [ + "\u2581ausschlie", + -11.300625801086426 + ], + [ + "\u2581pochi", + -11.300647735595703 + ], + [ + "\u2581pay", + -11.300901412963867 + ], + [ + "\u2581Free", + -11.300957679748535 + ], + [ + "\u2581row", + -11.301048278808594 + ], + [ + "isierung", + -11.301103591918944 + ], + [ + "\u2581moeten", + -11.30124568939209 + ], + [ + "\u2581dijo", + -11.301932334899902 + ], + [ + "\u2581item", + -11.302067756652832 + ], + [ + "iger", + -11.302077293395996 + ], + [ + "\u2581says", + -11.302129745483398 + ], + [ + "\u2581LINEAR", + -11.302274703979492 + ], + [ + "small", + -11.302362442016602 + ], + [ + "\u2581Beginn", + -11.302392959594728 + ], + [ + "\u2581Best", + -11.30241584777832 + ], + [ + "vel", + -11.302573204040527 + ], + [ + "PR", + -11.302604675292969 + ], + [ + "domain", + -11.303253173828123 + ], + [ + "\u2581figlio", + -11.303473472595217 + ], + [ + "\u2581derde", + -11.303685188293455 + ], + [ + "\u2581eyes", + -11.303993225097656 + ], + [ + "\u2581bleiben", + -11.304039001464844 + ], + [ + "\u2581titolo", + -11.30424690246582 + ], + [ + "\u2581devido", + -11.304261207580566 + ], + [ + "\u2581otherwise", + -11.30438995361328 + ], + [ + "\u2581interesse", + -11.304488182067873 + ], + [ + "\u2581setting", + -11.30478286743164 + ], + [ + "\u2581koning", + -11.30488395690918 + ], + [ + "\u2581autor", + -11.305183410644531 + ], + [ + "\u2581Texas", + -11.30531120300293 + ], + [ + "\u2581decision", + -11.305336952209473 + ], + [ + "\u2581maggiore", + -11.30539894104004 + ], + [ + "vous", + -11.30562686920166 + ], + [ + "\u2581paesi", + -11.305922508239746 + ], + [ + "Instance", + -11.306012153625488 + ], + [ + "flag", + -11.306036949157717 + ], + [ + "\u2581geral", + -11.306625366210938 + ], + [ + "\u2581partes", + -11.306818008422852 + ], + [ + "\u2581fim", + -11.306950569152832 + ], + [ + "\u2581\u00e1reas", + -11.307086944580078 + ], + [ + "\u2581Chinese", + -11.30711555480957 + ], + [ + "ito", + -11.307303428649902 + ], + [ + "dores", + -11.30744171142578 + ], + [ + "\u2581mujer", + -11.307488441467283 + ], + [ + "inter", + -11.307746887207031 + ], + [ + "ants", + -11.307821273803713 + ], + [ + "EN", + -11.308147430419922 + ], + [ + "eb", + -11.308160781860352 + ], + [ + "\u2581posizione", + -11.308286666870115 + ], + [ + "\u2581terre", + -11.308398246765137 + ], + [ + "\u2581Mount", + -11.308521270751951 + ], + [ + "\u2581Dieses", + -11.308786392211914 + ], + [ + "\u2581uint", + -11.308802604675291 + ], + [ + "\u2581diff\u00e9rentes", + -11.308955192565918 + ], + [ + "\u2581godan", + -11.309229850769045 + ], + [ + "\u2581Assim", + -11.309288024902344 + ], + [ + "matrix", + -11.309635162353516 + ], + [ + "ala", + -11.309950828552246 + ], + [ + "mas", + -11.309965133666992 + ], + [ + "CTAssertEqual", + -11.310172080993652 + ], + [ + "\u2581zust\u00e4ndigen", + -11.310420036315918 + ], + [ + "\u2581bestimmte", + -11.310498237609863 + ], + [ + "\u2581operator", + -11.310586929321287 + ], + [ + "\u2581Betriebs", + -11.31065845489502 + ], + [ + "storage", + -11.31084442138672 + ], + [ + "\u2581art", + -11.311205863952637 + ], + [ + "rn", + -11.311598777770996 + ], + [ + "\u2581lediglich", + -11.311718940734863 + ], + [ + "\u2581partire", + -11.311849594116213 + ], + [ + "\u2581vorm", + -11.311915397644045 + ], + [ + "\u2581puesto", + -11.312093734741213 + ], + [ + "\u2581entsprechenden", + -11.312286376953123 + ], + [ + "\u2581Situation", + -11.31236171722412 + ], + [ + "import", + -11.312660217285156 + ], + [ + "\u2581act", + -11.312666893005373 + ], + [ + "\u2581compagnie", + -11.312710762023926 + ], + [ + "\u2581prove", + -11.312767028808594 + ], + [ + "\u2581IP", + -11.313156127929688 + ], + [ + "\u2581enth\u00e4lt", + -11.313299179077148 + ], + [ + "\u2581applied", + -11.313319206237791 + ], + [ + "\u2581graph", + -11.31417465209961 + ], + [ + "\u2581items", + -11.314305305480955 + ], + [ + "\u2581fronte", + -11.314802169799805 + ], + [ + "\u2581Johann", + -11.314949035644531 + ], + [ + "\u2581w\u00fcrden", + -11.314966201782228 + ], + [ + "\u2581store", + -11.31502914428711 + ], + [ + "\u2581Russia", + -11.315033912658691 + ], + [ + "tje", + -11.315099716186523 + ], + [ + "\u2581relevant", + -11.315125465393066 + ], + [ + "\u2581anderem", + -11.31523895263672 + ], + [ + "\u2581parallel", + -11.315245628356934 + ], + [ + "\u2581History", + -11.315421104431152 + ], + [ + "\u2581cabo", + -11.315482139587402 + ], + [ + "\u2581args", + -11.315614700317385 + ], + [ + "\u2581quem", + -11.315730094909668 + ], + [ + "huis", + -11.315872192382812 + ], + [ + "\u2581Werk", + -11.315932273864746 + ], + [ + "\u2581sources", + -11.31602382659912 + ], + [ + "ann\u00e9e", + -11.316323280334473 + ], + [ + "America", + -11.316828727722168 + ], + [ + "\u2581Bool", + -11.316882133483888 + ], + [ + "\u2581arquivos", + -11.316973686218262 + ], + [ + "bildung", + -11.317180633544922 + ], + [ + "\u2581empresas", + -11.317266464233398 + ], + [ + "stop", + -11.3173828125 + ], + [ + "\u2581visit", + -11.317429542541504 + ], + [ + "\u2581recursos", + -11.31785011291504 + ], + [ + "\u2581padding", + -11.317948341369627 + ], + [ + "\u2581fondo", + -11.318025588989258 + ], + [ + "\u2581prend", + -11.318455696105955 + ], + [ + "\u2581Joe", + -11.318931579589844 + ], + [ + "\u2581medida", + -11.31904411315918 + ], + [ + "\u2581poich\u00e9", + -11.31927490234375 + ], + [ + "\u2581notte", + -11.319283485412598 + ], + [ + "Der", + -11.319709777832031 + ], + [ + "\u2581ayant", + -11.320380210876465 + ], + [ + "\u2581internal", + -11.320566177368164 + ], + [ + "\u2581devant", + -11.32075309753418 + ], + [ + "\u2581passed", + -11.321059226989746 + ], + [ + "\u2581July", + -11.321160316467283 + ], + [ + "GO", + -11.321334838867188 + ], + [ + "blue", + -11.321422576904297 + ], + [ + "isten", + -11.321438789367676 + ], + [ + "\u2581vero", + -11.32205295562744 + ], + [ + "\u2581Schul", + -11.322117805480955 + ], + [ + "\u2581Mitglied", + -11.322271347045898 + ], + [ + "hand", + -11.322318077087402 + ], + [ + "pushl", + -11.323463439941406 + ], + [ + "\u2581conocido", + -11.323898315429688 + ], + [ + "\u2581trata", + -11.323982238769531 + ], + [ + "\u2581Dom", + -11.324019432067873 + ], + [ + "cer", + -11.324076652526855 + ], + [ + "\u2581Tuttavia", + -11.3241605758667 + ], + [ + "\u2581park", + -11.32419490814209 + ], + [ + "politik", + -11.324430465698242 + ], + [ + "\u2581|||", + -11.324610710144045 + ], + [ + "dependencies", + -11.3247709274292 + ], + [ + "padding", + -11.324838638305664 + ], + [ + "wie", + -11.32501983642578 + ], + [ + "idea", + -11.32512664794922 + ], + [ + "Offset", + -11.325153350830078 + ], + [ + "rule", + -11.325166702270508 + ], + [ + "rb", + -11.325358390808104 + ], + [ + "\u2581comunque", + -11.325465202331545 + ], + [ + "\u2581allein", + -11.325681686401367 + ], + [ + "\u2581Polen", + -11.325783729553224 + ], + [ + "\u2581Insel", + -11.32593822479248 + ], + [ + "Session", + -11.325963020324709 + ], + [ + "cluster", + -11.326178550720217 + ], + [ + "\u00e4", + -11.326249122619627 + ], + [ + "stelle", + -11.32638168334961 + ], + [ + "\u2581nello", + -11.326512336730955 + ], + [ + "\u2581wrong", + -11.32669162750244 + ], + [ + "nik", + -11.326701164245604 + ], + [ + "word", + -11.326706886291504 + ], + [ + "which", + -11.327130317687988 + ], + [ + "\u2581Druck", + -11.327190399169922 + ], + [ + "bot", + -11.327234268188477 + ], + [ + "\u00e1ndose", + -11.327391624450684 + ], + [ + "\u2581havia", + -11.327399253845217 + ], + [ + "replace", + -11.32761573791504 + ], + [ + "zh", + -11.327927589416504 + ], + [ + "\u2581Colombia", + -11.327935218811035 + ], + [ + "mus", + -11.32801628112793 + ], + [ + "mask", + -11.328251838684082 + ], + [ + "\u2581Instituto", + -11.328252792358398 + ], + [ + "\u2581Frans", + -11.32848072052002 + ], + [ + "\u2581Sar", + -11.328601837158203 + ], + [ + "\u2581Stein", + -11.328699111938477 + ], + [ + "\u2581mer", + -11.328743934631348 + ], + [ + "\u2581femme", + -11.32886791229248 + ], + [ + "\u2581Polizei", + -11.328868865966797 + ], + [ + "Range", + -11.328947067260742 + ], + [ + "\u2581pessoa", + -11.328964233398438 + ], + [ + "dr", + -11.32898998260498 + ], + [ + "\u2581formas", + -11.329014778137209 + ], + [ + "\u2581debe", + -11.329057693481444 + ], + [ + "focus", + -11.32910442352295 + ], + [ + "\u2581Divisi\u00f3n", + -11.329323768615724 + ], + [ + "Width", + -11.329535484313965 + ], + [ + "total", + -11.329757690429688 + ], + [ + "\u2581erreichen", + -11.329766273498535 + ], + [ + "\u2581Geschiedenis", + -11.32982349395752 + ], + [ + "\u2581TIMEOUT", + -11.329906463623049 + ], + [ + "download", + -11.329911231994627 + ], + [ + "\u2581kleinen", + -11.329919815063477 + ], + [ + "\u2581Jacques", + -11.33016586303711 + ], + [ + "Args", + -11.330198287963867 + ], + [ + "\u2581Medien", + -11.330209732055664 + ], + [ + "\u2581Party", + -11.330440521240234 + ], + [ + "\u2581Gas", + -11.33055019378662 + ], + [ + "\u2581informazioni", + -11.330808639526367 + ], + [ + "etto", + -11.330981254577637 + ], + [ + "\u2581Har", + -11.331212043762209 + ], + [ + "\u2581Struktur", + -11.33137035369873 + ], + [ + "mid", + -11.332324028015137 + ], + [ + "\u2581located", + -11.332340240478516 + ], + [ + "\u2581Wereldoorlog", + -11.332554817199709 + ], + [ + "\u2581useful", + -11.332752227783203 + ], + [ + "\u2581security", + -11.332757949829102 + ], + [ + "\u2581desarrollo", + -11.333102226257324 + ], + [ + "\u2581landen", + -11.333231925964355 + ], + [ + "\u2581anderer", + -11.333273887634276 + ], + [ + "\u2581febbraio", + -11.333311080932615 + ], + [ + "\u2581Ant", + -11.333352088928224 + ], + [ + "equal", + -11.333560943603516 + ], + [ + "repo", + -11.334110260009766 + ], + [ + "\u2581comunica", + -11.334335327148438 + ], + [ + "zy", + -11.334360122680664 + ], + [ + "\u2581Article", + -11.334392547607422 + ], + [ + "\u2581jedem", + -11.334423065185549 + ], + [ + "Location", + -11.334558486938477 + ], + [ + "\u2581gehen", + -11.334592819213867 + ], + [ + "\u2581allowed", + -11.33471965789795 + ], + [ + "\u2581compared", + -11.335062980651855 + ], + [ + "Str", + -11.3352632522583 + ], + [ + "\u2581plane", + -11.335393905639648 + ], + [ + "\u2581gelegen", + -11.335622787475586 + ], + [ + "scher", + -11.335922241210938 + ], + [ + "\u2581Presidente", + -11.3361234664917 + ], + [ + "\u2581quais", + -11.336142539978027 + ], + [ + "\u2581ergibt", + -11.336182594299316 + ], + [ + "\u2581desenvolvimento", + -11.3362455368042 + ], + [ + "\u2581seien", + -11.336328506469728 + ], + [ + "\u2581volgens", + -11.336732864379885 + ], + [ + "forschung", + -11.337244033813477 + ], + [ + "\u2581Al\u00e9m", + -11.337366104125977 + ], + [ + "\u2581Hof", + -11.337621688842772 + ], + [ + "\u2581Kind", + -11.337920188903809 + ], + [ + "\u2581algunas", + -11.338138580322266 + ], + [ + "\u2581grootste", + -11.338184356689451 + ], + [ + "\u2581Francesco", + -11.338545799255373 + ], + [ + "\u2581Regelungen", + -11.338584899902344 + ], + [ + "\u2581assez", + -11.338699340820312 + ], + [ + "\u2581today", + -11.33871078491211 + ], + [ + "\u2581entsprechende", + -11.338891983032228 + ], + [ + "\u2581Ro", + -11.338939666748049 + ], + [ + "mR", + -11.338970184326172 + ], + [ + "ua", + -11.339111328125 + ], + [ + "uer", + -11.339129447937012 + ], + [ + "\u2581ensuite", + -11.33917236328125 + ], + [ + "\u2581Auswirkungen", + -11.33920192718506 + ], + [ + "\u2581enige", + -11.339496612548828 + ], + [ + "ello", + -11.339606285095217 + ], + [ + "now", + -11.339920043945312 + ], + [ + "\u2581suis", + -11.340031623840332 + ], + [ + "kernel", + -11.340036392211914 + ], + [ + "\u2581carro", + -11.34015655517578 + ], + [ + "\u2581Bal", + -11.340386390686035 + ], + [ + "\u2581pris", + -11.340411186218262 + ], + [ + "frica", + -11.34041976928711 + ], + [ + "\u2581Venezuela", + -11.34046745300293 + ], + [ + "\u2581Day", + -11.340777397155762 + ], + [ + "uni", + -11.340863227844238 + ], + [ + "star", + -11.340909004211426 + ], + [ + "\u2581\u00e0s", + -11.34103012084961 + ], + [ + "\u2581oeste", + -11.34108066558838 + ], + [ + "messages", + -11.341142654418944 + ], + [ + "Rule", + -11.341268539428713 + ], + [ + "\u2581nostro", + -11.341547012329102 + ], + [ + "expr", + -11.34158992767334 + ], + [ + "\u2581knowledge", + -11.341634750366213 + ], + [ + "sma", + -11.34171199798584 + ], + [ + "xff", + -11.341891288757324 + ], + [ + "\u2581stond", + -11.34201431274414 + ], + [ + "amo", + -11.342020988464355 + ], + [ + "homme", + -11.342154502868652 + ], + [ + "\u2581cuerpo", + -11.34231185913086 + ], + [ + "Das", + -11.342327117919922 + ], + [ + "ios", + -11.34255313873291 + ], + [ + "\u2581age", + -11.34263801574707 + ], + [ + "\u2581Lake", + -11.342697143554688 + ], + [ + "\u2581franz", + -11.343128204345703 + ], + [ + "\u2581commun", + -11.34316062927246 + ], + [ + "hover", + -11.343368530273438 + ], + [ + "IS", + -11.343603134155272 + ], + [ + "\u2581slechts", + -11.34406280517578 + ], + [ + "Te", + -11.344216346740724 + ], + [ + "OH", + -11.344467163085938 + ], + [ + "THON", + -11.344602584838867 + ], + [ + "\u2581Lord", + -11.344650268554688 + ], + [ + "\u2581tendo", + -11.344712257385254 + ], + [ + "\u2581preparar", + -11.344771385192873 + ], + [ + "\u2581fmt", + -11.344944953918455 + ], + [ + "\u2581recent", + -11.345070838928224 + ], + [ + "Net", + -11.345108032226562 + ], + [ + "\u2581fundamental", + -11.345462799072266 + ], + [ + "\u2581subito", + -11.345466613769531 + ], + [ + "\u2581jogo", + -11.345588684082031 + ], + [ + "\u2581modern", + -11.345620155334473 + ], + [ + "\u2581internationalen", + -11.345662117004396 + ], + [ + "kar", + -11.345938682556152 + ], + [ + "Properties", + -11.34616756439209 + ], + [ + "eitraum", + -11.346285820007324 + ], + [ + "\u2581VII", + -11.346449851989746 + ], + [ + "\u2581Biographie", + -11.346699714660645 + ], + [ + "Out", + -11.346742630004885 + ], + [ + "\u2581busca", + -11.346786499023438 + ], + [ + "oung", + -11.347310066223145 + ], + [ + "\u2581Aan", + -11.347347259521484 + ], + [ + "\u2581Essa", + -11.347352981567385 + ], + [ + "\u2581fixed", + -11.347366333007812 + ], + [ + "\u2581criar", + -11.34745979309082 + ], + [ + "here", + -11.347461700439451 + ], + [ + "\u2581Bonn", + -11.34774684906006 + ], + [ + "\u2581Valle", + -11.347753524780272 + ], + [ + "Row", + -11.34781265258789 + ], + [ + "\u2581vader", + -11.34785270690918 + ], + [ + "\u2581selected", + -11.34792709350586 + ], + [ + "\u2581potere", + -11.34794807434082 + ], + [ + "\u2581Vis", + -11.348064422607422 + ], + [ + "\u2581canal", + -11.348087310791016 + ], + [ + "\u2581boek", + -11.348135948181152 + ], + [ + "\u2581dienen", + -11.34819793701172 + ], + [ + "\u2581einschlie", + -11.348270416259766 + ], + [ + "\u2581respectively", + -11.34829044342041 + ], + [ + "ales", + -11.34866428375244 + ], + [ + "\u2581levels", + -11.348790168762209 + ], + [ + "\u2581Frankrijk", + -11.348995208740234 + ], + [ + "solid", + -11.34915542602539 + ], + [ + "AA", + -11.349203109741213 + ], + [ + "\u2581Oost", + -11.349250793457031 + ], + [ + "\u2581moderne", + -11.349364280700684 + ], + [ + "\u2581Vertrag", + -11.349493026733398 + ], + [ + "\u2581Isabel", + -11.349575996398926 + ], + [ + "\u2581escola", + -11.349614143371582 + ], + [ + "\u2581flow", + -11.349706649780272 + ], + [ + "\u2581rey", + -11.34979248046875 + ], + [ + "admin", + -11.349919319152832 + ], + [ + "\u2581demande", + -11.350085258483888 + ], + [ + "\u2581Edward", + -11.350095748901367 + ], + [ + "\u2581NOT", + -11.350140571594238 + ], + [ + "\u2581LA", + -11.350274085998535 + ], + [ + "rder", + -11.350354194641112 + ], + [ + "\u2581Lang", + -11.350418090820312 + ], + [ + "\u2581Staat", + -11.350507736206056 + ], + [ + "pad", + -11.350557327270508 + ], + [ + "fontsize", + -11.350777626037598 + ], + [ + "MT", + -11.350971221923828 + ], + [ + "\u2581fen", + -11.35130500793457 + ], + [ + "\u2581attention", + -11.351863861083984 + ], + [ + "\u2581peso", + -11.35226821899414 + ], + [ + "\u2581sviluppo", + -11.35272979736328 + ], + [ + "\u2581Wind", + -11.352743148803713 + ], + [ + "\u2581includes", + -11.352948188781738 + ], + [ + "\u2581meine", + -11.353280067443848 + ], + [ + "\u2581oude", + -11.353745460510254 + ], + [ + "tier", + -11.35389804840088 + ], + [ + "\u2581allows", + -11.353963851928713 + ], + [ + "MM", + -11.354011535644531 + ], + [ + "ensemble", + -11.354018211364746 + ], + [ + "wan", + -11.354403495788574 + ], + [ + "\u2581professor", + -11.35446071624756 + ], + [ + "ding", + -11.354601860046388 + ], + [ + "\u2581klein", + -11.354679107666016 + ], + [ + "\u2581aprile", + -11.354716300964355 + ], + [ + "\u2581frame", + -11.354723930358888 + ], + [ + "\u2581transporte", + -11.354728698730469 + ], + [ + "\u2581count", + -11.354741096496582 + ], + [ + "\u2581release", + -11.35482406616211 + ], + [ + "Build", + -11.355117797851562 + ], + [ + "\u2581formato", + -11.355327606201172 + ], + [ + "\u2581frei", + -11.355374336242676 + ], + [ + "yaml", + -11.355524063110352 + ], + [ + "sverfahren", + -11.35556697845459 + ], + [ + "\u2581almeno", + -11.355695724487305 + ], + [ + "\u2581pur", + -11.355703353881836 + ], + [ + "\u2581Bedingungen", + -11.356074333190918 + ], + [ + "erhalb", + -11.356572151184082 + ], + [ + "\u2581aparece", + -11.35670566558838 + ], + [ + "\u2581jeu", + -11.357001304626465 + ], + [ + "lhe", + -11.35723876953125 + ], + [ + "\u2581Will", + -11.357377052307127 + ], + [ + "Connection", + -11.357457160949709 + ], + [ + "m\u00e4", + -11.357908248901367 + ], + [ + "pid", + -11.358028411865234 + ], + [ + "\u2581Scott", + -11.358736038208008 + ], + [ + "cfg", + -11.358746528625488 + ], + [ + "epsilon", + -11.358926773071287 + ], + [ + "\u2581valeur", + -11.35904598236084 + ], + [ + "vol", + -11.359046936035156 + ], + [ + "d\u00e9", + -11.35920238494873 + ], + [ + "task", + -11.359244346618652 + ], + [ + "\u2581opnieuw", + -11.359272956848145 + ], + [ + "\u2581Partei", + -11.359408378601074 + ], + [ + "rg", + -11.35940933227539 + ], + [ + "weck", + -11.359434127807615 + ], + [ + "\u2581kaum", + -11.359452247619627 + ], + [ + "\u2581cat", + -11.359492301940918 + ], + [ + "\u2581Vgl", + -11.359615325927734 + ], + [ + "\u2581yo", + -11.35964298248291 + ], + [ + "\u2581Verlag", + -11.359817504882812 + ], + [ + "\u2581Math", + -11.360133171081545 + ], + [ + "\u2581pues", + -11.360437393188477 + ], + [ + "Ch", + -11.360501289367676 + ], + [ + "Mo", + -11.360600471496582 + ], + [ + "\u2581President", + -11.360660552978516 + ], + [ + "\u2581young", + -11.360877990722656 + ], + [ + "\u2581tierra", + -11.361248016357422 + ], + [ + "\u2581situa", + -11.361933708190918 + ], + [ + "\u2581techniques", + -11.362199783325195 + ], + [ + "\u2581Republik", + -11.362314224243164 + ], + [ + "\u2581ambiente", + -11.362462043762209 + ], + [ + "expression", + -11.362754821777344 + ], + [ + "\u2581welcher", + -11.363092422485352 + ], + [ + "iche", + -11.363157272338867 + ], + [ + "\u2581cria", + -11.36391544342041 + ], + [ + "EC", + -11.36426067352295 + ], + [ + "\u2581Han", + -11.364336013793944 + ], + [ + "\u2581Bestimmungen", + -11.36435890197754 + ], + [ + "az", + -11.364452362060549 + ], + [ + "material", + -11.364679336547852 + ], + [ + "\u2581Ali", + -11.364728927612305 + ], + [ + "\u2581handle", + -11.364781379699709 + ], + [ + "\u2581edici\u00f3n", + -11.36516284942627 + ], + [ + "\u2581StGB", + -11.365263938903809 + ], + [ + "ueue", + -11.365334510803224 + ], + [ + "ente", + -11.365570068359377 + ], + [ + "\u2581${\\", + -11.36562156677246 + ], + [ + "\u2581Volgens", + -11.365690231323242 + ], + [ + "lic", + -11.365781784057615 + ], + [ + "park", + -11.365811347961426 + ], + [ + "\u2581kinderen", + -11.365837097167969 + ], + [ + "dio", + -11.36589527130127 + ], + [ + "aws", + -11.365949630737305 + ], + [ + "\u2581leitura", + -11.366003036499023 + ], + [ + "\u2581bietet", + -11.3660306930542 + ], + [ + "\u2581dag", + -11.366140365600586 + ], + [ + "book", + -11.366570472717283 + ], + [ + "\u2581maneira", + -11.36697006225586 + ], + [ + "\u2581places", + -11.367239952087402 + ], + [ + "\u2581channel", + -11.367263793945312 + ], + [ + "\u2581saw", + -11.36732006072998 + ], + [ + "\u2581species", + -11.3680419921875 + ], + [ + "\u2581conhecido", + -11.368289947509766 + ], + [ + "addr", + -11.368511199951172 + ], + [ + "\u2581protection", + -11.368589401245115 + ], + [ + "Interface", + -11.368712425231934 + ], + [ + "sport", + -11.368864059448242 + ], + [ + "born", + -11.369207382202148 + ], + [ + "\u2581Praxis", + -11.369271278381348 + ], + [ + "ual", + -11.369423866271973 + ], + [ + "eerde", + -11.36966037750244 + ], + [ + "\u2581stage", + -11.369684219360352 + ], + [ + "\u2581cosas", + -11.369810104370115 + ], + [ + "\u2581vale", + -11.370015144348145 + ], + [ + "typ", + -11.370137214660645 + ], + [ + "\u2581evidence", + -11.370254516601562 + ], + [ + "\u2581bleef", + -11.37049388885498 + ], + [ + "\u2581follow", + -11.371540069580078 + ], + [ + "\u2581principe", + -11.371837615966797 + ], + [ + "\u2581precisa", + -11.371973037719728 + ], + [ + "\u2581send", + -11.372098922729492 + ], + [ + "\u2581Jones", + -11.37224006652832 + ], + [ + "\u2581Filmes", + -11.372461318969728 + ], + [ + "ong", + -11.37247371673584 + ], + [ + "\u2581T\u00e4tigkeit", + -11.372718811035156 + ], + [ + "\u2581controle", + -11.37285041809082 + ], + [ + "ordre", + -11.37285614013672 + ], + [ + "rot", + -11.372869491577148 + ], + [ + "\u2581realizar", + -11.372994422912598 + ], + [ + "note", + -11.37343978881836 + ], + [ + "\u2581layer", + -11.373537063598633 + ], + [ + "eurs", + -11.37369155883789 + ], + [ + "Frame", + -11.37375259399414 + ], + [ + "\u2581longo", + -11.373754501342772 + ], + [ + "\u2581countries", + -11.37378978729248 + ], + [ + "\u2581race", + -11.37391757965088 + ], + [ + "wischen", + -11.374199867248535 + ], + [ + "eros", + -11.374506950378418 + ], + [ + "uge", + -11.374516487121582 + ], + [ + "xc", + -11.374542236328123 + ], + [ + "\u2581internazionale", + -11.374593734741213 + ], + [ + "\u2581chamada", + -11.374737739562988 + ], + [ + "tica", + -11.374760627746582 + ], + [ + "USER", + -11.374821662902832 + ], + [ + "\u2581donna", + -11.375006675720217 + ], + [ + "schap", + -11.375127792358398 + ], + [ + "\u2581cidades", + -11.375141143798828 + ], + [ + "tur", + -11.375224113464355 + ], + [ + "android", + -11.375226974487305 + ], + [ + "ultima", + -11.375720977783203 + ], + [ + "\u2581gebracht", + -11.375802993774414 + ], + [ + "\u2581Studie", + -11.375852584838867 + ], + [ + "\u2581Wilhelm", + -11.375853538513184 + ], + [ + "\u2581Mario", + -11.376035690307615 + ], + [ + "\u2581looked", + -11.37607479095459 + ], + [ + "\u2581clean", + -11.376161575317385 + ], + [ + "\u2581Dem", + -11.376219749450684 + ], + [ + "ismus", + -11.376270294189451 + ], + [ + "\u2581fils", + -11.37639045715332 + ], + [ + "\u2581strong", + -11.376404762268066 + ], + [ + "\u2581avoid", + -11.376455307006836 + ], + [ + "\u2581notwendig", + -11.376730918884276 + ], + [ + "\u2581select", + -11.376996994018556 + ], + [ + "logger", + -11.377346992492676 + ], + [ + "\u2581chef", + -11.377359390258787 + ], + [ + "\u2581SS", + -11.377371788024902 + ], + [ + "\u2581Sus", + -11.377583503723145 + ], + [ + "\u2581Isso", + -11.377684593200684 + ], + [ + "\u2581beginning", + -11.377760887145996 + ], + [ + "save", + -11.377787590026855 + ], + [ + "\u2581territoire", + -11.377821922302246 + ], + [ + "\u2581spostarsi", + -11.379097938537598 + ], + [ + "\u2581opere", + -11.379402160644531 + ], + [ + "\u2581meist", + -11.379525184631348 + ], + [ + "\u2581dati", + -11.379590034484863 + ], + [ + "\u2581definition", + -11.379590034484863 + ], + [ + "\u2581Ol\u00edmpicos", + -11.379813194274902 + ], + [ + "\u2581Online", + -11.380227088928224 + ], + [ + "aron", + -11.38027572631836 + ], + [ + "\u2581voce", + -11.380322456359863 + ], + [ + "\u2581nichts", + -11.380451202392578 + ], + [ + "Gr", + -11.38068389892578 + ], + [ + "\u2581gef", + -11.38100528717041 + ], + [ + "\u2581everything", + -11.381006240844728 + ], + [ + "\u2581occidentale", + -11.381207466125488 + ], + [ + "GET", + -11.381211280822754 + ], + [ + "tiva", + -11.381221771240234 + ], + [ + "\u2581uses", + -11.381296157836914 + ], + [ + "enable", + -11.381427764892578 + ], + [ + "\u2581p\u00e1gina", + -11.381470680236816 + ], + [ + "rin", + -11.381475448608398 + ], + [ + "eck", + -11.381477355957031 + ], + [ + "\u2581werde", + -11.381684303283691 + ], + [ + "\u2581pop", + -11.381999015808104 + ], + [ + "ches", + -11.382302284240724 + ], + [ + "\u2581allgemeinen", + -11.382472038269045 + ], + [ + "\u2581Alemania", + -11.38247299194336 + ], + [ + "\u2581semana", + -11.38277530670166 + ], + [ + "eg", + -11.382853507995604 + ], + [ + "\u2581January", + -11.382965087890623 + ], + [ + "nnten", + -11.383084297180176 + ], + [ + "\u2581Dat", + -11.383569717407228 + ], + [ + "\u2581Series", + -11.383670806884766 + ], + [ + "Policy", + -11.383773803710938 + ], + [ + "\u2581valle", + -11.38392448425293 + ], + [ + "\u2581describe", + -11.384050369262695 + ], + [ + "\u2581ministro", + -11.384119987487791 + ], + [ + "tilde", + -11.384432792663574 + ], + [ + "desc", + -11.384531021118164 + ], + [ + "\u2581mother", + -11.384784698486328 + ], + [ + "iano", + -11.384861946105955 + ], + [ + "ids", + -11.384912490844728 + ], + [ + "\u2581qualsiasi", + -11.385015487670898 + ], + [ + "\u2581enthalten", + -11.385238647460938 + ], + [ + "SOURCE", + -11.385248184204102 + ], + [ + "\u2581Begr\u00fcndung", + -11.385356903076172 + ], + [ + "Var", + -11.385433197021484 + ], + [ + "Layout", + -11.38584327697754 + ], + [ + "\u2581science", + -11.385907173156738 + ], + [ + "\u2581minutos", + -11.385936737060549 + ], + [ + "\u2581minister", + -11.386001586914062 + ], + [ + "\u2581Leistungs", + -11.386086463928224 + ], + [ + "\u2581wer", + -11.386190414428713 + ], + [ + "pb", + -11.386202812194824 + ], + [ + "\u2581dist", + -11.386775970458984 + ], + [ + "\u2581alten", + -11.38682746887207 + ], + [ + "\u2581Anforderungen", + -11.386963844299316 + ], + [ + "\u2581evento", + -11.386981010437012 + ], + [ + "\u2581journal", + -11.386985778808594 + ], + [ + "\u2581cha", + -11.38731575012207 + ], + [ + "\u2581Darstellung", + -11.387389183044434 + ], + [ + "\u2581acuerdo", + -11.38747501373291 + ], + [ + "\u2581vinden", + -11.387568473815918 + ], + [ + "platz", + -11.387775421142578 + ], + [ + "\u2581December", + -11.38796329498291 + ], + [ + "\u2581tag", + -11.388012886047363 + ], + [ + "\u2581ideas", + -11.388083457946776 + ], + [ + "\u2581Rom", + -11.388143539428713 + ], + [ + "bili", + -11.388147354125977 + ], + [ + "\u2581determine", + -11.38815689086914 + ], + [ + "\u2581situ\u00e9", + -11.388171195983888 + ], + [ + "\u2581utilizar", + -11.388260841369627 + ], + [ + "grid", + -11.388339042663574 + ], + [ + "San", + -11.388365745544434 + ], + [ + "\u2581{{", + -11.388442993164062 + ], + [ + "\u2581minimum", + -11.389032363891602 + ], + [ + "\u2581effective", + -11.389148712158203 + ], + [ + "\u2581pesar", + -11.38921070098877 + ], + [ + "\u2581aereo", + -11.389238357543944 + ], + [ + "\u2581\u00e4u", + -11.389365196228027 + ], + [ + "kan", + -11.3895902633667 + ], + [ + "FC", + -11.389780044555664 + ], + [ + "\u2581north", + -11.389899253845217 + ], + [ + "\u2581titel", + -11.390095710754396 + ], + [ + "\u2581basic", + -11.39009952545166 + ], + [ + "\u2581Ur", + -11.390313148498535 + ], + [ + "random", + -11.39048194885254 + ], + [ + "\u2581Ihr", + -11.390551567077637 + ], + [ + "models", + -11.390876770019531 + ], + [ + "comment", + -11.39121437072754 + ], + [ + "led", + -11.39132022857666 + ], + [ + "\u2581Comme", + -11.391424179077148 + ], + [ + "\u2581termina", + -11.391485214233398 + ], + [ + "\u2581Organisation", + -11.391634941101074 + ], + [ + "VII", + -11.391672134399414 + ], + [ + "Length", + -11.392324447631836 + ], + [ + "\u2581Two", + -11.392581939697266 + ], + [ + "jan", + -11.39277172088623 + ], + [ + "\u2581completa", + -11.39283275604248 + ], + [ + "JSON", + -11.392863273620604 + ], + [ + "eri", + -11.393078804016112 + ], + [ + "\u2581docker", + -11.393232345581056 + ], + [ + "\u2581hommes", + -11.393330574035645 + ], + [ + "\u2581eingesetzt", + -11.393399238586426 + ], + [ + "\u2581Table", + -11.393729209899902 + ], + [ + "\u2581Repubblica", + -11.393842697143556 + ], + [ + "xf", + -11.394095420837402 + ], + [ + "\u2581Untersuchungen", + -11.394098281860352 + ], + [ + "\u2581produzione", + -11.39415454864502 + ], + [ + "\u2581piccolo", + -11.394248008728027 + ], + [ + "\u2581pure", + -11.394275665283203 + ], + [ + "\u2581virtual", + -11.394327163696287 + ], + [ + "\u2581Microsoft", + -11.39435863494873 + ], + [ + "menti", + -11.394878387451172 + ], + [ + "LT", + -11.39489459991455 + ], + [ + "handle", + -11.394917488098145 + ], + [ + "ions", + -11.394981384277344 + ], + [ + "Ha", + -11.395302772521973 + ], + [ + "\u2581producci\u00f3n", + -11.395421981811523 + ], + [ + "\u2581piuttosto", + -11.395464897155762 + ], + [ + "\u2581Civil", + -11.395475387573242 + ], + [ + "UP", + -11.39559268951416 + ], + [ + "\u2581Part", + -11.395635604858398 + ], + [ + "stat", + -11.395835876464844 + ], + [ + "Position", + -11.39596176147461 + ], + [ + "tin", + -11.396044731140137 + ], + [ + "\u2581R\u00e9f\u00e9rences", + -11.396111488342283 + ], + [ + "\u2581Ap\u00f3s", + -11.396682739257812 + ], + [ + "ane", + -11.396726608276367 + ], + [ + "unit", + -11.396881103515623 + ], + [ + "tis", + -11.397027015686035 + ], + [ + "\u2581troppo", + -11.397717475891112 + ], + [ + "route", + -11.397764205932615 + ], + [ + "Equal", + -11.397786140441896 + ], + [ + "MODULE", + -11.397834777832031 + ], + [ + "\u2581Waren", + -11.397964477539062 + ], + [ + "\u2581Pu", + -11.398085594177246 + ], + [ + "iele", + -11.398208618164062 + ], + [ + "\u2581evitar", + -11.398480415344238 + ], + [ + "\u2581Parti", + -11.39849853515625 + ], + [ + "\u2581gives", + -11.398564338684082 + ], + [ + "entry", + -11.398613929748535 + ], + [ + "\u2581AS", + -11.398636817932127 + ], + [ + "industrie", + -11.398679733276367 + ], + [ + "\u2581Centre", + -11.39883518218994 + ], + [ + "\u2581cor", + -11.399039268493652 + ], + [ + "\u2581possibilit\u00e0", + -11.399295806884766 + ], + [ + "\u2581bestehen", + -11.399385452270508 + ], + [ + "\u2581Power", + -11.399591445922852 + ], + [ + "nn", + -11.39967155456543 + ], + [ + "\u2581Andr\u00e9", + -11.3997802734375 + ], + [ + "\u2581utilizado", + -11.399812698364258 + ], + [ + "\u2581Dauer", + -11.399825096130373 + ], + [ + "\u2581poly", + -11.400444984436035 + ], + [ + "\u2581Bureau", + -11.400463104248049 + ], + [ + "\u2581Bel", + -11.400517463684082 + ], + [ + "\u2581Tab", + -11.400697708129885 + ], + [ + "AL", + -11.400711059570312 + ], + [ + "\u2581Otto", + -11.40081024169922 + ], + [ + "\u2581Projekt", + -11.400908470153809 + ], + [ + "rigen", + -11.400995254516602 + ], + [ + "PG", + -11.401406288146973 + ], + [ + "\u2581equation", + -11.401588439941406 + ], + [ + "components", + -11.401989936828612 + ], + [ + "\u2581eigene", + -11.402207374572754 + ], + [ + "m\u00e9", + -11.402515411376951 + ], + [ + "\u2581Dar", + -11.402521133422852 + ], + [ + "\u2581objetos", + -11.402612686157228 + ], + [ + "\u2581munic\u00edpio", + -11.402788162231444 + ], + [ + "\u2581Wirkung", + -11.402921676635742 + ], + [ + "\u2581existing", + -11.403121948242188 + ], + [ + "\u2581Ku", + -11.403273582458496 + ], + [ + "\u2581gleichen", + -11.403313636779783 + ], + [ + "Body", + -11.40347957611084 + ], + [ + "heren", + -11.403541564941406 + ], + [ + "verfahren", + -11.40355396270752 + ], + [ + "\u2581Licht", + -11.403579711914062 + ], + [ + "password", + -11.403581619262695 + ], + [ + "\u2581meta", + -11.40374755859375 + ], + [ + "skip", + -11.404224395751951 + ], + [ + "\u2581weiterhin", + -11.404250144958496 + ], + [ + "\u2581nostra", + -11.404255867004396 + ], + [ + "\u2581eind", + -11.404465675354004 + ], + [ + "\u2581plaatsen", + -11.4047212600708 + ], + [ + "bad", + -11.404961585998535 + ], + [ + "\u2581p\u00e9riode", + -11.405075073242188 + ], + [ + "\u2581deuxi", + -11.405106544494627 + ], + [ + "\u2581forza", + -11.405191421508787 + ], + [ + "\u2581Old", + -11.405203819274902 + ], + [ + "pu", + -11.405219078063965 + ], + [ + "\u2581pressure", + -11.405435562133787 + ], + [ + "\u2581bad", + -11.405566215515137 + ], + [ + "after", + -11.406421661376951 + ], + [ + "\u2581surtout", + -11.407362937927246 + ], + [ + "runtime", + -11.407695770263672 + ], + [ + "\u2581localidad", + -11.407713890075684 + ], + [ + "\u2581dando", + -11.407721519470217 + ], + [ + "\u2581dient", + -11.407744407653809 + ], + [ + "\u2581vs", + -11.407843589782717 + ], + [ + "\u2581quality", + -11.407992362976074 + ], + [ + "Title", + -11.40838623046875 + ], + [ + "SG", + -11.408443450927734 + ], + [ + "Option", + -11.408634185791016 + ], + [ + "serie", + -11.40865707397461 + ], + [ + "\u2581Sommer", + -11.408747673034668 + ], + [ + "ch\u00e9", + -11.408905029296877 + ], + [ + "\u2581ovest", + -11.409076690673828 + ], + [ + "\u2581Kern", + -11.40932846069336 + ], + [ + "kon", + -11.409341812133787 + ], + [ + "rter", + -11.40966510772705 + ], + [ + "flex", + -11.409676551818848 + ], + [ + "isti", + -11.409904479980469 + ], + [ + "\u2581named", + -11.40999984741211 + ], + [ + "Min", + -11.41033172607422 + ], + [ + "\u2581sign", + -11.410353660583496 + ], + [ + "Factory", + -11.410593032836914 + ], + [ + "\u2581laquelle", + -11.410696983337402 + ], + [ + "\u2581session", + -11.41103744506836 + ], + [ + "\u2581besser", + -11.411151885986328 + ], + [ + "\u2581communication", + -11.411218643188477 + ], + [ + "tions", + -11.411262512207031 + ], + [ + "chten", + -11.411471366882324 + ], + [ + "BGBl", + -11.411635398864746 + ], + [ + "\u2581believe", + -11.4116849899292 + ], + [ + "pf", + -11.411718368530272 + ], + [ + "\u2581Finanz", + -11.411972999572754 + ], + [ + "\u2581Gemeente", + -11.411975860595703 + ], + [ + "\u2581supported", + -11.41204833984375 + ], + [ + "Property", + -11.41214084625244 + ], + [ + "\u2581Berufs", + -11.412165641784668 + ], + [ + "\u2581enfants", + -11.412428855895996 + ], + [ + "dx", + -11.412497520446776 + ], + [ + "gui", + -11.413354873657228 + ], + [ + "su", + -11.413419723510742 + ], + [ + "\u2581dargestellt", + -11.413752555847168 + ], + [ + "\u2581comum", + -11.413810729980469 + ], + [ + "mock", + -11.413898468017578 + ], + [ + "\u2581vast", + -11.414409637451172 + ], + [ + "\u2581episodio", + -11.414613723754885 + ], + [ + "\u2581sp", + -11.414621353149414 + ], + [ + "\u2581collapse", + -11.414664268493652 + ], + [ + "\u2581Auffassung", + -11.414946556091309 + ], + [ + "\u2581comenz\u00f3", + -11.415034294128418 + ], + [ + "usammen", + -11.415196418762209 + ], + [ + "\u2581Football", + -11.415356636047363 + ], + [ + "\u2581esposa", + -11.41535758972168 + ], + [ + "\u2581programas", + -11.415371894836426 + ], + [ + "\u2581spin", + -11.415640830993652 + ], + [ + "\u2581ruolo", + -11.416006088256836 + ], + [ + "\u2581departamento", + -11.416362762451172 + ], + [ + "\u2581players", + -11.41681671142578 + ], + [ + "\u2581hohe", + -11.416877746582031 + ], + [ + "ndosi", + -11.416994094848633 + ], + [ + "\u2581tramite", + -11.417349815368652 + ], + [ + "\u2581ff", + -11.417444229125977 + ], + [ + "Num", + -11.417558670043944 + ], + [ + "\u2581luce", + -11.417755126953123 + ], + [ + "\u2581performed", + -11.417792320251465 + ], + [ + "uf", + -11.418099403381348 + ], + [ + "\u2581relaci\u00f3n", + -11.418577194213867 + ], + [ + "\u2581wanted", + -11.419160842895508 + ], + [ + "\u2581mars", + -11.419178009033203 + ], + [ + "\u2581Live", + -11.419315338134766 + ], + [ + "\u2581impact", + -11.419356346130373 + ], + [ + "\u2581Cha", + -11.419397354125977 + ], + [ + "Lo", + -11.41944408416748 + ], + [ + "\u2581cache", + -11.419800758361816 + ], + [ + "igkeit", + -11.419896125793455 + ], + [ + "\u2581Just", + -11.41995620727539 + ], + [ + "\u2581[\"", + -11.419968605041504 + ], + [ + "\u2581animal", + -11.420671463012695 + ], + [ + "ability", + -11.420746803283691 + ], + [ + "\u2581Papa", + -11.42076587677002 + ], + [ + "emph", + -11.420943260192873 + ], + [ + "\u2581please", + -11.420987129211426 + ], + [ + "help", + -11.42108154296875 + ], + [ + "\u2581Augen", + -11.421146392822266 + ], + [ + "\u2581genannt", + -11.42116928100586 + ], + [ + "\u2581Nacidos", + -11.421210289001465 + ], + [ + "\u2581numerosi", + -11.421242713928224 + ], + [ + "\u2581tree", + -11.421518325805664 + ], + [ + "\u2581varie", + -11.421567916870115 + ], + [ + "tisch", + -11.421760559082031 + ], + [ + "Python", + -11.42198657989502 + ], + [ + "any", + -11.42199420928955 + ], + [ + "\u2581gezien", + -11.422378540039062 + ], + [ + "mov", + -11.42278003692627 + ], + [ + "\u2581primeros", + -11.42284107208252 + ], + [ + "\u2581siano", + -11.422892570495604 + ], + [ + "\u2581appropriate", + -11.423152923583984 + ], + [ + "\u2581Eltern", + -11.423226356506348 + ], + [ + "\u2581relations", + -11.42333984375 + ], + [ + "agent", + -11.423622131347656 + ], + [ + "iz", + -11.423726081848145 + ], + [ + "tags", + -11.423758506774902 + ], + [ + "\u2581limite", + -11.424001693725586 + ], + [ + "\u2581mittels", + -11.424027442932127 + ], + [ + "\u2581serait", + -11.424154281616213 + ], + [ + "\u2581Kopf", + -11.424222946166992 + ], + [ + "\u2581metri", + -11.42494010925293 + ], + [ + "\u2581bas", + -11.424941062927246 + ], + [ + "fts", + -11.425060272216797 + ], + [ + "\u2581personne", + -11.42551326751709 + ], + [ + "\u2581Cuba", + -11.425544738769531 + ], + [ + "atie", + -11.425592422485352 + ], + [ + "\u2581coup", + -11.42570686340332 + ], + [ + "\u2581Water", + -11.426142692565918 + ], + [ + "\u2581SPD", + -11.426186561584473 + ], + [ + "\u2581mot", + -11.426194190979004 + ], + [ + "\u2581posible", + -11.42627239227295 + ], + [ + "\u2581Thema", + -11.426974296569824 + ], + [ + "\u2581Strom", + -11.427350997924805 + ], + [ + "\u2581ALIGN", + -11.427372932434082 + ], + [ + "\u2581irm", + -11.427435874938965 + ], + [ + "CT", + -11.427675247192385 + ], + [ + "summary", + -11.427708625793455 + ], + [ + "SPD", + -11.427762985229492 + ], + [ + "\u2581constru", + -11.427845001220703 + ], + [ + "\u2581Universidade", + -11.42790985107422 + ], + [ + "\u2581Vo", + -11.427940368652344 + ], + [ + "lie", + -11.428267478942873 + ], + [ + "VO", + -11.428352355957031 + ], + [ + "\u2581Sprache", + -11.428359031677246 + ], + [ + "\u2581generally", + -11.4284029006958 + ], + [ + "dar", + -11.429190635681152 + ], + [ + "\u2581prova", + -11.429262161254885 + ], + [ + "\u2581prior", + -11.42941188812256 + ], + [ + "\u2581buiten", + -11.429502487182615 + ], + [ + "DD", + -11.429608345031738 + ], + [ + "\u2581programme", + -11.43000602722168 + ], + [ + "\u2581erfolgte", + -11.430035591125488 + ], + [ + "\u2581estudio", + -11.43021297454834 + ], + [ + "\u2581Anfang", + -11.430706977844238 + ], + [ + "\u2581verde", + -11.430718421936035 + ], + [ + "\u2581proceso", + -11.431110382080078 + ], + [ + "disabled", + -11.431225776672363 + ], + [ + "\u2581Returns", + -11.431316375732422 + ], + [ + "tore", + -11.431523323059082 + ], + [ + "erung", + -11.431689262390137 + ], + [ + "\u2581edge", + -11.431756019592283 + ], + [ + "\u2581roi", + -11.431943893432615 + ], + [ + "\u2581closed", + -11.432212829589844 + ], + [ + "\u2581qualcosa", + -11.43247890472412 + ], + [ + "\u2581usu\u00e1rio", + -11.432934761047363 + ], + [ + "\u2581October", + -11.433212280273438 + ], + [ + "\u2581Programm", + -11.433358192443848 + ], + [ + "Web", + -11.433517456054688 + ], + [ + "\u2581seines", + -11.433594703674316 + ], + [ + "\u2581Vanaf", + -11.434372901916504 + ], + [ + "como", + -11.43443202972412 + ], + [ + "\u2581feito", + -11.434456825256348 + ], + [ + "throw", + -11.43451690673828 + ], + [ + "\u2581bits", + -11.43529987335205 + ], + [ + "\u2581sleep", + -11.435369491577148 + ], + [ + "\u2581acima", + -11.435528755187988 + ], + [ + "\u2581considerado", + -11.435595512390137 + ], + [ + "\u00e1vel", + -11.435628890991213 + ], + [ + "\u2581Ser", + -11.435650825500488 + ], + [ + "\u2581dias", + -11.4357271194458 + ], + [ + "\u2581Unternehmens", + -11.43584442138672 + ], + [ + "\u2581Spacewatch", + -11.43598747253418 + ], + [ + "\u2581facile", + -11.436050415039062 + ], + [ + "\u2581quase", + -11.436147689819336 + ], + [ + "SO", + -11.436161994934082 + ], + [ + "\u2581Nur", + -11.436169624328612 + ], + [ + "\u2581Minuten", + -11.436311721801758 + ], + [ + "\u2581reserved", + -11.436467170715332 + ], + [ + "\u2581unmittelbar", + -11.4365234375 + ], + [ + "\u2581Nacht", + -11.436644554138184 + ], + [ + "\u2581Erst", + -11.436689376831056 + ], + [ + "profile", + -11.436750411987305 + ], + [ + "\u2581turned", + -11.436845779418944 + ], + [ + "\u2581maison", + -11.436895370483398 + ], + [ + "\u2581Wo", + -11.436914443969728 + ], + [ + "radius", + -11.437024116516112 + ], + [ + "\u2581Peak", + -11.437129020690918 + ], + [ + "\u2581chance", + -11.437211990356444 + ], + [ + "\u2581necess\u00e1rio", + -11.437257766723633 + ], + [ + "\u2581carte", + -11.437325477600098 + ], + [ + "exe", + -11.437430381774902 + ], + [ + "\u2581month", + -11.437487602233888 + ], + [ + "\u2581forward", + -11.437527656555176 + ], + [ + "\u2581leave", + -11.437651634216309 + ], + [ + "\u2581proposed", + -11.437692642211914 + ], + [ + "\u2581finales", + -11.437721252441406 + ], + [ + "\u2581amigos", + -11.437734603881836 + ], + [ + "\u2581UN", + -11.437782287597656 + ], + [ + "\u2581pr\u00e9sente", + -11.43783950805664 + ], + [ + "zar", + -11.43804168701172 + ], + [ + "\u2581maneiras", + -11.43854808807373 + ], + [ + "\u2581dura", + -11.438565254211426 + ], + [ + "\u2581snel", + -11.438668251037598 + ], + [ + "nus", + -11.438711166381836 + ], + [ + "\u2581generate", + -11.43875789642334 + ], + [ + "geld", + -11.438934326171877 + ], + [ + "\u2581template", + -11.438958168029783 + ], + [ + "\u2581cp", + -11.439313888549805 + ], + [ + "\u2581Johannes", + -11.439397811889648 + ], + [ + "\u2581claro", + -11.439532279968262 + ], + [ + "edit", + -11.439552307128906 + ], + [ + "\u2581separate", + -11.439563751220703 + ], + [ + "kt", + -11.439618110656738 + ], + [ + "\u2581temperatura", + -11.439810752868652 + ], + [ + "\u2581init", + -11.439949035644531 + ], + [ + "\u2581sorte", + -11.440092086791992 + ], + [ + "\u2581Cosa", + -11.440194129943848 + ], + [ + "component", + -11.44020175933838 + ], + [ + "\u2581orde", + -11.440364837646484 + ], + [ + "iam", + -11.44047737121582 + ], + [ + "pack", + -11.440508842468262 + ], + [ + "\u2581Section", + -11.440625190734863 + ], + [ + "\u2581soltanto", + -11.441707611083984 + ], + [ + "\u2581muchas", + -11.441771507263184 + ], + [ + "\u2581Kim", + -11.441814422607422 + ], + [ + "Java", + -11.441852569580078 + ], + [ + "\u2581Geboren", + -11.441883087158203 + ], + [ + "\u2581tudo", + -11.44192886352539 + ], + [ + "\u2581users", + -11.442001342773438 + ], + [ + "\u2581Sant", + -11.442485809326172 + ], + [ + "\u2581Hinblick", + -11.442498207092283 + ], + [ + "\u2581Weitere", + -11.44253635406494 + ], + [ + "uel", + -11.442605018615724 + ], + [ + "ities", + -11.44326877593994 + ], + [ + "\u2581Image", + -11.443556785583496 + ], + [ + "erd", + -11.44362735748291 + ], + [ + "\u2581porto", + -11.443643569946287 + ], + [ + "\u2581sale", + -11.44365692138672 + ], + [ + "\u2581nem", + -11.443747520446776 + ], + [ + "kerk", + -11.443917274475098 + ], + [ + "\u2581Adam", + -11.44426441192627 + ], + [ + "\u2581agreed", + -11.444400787353516 + ], + [ + "\u2581Europese", + -11.444454193115234 + ], + [ + "\u2581dif\u00edcil", + -11.444472312927246 + ], + [ + "\u2581Rosa", + -11.444607734680176 + ], + [ + "diff", + -11.44463348388672 + ], + [ + "\u2581Bestimmung", + -11.444992065429688 + ], + [ + "product", + -11.445141792297363 + ], + [ + "\u2581squadra", + -11.445279121398926 + ], + [ + "\u2581themselves", + -11.445579528808594 + ], + [ + "\u2581Nu", + -11.445743560791016 + ], + [ + "\u2581Politik", + -11.44593906402588 + ], + [ + "\u2581lugares", + -11.445953369140623 + ], + [ + "\u2581vrouw", + -11.445961952209473 + ], + [ + "\u2581changed", + -11.446281433105469 + ], + [ + "Read", + -11.446324348449709 + ], + [ + "xe", + -11.446354866027832 + ], + [ + "\u2581pair", + -11.446742057800291 + ], + [ + "\u2581Kom", + -11.446852684020996 + ], + [ + "\u2581Sp", + -11.44686508178711 + ], + [ + "\u2581Brand", + -11.446884155273438 + ], + [ + "\u2581larger", + -11.44706916809082 + ], + [ + "CODE", + -11.447242736816406 + ], + [ + "\u2581rete", + -11.44747543334961 + ], + [ + "lar", + -11.447482109069824 + ], + [ + "\u2581Baden", + -11.447507858276367 + ], + [ + "\u2581Gr\u00fcnden", + -11.447529792785645 + ], + [ + "\u2581Master", + -11.447641372680664 + ], + [ + "vin", + -11.447818756103516 + ], + [ + "\u2581famoso", + -11.448153495788574 + ], + [ + "\u2581vanuit", + -11.448162078857422 + ], + [ + "gh", + -11.448324203491213 + ], + [ + "\u2581developed", + -11.448426246643066 + ], + [ + "druck", + -11.448477745056152 + ], + [ + "\u2581Va", + -11.448546409606934 + ], + [ + "\u2581pattern", + -11.448617935180664 + ], + [ + "\u2581wollen", + -11.44884967803955 + ], + [ + "\u2581physical", + -11.448932647705078 + ], + [ + "\u2581Lewis", + -11.448963165283203 + ], + [ + "\u2581appena", + -11.44904327392578 + ], + [ + "\u2581huis", + -11.449161529541016 + ], + [ + "\u2581absolute", + -11.449278831481934 + ], + [ + "\u2581propre", + -11.449352264404297 + ], + [ + "Column", + -11.449399948120115 + ], + [ + "\u2581Meer", + -11.449502944946287 + ], + [ + "\u2581towards", + -11.449617385864258 + ], + [ + "\u2581photo", + -11.449705123901367 + ], + [ + "\u2581artista", + -11.450182914733888 + ], + [ + "\u2581someone", + -11.45019245147705 + ], + [ + "aal", + -11.450242042541504 + ], + [ + "argent", + -11.450567245483398 + ], + [ + "\u2581generalmente", + -11.45081615447998 + ], + [ + "\u2581Risiko", + -11.451050758361816 + ], + [ + "\u2581tried", + -11.45122241973877 + ], + [ + "adores", + -11.451268196105955 + ], + [ + "Up", + -11.451282501220703 + ], + [ + "\u2581Sea", + -11.451348304748535 + ], + [ + "\u2581versi\u00f3n", + -11.45154857635498 + ], + [ + "\u2581agora", + -11.45155143737793 + ], + [ + "\u2581price", + -11.451604843139648 + ], + [ + "\u2581heel", + -11.45195770263672 + ], + [ + "\u2581opgericht", + -11.452285766601562 + ], + [ + "\u2581Ray", + -11.452308654785156 + ], + [ + "\u2581Cu", + -11.452442169189451 + ], + [ + "\u2581menu", + -11.452576637268066 + ], + [ + "\u2581entry", + -11.452667236328123 + ], + [ + "\u2581ebenso", + -11.452677726745604 + ], + [ + "epoca", + -11.452937126159668 + ], + [ + "\u2581offer", + -11.45305347442627 + ], + [ + "\u00fcber", + -11.45314121246338 + ], + [ + "\u2581Verbesserung", + -11.453289031982422 + ], + [ + "setup", + -11.453371047973633 + ], + [ + "\u2581sembra", + -11.453432083129885 + ], + [ + "\u2581Voc", + -11.453571319580078 + ], + [ + "\u2581Holz", + -11.453593254089355 + ], + [ + "Control", + -11.454253196716309 + ], + [ + "eus", + -11.454391479492188 + ], + [ + "Omega", + -11.454504013061523 + ], + [ + "\u2581Ausschu", + -11.454864501953123 + ], + [ + "mol", + -11.454869270324709 + ], + [ + "\u2581m\u00e9todo", + -11.454980850219728 + ], + [ + "\u2581Pol", + -11.454983711242676 + ], + [ + "\u2581scene", + -11.455060958862305 + ], + [ + "\u2581Wochen", + -11.45512866973877 + ], + [ + "\u2581Anne", + -11.455162048339844 + ], + [ + "it\u00e4t", + -11.455178260803224 + ], + [ + "\u2581carne", + -11.45533847808838 + ], + [ + "\u2581regelm\u00e4", + -11.45537281036377 + ], + [ + "anza", + -11.455492973327637 + ], + [ + "CR", + -11.45555591583252 + ], + [ + "ish", + -11.455556869506836 + ], + [ + "\u2581relativ", + -11.455615997314451 + ], + [ + "clear", + -11.45578956604004 + ], + [ + "reference", + -11.455795288085938 + ], + [ + "\u2581Sala", + -11.455936431884766 + ], + [ + "\u00e9t\u00e9", + -11.45594310760498 + ], + [ + "Parser", + -11.456048011779783 + ], + [ + "\u2581llamado", + -11.456463813781738 + ], + [ + "\u2581none", + -11.45648956298828 + ], + [ + "pub", + -11.456530570983888 + ], + [ + "\u2581Human", + -11.457027435302734 + ], + [ + "\u2581Feld", + -11.457058906555176 + ], + [ + "Con", + -11.457148551940918 + ], + [ + "rad", + -11.457186698913574 + ], + [ + "\u2581vue", + -11.457456588745115 + ], + [ + "\u2581diz", + -11.457571029663086 + ], + [ + "\u2581domain", + -11.457862854003906 + ], + [ + "\u2581Jacob", + -11.457901000976562 + ], + [ + "ST", + -11.458024978637695 + ], + [ + "\u2581probability", + -11.458151817321776 + ], + [ + "\u2581Wa", + -11.45820426940918 + ], + [ + "ebx", + -11.458251953125 + ], + [ + "\u2581torna", + -11.45826530456543 + ], + [ + "\u2581jede", + -11.458433151245115 + ], + [ + "wirtschaft", + -11.45849895477295 + ], + [ + "\u2581ergeben", + -11.458587646484377 + ], + [ + "\u2581aujourd", + -11.458620071411133 + ], + [ + "fen", + -11.458949089050291 + ], + [ + "bg", + -11.459038734436035 + ], + [ + "\u2581Ihnen", + -11.459118843078612 + ], + [ + "\u2581condizioni", + -11.4591703414917 + ], + [ + "\u2581party", + -11.459455490112305 + ], + [ + "ator", + -11.460047721862791 + ], + [ + "\u2581Pra", + -11.460110664367676 + ], + [ + "abord", + -11.460148811340332 + ], + [ + "\u00e1rio", + -11.460625648498535 + ], + [ + "limit", + -11.460683822631836 + ], + [ + "\u2581Kreis", + -11.460693359375 + ], + [ + "lon", + -11.460702896118164 + ], + [ + "\u2581Torre", + -11.460729598999023 + ], + [ + "\u2581cover", + -11.460783004760742 + ], + [ + "\u2581anschlie", + -11.46080207824707 + ], + [ + "\u2581gare", + -11.460855484008787 + ], + [ + "\u2581S\u00fcd", + -11.460891723632812 + ], + [ + "LEFT", + -11.461004257202148 + ], + [ + "\u2581Henri", + -11.461019515991213 + ], + [ + "dire", + -11.461047172546388 + ], + [ + "jarige", + -11.46106243133545 + ], + [ + "\u2581hospital", + -11.461273193359377 + ], + [ + "\u00e4r", + -11.46142864227295 + ], + [ + "\u2581camera", + -11.46153736114502 + ], + [ + "Gamma", + -11.461642265319824 + ], + [ + "\u2581lhe", + -11.46189022064209 + ], + [ + "team", + -11.462303161621094 + ], + [ + "\u2581elemento", + -11.462328910827637 + ], + [ + "Pi", + -11.462518692016602 + ], + [ + "\u2581mettre", + -11.46258544921875 + ], + [ + "\u2581setup", + -11.462674140930176 + ], + [ + "\u2581ei", + -11.462796211242676 + ], + [ + "\u2581Good", + -11.462860107421877 + ], + [ + "\u2581although", + -11.462899208068848 + ], + [ + "Template", + -11.463011741638184 + ], + [ + "\u2581H\u00e1", + -11.463147163391112 + ], + [ + "dimensional", + -11.463603019714355 + ], + [ + "\u2581negozi", + -11.46365737915039 + ], + [ + "\u2581patient", + -11.463716506958008 + ], + [ + "\u2581sector", + -11.46380615234375 + ], + [ + "\u2581\"$(", + -11.464034080505373 + ], + [ + "Du", + -11.464103698730469 + ], + [ + "\u2581d\u00e9partement", + -11.464106559753418 + ], + [ + "What", + -11.464188575744627 + ], + [ + "lat", + -11.464962005615234 + ], + [ + "\u2581solchen", + -11.4649658203125 + ], + [ + "imp", + -11.465052604675291 + ], + [ + "Hash", + -11.465107917785645 + ], + [ + "kel", + -11.465205192565918 + ], + [ + "eiro", + -11.465264320373535 + ], + [ + "\u2581inglese", + -11.465570449829102 + ], + [ + "One", + -11.465580940246582 + ], + [ + "\u2581travers", + -11.465639114379885 + ], + [ + "\u2581quelque", + -11.465743064880373 + ], + [ + "OK", + -11.465780258178713 + ], + [ + "\u2581Transport", + -11.466106414794922 + ], + [ + "\u2581vrij", + -11.466137886047363 + ], + [ + "\u2581purposes", + -11.466194152832031 + ], + [ + "\u2581Tele", + -11.466282844543455 + ], + [ + "\u2581parties", + -11.466364860534668 + ], + [ + "\u2581containing", + -11.466401100158691 + ], + [ + "Di", + -11.466519355773926 + ], + [ + "Referencias", + -11.46654224395752 + ], + [ + "\u2581PC", + -11.466758728027344 + ], + [ + "\u2581practice", + -11.466800689697266 + ], + [ + "\u2581genitivo", + -11.46700668334961 + ], + [ + "\u2581f\u00e1cil", + -11.467039108276367 + ], + [ + "\u2581organiza", + -11.467140197753906 + ], + [ + "\u2581identifica", + -11.467469215393066 + ], + [ + "pan", + -11.46750545501709 + ], + [ + "sterreich", + -11.467533111572266 + ], + [ + "\u2581Frei", + -11.467643737792969 + ], + [ + "\u2581resources", + -11.4676513671875 + ], + [ + "hm", + -11.467860221862791 + ], + [ + "\u2581Begriff", + -11.46790599822998 + ], + [ + "\u2581diferente", + -11.46791648864746 + ], + [ + "\u2581Johnson", + -11.46794891357422 + ], + [ + "\u2581verloren", + -11.46810531616211 + ], + [ + "\u2581regio", + -11.468110084533691 + ], + [ + "pin", + -11.46811294555664 + ], + [ + "\u2581corte", + -11.468219757080078 + ], + [ + "\u2581miembros", + -11.468481063842772 + ], + [ + "SL", + -11.46849536895752 + ], + [ + "ama", + -11.468685150146484 + ], + [ + "\u2581Create", + -11.468706130981444 + ], + [ + "lines", + -11.468754768371582 + ], + [ + "\u2581vrouwen", + -11.468777656555176 + ], + [ + "\u2581nuit", + -11.468986511230469 + ], + [ + "\u2581servicio", + -11.46916675567627 + ], + [ + "\u2581transition", + -11.469252586364746 + ], + [ + "OP", + -11.469382286071776 + ], + [ + "\u2581Germany", + -11.469429969787598 + ], + [ + "\u2581Aufgabe", + -11.469734191894531 + ], + [ + "\u2581Mitte", + -11.469810485839844 + ], + [ + "\u2581Municipal", + -11.469858169555664 + ], + [ + "\u2581fillcolor", + -11.469876289367676 + ], + [ + "town", + -11.469892501831056 + ], + [ + "\u2581Start", + -11.470073699951172 + ], + [ + "cole", + -11.47007942199707 + ], + [ + "fl", + -11.47008991241455 + ], + [ + "\u2581greater", + -11.470195770263672 + ], + [ + "\u2581Teatro", + -11.470215797424316 + ], + [ + "\u2581Grupo", + -11.47046947479248 + ], + [ + "\u2581Video", + -11.470471382141112 + ], + [ + "\u2581cinema", + -11.47063159942627 + ], + [ + "force", + -11.470662117004396 + ], + [ + "\u2581regime", + -11.470782279968262 + ], + [ + "\u2581d\u00e9veloppement", + -11.470786094665527 + ], + [ + "\u2581partidos", + -11.470806121826172 + ], + [ + "\u2581hinter", + -11.470827102661133 + ], + [ + "\u2581passer", + -11.470969200134276 + ], + [ + "\u2581edificio", + -11.471115112304688 + ], + [ + "\u2581Seine", + -11.471137046813965 + ], + [ + "kwargs", + -11.47141456604004 + ], + [ + "\u2581Division", + -11.471485137939451 + ], + [ + "\u2581purpose", + -11.471721649169922 + ], + [ + "\u2581Great", + -11.471813201904297 + ], + [ + "\u2581Seu", + -11.471856117248535 + ], + [ + "\u2581avuto", + -11.472249984741213 + ], + [ + "\u2581geltenden", + -11.472310066223145 + ], + [ + "\u2581janvier", + -11.472367286682127 + ], + [ + "\u2581save", + -11.472509384155272 + ], + [ + "\u2581genommen", + -11.472594261169434 + ], + [ + "\u2581fece", + -11.472650527954102 + ], + [ + "\u2581Mike", + -11.472965240478516 + ], + [ + "\u2581issues", + -11.473186492919922 + ], + [ + "\u2581Run", + -11.473539352416992 + ], + [ + "\u2581behavior", + -11.473546028137209 + ], + [ + "\u2581currently", + -11.473711967468262 + ], + [ + "etta", + -11.473952293395996 + ], + [ + "entwicklung", + -11.474282264709473 + ], + [ + "het", + -11.474414825439451 + ], + [ + "\u2581halten", + -11.474763870239258 + ], + [ + "\u2581Java", + -11.474794387817385 + ], + [ + "\u2581knew", + -11.474945068359377 + ], + [ + "\u2581Blue", + -11.475035667419434 + ], + [ + "zug", + -11.475128173828123 + ], + [ + "\u2581petite", + -11.475180625915527 + ], + [ + "\u2581Rose", + -11.47548770904541 + ], + [ + "\u2581Championship", + -11.475663185119627 + ], + [ + "\u2581components", + -11.47598648071289 + ], + [ + "\u2581dezembro", + -11.476311683654783 + ], + [ + "\u2581Therefore", + -11.476399421691896 + ], + [ + "\u2581Ciudad", + -11.476654052734377 + ], + [ + "DT", + -11.476680755615234 + ], + [ + "\u2581langue", + -11.476722717285156 + ], + [ + "\u2581kurz", + -11.47683048248291 + ], + [ + "\u2581estaban", + -11.477330207824709 + ], + [ + "\u2581tomar", + -11.477484703063965 + ], + [ + "\u2581gef\u00fchrt", + -11.477911949157717 + ], + [ + "\u2581determined", + -11.478070259094238 + ], + [ + "elif", + -11.478473663330078 + ], + [ + "\u2581milieu", + -11.47861385345459 + ], + [ + "\u2581elles", + -11.478655815124512 + ], + [ + "\u2581Eigen", + -11.478682518005373 + ], + [ + "\u2581Council", + -11.47883129119873 + ], + [ + "\u2581terminando", + -11.479069709777832 + ], + [ + "ltimos", + -11.479287147521973 + ], + [ + "nas", + -11.479355812072754 + ], + [ + "\u2581fer", + -11.4795560836792 + ], + [ + "\u2581comuni", + -11.479618072509766 + ], + [ + "\u2581juin", + -11.479747772216797 + ], + [ + "\u2581parents", + -11.479755401611328 + ], + [ + "wi", + -11.479802131652832 + ], + [ + "information", + -11.479965209960938 + ], + [ + "window", + -11.480095863342283 + ], + [ + "\u2581entrar", + -11.48022747039795 + ], + [ + "licenses", + -11.480565071105955 + ], + [ + "\u2581Tre", + -11.480863571166992 + ], + [ + "tzdata", + -11.48086643218994 + ], + [ + "\u2581comunit\u00e0", + -11.480948448181152 + ], + [ + "\u2581Global", + -11.48099422454834 + ], + [ + "Entry", + -11.48109245300293 + ], + [ + "SP", + -11.481611251831056 + ], + [ + "\u2581####", + -11.481748580932615 + ], + [ + "\u2581south", + -11.481781959533691 + ], + [ + "\u2581Depois", + -11.48179054260254 + ], + [ + "\u2581heart", + -11.481813430786133 + ], + [ + "rla", + -11.481945991516112 + ], + [ + "\u2581destino", + -11.481963157653809 + ], + [ + "\u2581Williams", + -11.482051849365234 + ], + [ + "\u2581membres", + -11.482056617736816 + ], + [ + "\u2581mor", + -11.48209285736084 + ], + [ + "Art", + -11.482094764709473 + ], + [ + "\u2581condi", + -11.482426643371582 + ], + [ + "\u2581dunque", + -11.482513427734377 + ], + [ + "\u2581seule", + -11.482516288757324 + ], + [ + "scripts", + -11.482648849487305 + ], + [ + "\u2581Einrichtungen", + -11.48281192779541 + ], + [ + "\u2581Rad", + -11.48288345336914 + ], + [ + "\u2581geven", + -11.483288764953612 + ], + [ + "\u2581increased", + -11.484123229980469 + ], + [ + "Bytes", + -11.484804153442385 + ], + [ + "\u2581implementation", + -11.484813690185549 + ], + [ + "rel", + -11.484832763671877 + ], + [ + "\u2581alternative", + -11.484888076782228 + ], + [ + "\u2581easily", + -11.485383987426758 + ], + [ + "\u2581Anlagen", + -11.486016273498535 + ], + [ + "\u2581density", + -11.486063957214355 + ], + [ + "\u2581RE", + -11.486088752746582 + ], + [ + "\u2581Mestre", + -11.486166000366213 + ], + [ + "\u2581desta", + -11.48641872406006 + ], + [ + "\u2581independent", + -11.486544609069824 + ], + [ + "\u2581applications", + -11.487024307250977 + ], + [ + "\u2581Chris", + -11.487139701843262 + ], + [ + "arch", + -11.487188339233398 + ], + [ + "\u2581Ebene", + -11.487224578857422 + ], + [ + "ence", + -11.487380981445312 + ], + [ + "\u2581siete", + -11.487780570983888 + ], + [ + "\u2581Line", + -11.487798690795898 + ], + [ + "\u2581leader", + -11.487910270690918 + ], + [ + "\u2581products", + -11.487977027893066 + ], + [ + "\u2581importanti", + -11.488092422485352 + ], + [ + "\u2581pr\u00f3prio", + -11.488107681274414 + ], + [ + "fields", + -11.48820972442627 + ], + [ + "Post", + -11.488438606262209 + ], + [ + "\u2581Ke", + -11.4884672164917 + ], + [ + "\u2581Vorschlag", + -11.488489151000977 + ], + [ + "\u2581Primera", + -11.48853588104248 + ], + [ + "CMakeFiles", + -11.48854923248291 + ], + [ + "ME", + -11.488590240478516 + ], + [ + "\u2581ristoranti", + -11.48867416381836 + ], + [ + "\u2581hoe", + -11.488706588745115 + ], + [ + "NEN", + -11.48885440826416 + ], + [ + "\u2581parce", + -11.489258766174316 + ], + [ + "\u2581District", + -11.489415168762209 + ], + [ + "\u2581cuales", + -11.489520072937012 + ], + [ + "\u2581structures", + -11.489641189575195 + ], + [ + "\u2581propio", + -11.489832878112791 + ], + [ + "\u2581Willem", + -11.490028381347656 + ], + [ + "\u00e9quipe", + -11.490137100219728 + ], + [ + "\u2581influence", + -11.490510940551758 + ], + [ + "\u2581nulla", + -11.490517616271973 + ], + [ + "\u2581eiland", + -11.490751266479492 + ], + [ + "aram", + -11.4909086227417 + ], + [ + "\u2581nombreuses", + -11.490997314453123 + ], + [ + "\u2581proyecto", + -11.491134643554688 + ], + [ + "\u2581n\u00e4chsten", + -11.491138458251951 + ], + [ + "PORT", + -11.491658210754396 + ], + [ + "\u2581DER", + -11.491710662841797 + ], + [ + "\u2581meeste", + -11.492002487182615 + ], + [ + "auch", + -11.492289543151855 + ], + [ + "\u2581Britse", + -11.492526054382324 + ], + [ + "gy", + -11.492728233337402 + ], + [ + "\u2581succ", + -11.492806434631348 + ], + [ + "\u2581grunds\u00e4tzlich", + -11.493101119995115 + ], + [ + "\u2581bottom", + -11.49362564086914 + ], + [ + "\u2581ber\u00fccksichtigt", + -11.493670463562012 + ], + [ + "platform", + -11.493715286254885 + ], + [ + "iti", + -11.494001388549805 + ], + [ + "EP", + -11.494458198547363 + ], + [ + "\u2581Br", + -11.49455738067627 + ], + [ + "\u2581Bell", + -11.494588851928713 + ], + [ + "\u2581homme", + -11.49500846862793 + ], + [ + "ela", + -11.495216369628906 + ], + [ + "raise", + -11.495491027832031 + ], + [ + "\u2581adj", + -11.495548248291016 + ], + [ + "\u2581erh\u00e4lt", + -11.49571704864502 + ], + [ + "\u2581Nei", + -11.495755195617676 + ], + [ + "\u2581meaning", + -11.495902061462402 + ], + [ + "avoir", + -11.495935440063477 + ], + [ + "buf", + -11.49635410308838 + ], + [ + "\u2581actions", + -11.496365547180176 + ], + [ + "LD", + -11.496427536010742 + ], + [ + "send", + -11.496501922607422 + ], + [ + "ables", + -11.496647834777832 + ], + [ + "\u2581diritto", + -11.496664047241213 + ], + [ + "\u2581Gesundheit", + -11.496946334838867 + ], + [ + "\u2581solutions", + -11.49705696105957 + ], + [ + "\u2581successo", + -11.49712085723877 + ], + [ + "\u2581experiment", + -11.497200012207031 + ], + [ + "\u2581external", + -11.497260093688965 + ], + [ + "\u2581gave", + -11.497291564941406 + ], + [ + "\u2581locais", + -11.497507095336914 + ], + [ + "username", + -11.497817039489746 + ], + [ + "\u2581Oxford", + -11.498104095458984 + ], + [ + "exec", + -11.498214721679688 + ], + [ + "vam", + -11.498238563537598 + ], + [ + "\u2581Victoria", + -11.49858283996582 + ], + [ + "metadata", + -11.498600006103516 + ], + [ + "NODE", + -11.498659133911133 + ], + [ + "rgb", + -11.498719215393066 + ], + [ + "immer", + -11.498724937438965 + ], + [ + "\u2581cabe", + -11.498844146728516 + ], + [ + "chan", + -11.498991012573242 + ], + [ + "\u2581localit\u00e0", + -11.499226570129396 + ], + [ + "DIE", + -11.499255180358888 + ], + [ + "\u2581Gu", + -11.499467849731444 + ], + [ + "Ja", + -11.49986457824707 + ], + [ + "some", + -11.499978065490724 + ], + [ + "\u2581Heinrich", + -11.5001859664917 + ], + [ + "sdk", + -11.50027084350586 + ], + [ + "\u2581conforme", + -11.500283241271973 + ], + [ + "\u2581established", + -11.50040054321289 + ], + [ + "\u2581recherche", + -11.50047206878662 + ], + [ + "\u2581custom", + -11.500561714172363 + ], + [ + "\u2581querer", + -11.500625610351562 + ], + [ + "\u2581brand", + -11.500873565673828 + ], + [ + "\u2581puntos", + -11.501093864440918 + ], + [ + "mor", + -11.501382827758787 + ], + [ + "\u2581token", + -11.501408576965332 + ], + [ + "ay", + -11.501763343811035 + ], + [ + "MP", + -11.501848220825195 + ], + [ + "\u2581genau", + -11.502069473266602 + ], + [ + "\u2581published", + -11.502154350280762 + ], + [ + "\u2581factors", + -11.50221061706543 + ], + [ + "gua", + -11.502360343933104 + ], + [ + "\u2581papa", + -11.502449989318848 + ], + [ + "\u2581vele", + -11.502469062805176 + ], + [ + "\u2581star", + -11.50301456451416 + ], + [ + "\u2581Paolo", + -11.503108024597168 + ], + [ + "License", + -11.503270149230955 + ], + [ + "\u2581Germania", + -11.503355026245115 + ], + [ + "\u2581Ton", + -11.503362655639648 + ], + [ + "\u2581couple", + -11.503499984741213 + ], + [ + "PH", + -11.503555297851562 + ], + [ + "\u2581Gar", + -11.503591537475586 + ], + [ + "\u2581NULL", + -11.503615379333496 + ], + [ + "\u2581Richter", + -11.503729820251465 + ], + [ + "Ber\u00fccksichtigung", + -11.504597663879396 + ], + [ + "\u2581Computer", + -11.504705429077148 + ], + [ + "\u2581Ki", + -11.50479793548584 + ], + [ + "\u2581Base", + -11.504858016967772 + ], + [ + "\u2581confine", + -11.504964828491213 + ], + [ + "\u2581Final", + -11.505123138427734 + ], + [ + "archive", + -11.505221366882324 + ], + [ + "lis", + -11.50529670715332 + ], + [ + "\u2581oft", + -11.505300521850586 + ], + [ + "\u2581befinden", + -11.50561237335205 + ], + [ + "\u2581wollte", + -11.505677223205566 + ], + [ + "\u2581Behandlung", + -11.50568389892578 + ], + [ + "errors", + -11.506144523620604 + ], + [ + "flow", + -11.506321907043455 + ], + [ + "\u2581humanos", + -11.506434440612791 + ], + [ + "Est", + -11.506553649902344 + ], + [ + "\u2581Cambridge", + -11.50656795501709 + ], + [ + "\u2581Alberto", + -11.506759643554688 + ], + [ + "\u2581late", + -11.507112503051758 + ], + [ + "\u2581censo", + -11.50721549987793 + ], + [ + "\u2581Diskussion", + -11.5073823928833 + ], + [ + "\u2581escrito", + -11.507457733154297 + ], + [ + "Arg", + -11.507597923278809 + ], + [ + "\u2581Asia", + -11.507713317871094 + ], + [ + "\u2581Verwaltung", + -11.507850646972656 + ], + [ + "\u2581normalmente", + -11.507926940917969 + ], + [ + "\u2581aproximadamente", + -11.507962226867676 + ], + [ + "\u2581enorme", + -11.508063316345217 + ], + [ + "helper", + -11.508103370666504 + ], + [ + "gue", + -11.508258819580078 + ], + [ + "\u2581Rn", + -11.508291244506836 + ], + [ + "gabe", + -11.508333206176758 + ], + [ + "\u2581growth", + -11.508427619934082 + ], + [ + "\u2581According", + -11.508587837219238 + ], + [ + "\u2581miss", + -11.508822441101074 + ], + [ + "\u2581limited", + -11.508840560913086 + ], + [ + "\u2581existem", + -11.508914947509766 + ], + [ + "\u2581tritt", + -11.509108543395996 + ], + [ + "ward", + -11.509159088134766 + ], + [ + "\u2581Sua", + -11.509215354919434 + ], + [ + "\u2581Est", + -11.509530067443848 + ], + [ + "\u2581fond", + -11.509559631347656 + ], + [ + "\u2581Multi", + -11.509964942932127 + ], + [ + "\u2581followed", + -11.510076522827148 + ], + [ + "\u2581Methoden", + -11.510441780090332 + ], + [ + "\u2581Marc", + -11.510612487792969 + ], + [ + "\u2581Last", + -11.510717391967772 + ], + [ + "\u2581juillet", + -11.511075019836426 + ], + [ + "\u2581Western", + -11.511392593383787 + ], + [ + "Ein", + -11.511611938476562 + ], + [ + "Identifier", + -11.51167106628418 + ], + [ + "\u2581indem", + -11.511713981628418 + ], + [ + "bio", + -11.51189136505127 + ], + [ + "\u2581mercato", + -11.511992454528809 + ], + [ + "\u2581gespeeld", + -11.512011528015137 + ], + [ + "\u2581resultados", + -11.51208209991455 + ], + [ + "\u2581heraus", + -11.512295722961426 + ], + [ + "\u2581mieux", + -11.512446403503418 + ], + [ + "\u2581Geb\u00e4ude", + -11.512528419494627 + ], + [ + "\u2581memoria", + -11.512629508972168 + ], + [ + "\u2581Werte", + -11.51290512084961 + ], + [ + "Union", + -11.51307201385498 + ], + [ + "Module", + -11.513294219970703 + ], + [ + "\u2581heat", + -11.513309478759766 + ], + [ + "\u2581regionale", + -11.51345157623291 + ], + [ + "\u2581plupart", + -11.513615608215332 + ], + [ + "tische", + -11.513679504394531 + ], + [ + "elli", + -11.513742446899414 + ], + [ + "\u2581c\u00f3mo", + -11.513873100280762 + ], + [ + "gg", + -11.514039039611816 + ], + [ + "\u2581torneo", + -11.514168739318848 + ], + [ + "hy", + -11.514257431030272 + ], + [ + "\u2581Check", + -11.514267921447754 + ], + [ + "\u2581regard", + -11.514338493347168 + ], + [ + "\u2581circuit", + -11.514433860778809 + ], + [ + "san", + -11.514511108398438 + ], + [ + "\u2581einigen", + -11.514604568481444 + ], + [ + "Operation", + -11.514850616455078 + ], + [ + "\u2581francesa", + -11.514884948730469 + ], + [ + "\u2581caract", + -11.51492404937744 + ], + [ + "\u2581parfois", + -11.515107154846191 + ], + [ + "preis", + -11.515178680419922 + ], + [ + "\u2581jeune", + -11.51537036895752 + ], + [ + "daten", + -11.515405654907228 + ], + [ + "\u2581linguagem", + -11.51596736907959 + ], + [ + "\u2581nemen", + -11.515987396240234 + ], + [ + "\u2581Stuttgart", + -11.516413688659668 + ], + [ + "\u2581delete", + -11.516524314880373 + ], + [ + "zio", + -11.516958236694336 + ], + [ + "quote", + -11.517064094543455 + ], + [ + "\u2581management", + -11.517463684082031 + ], + [ + "\u2581mental", + -11.517663955688477 + ], + [ + "\u2581woman", + -11.517766952514648 + ], + [ + "\u2581difficult", + -11.517821311950684 + ], + [ + "\u2581sum", + -11.517833709716797 + ], + [ + "\u2581box", + -11.517845153808594 + ], + [ + "sig", + -11.517889022827148 + ], + [ + "See", + -11.51789665222168 + ], + [ + "FA", + -11.518065452575684 + ], + [ + "\u2581connexes", + -11.518184661865234 + ], + [ + "\u2581relationship", + -11.518282890319824 + ], + [ + "wand", + -11.518497467041016 + ], + [ + "webpack", + -11.518560409545898 + ], + [ + "station", + -11.518638610839844 + ], + [ + "anni", + -11.518824577331545 + ], + [ + "\u2581imp", + -11.518970489501951 + ], + [ + "\u2581ser\u00eda", + -11.51908016204834 + ], + [ + "\u2581laten", + -11.519098281860352 + ], + [ + "\u2581cinque", + -11.519119262695312 + ], + [ + "\u2581measure", + -11.519157409667969 + ], + [ + "Core", + -11.519168853759766 + ], + [ + "\u2581idee", + -11.51920223236084 + ], + [ + "UAL", + -11.519352912902832 + ], + [ + "bild", + -11.519365310668944 + ], + [ + "\u2581sicher", + -11.519368171691896 + ], + [ + "Stack", + -11.51960277557373 + ], + [ + "\u2581story", + -11.51966953277588 + ], + [ + "Storage", + -11.519728660583496 + ], + [ + "\u00e9tat", + -11.519770622253418 + ], + [ + "ney", + -11.519824981689451 + ], + [ + "\u2581Socorro", + -11.520119667053224 + ], + [ + "\u2581Beach", + -11.520371437072754 + ], + [ + "beh", + -11.52050495147705 + ], + [ + "Params", + -11.520739555358888 + ], + [ + "\u2581vorliegenden", + -11.520840644836426 + ], + [ + "\u2581rec", + -11.52099895477295 + ], + [ + "\u2581Gr\u00fcnde", + -11.521119117736816 + ], + [ + "\u2581Gemeinden", + -11.521367073059082 + ], + [ + "\u2581sorti", + -11.521477699279783 + ], + [ + "\u2581membro", + -11.521567344665527 + ], + [ + "\u2581einde", + -11.522340774536133 + ], + [ + "\u2581janeiro", + -11.522350311279297 + ], + [ + "\u2581Although", + -11.522611618041992 + ], + [ + "\u2581terreno", + -11.52263069152832 + ], + [ + "\u2581Other", + -11.52263641357422 + ], + [ + "nza", + -11.522683143615724 + ], + [ + "\u2581altijd", + -11.522869110107422 + ], + [ + "ffentliche", + -11.522881507873535 + ], + [ + "\u2581sozialen", + -11.523192405700684 + ], + [ + "Vi", + -11.523208618164062 + ], + [ + "\u2581zehn", + -11.523233413696287 + ], + [ + "\u2581cine", + -11.523285865783691 + ], + [ + "LICENSE", + -11.523645401000977 + ], + [ + "eiten", + -11.523646354675291 + ], + [ + "\u2581haut", + -11.52382469177246 + ], + [ + "Am", + -11.524041175842283 + ], + [ + "Msg", + -11.524249076843262 + ], + [ + "\u2581soon", + -11.524274826049805 + ], + [ + "GL", + -11.524344444274902 + ], + [ + "\u2581Arbeitnehmer", + -11.524352073669434 + ], + [ + "\u2581necessario", + -11.52441120147705 + ], + [ + "\u2581convirti\u00f3", + -11.524462699890137 + ], + [ + "klasse", + -11.524470329284668 + ], + [ + "\u2581orientale", + -11.524842262268066 + ], + [ + "\u2581manier", + -11.52485179901123 + ], + [ + "\u2581linee", + -11.52505588531494 + ], + [ + "durchschnittlich", + -11.525060653686523 + ], + [ + "Auto", + -11.525145530700684 + ], + [ + "\u2581musica", + -11.525330543518066 + ], + [ + "\u2581\u00fcbrigen", + -11.525392532348633 + ], + [ + "\u2581produit", + -11.52562141418457 + ], + [ + "nderungen", + -11.525752067565918 + ], + [ + "\u2581vive", + -11.52577018737793 + ], + [ + "ologia", + -11.52586269378662 + ], + [ + "axis", + -11.526166915893556 + ], + [ + "gu", + -11.526314735412598 + ], + [ + "CP", + -11.526333808898926 + ], + [ + "\u2581gesamten", + -11.526373863220217 + ], + [ + "\u2581propose", + -11.52647876739502 + ], + [ + "\u2581fire", + -11.527162551879885 + ], + [ + "\u2581pelas", + -11.527169227600098 + ], + [ + "\u2581Order", + -11.527369499206545 + ], + [ + "\u2581verbunden", + -11.527369499206545 + ], + [ + "\u2581diferencia", + -11.52764892578125 + ], + [ + "\u2581wait", + -11.527687072753906 + ], + [ + "emos", + -11.527766227722168 + ], + [ + "cin", + -11.527982711791992 + ], + [ + "\u2581monte", + -11.52834129333496 + ], + [ + "tijd", + -11.528363227844238 + ], + [ + "LE", + -11.528420448303224 + ], + [ + "ning", + -11.528573036193848 + ], + [ + "\u2581gel", + -11.528684616088867 + ], + [ + "\u2581UK", + -11.52886199951172 + ], + [ + "\u2581ensure", + -11.529417991638184 + ], + [ + "\u2581R\u00fcck", + -11.52976131439209 + ], + [ + "\u2581liste", + -11.529854774475098 + ], + [ + "weiten", + -11.52987575531006 + ], + [ + "\u2581Ban", + -11.529921531677246 + ], + [ + "\u2581loi", + -11.529950141906738 + ], + [ + "AB", + -11.530136108398438 + ], + [ + "\u2581Up", + -11.53016471862793 + ], + [ + "\u2581genutzt", + -11.53023624420166 + ], + [ + "cken", + -11.530386924743652 + ], + [ + "\u2581testa", + -11.53049659729004 + ], + [ + "sson", + -11.530518531799316 + ], + [ + "\u2581Reich", + -11.530621528625488 + ], + [ + "\u2581iets", + -11.530996322631836 + ], + [ + "rdert", + -11.531046867370604 + ], + [ + "board", + -11.531457901000977 + ], + [ + "\u2581hoy", + -11.531463623046877 + ], + [ + "\u2581classifica", + -11.53154754638672 + ], + [ + "\u2581Antiga", + -11.531922340393066 + ], + [ + "\u2581Secondo", + -11.531923294067385 + ], + [ + "\u2581regional", + -11.53209114074707 + ], + [ + "ated", + -11.53211498260498 + ], + [ + "\u2581palavras", + -11.5321683883667 + ], + [ + "NET", + -11.532214164733888 + ], + [ + "\u2581Kar", + -11.532249450683594 + ], + [ + "pip", + -11.532254219055176 + ], + [ + "webkit", + -11.532388687133787 + ], + [ + "rus", + -11.532513618469238 + ], + [ + "\u2581cinq", + -11.53260612487793 + ], + [ + "\u2581round", + -11.532644271850586 + ], + [ + "\u2581Date", + -11.532719612121582 + ], + [ + "\u2581RINVIA", + -11.532886505126951 + ], + [ + "\u2581screen", + -11.533347129821776 + ], + [ + "gut", + -11.53354835510254 + ], + [ + "\u2581constante", + -11.533597946166992 + ], + [ + "\u2581planta", + -11.534079551696776 + ], + [ + "avait", + -11.534221649169922 + ], + [ + "\u2581Game", + -11.534255981445312 + ], + [ + "\u2581directeur", + -11.534503936767578 + ], + [ + "expect", + -11.534624099731444 + ], + [ + "\u2581contrario", + -11.535161018371582 + ], + [ + "\u2581leicht", + -11.53544807434082 + ], + [ + "\u2581aumento", + -11.535451889038086 + ], + [ + "ukunft", + -11.535481452941896 + ], + [ + "\u2581aree", + -11.535602569580078 + ], + [ + "\u2581Embora", + -11.535881996154783 + ], + [ + "\u2581cantante", + -11.536014556884766 + ], + [ + "PC", + -11.536022186279297 + ], + [ + "\u2581ritorno", + -11.536033630371094 + ], + [ + "\u2581unserer", + -11.53611660003662 + ], + [ + "\u2581Stimmen", + -11.536138534545898 + ], + [ + "\u2581Route", + -11.536455154418944 + ], + [ + "\u2581divenne", + -11.53648853302002 + ], + [ + "\u2581betr\u00e4gt", + -11.536832809448242 + ], + [ + "ings", + -11.536894798278809 + ], + [ + "change", + -11.536909103393556 + ], + [ + "cion", + -11.537375450134276 + ], + [ + "\u2581Later", + -11.53738784790039 + ], + [ + "\u2581monta", + -11.537522315979004 + ], + [ + "\u2581Chiesa", + -11.537571907043455 + ], + [ + "Sa", + -11.537590026855469 + ], + [ + "\u2581milioni", + -11.537615776062012 + ], + [ + "\u2581percorso", + -11.537801742553713 + ], + [ + "hal", + -11.53785514831543 + ], + [ + "alis", + -11.537915229797363 + ], + [ + "\u2581Landwirtschaft", + -11.53803253173828 + ], + [ + "\u2581miles", + -11.538093566894531 + ], + [ + "Cluster", + -11.538128852844238 + ], + [ + "\u2581facilmente", + -11.538352966308594 + ], + [ + "\u2581Health", + -11.53843593597412 + ], + [ + "\u2581degree", + -11.538447380065918 + ], + [ + "\u2581contain", + -11.538485527038574 + ], + [ + "\u2581procedure", + -11.538644790649414 + ], + [ + "\u2581Site", + -11.53867530822754 + ], + [ + "\u2581DDR", + -11.538726806640623 + ], + [ + "\u2581Min", + -11.538902282714844 + ], + [ + "\u2581acteur", + -11.53897476196289 + ], + [ + "\u2581passato", + -11.539134979248049 + ], + [ + "manager", + -11.539193153381348 + ], + [ + "\u2581zudem", + -11.53934097290039 + ], + [ + "async", + -11.53940773010254 + ], + [ + "\u2581meestal", + -11.539448738098145 + ], + [ + "\u2581pubblici", + -11.539661407470703 + ], + [ + "\u2581Probleme", + -11.539908409118652 + ], + [ + "\u2581gira", + -11.540058135986328 + ], + [ + "mico", + -11.540236473083496 + ], + [ + "Window", + -11.540456771850586 + ], + [ + "\u2581education", + -11.540472984313965 + ], + [ + "\u2581direzione", + -11.54068374633789 + ], + [ + "game", + -11.54071807861328 + ], + [ + "aide", + -11.540830612182615 + ], + [ + "\u2581Africa", + -11.54083251953125 + ], + [ + "\u2581office", + -11.540885925292969 + ], + [ + "gesellschaft", + -11.540969848632812 + ], + [ + "\u2581Commission", + -11.541097640991213 + ], + [ + "Channel", + -11.541168212890623 + ], + [ + "\u2581all\u00ed", + -11.541213989257812 + ], + [ + "\u2581Home", + -11.541275024414062 + ], + [ + "\u2581People", + -11.541375160217283 + ], + [ + "\u2581Bewertung", + -11.541556358337402 + ], + [ + "bobob", + -11.541638374328612 + ], + [ + "where", + -11.54183292388916 + ], + [ + "usage", + -11.541974067687988 + ], + [ + "multi", + -11.542913436889648 + ], + [ + "obobo", + -11.5430326461792 + ], + [ + "\u2581Dor", + -11.543296813964844 + ], + [ + "\u2581gewonnen", + -11.543362617492676 + ], + [ + "\u2581noche", + -11.543416023254396 + ], + [ + "\u2581formal", + -11.543466567993164 + ], + [ + "\u2581starting", + -11.54351806640625 + ], + [ + "ort", + -11.543553352355955 + ], + [ + "lijn", + -11.543643951416016 + ], + [ + "\u2581Castro", + -11.543986320495604 + ], + [ + "\u2581src", + -11.544118881225586 + ], + [ + "\u2581Beteiligung", + -11.54421043395996 + ], + [ + "\u2581corre", + -11.5443115234375 + ], + [ + "\u2581jeden", + -11.54474925994873 + ], + [ + "green", + -11.54482364654541 + ], + [ + "\u2581ihres", + -11.54492473602295 + ], + [ + "zahl", + -11.545015335083008 + ], + [ + "\u2581sitio", + -11.54511833190918 + ], + [ + "\u2581primary", + -11.54560375213623 + ], + [ + "\u2581fanno", + -11.545766830444336 + ], + [ + "\u2581score", + -11.545886039733888 + ], + [ + "\u2581CMD", + -11.545941352844238 + ], + [ + "\u2581Blut", + -11.54611110687256 + ], + [ + "\u2581pensar", + -11.546151161193848 + ], + [ + "\u2581Kong", + -11.546173095703123 + ], + [ + "sti", + -11.54648208618164 + ], + [ + "\u2581century", + -11.546626091003418 + ], + [ + "eqref", + -11.546914100646973 + ], + [ + "ial", + -11.546971321105955 + ], + [ + "rest", + -11.547096252441406 + ], + [ + "\u2581ingl", + -11.547159194946287 + ], + [ + "\u2581percent", + -11.547337532043455 + ], + [ + "\u2581choice", + -11.547595024108888 + ], + [ + "\u2581WARRANTIES", + -11.54770278930664 + ], + [ + "room", + -11.547751426696776 + ], + [ + "\u2581lunga", + -11.5479097366333 + ], + [ + "\u2581toont", + -11.547993659973145 + ], + [ + "\u2581involved", + -11.54833698272705 + ], + [ + "\u2581wedstrijd", + -11.548348426818848 + ], + [ + "\u2581entire", + -11.54849910736084 + ], + [ + "\u2581genre", + -11.54859733581543 + ], + [ + "\u2581grave", + -11.548803329467772 + ], + [ + "mir", + -11.549013137817385 + ], + [ + "\u2581Norden", + -11.549027442932127 + ], + [ + "\u2581console", + -11.54903507232666 + ], + [ + "\u2581Even", + -11.549147605895996 + ], + [ + "\u2581mg", + -11.549203872680664 + ], + [ + "\u2581ratio", + -11.549256324768066 + ], + [ + "Write", + -11.54926872253418 + ], + [ + "\u2581terwijl", + -11.549437522888184 + ], + [ + "NA", + -11.5494966506958 + ], + [ + "\u2581binary", + -11.549625396728516 + ], + [ + "uc", + -11.549784660339355 + ], + [ + "keit", + -11.549805641174316 + ], + [ + "\u2581Ger", + -11.550088882446287 + ], + [ + "\u2581besondere", + -11.550209045410156 + ], + [ + "\u2581pot", + -11.55041790008545 + ], + [ + "\u2581Times", + -11.550463676452637 + ], + [ + "\u2581Roberto", + -11.550600051879885 + ], + [ + "\u2581environ", + -11.55069637298584 + ], + [ + "SH", + -11.550737380981444 + ], + [ + "\u2581documento", + -11.550826072692873 + ], + [ + "\u2581entwickelt", + -11.550959587097168 + ], + [ + "\u2581cabeza", + -11.551045417785645 + ], + [ + "\u2581Virginia", + -11.551107406616213 + ], + [ + "\u2581Herr", + -11.551212310791016 + ], + [ + "\u2581Uni\u00f3n", + -11.551351547241213 + ], + [ + "\u2581r\u00e9seau", + -11.55141544342041 + ], + [ + "\u2581revista", + -11.551493644714355 + ], + [ + "\u2581Produkt", + -11.551521301269531 + ], + [ + "\u2581fall", + -11.551563262939451 + ], + [ + "\u2581Prof", + -11.551682472229004 + ], + [ + "Entity", + -11.551706314086914 + ], + [ + "\u2581festival", + -11.552206039428713 + ], + [ + "wasser", + -11.552255630493164 + ], + [ + "kraft", + -11.552282333374023 + ], + [ + "\u2581estudios", + -11.55235195159912 + ], + [ + "\u2581Giuseppe", + -11.552456855773926 + ], + [ + "\u2581Boston", + -11.552634239196776 + ], + [ + "Ca", + -11.552865028381348 + ], + [ + "\u2581llegar", + -11.552922248840332 + ], + [ + "\u2581controllo", + -11.552936553955078 + ], + [ + "\u2581nimmt", + -11.553165435791016 + ], + [ + "\u2581grands", + -11.553215026855469 + ], + [ + "Values", + -11.553627014160156 + ], + [ + "\u2581centri", + -11.553632736206056 + ], + [ + "\u2581lorsque", + -11.553750038146973 + ], + [ + "\u2581Hay", + -11.553753852844238 + ], + [ + "\u2581diff\u00e9rents", + -11.55390453338623 + ], + [ + "\u2581Esto", + -11.553915977478027 + ], + [ + "\u2581Kontrolle", + -11.554017066955566 + ], + [ + "\u2581Salvador", + -11.554244995117188 + ], + [ + "mini", + -11.554319381713867 + ], + [ + "\u2581Uni", + -11.554454803466797 + ], + [ + "\u2581correlate", + -11.55450439453125 + ], + [ + "\u2581alem", + -11.554776191711426 + ], + [ + "\u2581reading", + -11.55503749847412 + ], + [ + "\u2581darin", + -11.555468559265137 + ], + [ + "erde", + -11.555536270141602 + ], + [ + "\u2581visual", + -11.555708885192873 + ], + [ + "\u2581moderna", + -11.555870056152344 + ], + [ + "\u2581Duitsland", + -11.556057929992676 + ], + [ + "\u2581turno", + -11.556142807006836 + ], + [ + "tti", + -11.557100296020508 + ], + [ + "\u2581Jes", + -11.557252883911133 + ], + [ + "\u2581Sh", + -11.557381629943848 + ], + [ + "RT", + -11.557477951049805 + ], + [ + "\u2581lleg\u00f3", + -11.557814598083496 + ], + [ + "\u2581posteriormente", + -11.557916641235352 + ], + [ + "\u2581west", + -11.557961463928224 + ], + [ + "ordnung", + -11.558035850524902 + ], + [ + "\u2581stations", + -11.558233261108398 + ], + [ + "\u2581eux", + -11.558451652526855 + ], + [ + "\u2581integer", + -11.558589935302734 + ], + [ + "\u2581Poly", + -11.558751106262209 + ], + [ + "\u2581construcci\u00f3n", + -11.558892250061035 + ], + [ + "Metadata", + -11.558894157409668 + ], + [ + "\u2581Tat", + -11.559067726135254 + ], + [ + "\u2581autour", + -11.559175491333008 + ], + [ + "\u2581Handels", + -11.559202194213867 + ], + [ + "\u2581bytes", + -11.559223175048828 + ], + [ + "\u2581TO", + -11.559279441833496 + ], + [ + "\u2581sah", + -11.55943202972412 + ], + [ + "punkt", + -11.559489250183104 + ], + [ + "\u2581Bayern", + -11.559859275817873 + ], + [ + "Parameters", + -11.559911727905272 + ], + [ + "\u2581dezelfde", + -11.560099601745604 + ], + [ + "\u2581Indian", + -11.56020164489746 + ], + [ + "\u2581Burg", + -11.560501098632812 + ], + [ + "optional", + -11.560815811157228 + ], + [ + "\u2581geralmente", + -11.560866355895996 + ], + [ + "\u2581originale", + -11.561433792114258 + ], + [ + "\u2581Hogwarts", + -11.56161880493164 + ], + [ + "\u2581connected", + -11.561779975891112 + ], + [ + "fold", + -11.561805725097656 + ], + [ + "Collegamenti", + -11.562189102172852 + ], + [ + "ika", + -11.56228256225586 + ], + [ + "Li", + -11.562467575073242 + ], + [ + "mel", + -11.562478065490724 + ], + [ + "\u2581parco", + -11.562482833862305 + ], + [ + "\u2581problemi", + -11.562551498413086 + ], + [ + "\u2581configura", + -11.562666893005373 + ], + [ + "INCLUDE", + -11.56272792816162 + ], + [ + "\u2581tax", + -11.562816619873049 + ], + [ + "\u2581released", + -11.562881469726562 + ], + [ + "nicos", + -11.563057899475098 + ], + [ + "\u2581gebruiken", + -11.563209533691406 + ], + [ + "\u2581review", + -11.563558578491213 + ], + [ + "\u2581Diego", + -11.56386661529541 + ], + [ + "\u2581requests", + -11.563958168029783 + ], + [ + "\u2581Soll", + -11.564002990722656 + ], + [ + "\u2581DIE", + -11.564239501953123 + ], + [ + "TM", + -11.564255714416504 + ], + [ + "\u2581bestaan", + -11.564332962036133 + ], + [ + "\u2581situazione", + -11.564380645751951 + ], + [ + "mia", + -11.564404487609863 + ], + [ + "\u2581rivi", + -11.564416885375977 + ], + [ + "Pre", + -11.564459800720217 + ], + [ + "dorf", + -11.56446933746338 + ], + [ + "arbeit", + -11.564584732055664 + ], + [ + "\u2581;;", + -11.564691543579102 + ], + [ + "\u2581compare", + -11.565098762512209 + ], + [ + "\u2581namespace", + -11.565252304077148 + ], + [ + "Car", + -11.565353393554688 + ], + [ + "\u2581terme", + -11.56536865234375 + ], + [ + "language", + -11.56538200378418 + ], + [ + "\u2581bisherigen", + -11.56560230255127 + ], + [ + "\u2581schnell", + -11.565750122070312 + ], + [ + "Attribute", + -11.565784454345703 + ], + [ + "\u2581ronde", + -11.566017150878906 + ], + [ + "\u2581processes", + -11.566126823425291 + ], + [ + "\u2581Awards", + -11.567028999328612 + ], + [ + "\u2581vu", + -11.567041397094728 + ], + [ + "\u2581ubicado", + -11.5670747756958 + ], + [ + "PA", + -11.567094802856444 + ], + [ + "\u2581welches", + -11.567147254943848 + ], + [ + "\u2581Premier", + -11.567176818847656 + ], + [ + "\u2581Ou", + -11.567578315734863 + ], + [ + "\u2581cap", + -11.567747116088867 + ], + [ + "\u2581tun", + -11.567838668823242 + ], + [ + "tk", + -11.567989349365234 + ], + [ + "\u2581tend", + -11.568045616149902 + ], + [ + "\u2581correspond", + -11.56806182861328 + ], + [ + "eth", + -11.568288803100586 + ], + [ + "\u2581erkennen", + -11.568293571472168 + ], + [ + "\u2581ok", + -11.568321228027344 + ], + [ + "\u2581prodotti", + -11.568402290344238 + ], + [ + "\u2581energia", + -11.568459510803224 + ], + [ + "FILES", + -11.568631172180176 + ], + [ + "\u2581civile", + -11.568682670593262 + ], + [ + "gemeinschaft", + -11.568758964538574 + ], + [ + "\u2581guida", + -11.568793296813965 + ], + [ + "\u2581musique", + -11.568838119506836 + ], + [ + "\u2581Bernard", + -11.568893432617188 + ], + [ + "ARN", + -11.568939208984377 + ], + [ + "zia", + -11.568939208984377 + ], + [ + "\u2581M\u00e4nner", + -11.56894302368164 + ], + [ + "settings", + -11.568981170654297 + ], + [ + "\u2581gaf", + -11.569090843200684 + ], + [ + "\u2581Dar\u00fcber", + -11.569135665893556 + ], + [ + "\u2581Juegos", + -11.56940746307373 + ], + [ + "\u2581ret", + -11.569485664367676 + ], + [ + "pel", + -11.569672584533691 + ], + [ + "eira", + -11.570178985595703 + ], + [ + "\u2581septembre", + -11.570308685302734 + ], + [ + "\u2581politischen", + -11.570405006408691 + ], + [ + "\u2581poss", + -11.57040786743164 + ], + [ + "\u2581Georg", + -11.570586204528809 + ], + [ + "\u2581Franco", + -11.570640563964844 + ], + [ + "\u2581Verh\u00e4ltnis", + -11.570650100708008 + ], + [ + "\u2581Mitarbeiter", + -11.571014404296877 + ], + [ + "\u2581Sicht", + -11.571041107177734 + ], + [ + "\u2581Aufnahme", + -11.571049690246582 + ], + [ + "Debug", + -11.571171760559082 + ], + [ + "\u2581cancer", + -11.571685791015623 + ], + [ + "\u2581abbiamo", + -11.571799278259276 + ], + [ + "\u2581presented", + -11.571860313415527 + ], + [ + "\u2581master", + -11.57188606262207 + ], + [ + "et\u00e0", + -11.571890830993652 + ], + [ + "\u2581setembro", + -11.572179794311523 + ], + [ + "VC", + -11.572315216064451 + ], + [ + "Ex", + -11.572467803955078 + ], + [ + "\u2581Facebook", + -11.57292652130127 + ], + [ + "\u2581ask", + -11.572969436645508 + ], + [ + "\u2581Dann", + -11.573009490966797 + ], + [ + "\u2581limitations", + -11.573044776916504 + ], + [ + "utf", + -11.573076248168944 + ], + [ + "\u2581Pietro", + -11.573084831237791 + ], + [ + "\u2581incluindo", + -11.573190689086914 + ], + [ + "\u2581nie", + -11.573256492614746 + ], + [ + "CDU", + -11.573275566101074 + ], + [ + "\u2581zelfs", + -11.573410987854004 + ], + [ + "ese", + -11.57371425628662 + ], + [ + "\u2581Mer", + -11.573785781860352 + ], + [ + "\u2581mesure", + -11.57393741607666 + ], + [ + "rit", + -11.574013710021973 + ], + [ + "\u2581Ernst", + -11.57419776916504 + ], + [ + "\u2581Cap", + -11.574315071105955 + ], + [ + "\u2581alte", + -11.574458122253418 + ], + [ + "\u2581femmes", + -11.574726104736328 + ], + [ + "\u2581zouden", + -11.574905395507812 + ], + [ + "\u2581stream", + -11.574950218200684 + ], + [ + "\u2581App", + -11.574953079223633 + ], + [ + "\u2581sole", + -11.575302124023438 + ], + [ + "\u2581Department", + -11.575313568115234 + ], + [ + "\u2581missing", + -11.575323104858398 + ], + [ + "\u2581avaient", + -11.575409889221191 + ], + [ + "dan", + -11.57550811767578 + ], + [ + "\u2581setzt", + -11.57578945159912 + ], + [ + "\u2581division", + -11.576050758361816 + ], + [ + "textit", + -11.576115608215332 + ], + [ + "\u2581publicado", + -11.576126098632812 + ], + [ + "\u2581Steve", + -11.576332092285156 + ], + [ + "\u2581Str", + -11.576377868652344 + ], + [ + "\u2581Night", + -11.576541900634766 + ], + [ + "DF", + -11.57657527923584 + ], + [ + "\u2581quarto", + -11.576611518859863 + ], + [ + "\u2581onderzoek", + -11.576892852783203 + ], + [ + "\u2581reduce", + -11.576921463012695 + ], + [ + "\u2581representation", + -11.576972007751465 + ], + [ + "lab", + -11.577075958251951 + ], + [ + "\u2581Ros", + -11.577153205871582 + ], + [ + "\u2581europ\u00e4ischen", + -11.57723331451416 + ], + [ + "\u2581Cada", + -11.577801704406738 + ], + [ + "\u2581protein", + -11.577879905700684 + ], + [ + "\u2581permissions", + -11.577902793884276 + ], + [ + "gia", + -11.57801342010498 + ], + [ + "\u2581waaronder", + -11.578102111816406 + ], + [ + "\u2581aqu\u00ed", + -11.578132629394531 + ], + [ + "\u2581siguientes", + -11.578252792358398 + ], + [ + "\u2581Management", + -11.578466415405272 + ], + [ + "\u2581discuss", + -11.578518867492676 + ], + [ + "\u2581passage", + -11.578583717346191 + ], + [ + "lei", + -11.57891082763672 + ], + [ + "CF", + -11.579151153564451 + ], + [ + "LP", + -11.579230308532717 + ], + [ + "\u2581exactly", + -11.579302787780762 + ], + [ + "proxy", + -11.579840660095217 + ], + [ + "\u2581Morte", + -11.580498695373535 + ], + [ + "\u2581temos", + -11.580558776855469 + ], + [ + "Big", + -11.58059310913086 + ], + [ + "\u2581Flugzeug", + -11.580636024475098 + ], + [ + "valid", + -11.58074188232422 + ], + [ + "\u2581felt", + -11.581254959106444 + ], + [ + "\u2581Lei", + -11.581296920776367 + ], + [ + "\u2581Kenntnis", + -11.581364631652832 + ], + [ + "\u2581Ring", + -11.58164119720459 + ], + [ + "parameter", + -11.58169937133789 + ], + [ + "\u2581ministre", + -11.581758499145508 + ], + [ + "\u2581Tier", + -11.58183479309082 + ], + [ + "ws", + -11.58203411102295 + ], + [ + "\u2581Gil", + -11.58218002319336 + ], + [ + "\u2581honor", + -11.58220386505127 + ], + [ + "\u2581edad", + -11.582239151000977 + ], + [ + "\u2581steps", + -11.582401275634766 + ], + [ + "\u2581Kitt", + -11.58248805999756 + ], + [ + "\u2581bonne", + -11.582551956176758 + ], + [ + "\u2581etapa", + -11.582616806030272 + ], + [ + "\u2581arrondissement", + -11.582764625549316 + ], + [ + "\u2581migliore", + -11.583025932312012 + ], + [ + "hilfe", + -11.58322525024414 + ], + [ + "qu\u00e9", + -11.583269119262695 + ], + [ + "\u2581Dove", + -11.58338451385498 + ], + [ + "\u2581figuur", + -11.583399772644045 + ], + [ + "ations", + -11.583599090576172 + ], + [ + "\u2581Kapital", + -11.58371925354004 + ], + [ + "\u2581Are", + -11.583784103393556 + ], + [ + "\u2581Taylor", + -11.583991050720217 + ], + [ + "\u2581appear", + -11.584182739257812 + ], + [ + "f\u00fcr", + -11.584392547607422 + ], + [ + "ering", + -11.58450984954834 + ], + [ + "\u2581\u00e9xito", + -11.584625244140623 + ], + [ + "\u2581choose", + -11.584776878356934 + ], + [ + "\u2581particuli", + -11.58486557006836 + ], + [ + "loader", + -11.584938049316406 + ], + [ + "\u2581\"\",", + -11.58498477935791 + ], + [ + "\u2581stress", + -11.585139274597168 + ], + [ + "tro", + -11.585165023803713 + ], + [ + "\u2581cielo", + -11.585497856140137 + ], + [ + "front", + -11.585546493530272 + ], + [ + "\u2581stack", + -11.585693359375 + ], + [ + "\u2581probabilmente", + -11.58572483062744 + ], + [ + "\u2581Leistung", + -11.58582592010498 + ], + [ + "\u2581produced", + -11.58602809906006 + ], + [ + "results", + -11.586102485656738 + ], + [ + "\u2581huidige", + -11.586133003234863 + ], + [ + "video", + -11.586240768432615 + ], + [ + "\u2581filter", + -11.586780548095703 + ], + [ + "tex", + -11.586840629577637 + ], + [ + "\u2581Jogos", + -11.58688259124756 + ], + [ + "wagen", + -11.586933135986328 + ], + [ + "\u2581sicurezza", + -11.586978912353516 + ], + [ + "strom", + -11.587431907653809 + ], + [ + "\u2581Sachsen", + -11.587589263916016 + ], + [ + "\u2581metropolitana", + -11.58765983581543 + ], + [ + "\u2581Joueur", + -11.588102340698242 + ], + [ + "\u2581Mel", + -11.588132858276367 + ], + [ + "\u2581Earth", + -11.588285446166992 + ], + [ + "t\u00e0", + -11.588329315185549 + ], + [ + "Kind", + -11.588472366333008 + ], + [ + "\u2581cara", + -11.588561058044434 + ], + [ + "\u2581ultimi", + -11.588659286499023 + ], + [ + "\u2581origen", + -11.589116096496582 + ], + [ + "\u2581Gesundheits", + -11.589153289794922 + ], + [ + "\u2581forms", + -11.58933925628662 + ], + [ + "BS", + -11.589353561401367 + ], + [ + "abs", + -11.589407920837402 + ], + [ + "CN", + -11.58957576751709 + ], + [ + "\u2581Tod", + -11.590142250061035 + ], + [ + "\u2581ficou", + -11.590188026428224 + ], + [ + "\u2581Tr\u00e4ger", + -11.59026050567627 + ], + [ + "\u2581communes", + -11.590267181396484 + ], + [ + "\u2581operations", + -11.590564727783203 + ], + [ + "\u2581conto", + -11.590569496154783 + ], + [ + "udem", + -11.59069538116455 + ], + [ + "\u2581learn", + -11.59083080291748 + ], + [ + "\u2581outubro", + -11.590886116027832 + ], + [ + "\u2581Beitrag", + -11.59091854095459 + ], + [ + "\u2581Secretary", + -11.590935707092283 + ], + [ + "\u2581sujet", + -11.591215133666992 + ], + [ + "\u2581Make", + -11.59122371673584 + ], + [ + "bahn", + -11.59129524230957 + ], + [ + "\u2581B\u00fcrger", + -11.591358184814451 + ], + [ + "\u2581inner", + -11.591425895690918 + ], + [ + "\u2581ways", + -11.591437339782717 + ], + [ + "\u2581apresenta", + -11.59152126312256 + ], + [ + "\u2581Victor", + -11.591567039489746 + ], + [ + "\u2581vorgesehen", + -11.59197235107422 + ], + [ + "\u2581N\u00e4he", + -11.59209442138672 + ], + [ + "\u2581Tony", + -11.592110633850098 + ], + [ + "\u2581comercial", + -11.5921630859375 + ], + [ + "External", + -11.592270851135254 + ], + [ + "\u2581fl", + -11.592312812805176 + ], + [ + "dag", + -11.592397689819336 + ], + [ + "\u2581Sand", + -11.592399597167969 + ], + [ + "DA", + -11.59255599975586 + ], + [ + "\u2581progetto", + -11.59267520904541 + ], + [ + "\u2581Institut", + -11.592721939086914 + ], + [ + "nie", + -11.592731475830078 + ], + [ + "erst", + -11.592769622802734 + ], + [ + "\u2581Avec", + -11.592793464660645 + ], + [ + "\u2581comuna", + -11.593095779418944 + ], + [ + "BB", + -11.59315299987793 + ], + [ + "\u2581disease", + -11.59316349029541 + ], + [ + "\u2581pr\u00e9sent", + -11.593417167663574 + ], + [ + "uta", + -11.594122886657717 + ], + [ + "\u2581Tot", + -11.594244003295898 + ], + [ + "itemize", + -11.594330787658691 + ], + [ + "\u2581Out", + -11.59437370300293 + ], + [ + "\u2581Vater", + -11.594412803649902 + ], + [ + "\u2581vervolgens", + -11.594422340393066 + ], + [ + "\u2581Prozess", + -11.59448528289795 + ], + [ + "\u2581municipal", + -11.59463882446289 + ], + [ + "bm", + -11.594682693481444 + ], + [ + "\u2581gleichzeitig", + -11.594853401184082 + ], + [ + "\u2581Aktivit\u00e4ten", + -11.594938278198242 + ], + [ + "\u2581cio", + -11.594963073730469 + ], + [ + "\u2581solito", + -11.595169067382812 + ], + [ + "\u2581pip", + -11.59519863128662 + ], + [ + "BO", + -11.59533977508545 + ], + [ + "\u2581earlier", + -11.595464706420898 + ], + [ + "\u2581welchen", + -11.595511436462402 + ], + [ + "\u2581Reihe", + -11.595551490783691 + ], + [ + "Host", + -11.595722198486328 + ], + [ + "\u2581Back", + -11.596086502075195 + ], + [ + "\u2581interessante", + -11.59611701965332 + ], + [ + "\u2581Interessen", + -11.596243858337402 + ], + [ + "hard", + -11.59662914276123 + ], + [ + "\u2581crian", + -11.596929550170898 + ], + [ + "\u2581sortie", + -11.597039222717283 + ], + [ + "\u2581progress", + -11.597051620483398 + ], + [ + "\u2581blog", + -11.597203254699709 + ], + [ + "LIBRAR", + -11.59730625152588 + ], + [ + "vue", + -11.597860336303713 + ], + [ + "\u2581meest", + -11.597905158996582 + ], + [ + "\u2581tempi", + -11.59814453125 + ], + [ + "\u2581nahm", + -11.598261833190918 + ], + [ + "\u2581politico", + -11.598264694213867 + ], + [ + "\u2581federal", + -11.598278045654297 + ], + [ + "\u2581sometimes", + -11.598288536071776 + ], + [ + "\u2581Angabe", + -11.598289489746094 + ], + [ + "\u2581somente", + -11.598350524902344 + ], + [ + "\u2581frequency", + -11.59854793548584 + ], + [ + "\u2581buona", + -11.598594665527344 + ], + [ + "\u2581mobile", + -11.598649978637695 + ], + [ + "\u2581derzeit", + -11.598694801330566 + ], + [ + "inho", + -11.598814010620115 + ], + [ + "Schema", + -11.598983764648438 + ], + [ + "\u2581relativamente", + -11.599188804626465 + ], + [ + "ualit\u00e4t", + -11.599987030029297 + ], + [ + "CI", + -11.600353240966797 + ], + [ + "\u2581bedeutet", + -11.600482940673828 + ], + [ + "insert", + -11.60081958770752 + ], + [ + "\u2581blood", + -11.601030349731444 + ], + [ + "\u2581mouvement", + -11.601102828979492 + ], + [ + "\u2581gesetzlichen", + -11.601146697998049 + ], + [ + "\u2581alguma", + -11.601150512695312 + ], + [ + "\u2581neuer", + -11.60133934020996 + ], + [ + "\u2581estrutura", + -11.601357460021973 + ], + [ + "symbol", + -11.601365089416504 + ], + [ + "assi", + -11.601387977600098 + ], + [ + "\u2581pena", + -11.601591110229492 + ], + [ + "\u2581considera", + -11.60161018371582 + ], + [ + "\u2581override", + -11.601719856262209 + ], + [ + "\u2581meet", + -11.60172176361084 + ], + [ + "Pro", + -11.60187530517578 + ], + [ + "\u2581sound", + -11.602067947387695 + ], + [ + "\u2581Ausbildungs", + -11.602108001708984 + ], + [ + "\u2581esp\u00e9cie", + -11.60215187072754 + ], + [ + "\u2581matrimonio", + -11.60216999053955 + ], + [ + "Order", + -11.602252006530762 + ], + [ + "\u2581leger", + -11.602299690246582 + ], + [ + "\u2581Gesch\u00e4fts", + -11.602320671081545 + ], + [ + "\u2581Hist\u00f3ria", + -11.602619171142578 + ], + [ + "West", + -11.60263729095459 + ], + [ + "\u2581Design", + -11.602660179138184 + ], + [ + "SS", + -11.60279369354248 + ], + [ + "\u2581Wilson", + -11.602828025817873 + ], + [ + "\u2581nuestra", + -11.60308837890625 + ], + [ + "\u2581Plus", + -11.603105545043944 + ], + [ + "\u2581Like", + -11.603591918945312 + ], + [ + "\u2581weder", + -11.603598594665527 + ], + [ + "\u2581Project", + -11.603654861450195 + ], + [ + "\u2581Gott", + -11.603667259216309 + ], + [ + "\u2581miembro", + -11.604171752929688 + ], + [ + "\u2581Var", + -11.6041898727417 + ], + [ + "\u2581smaller", + -11.60429859161377 + ], + [ + "\u2581Florida", + -11.604303359985352 + ], + [ + "\u2581heures", + -11.6044340133667 + ], + [ + "\u2581lit", + -11.604730606079102 + ], + [ + "\u2581FOR", + -11.60475254058838 + ], + [ + "\u2581Far", + -11.604793548583984 + ], + [ + "\u2581tekst", + -11.604923248291016 + ], + [ + "\u2581sociales", + -11.604936599731444 + ], + [ + "rige", + -11.605016708374023 + ], + [ + "\u2581julho", + -11.605079650878906 + ], + [ + "opts", + -11.605144500732422 + ], + [ + "\u2581Fra", + -11.605149269104004 + ], + [ + "uck", + -11.60525894165039 + ], + [ + "\u2581Ges", + -11.60558032989502 + ], + [ + "hyperlink", + -11.605745315551758 + ], + [ + "\u2581Indonesi", + -11.605997085571287 + ], + [ + "\u2581Dazu", + -11.606034278869627 + ], + [ + "unter", + -11.606064796447754 + ], + [ + "\u2581voi", + -11.606364250183104 + ], + [ + "\u2581URL", + -11.606522560119627 + ], + [ + "bed", + -11.606582641601562 + ], + [ + "lus", + -11.606612205505373 + ], + [ + "\u2581Bien", + -11.606644630432127 + ], + [ + "\u2581Alex", + -11.606752395629885 + ], + [ + "\u2581Haar", + -11.60679531097412 + ], + [ + "\u2581sucesso", + -11.606839179992676 + ], + [ + "extra", + -11.606849670410156 + ], + [ + "\u2581luoghi", + -11.606863975524902 + ], + [ + "\u2581Linie", + -11.6069917678833 + ], + [ + "\u2581gol", + -11.607128143310549 + ], + [ + "er\u00e0", + -11.607242584228516 + ], + [ + "\u2581Meter", + -11.60730266571045 + ], + [ + "phase", + -11.607426643371582 + ], + [ + "aban", + -11.60768699645996 + ], + [ + "Root", + -11.607815742492676 + ], + [ + "\u2581fille", + -11.608015060424805 + ], + [ + "branch", + -11.608020782470703 + ], + [ + "\u2581interna", + -11.60802173614502 + ], + [ + "\u2581ordem", + -11.608083724975586 + ], + [ + "\u2581pouvez", + -11.608115196228027 + ], + [ + "BC", + -11.608290672302246 + ], + [ + "\u2581pronto", + -11.608290672302246 + ], + [ + "SA", + -11.60833740234375 + ], + [ + "\u2581chain", + -11.60835075378418 + ], + [ + "\u2581Fred", + -11.608355522155762 + ], + [ + "oit", + -11.60836124420166 + ], + [ + "\u2581]]", + -11.608366012573242 + ], + [ + "\u2581Solo", + -11.60837745666504 + ], + [ + "\u2581Falle", + -11.608380317687988 + ], + [ + "elijk", + -11.608644485473633 + ], + [ + "rer", + -11.608702659606934 + ], + [ + "\u2581certaines", + -11.608762741088867 + ], + [ + "\u2581devem", + -11.608802795410156 + ], + [ + "\u2581pintura", + -11.608807563781738 + ], + [ + "\u2581mission", + -11.608844757080078 + ], + [ + "\u2581Hi", + -11.60892105102539 + ], + [ + "\u2581zus\u00e4tzlich", + -11.608959197998049 + ], + [ + "\u2581f\u00fchrte", + -11.609051704406738 + ], + [ + "\u2581Gr\u00fcndung", + -11.609352111816406 + ], + [ + "\u2581bring", + -11.609410285949709 + ], + [ + "\u2581macro", + -11.609488487243652 + ], + [ + "\u2581letter", + -11.60959815979004 + ], + [ + "\u2581Avenue", + -11.609692573547363 + ], + [ + "onder", + -11.609787940979004 + ], + [ + "AC", + -11.609850883483888 + ], + [ + "\u2581track", + -11.609940528869627 + ], + [ + "\u2581millions", + -11.61009120941162 + ], + [ + "\u2581geheel", + -11.610325813293455 + ], + [ + "Main", + -11.610601425170898 + ], + [ + "Reader", + -11.610648155212402 + ], + [ + "\u2581musste", + -11.61090850830078 + ], + [ + "\u2581Prima", + -11.611043930053713 + ], + [ + "\u2581schwer", + -11.611117362976074 + ], + [ + "\u2581brought", + -11.61133861541748 + ], + [ + "\u2581Terminal", + -11.611443519592283 + ], + [ + "act", + -11.611642837524414 + ], + [ + "\u2581maio", + -11.611845970153809 + ], + [ + "\u2581Rhein", + -11.61205005645752 + ], + [ + "\u2581piazza", + -11.61227035522461 + ], + [ + "\u2581nodig", + -11.612425804138184 + ], + [ + "\u2581Wild", + -11.612627029418944 + ], + [ + "uno", + -11.612903594970703 + ], + [ + "\u2581Roger", + -11.61298370361328 + ], + [ + "Ad", + -11.61300563812256 + ], + [ + "\u2581milh", + -11.61301612854004 + ], + [ + "\u2581rep", + -11.613146781921388 + ], + [ + "Invalid", + -11.613323211669922 + ], + [ + "\u2581Pat", + -11.613423347473145 + ], + [ + "\u2581piccola", + -11.613513946533203 + ], + [ + "\u2581naturale", + -11.613533973693848 + ], + [ + "includegraphics", + -11.613743782043455 + ], + [ + "\u2581hijos", + -11.61388111114502 + ], + [ + "\u2581Bur", + -11.61401081085205 + ], + [ + "\u2581Aufbau", + -11.614036560058594 + ], + [ + "\u2581conseguir", + -11.61410427093506 + ], + [ + "VG", + -11.614178657531738 + ], + [ + "rungen", + -11.614213943481444 + ], + [ + "proc", + -11.614368438720703 + ], + [ + "rei", + -11.614446640014648 + ], + [ + "\u2581struttura", + -11.61448860168457 + ], + [ + "Ar", + -11.614520072937012 + ], + [ + "\u2581Ao", + -11.614566802978516 + ], + [ + "\u2581t\u00e9cnica", + -11.614628791809082 + ], + [ + "\u2581Senhora", + -11.614967346191406 + ], + [ + "gro", + -11.615017890930176 + ], + [ + "exports", + -11.61520290374756 + ], + [ + "\u2581F\u00e4lle", + -11.615344047546388 + ], + [ + "circ", + -11.61535358428955 + ], + [ + "ix", + -11.6153564453125 + ], + [ + "Ho", + -11.615528106689451 + ], + [ + "\u2581escrita", + -11.61564826965332 + ], + [ + "\u2581guide", + -11.616022109985352 + ], + [ + "\u2581trouver", + -11.616164207458496 + ], + [ + "\u2581equipos", + -11.616181373596191 + ], + [ + "\u2581perform", + -11.61629581451416 + ], + [ + "\u2581daran", + -11.616582870483398 + ], + [ + "gliche", + -11.616812705993652 + ], + [ + "mac", + -11.6168794631958 + ], + [ + "\u2581collega", + -11.61708927154541 + ], + [ + "PP", + -11.61717128753662 + ], + [ + "\u2581Nossa", + -11.617182731628418 + ], + [ + "\u2581Cela", + -11.617369651794434 + ], + [ + "\u2581aurait", + -11.617646217346191 + ], + [ + "\u2581Esse", + -11.617650032043455 + ], + [ + "\u2581Using", + -11.618042945861816 + ], + [ + "\u2581Crist\u00f3v", + -11.618066787719728 + ], + [ + "\u2581leeftijd", + -11.618167877197266 + ], + [ + "rightarrow", + -11.618268966674805 + ], + [ + "\u2581Apple", + -11.618487358093262 + ], + [ + "\u2581MA", + -11.618559837341309 + ], + [ + "\u2581S\u00fcden", + -11.618624687194824 + ], + [ + "Saint", + -11.618635177612305 + ], + [ + "\u2581arg", + -11.618667602539062 + ], + [ + "amp", + -11.61870574951172 + ], + [ + "cert", + -11.618729591369627 + ], + [ + "\u2581becomes", + -11.618892669677734 + ], + [ + "\u2581Jim", + -11.619004249572754 + ], + [ + "\u2581Mundo", + -11.619142532348633 + ], + [ + "\u2581Versorgung", + -11.619243621826172 + ], + [ + "\u2581mezzi", + -11.619269371032717 + ], + [ + "istische", + -11.619481086730955 + ], + [ + "\u2581equivalent", + -11.61954116821289 + ], + [ + "regio", + -11.619547843933104 + ], + [ + "GS", + -11.61961555480957 + ], + [ + "\u2581Fr", + -11.619730949401855 + ], + [ + "\u2581durant", + -11.619955062866213 + ], + [ + "\u2581Kunden", + -11.619973182678224 + ], + [ + "\u2581Par\u00eds", + -11.619999885559082 + ], + [ + "OUTPUT", + -11.62012004852295 + ], + [ + "\u2581Figueiredo", + -11.620144844055176 + ], + [ + "\u2581atr\u00e1s", + -11.620153427124023 + ], + [ + "\u2581premio", + -11.620409965515137 + ], + [ + "enza", + -11.62042236328125 + ], + [ + "\u2581Jackson", + -11.62052059173584 + ], + [ + "\u2581lost", + -11.62065315246582 + ], + [ + "enti", + -11.62083625793457 + ], + [ + "\u2581Wien", + -11.620956420898438 + ], + [ + "tina", + -11.621152877807615 + ], + [ + "izaci\u00f3n", + -11.621186256408691 + ], + [ + "Fi", + -11.6214017868042 + ], + [ + "Api", + -11.62146282196045 + ], + [ + "\u2581Eerste", + -11.621582984924316 + ], + [ + "Lock", + -11.621768951416016 + ], + [ + "\u2581Einnahmen", + -11.621793746948242 + ], + [ + "\u2581Saison", + -11.62188720703125 + ], + [ + "RD", + -11.62200164794922 + ], + [ + "render", + -11.622053146362305 + ], + [ + "\u2581equations", + -11.62227725982666 + ], + [ + "\u2581Inoltre", + -11.62233066558838 + ], + [ + "\u2581kernel", + -11.62240219116211 + ], + [ + "Pet", + -11.622430801391602 + ], + [ + "\u2581tamanho", + -11.622448921203612 + ], + [ + "HR", + -11.622591972351074 + ], + [ + "DEBUG", + -11.622714042663574 + ], + [ + "\u2581destination", + -11.622756004333496 + ], + [ + "LEVEL", + -11.623127937316896 + ], + [ + "\u2581kunst", + -11.623196601867676 + ], + [ + "mis", + -11.623358726501465 + ], + [ + "kom", + -11.62346076965332 + ], + [ + "\u2581termo", + -11.623584747314451 + ], + [ + "\u2581familiar", + -11.623735427856444 + ], + [ + "\u2581hold", + -11.6238374710083 + ], + [ + "\u2581fora", + -11.623868942260742 + ], + [ + "\u2581oppure", + -11.623921394348145 + ], + [ + "\u2581wget", + -11.623930931091309 + ], + [ + "yes", + -11.624042510986328 + ], + [ + "Da", + -11.624109268188477 + ], + [ + "\u2581editor", + -11.624322891235352 + ], + [ + "\u2581totalmente", + -11.624584197998049 + ], + [ + "\u2581Olympische", + -11.624720573425291 + ], + [ + "programs", + -11.62473201751709 + ], + [ + "\u2581grid", + -11.62479305267334 + ], + [ + "cross", + -11.625 + ], + [ + "\u2581dicho", + -11.62534236907959 + ], + [ + "\u2581besonderen", + -11.625783920288086 + ], + [ + "\u2581installed", + -11.625800132751465 + ], + [ + "mt", + -11.626418113708496 + ], + [ + "\u2581Garc\u00eda", + -11.62650203704834 + ], + [ + "\u2581green", + -11.626834869384766 + ], + [ + "\u2581langs", + -11.626869201660156 + ], + [ + "\u2581fahren", + -11.626940727233888 + ], + [ + "\u2581wirklich", + -11.62712574005127 + ], + [ + "\u2581basta", + -11.627217292785645 + ], + [ + "\u2581showed", + -11.627301216125488 + ], + [ + "\u2581zweite", + -11.627450942993164 + ], + [ + "\u2581tel", + -11.62750244140625 + ], + [ + "\u2581drive", + -11.627567291259766 + ], + [ + "\u2581daarna", + -11.627592086791992 + ], + [ + "\u2581abbastanza", + -11.627655982971191 + ], + [ + "\u2581Ber", + -11.627715110778809 + ], + [ + "\u2581settings", + -11.6277437210083 + ], + [ + "\u2581pa", + -11.627923965454102 + ], + [ + "\u2581passo", + -11.627976417541504 + ], + [ + "\u2581ello", + -11.628044128417969 + ], + [ + "\u2581dominio", + -11.628154754638672 + ], + [ + "\u2581tragen", + -11.628290176391602 + ], + [ + "\u2581ebbe", + -11.62835693359375 + ], + [ + "\u2581poste", + -11.62856101989746 + ], + [ + "Directory", + -11.628591537475586 + ], + [ + "\u2581Systems", + -11.628769874572754 + ], + [ + "olo", + -11.628881454467772 + ], + [ + "technik", + -11.628972053527832 + ], + [ + "\u2581s\u00e9curit\u00e9", + -11.62897491455078 + ], + [ + "\u2581vertical", + -11.629121780395508 + ], + [ + "\u2581colabora", + -11.629150390625 + ], + [ + "ahlen", + -11.629295349121094 + ], + [ + "\u2581novembro", + -11.62956428527832 + ], + [ + "ete", + -11.6297607421875 + ], + [ + "\u2581americano", + -11.62977409362793 + ], + [ + "click", + -11.629961013793944 + ], + [ + "\u2581Little", + -11.629981994628906 + ], + [ + "\u2581Monate", + -11.630010604858398 + ], + [ + "\u2581focus", + -11.630075454711914 + ], + [ + "USE", + -11.630106925964355 + ], + [ + "\u2581Find", + -11.630194664001465 + ], + [ + "Im", + -11.630199432373049 + ], + [ + "\u2581qualit\u00e0", + -11.63026523590088 + ], + [ + "\u2581primero", + -11.630290985107422 + ], + [ + "ustimmung", + -11.630393028259276 + ], + [ + "\u2581Tokyo", + -11.630460739135742 + ], + [ + "access", + -11.630545616149902 + ], + [ + "account", + -11.63058376312256 + ], + [ + "\u2581geschreven", + -11.630600929260254 + ], + [ + "\u2581participa", + -11.630746841430664 + ], + [ + "sync", + -11.631150245666504 + ], + [ + "\u2581d\u00e9cembre", + -11.631293296813965 + ], + [ + "\u2581krijgen", + -11.631303787231444 + ], + [ + "\u2581onderwijs", + -11.631387710571287 + ], + [ + "\u2581Aufgrund", + -11.631535530090332 + ], + [ + "\u2581Gegen", + -11.6316556930542 + ], + [ + "\u2581wind", + -11.631837844848633 + ], + [ + "Top", + -11.632211685180664 + ], + [ + "\u2581jazz", + -11.632339477539062 + ], + [ + "edu", + -11.632577896118164 + ], + [ + "\u2581Cultura", + -11.633073806762695 + ], + [ + "\u2581filha", + -11.633252143859863 + ], + [ + "\u2581beschreven", + -11.633255004882812 + ], + [ + "\u2581leading", + -11.633304595947266 + ], + [ + "tx", + -11.633356094360352 + ], + [ + "Col", + -11.633367538452148 + ], + [ + "Pos", + -11.633708000183104 + ], + [ + "circle", + -11.63382625579834 + ], + [ + "\u2581deep", + -11.633871078491213 + ], + [ + "\u2581treni", + -11.633896827697754 + ], + [ + "\u2581occhi", + -11.633918762207031 + ], + [ + "\u2581Wein", + -11.633943557739258 + ], + [ + "\u2581sagen", + -11.633943557739258 + ], + [ + "\u2581R\u00e9publique", + -11.634089469909668 + ], + [ + "\u2581passou", + -11.634318351745604 + ], + [ + "Project", + -11.634344100952148 + ], + [ + "TP", + -11.634481430053713 + ], + [ + "dll", + -11.634581565856934 + ], + [ + "chain", + -11.634711265563965 + ], + [ + "\u2581secret", + -11.634716033935549 + ], + [ + "\u2581Each", + -11.63474464416504 + ], + [ + "licher", + -11.634958267211914 + ], + [ + "Institut", + -11.635008811950684 + ], + [ + "\u2581aqui", + -11.635136604309082 + ], + [ + "parameters", + -11.635231971740724 + ], + [ + "\u2581obj", + -11.635287284851074 + ], + [ + "\u2581protocol", + -11.635374069213867 + ], + [ + "\u2581costruzione", + -11.635421752929688 + ], + [ + "spel", + -11.635513305664062 + ], + [ + "timestamp", + -11.635553359985352 + ], + [ + "\u2581dark", + -11.635564804077148 + ], + [ + "\u2581pod\u00eda", + -11.63569450378418 + ], + [ + "\u2581Duits", + -11.635805130004885 + ], + [ + "RM", + -11.635894775390623 + ], + [ + "\u2581#..", + -11.636160850524902 + ], + [ + "\u2581derecho", + -11.63658046722412 + ], + [ + "\u2581moved", + -11.636713027954102 + ], + [ + "\u2581romana", + -11.63685417175293 + ], + [ + "\u2581joven", + -11.63686466217041 + ], + [ + "\u2581opgenomen", + -11.636954307556152 + ], + [ + "\u2581Utrecht", + -11.636987686157228 + ], + [ + "\u2581fand", + -11.637028694152832 + ], + [ + "ender", + -11.637112617492676 + ], + [ + "\u2581player", + -11.63719654083252 + ], + [ + "\u2581unsere", + -11.637544631958008 + ], + [ + "prime", + -11.637648582458496 + ], + [ + "\u2581algum", + -11.63781452178955 + ], + [ + "\u2581retour", + -11.637873649597168 + ], + [ + "\u2581valore", + -11.637961387634276 + ], + [ + "teur", + -11.638290405273438 + ], + [ + "\u2581Jersey", + -11.638442993164062 + ], + [ + "\u2581!==", + -11.638450622558594 + ], + [ + "\u2581nuestro", + -11.638545036315918 + ], + [ + "\u2581goal", + -11.638861656188965 + ], + [ + "hin", + -11.63900375366211 + ], + [ + "\u2581voiture", + -11.639049530029297 + ], + [ + "\u2581belangrijke", + -11.63912582397461 + ], + [ + "\u2581spelen", + -11.639241218566896 + ], + [ + "\u2581Academia", + -11.639270782470703 + ], + [ + "Limit", + -11.639370918273926 + ], + [ + "\u2581Mexico", + -11.639703750610352 + ], + [ + "names", + -11.639747619628906 + ], + [ + "defer", + -11.639761924743652 + ], + [ + "\u2581projeto", + -11.639991760253906 + ], + [ + "rank", + -11.640007019042969 + ], + [ + "\u2581ann\u00e9e", + -11.640201568603516 + ], + [ + "pod", + -11.640366554260254 + ], + [ + "pot", + -11.640400886535645 + ], + [ + "tool", + -11.640457153320312 + ], + [ + "\u2581bound", + -11.64059066772461 + ], + [ + "SE", + -11.640792846679688 + ], + [ + "\u2581pos", + -11.640892028808594 + ], + [ + "\u2581italiani", + -11.641036987304688 + ], + [ + "Level", + -11.641074180603027 + ], + [ + "u\u00e9bec", + -11.64115047454834 + ], + [ + "\u2581Gefahr", + -11.64118480682373 + ], + [ + "\u2581Volks", + -11.641596794128418 + ], + [ + "ska", + -11.641847610473633 + ], + [ + "\u2581Genehmigung", + -11.642138481140137 + ], + [ + "\u2581m\u00e9moire", + -11.642586708068848 + ], + [ + "PT", + -11.64260959625244 + ], + [ + "ship", + -11.64264965057373 + ], + [ + "\u2581dimension", + -11.642675399780272 + ], + [ + "\u2581Ball", + -11.64284610748291 + ], + [ + "\u2581Kilometer", + -11.642854690551758 + ], + [ + "\u2581Single", + -11.64313793182373 + ], + [ + "\u2581Bor", + -11.643147468566896 + ], + [ + "\u2581Afrika", + -11.64339828491211 + ], + [ + "\u2581Airport", + -11.64344596862793 + ], + [ + "\u2581plano", + -11.643477439880373 + ], + [ + "csv", + -11.643478393554688 + ], + [ + "shadow", + -11.643654823303224 + ], + [ + "AM", + -11.64374542236328 + ], + [ + "\u2581informatie", + -11.643753051757812 + ], + [ + "\u2581living", + -11.643797874450684 + ], + [ + "\u2581coming", + -11.64384651184082 + ], + [ + "\u2581Kor", + -11.643930435180664 + ], + [ + "\u2581situato", + -11.644023895263672 + ], + [ + "\u2581vormen", + -11.644132614135742 + ], + [ + "arm\u00e9e", + -11.644283294677734 + ], + [ + "\u2581stile", + -11.644328117370604 + ], + [ + "schrift", + -11.644342422485352 + ], + [ + "Left", + -11.644357681274414 + ], + [ + "\u2581Landkreis", + -11.644370079040527 + ], + [ + "\u2581EUR", + -11.64460563659668 + ], + [ + "\u2581Maar", + -11.64479923248291 + ], + [ + "oz", + -11.644852638244627 + ], + [ + "\u2581deriva", + -11.64486026763916 + ], + [ + "\u2581military", + -11.645033836364746 + ], + [ + "\u2581Alla", + -11.645195960998535 + ], + [ + "cke", + -11.645405769348145 + ], + [ + "\u2581student", + -11.64542007446289 + ], + [ + "\u2581gene", + -11.645485877990724 + ], + [ + "\u2581Nell", + -11.645538330078123 + ], + [ + "Handle", + -11.645635604858398 + ], + [ + "\u2581prodotto", + -11.6456880569458 + ], + [ + "displaystyle", + -11.645706176757812 + ], + [ + "Unit", + -11.645971298217772 + ], + [ + "\u2581origin", + -11.645973205566406 + ], + [ + "AF", + -11.645998001098633 + ], + [ + "cuda", + -11.646100997924805 + ], + [ + "\u2581Silva", + -11.646239280700684 + ], + [ + "amos", + -11.64625644683838 + ], + [ + "printf", + -11.646345138549805 + ], + [ + "\u2581samples", + -11.646349906921388 + ], + [ + "rangle", + -11.646358489990234 + ], + [ + "\u2581Force", + -11.646445274353027 + ], + [ + "\u2581Tur", + -11.647300720214844 + ], + [ + "\u2581Disney", + -11.647303581237791 + ], + [ + "\u2581zee", + -11.64759635925293 + ], + [ + "\u2581quartiere", + -11.647598266601562 + ], + [ + "SRC", + -11.647666931152344 + ], + [ + "\u2581board", + -11.647868156433104 + ], + [ + "\u2581Frankreich", + -11.648107528686523 + ], + [ + "\u2581Europ\u00e4ische", + -11.648153305053713 + ], + [ + "Document", + -11.64815902709961 + ], + [ + "\u2581Francis", + -11.648237228393556 + ], + [ + "Change", + -11.648292541503906 + ], + [ + "ric", + -11.648666381835938 + ], + [ + "punt", + -11.648767471313477 + ], + [ + "doi", + -11.648865699768066 + ], + [ + "\u2581uiteindelijk", + -11.648962020874023 + ], + [ + "ology", + -11.64900016784668 + ], + [ + "navbar", + -11.649053573608398 + ], + [ + "\u2581R\u00edo", + -11.649250030517578 + ], + [ + "nde", + -11.649605751037598 + ], + [ + "\u2581gute", + -11.649628639221191 + ], + [ + "\u2581Beat", + -11.649730682373049 + ], + [ + "\u2581direcci\u00f3n", + -11.65004825592041 + ], + [ + "\u2581Drei", + -11.650056838989258 + ], + [ + "\u2581eerder", + -11.650057792663574 + ], + [ + "king", + -11.650202751159668 + ], + [ + "\u2581Hitler", + -11.650345802307127 + ], + [ + "enburg", + -11.65036392211914 + ], + [ + "DO", + -11.65065574645996 + ], + [ + "\u2581claim", + -11.650837898254396 + ], + [ + "\u2581Cor", + -11.650894165039062 + ], + [ + "\u2581alrededor", + -11.650915145874023 + ], + [ + "\u2581Ven", + -11.651185989379885 + ], + [ + "CE", + -11.651193618774414 + ], + [ + "ible", + -11.651413917541504 + ], + [ + "\u2581cookies", + -11.65153980255127 + ], + [ + "\u2581partij", + -11.651544570922852 + ], + [ + "\u2581Rest", + -11.65182113647461 + ], + [ + "Types", + -11.651873588562012 + ], + [ + "\u2581redes", + -11.652177810668944 + ], + [ + "PM", + -11.652459144592283 + ], + [ + "\u2581Bildungs", + -11.652471542358398 + ], + [ + "sym", + -11.652472496032717 + ], + [ + "\u2581t\u00e9rmino", + -11.652545928955078 + ], + [ + "\u2581produits", + -11.652912139892578 + ], + [ + "Liga", + -11.652997970581056 + ], + [ + "\u2581Amt", + -11.653003692626951 + ], + [ + "\u2581oorlog", + -11.6531343460083 + ], + [ + "sgesetz", + -11.653153419494627 + ], + [ + "\u2581cr\u00e9ation", + -11.65339469909668 + ], + [ + "ient", + -11.65353775024414 + ], + [ + "OUT", + -11.653542518615724 + ], + [ + "Tests", + -11.653586387634276 + ], + [ + "\u2581bisogno", + -11.653592109680176 + ], + [ + "Network", + -11.653736114501951 + ], + [ + "\u2581acteurs", + -11.653765678405762 + ], + [ + "\u2581Netz", + -11.653789520263672 + ], + [ + "\u2581hour", + -11.653851509094238 + ], + [ + "\u2581mundial", + -11.65392017364502 + ], + [ + "\u2581bedrijf", + -11.65395736694336 + ], + [ + "\u2581Sitzung", + -11.654115676879885 + ], + [ + "\u2581conhecida", + -11.654126167297363 + ], + [ + "\u2581Parameter", + -11.65413761138916 + ], + [ + "zel", + -11.654149055480955 + ], + [ + "\u2581success", + -11.654398918151855 + ], + [ + "Auth", + -11.654525756835938 + ], + [ + "\u2581saying", + -11.65453815460205 + ], + [ + "\u2581moral", + -11.654715538024902 + ], + [ + "\u2581particularly", + -11.655062675476074 + ], + [ + "\u2581As\u00ed", + -11.655071258544922 + ], + [ + "\u2581safe", + -11.655094146728516 + ], + [ + "\u2581Puerto", + -11.65514087677002 + ], + [ + "\u2581Inhalt", + -11.655149459838867 + ], + [ + "\u2581Dorf", + -11.65527057647705 + ], + [ + "\u2581OS", + -11.65552806854248 + ], + [ + "\u2581zes", + -11.655651092529297 + ], + [ + "\u2581Ru", + -11.655804634094238 + ], + [ + "\u2581Daarnaast", + -11.655935287475586 + ], + [ + "\u2581vanwege", + -11.65595531463623 + ], + [ + "SC", + -11.656172752380373 + ], + [ + "\u2581Mess", + -11.656267166137695 + ], + [ + "\u2581WITHOUT", + -11.656404495239258 + ], + [ + "Collection", + -11.6564359664917 + ], + [ + "\u2581cookie", + -11.656475067138672 + ], + [ + "BASE", + -11.65691089630127 + ], + [ + "\u2581Le\u00f3n", + -11.65701961517334 + ], + [ + "transport", + -11.657136917114258 + ], + [ + "rvi", + -11.657143592834473 + ], + [ + "veld", + -11.657174110412598 + ], + [ + "\u2581isla", + -11.657261848449709 + ], + [ + "\u2581played", + -11.657682418823242 + ], + [ + "undesministerium", + -11.657770156860352 + ], + [ + "APP", + -11.657876968383787 + ], + [ + "ille", + -11.658059120178224 + ], + [ + "\u2581zodat", + -11.65825653076172 + ], + [ + "\u2581Guide", + -11.658536911010742 + ], + [ + "\u2581origem", + -11.65870189666748 + ], + [ + "\u2581Vertreter", + -11.65878200531006 + ], + [ + "\u2581canciones", + -11.65883445739746 + ], + [ + "\u2581erfolgen", + -11.659031867980955 + ], + [ + "Expression", + -11.659147262573242 + ], + [ + "\u2581sant\u00e9", + -11.659168243408203 + ], + [ + "\u2581Haushalts", + -11.659385681152344 + ], + [ + "\u2581chmod", + -11.659485816955566 + ], + [ + "entre", + -11.659516334533691 + ], + [ + "\u2581EG", + -11.659624099731444 + ], + [ + "\u2581Micro", + -11.65963077545166 + ], + [ + "\u2581mati", + -11.659737586975098 + ], + [ + "tet", + -11.659814834594728 + ], + [ + "Abb", + -11.659927368164062 + ], + [ + "\u2581plut", + -11.659931182861328 + ], + [ + "\u2581prefer", + -11.66011905670166 + ], + [ + "\u2581unidades", + -11.66018009185791 + ], + [ + "\u2581February", + -11.660314559936523 + ], + [ + "\u2581membros", + -11.660350799560549 + ], + [ + "kl", + -11.660370826721191 + ], + [ + "\u2581Rei", + -11.660603523254396 + ], + [ + "\u2581zahlreiche", + -11.660876274108888 + ], + [ + "dessus", + -11.660926818847656 + ], + [ + "connect", + -11.660954475402832 + ], + [ + "\u2581l\u00e1", + -11.661014556884766 + ], + [ + "\u2581Th", + -11.661107063293455 + ], + [ + "fast", + -11.661155700683594 + ], + [ + "\u2581Under", + -11.661162376403809 + ], + [ + "\u2581Leipzig", + -11.66127109527588 + ], + [ + "\u2581Selon", + -11.661335945129396 + ], + [ + "\u2581Hot", + -11.66137409210205 + ], + [ + "override", + -11.661420822143556 + ], + [ + "\u2581Siehe", + -11.6614351272583 + ], + [ + "ministeriums", + -11.661686897277832 + ], + [ + "ise", + -11.661746978759766 + ], + [ + "FAFAFA", + -11.661849975585938 + ], + [ + "\u2581extends", + -11.66211223602295 + ], + [ + "\u2581seem", + -11.662141799926758 + ], + [ + "sischen", + -11.6621675491333 + ], + [ + "\u2581texte", + -11.662208557128906 + ], + [ + "\u2581geeft", + -11.662348747253418 + ], + [ + "\u2581Napoli", + -11.662537574768066 + ], + [ + "\u2581por\u00e9m", + -11.662796020507812 + ], + [ + "Layer", + -11.662805557250977 + ], + [ + "\u2581Sicherheits", + -11.662850379943848 + ], + [ + "\u2581Med", + -11.662869453430176 + ], + [ + "\u2581miljoen", + -11.662925720214844 + ], + [ + "\u2581Ausnahme", + -11.663003921508787 + ], + [ + "ugang", + -11.663130760192873 + ], + [ + "\u2581avril", + -11.663131713867188 + ], + [ + "\u2581omgeving", + -11.663411140441896 + ], + [ + "nan", + -11.663515090942385 + ], + [ + "AP", + -11.663593292236328 + ], + [ + "\u2581Vietnam", + -11.663647651672363 + ], + [ + "uv", + -11.663657188415527 + ], + [ + "zat", + -11.663715362548828 + ], + [ + "\u2581Tar", + -11.663777351379396 + ], + [ + "iques", + -11.66381549835205 + ], + [ + "Close", + -11.663975715637209 + ], + [ + "\u2581gemeinsam", + -11.664003372192385 + ], + [ + "\u2581grond", + -11.664173126220703 + ], + [ + "\u2581Rechte", + -11.664183616638184 + ], + [ + "\u2581yeux", + -11.66420555114746 + ], + [ + "\u2581bieten", + -11.664237022399902 + ], + [ + "\u2581preso", + -11.66430377960205 + ], + [ + "aw", + -11.664363861083984 + ], + [ + "\u2581Many", + -11.664485931396484 + ], + [ + "\u2581premiers", + -11.66456699371338 + ], + [ + "\u2581begonnen", + -11.664690017700195 + ], + [ + "\u2581transform", + -11.665040016174316 + ], + [ + "\u2581servicios", + -11.66518497467041 + ], + [ + "\u2581rel", + -11.66536808013916 + ], + [ + "\u2581bouw", + -11.66547393798828 + ], + [ + "\u2581Torino", + -11.665637016296388 + ], + [ + "\u2581News", + -11.665931701660156 + ], + [ + "Br", + -11.665979385375977 + ], + [ + "\u2581Flug", + -11.666167259216309 + ], + [ + "bat", + -11.666214942932127 + ], + [ + "\u2581Hugo", + -11.666282653808594 + ], + [ + "\u2581talk", + -11.666343688964844 + ], + [ + "\u2581nieuw", + -11.666415214538574 + ], + [ + "ENV", + -11.666463851928713 + ], + [ + "\u2581Iglesia", + -11.666685104370115 + ], + [ + "W\u00fcrttemberg", + -11.666748046875 + ], + [ + "\u2581Sch\u00fcler", + -11.666810035705566 + ], + [ + "objet", + -11.667052268981934 + ], + [ + "\u2581Marine", + -11.667348861694336 + ], + [ + "\u2581Song", + -11.66755485534668 + ], + [ + "\u2581portanto", + -11.667587280273438 + ], + [ + "\u2581Win", + -11.667856216430664 + ], + [ + "\u2581studi", + -11.66786003112793 + ], + [ + "BE", + -11.667908668518066 + ], + [ + "\u2581Menge", + -11.667963027954102 + ], + [ + "mul", + -11.667976379394531 + ], + [ + "MB", + -11.6680326461792 + ], + [ + "proof", + -11.668179512023926 + ], + [ + "\u2581gefunden", + -11.668222427368164 + ], + [ + "\u2581Tim", + -11.668228149414062 + ], + [ + "groep", + -11.668371200561523 + ], + [ + "\u2581\"\")", + -11.668412208557127 + ], + [ + "law", + -11.66850757598877 + ], + [ + "\u2581romano", + -11.668508529663086 + ], + [ + "\u2581understanding", + -11.668557167053224 + ], + [ + "\u2581movimiento", + -11.66878604888916 + ], + [ + "cor", + -11.66903305053711 + ], + [ + "\u2581raise", + -11.669150352478027 + ], + [ + "\u2581giovane", + -11.66929531097412 + ], + [ + "\u2581nuovi", + -11.669333457946776 + ], + [ + "versicherung", + -11.66968059539795 + ], + [ + "Right", + -11.670007705688477 + ], + [ + "\u2581buon", + -11.670074462890623 + ], + [ + "\u2581leer", + -11.670082092285156 + ], + [ + "\u2581Wal", + -11.670140266418455 + ], + [ + "\u2581Pablo", + -11.670310974121094 + ], + [ + "namespace", + -11.670475006103516 + ], + [ + "emp", + -11.67054843902588 + ], + [ + "\u2581lichaam", + -11.67063331604004 + ], + [ + "ias", + -11.67080020904541 + ], + [ + "\u2581Parque", + -11.670921325683594 + ], + [ + "\u2581Aviso", + -11.670949935913086 + ], + [ + "\u2581realidad", + -11.670964241027832 + ], + [ + "\u2581***", + -11.671080589294434 + ], + [ + "\u2581sinistra", + -11.671098709106444 + ], + [ + "sie", + -11.671281814575195 + ], + [ + "assertEqual", + -11.671354293823242 + ], + [ + "\u2581bord", + -11.671363830566406 + ], + [ + "ries", + -11.671751022338867 + ], + [ + "\u2581{..", + -11.671838760375977 + ], + [ + "\u2581Verpflichtung", + -11.671844482421877 + ], + [ + "\u2581dream", + -11.671878814697266 + ], + [ + "Mar", + -11.672269821166992 + ], + [ + "Application", + -11.672630310058594 + ], + [ + "\u2581Lima", + -11.6729097366333 + ], + [ + "din", + -11.67303466796875 + ], + [ + "\u2581Segundo", + -11.673096656799316 + ], + [ + "scan", + -11.673213005065918 + ], + [ + "\u2581Stone", + -11.673331260681152 + ], + [ + "unique", + -11.673698425292969 + ], + [ + "ow", + -11.673831939697266 + ], + [ + "fix", + -11.67390251159668 + ], + [ + "oli", + -11.673908233642578 + ], + [ + "\u2581PHP", + -11.673909187316896 + ], + [ + "\u2581Wege", + -11.674007415771484 + ], + [ + "\u2581finally", + -11.674410820007324 + ], + [ + "\u2581Australian", + -11.674461364746094 + ], + [ + "anlagen", + -11.67449188232422 + ], + [ + "\u2581actor", + -11.674582481384276 + ], + [ + "gray", + -11.674885749816896 + ], + [ + "\u2581onderdeel", + -11.674896240234377 + ], + [ + "\u2581meridionale", + -11.674994468688965 + ], + [ + "\u2581requires", + -11.675163269042969 + ], + [ + "\u2581Wolfgang", + -11.6753568649292 + ], + [ + "\u2581Hat", + -11.675378799438477 + ], + [ + "\u2581uur", + -11.675385475158691 + ], + [ + "\u2581belangrijkste", + -11.675422668457031 + ], + [ + "\u2581buffer", + -11.675429344177246 + ], + [ + "\u2581linhas", + -11.675430297851562 + ], + [ + "\u2581franc", + -11.67544937133789 + ], + [ + "\u2581Doch", + -11.67564296722412 + ], + [ + "\u2581entfernt", + -11.675768852233888 + ], + [ + "\u2581untersucht", + -11.6758451461792 + ], + [ + "\u2581Carolina", + -11.675960540771484 + ], + [ + "ubuntu", + -11.67602825164795 + ], + [ + "\u2581square", + -11.676111221313477 + ], + [ + "\u2581Bibliograf\u00eda", + -11.676383018493652 + ], + [ + "spiel", + -11.676556587219238 + ], + [ + "\u2581realmente", + -11.676597595214844 + ], + [ + "\u2581flag", + -11.676647186279297 + ], + [ + "bas", + -11.676740646362305 + ], + [ + "\u2581compliance", + -11.676802635192873 + ], + [ + "\u2581ataque", + -11.677085876464844 + ], + [ + "\u2581integral", + -11.677310943603516 + ], + [ + "\u2581pl", + -11.677433967590332 + ], + [ + "\u2581restaurants", + -11.67746925354004 + ], + [ + "\u2581produtos", + -11.677507400512695 + ], + [ + "\u2581sal", + -11.677536964416504 + ], + [ + "\u2581coisa", + -11.677610397338867 + ], + [ + "\u2581CDU", + -11.677742004394531 + ], + [ + "\u2581Verlauf", + -11.67775058746338 + ], + [ + "STATUS", + -11.67775535583496 + ], + [ + "\u2581economic", + -11.677886962890623 + ], + [ + "\u2581json", + -11.678016662597656 + ], + [ + "\u2581podr\u00eda", + -11.67806911468506 + ], + [ + "\u2581Hong", + -11.67825984954834 + ], + [ + "\u2581Mir", + -11.678459167480469 + ], + [ + "\u2581erhielt", + -11.67846393585205 + ], + [ + "\u2581wrote", + -11.67857265472412 + ], + [ + "Aus", + -11.678611755371094 + ], + [ + "\u2581verdade", + -11.67885684967041 + ], + [ + "\u2581iglesia", + -11.678857803344728 + ], + [ + "\u2581voice", + -11.678912162780762 + ], + [ + "\u2581Bundesminister", + -11.679089546203612 + ], + [ + "\u2581proc", + -11.6796875 + ], + [ + "\u2581\"\"\"", + -11.679707527160645 + ], + [ + "\u2581Ford", + -11.67979621887207 + ], + [ + "\u2581Please", + -11.679810523986816 + ], + [ + "\u2581junho", + -11.6800537109375 + ], + [ + "\u2581industrial", + -11.680265426635742 + ], + [ + "LITE", + -11.680400848388672 + ], + [ + "regex", + -11.680410385131836 + ], + [ + "\u2581Mobilit\u00e4t", + -11.680450439453123 + ], + [ + "\u2581ayuda", + -11.680619239807127 + ], + [ + "\u2581mein", + -11.6807222366333 + ], + [ + "\u2581servir", + -11.68088722229004 + ], + [ + "\u2581lijn", + -11.680899620056152 + ], + [ + "\u2581besoin", + -11.68095874786377 + ], + [ + "that", + -11.68105411529541 + ], + [ + "\u2581instala", + -11.681239128112791 + ], + [ + "Return", + -11.68134593963623 + ], + [ + "Util", + -11.681527137756348 + ], + [ + "\u2581meerdere", + -11.681549072265623 + ], + [ + "\u2581Cho", + -11.681689262390137 + ], + [ + "\u2581calle", + -11.681806564331056 + ], + [ + "\u2581voetbal", + -11.68190860748291 + ], + [ + "\u2581aufgenommen", + -11.68199062347412 + ], + [ + "\u2581eventos", + -11.682021141052246 + ], + [ + "\u2581situaci\u00f3n", + -11.68247890472412 + ], + [ + "HC", + -11.682655334472656 + ], + [ + "\u2581Town", + -11.68269157409668 + ], + [ + "\u2581schreef", + -11.68276023864746 + ], + [ + "\u2581propia", + -11.682777404785156 + ], + [ + "\u2581activities", + -11.682801246643066 + ], + [ + "\u2581button", + -11.683059692382812 + ], + [ + "\u2581posti", + -11.683060646057127 + ], + [ + "\u2581inferior", + -11.683168411254885 + ], + [ + "AD", + -11.683424949645996 + ], + [ + "\u2581cadre", + -11.68345069885254 + ], + [ + "\u2581requirements", + -11.68352508544922 + ], + [ + "\u2581quantidade", + -11.683542251586914 + ], + [ + "\u2581Reise", + -11.683592796325684 + ], + [ + "\u2581gezeigt", + -11.68371868133545 + ], + [ + "\u2581Schule", + -11.683847427368164 + ], + [ + "MO", + -11.683910369873049 + ], + [ + "aga", + -11.683920860290527 + ], + [ + "\u2581Metro", + -11.683941841125488 + ], + [ + "TA", + -11.684229850769045 + ], + [ + "\u2581CHECK", + -11.684240341186523 + ], + [ + "\u2581VIII", + -11.684300422668455 + ], + [ + "\u2581Tem", + -11.68450164794922 + ], + [ + "imento", + -11.684542655944824 + ], + [ + "GF", + -11.684581756591797 + ], + [ + "\u2581Vorschrift", + -11.684727668762209 + ], + [ + "\u2581Oscar", + -11.684966087341309 + ], + [ + "Items", + -11.684998512268066 + ], + [ + "\u2581varia", + -11.685324668884276 + ], + [ + "\u2581abaixo", + -11.685444831848145 + ], + [ + "\u2581Herstellung", + -11.685490608215332 + ], + [ + "\u2581characters", + -11.68550968170166 + ], + [ + "xb", + -11.685548782348633 + ], + [ + "\u2581completely", + -11.685783386230469 + ], + [ + "Gi", + -11.685808181762695 + ], + [ + "execute", + -11.685813903808594 + ], + [ + "tf", + -11.686098098754885 + ], + [ + "\u2581hands", + -11.686174392700195 + ], + [ + "\u2581Allerdings", + -11.686264038085938 + ], + [ + "wal", + -11.686347007751465 + ], + [ + "izzazione", + -11.686594009399414 + ], + [ + "\u2581acid", + -11.686695098876951 + ], + [ + "nummer", + -11.686720848083496 + ], + [ + "fach", + -11.686787605285645 + ], + [ + "\u2581categoria", + -11.686853408813477 + ], + [ + "glichst", + -11.687101364135742 + ], + [ + "trans", + -11.687248229980469 + ], + [ + "\u2581reached", + -11.687289237976074 + ], + [ + "\u2581Cross", + -11.68729305267334 + ], + [ + "linear", + -11.687335014343262 + ], + [ + "\u2581franc\u00e9s", + -11.68766975402832 + ], + [ + "\u2581Patrick", + -11.68782901763916 + ], + [ + "\u2581whom", + -11.688127517700195 + ], + [ + "unica", + -11.688194274902344 + ], + [ + "\u2581enter", + -11.688225746154783 + ], + [ + "pas", + -11.688246726989746 + ], + [ + "plus", + -11.688677787780762 + ], + [ + "\u2581Gi", + -11.688748359680176 + ], + [ + "fff", + -11.688844680786133 + ], + [ + "glicht", + -11.688953399658203 + ], + [ + "\u2581Monaten", + -11.688974380493164 + ], + [ + "\u2581email", + -11.688983917236328 + ], + [ + "Failed", + -11.68900203704834 + ], + [ + "\u2581carga", + -11.689008712768556 + ], + [ + "\u2581caf\u00e9", + -11.689082145690918 + ], + [ + "\u2581Space", + -11.68928337097168 + ], + [ + "handel", + -11.689329147338867 + ], + [ + "chst", + -11.689446449279783 + ], + [ + "\u2581Seguem", + -11.68945598602295 + ], + [ + "motor", + -11.689457893371582 + ], + [ + "\u2581combat", + -11.689651489257812 + ], + [ + "\u2581essi", + -11.689828872680664 + ], + [ + "\u2581shared", + -11.69017505645752 + ], + [ + "\u2581attack", + -11.69032859802246 + ], + [ + "bia", + -11.69039535522461 + ], + [ + "\u2581weak", + -11.690451622009276 + ], + [ + "dirname", + -11.690646171569824 + ], + [ + "\u2581scientifique", + -11.690937042236328 + ], + [ + "AR", + -11.690940856933594 + ], + [ + "RC", + -11.690942764282228 + ], + [ + "\u2581diretto", + -11.691370010375977 + ], + [ + "Vor", + -11.691520690917969 + ], + [ + "\u2581neste", + -11.691556930541992 + ], + [ + "\u2581finite", + -11.691973686218262 + ], + [ + "\u2581beschrieben", + -11.691997528076172 + ], + [ + "MG", + -11.692100524902344 + ], + [ + "\u2581goes", + -11.692115783691406 + ], + [ + "ffnet", + -11.692243576049805 + ], + [ + "\u2581presence", + -11.69228458404541 + ], + [ + "\u2581explica", + -11.692458152770996 + ], + [ + "ffe", + -11.692554473876951 + ], + [ + "TAG", + -11.69259262084961 + ], + [ + "\u2581octobre", + -11.692625999450684 + ], + [ + "\u2581ecc", + -11.692639350891112 + ], + [ + "\u2581hab", + -11.692710876464844 + ], + [ + "tique", + -11.692721366882324 + ], + [ + "\u2581Kindern", + -11.692741394042969 + ], + [ + "wing", + -11.69286823272705 + ], + [ + "arse", + -11.693109512329102 + ], + [ + "\u2581During", + -11.693219184875488 + ], + [ + "\u2581runs", + -11.693281173706056 + ], + [ + "\u2581weiterer", + -11.693329811096191 + ], + [ + "\u2581Mari", + -11.693377494812012 + ], + [ + "Reference", + -11.693426132202148 + ], + [ + "\u2581normale", + -11.69351291656494 + ], + [ + "\u2581Bibliografia", + -11.693562507629396 + ], + [ + "baar", + -11.69374179840088 + ], + [ + "\u2581gauche", + -11.693867683410645 + ], + [ + "\u2581Est\u00e1", + -11.693897247314451 + ], + [ + "liste", + -11.694056510925291 + ], + [ + "kg", + -11.694169044494627 + ], + [ + "\u2581Abgeordneten", + -11.694239616394045 + ], + [ + "\u2581Hospital", + -11.69435977935791 + ], + [ + "\u2581implied", + -11.694461822509766 + ], + [ + "\u2581actief", + -11.694483757019045 + ], + [ + "\u2581distretto", + -11.694694519042969 + ], + [ + "bootstrap", + -11.69473648071289 + ], + [ + "Len", + -11.694936752319336 + ], + [ + "xd", + -11.694992065429688 + ], + [ + "IL", + -11.69504737854004 + ], + [ + "\u2581fecha", + -11.695152282714844 + ], + [ + "\u2581famosa", + -11.695199012756348 + ], + [ + "\u2581m\u00e1quina", + -11.695323944091797 + ], + [ + "\u2581Hart", + -11.695518493652344 + ], + [ + "\u2581core", + -11.695568084716797 + ], + [ + "\u2581conna", + -11.695661544799805 + ], + [ + "leistung", + -11.695904731750488 + ], + [ + "\u2581exact", + -11.69607162475586 + ], + [ + "NT", + -11.696162223815918 + ], + [ + "\u2581blue", + -11.69621753692627 + ], + [ + "job", + -11.69628620147705 + ], + [ + "\u2581troisi", + -11.69663906097412 + ], + [ + "\u2581Verhalten", + -11.696697235107422 + ], + [ + "\u2581isole", + -11.696781158447266 + ], + [ + "\u2581fuerza", + -11.697242736816406 + ], + [ + "\u2581speelt", + -11.69730281829834 + ], + [ + "\u2581dagegen", + -11.697317123413086 + ], + [ + "\u2581pratica", + -11.697360038757324 + ], + [ + "\u2581alg", + -11.697447776794434 + ], + [ + "\u2581Church", + -11.69756031036377 + ], + [ + "\u2581comportamento", + -11.697638511657717 + ], + [ + "\u2581historique", + -11.697864532470703 + ], + [ + "bersicht", + -11.697881698608398 + ], + [ + "two", + -11.69803524017334 + ], + [ + "\u2581origine", + -11.698724746704102 + ], + [ + "\u2581removed", + -11.698810577392578 + ], + [ + "\u2581Herz", + -11.69907283782959 + ], + [ + "\u2581Kaiser", + -11.699166297912598 + ], + [ + "\u2581immediately", + -11.699201583862305 + ], + [ + "protobuf", + -11.69920253753662 + ], + [ + "\u2581punten", + -11.699237823486328 + ], + [ + "\u2581attribute", + -11.69927215576172 + ], + [ + "\u2581fail", + -11.69929313659668 + ], + [ + "\u2581getroffen", + -11.699411392211914 + ], + [ + "\u2581convert", + -11.699517250061035 + ], + [ + "\u2581Sky", + -11.699609756469728 + ], + [ + "\u2581Place", + -11.699755668640137 + ], + [ + "\u2581SE", + -11.699956893920898 + ], + [ + "OPTS", + -11.700034141540527 + ], + [ + "\u2581upper", + -11.700058937072754 + ], + [ + "ple", + -11.70021629333496 + ], + [ + "\u2581posici\u00f3n", + -11.700230598449709 + ], + [ + "bron", + -11.700331687927246 + ], + [ + "\u2581erster", + -11.700700759887695 + ], + [ + "\u2581Osten", + -11.701154708862305 + ], + [ + "MC", + -11.70118522644043 + ], + [ + "\u2581morning", + -11.70139217376709 + ], + [ + "\u2581examples", + -11.70162296295166 + ], + [ + "apply", + -11.701719284057615 + ], + [ + "\u2581filosofia", + -11.701882362365724 + ], + [ + "Float", + -11.701944351196287 + ], + [ + "\u2581Greg\u00f3rio", + -11.701964378356934 + ], + [ + "\u2581plot", + -11.702152252197266 + ], + [ + "\u2581banco", + -11.702232360839844 + ], + [ + "cup", + -11.702364921569824 + ], + [ + "\u2581Created", + -11.70254898071289 + ], + [ + "\u2581Such", + -11.702557563781738 + ], + [ + "\u2581oil", + -11.70268726348877 + ], + [ + "\u2581spelers", + -11.7027006149292 + ], + [ + "eel", + -11.70288372039795 + ], + [ + "\u2581travel", + -11.70355224609375 + ], + [ + "\u2581Ludwig", + -11.70390796661377 + ], + [ + "\u2581storage", + -11.703924179077148 + ], + [ + "\u2581info", + -11.703977584838867 + ], + [ + "Search", + -11.704075813293455 + ], + [ + "nden", + -11.70417308807373 + ], + [ + "\u2581mem\u00f3ria", + -11.704459190368652 + ], + [ + "\u2581brasileiro", + -11.7046537399292 + ], + [ + "PI", + -11.704774856567385 + ], + [ + "\u2581KIND", + -11.70478343963623 + ], + [ + "kreis", + -11.704826354980469 + ], + [ + "eine", + -11.704827308654783 + ], + [ + "ami", + -11.704955101013184 + ], + [ + "\u2581Andrea", + -11.704996109008787 + ], + [ + "\u2581parque", + -11.70504665374756 + ], + [ + "arten", + -11.705092430114746 + ], + [ + "\u2581Jahrhunderts", + -11.705138206481934 + ], + [ + "\u2581Biograf\u00eda", + -11.70517921447754 + ], + [ + "\u2581Kal", + -11.705199241638184 + ], + [ + "\u2581medios", + -11.70523452758789 + ], + [ + "\u2581Ley", + -11.70535945892334 + ], + [ + "\u2581Aufl", + -11.70561695098877 + ], + [ + "\u2581donn\u00e9", + -11.705668449401855 + ], + [ + "gle", + -11.705676078796388 + ], + [ + "MI", + -11.705678939819336 + ], + [ + "\u2581festgestellt", + -11.705683708190918 + ], + [ + "\u2581figli", + -11.705796241760254 + ], + [ + "TH", + -11.705835342407228 + ], + [ + "\u2581alguna", + -11.705845832824709 + ], + [ + "BD", + -11.705913543701172 + ], + [ + "\u2581DVD", + -11.705915451049805 + ], + [ + "\u2581lijst", + -11.70608615875244 + ], + [ + "\u2581soms", + -11.7061128616333 + ], + [ + "ct", + -11.706289291381836 + ], + [ + "\u2581Iran", + -11.706506729125977 + ], + [ + "policy", + -11.706679344177246 + ], + [ + "rne", + -11.706924438476562 + ], + [ + "\u2581regering", + -11.706960678100586 + ], + [ + "\u2581verpflichtet", + -11.706998825073242 + ], + [ + "\u2581Rede", + -11.707014083862305 + ], + [ + "\u2581Mil", + -11.707128524780272 + ], + [ + "\u2581klar", + -11.707258224487305 + ], + [ + "Sequential", + -11.707359313964844 + ], + [ + "Parameter", + -11.707697868347168 + ], + [ + "soort", + -11.707807540893556 + ], + [ + "\u2581uu", + -11.708008766174316 + ], + [ + "werte", + -11.708075523376465 + ], + [ + "\u2581Another", + -11.708107948303224 + ], + [ + "\u2581gest\u00fctzt", + -11.708128929138184 + ], + [ + "Account", + -11.708271026611328 + ], + [ + "\u2581Stephen", + -11.708287239074709 + ], + [ + "Au", + -11.708316802978516 + ], + [ + "\u2581Album", + -11.70839023590088 + ], + [ + "sam", + -11.70843505859375 + ], + [ + "\u2581gew\u00e4hrt", + -11.708490371704102 + ], + [ + "\u2581Gal", + -11.70850944519043 + ], + [ + "dra", + -11.708551406860352 + ], + [ + "\u2581Bach", + -11.708562850952148 + ], + [ + "\u2581authority", + -11.708982467651367 + ], + [ + "\u2581pubblicato", + -11.709243774414062 + ], + [ + "\u2581middle", + -11.709275245666504 + ], + [ + "COMMAND", + -11.709426879882812 + ], + [ + "\u2581commercial", + -11.70944118499756 + ], + [ + "\u2581tradicional", + -11.709628105163574 + ], + [ + "\u2581contrast", + -11.709650993347168 + ], + [ + "\u00e9glise", + -11.709671020507812 + ], + [ + "azure", + -11.709805488586426 + ], + [ + "\u2581Only", + -11.709867477416992 + ], + [ + "\u2581abbia", + -11.709915161132812 + ], + [ + "\u2581pasado", + -11.709927558898926 + ], + [ + "\u2581kilometer", + -11.709938049316406 + ], + [ + "\u2581indeling", + -11.709978103637695 + ], + [ + "stel", + -11.71031665802002 + ], + [ + "\u2581Erh", + -11.710370063781738 + ], + [ + "\u2581Parijs", + -11.71042823791504 + ], + [ + "\u2581Due", + -11.710431098937988 + ], + [ + "\u2581Ordem", + -11.710432052612305 + ], + [ + "\u2581previously", + -11.710439682006836 + ], + [ + "\u2581palabras", + -11.710569381713867 + ], + [ + "\u2581Guerre", + -11.710844039916992 + ], + [ + "\u2581giro", + -11.71095848083496 + ], + [ + "\u2581pista", + -11.711264610290527 + ], + [ + "\u2581wichtige", + -11.7114839553833 + ], + [ + "ldots", + -11.711637496948242 + ], + [ + "\u2581Pays", + -11.711650848388672 + ], + [ + "\u2581curso", + -11.711812019348145 + ], + [ + "\u2581Beschluss", + -11.71187973022461 + ], + [ + "entrum", + -11.711957931518556 + ], + [ + "uellen", + -11.712063789367676 + ], + [ + "\u2581dochter", + -11.71217155456543 + ], + [ + "seq", + -11.7122802734375 + ], + [ + "\u2581alunos", + -11.712364196777344 + ], + [ + "\u2581besten", + -11.712568283081056 + ], + [ + "HOST", + -11.712594032287598 + ], + [ + "\u2581m\u00e9dico", + -11.712688446044922 + ], + [ + "\u2581angle", + -11.712780952453612 + ], + [ + "MD", + -11.712881088256836 + ], + [ + "rp", + -11.713056564331056 + ], + [ + "\u2581Toen", + -11.713058471679688 + ], + [ + "\u2581Bre", + -11.713079452514648 + ], + [ + "\u2581official", + -11.71340560913086 + ], + [ + "\u2581beyond", + -11.71351432800293 + ], + [ + "\u2581credit", + -11.71352767944336 + ], + [ + "\u2581vond", + -11.713546752929688 + ], + [ + "\u2581Academy", + -11.71364974975586 + ], + [ + "\u2581Haag", + -11.713777542114258 + ], + [ + "\u2581erneut", + -11.713841438293455 + ], + [ + "Modules", + -11.71389102935791 + ], + [ + "\u2581header", + -11.71401309967041 + ], + [ + "\u2581lequel", + -11.714136123657228 + ], + [ + "\u2581armas", + -11.714191436767578 + ], + [ + "\u2581Flora", + -11.714295387268066 + ], + [ + "\u2581ici", + -11.714305877685549 + ], + [ + "BR", + -11.714415550231934 + ], + [ + "\u2581amigo", + -11.714676856994627 + ], + [ + "\u2581Alfred", + -11.714704513549805 + ], + [ + "\u2581qualidade", + -11.714719772338867 + ], + [ + "\u2581propriet\u00e0", + -11.71483039855957 + ], + [ + "\u2581Sinds", + -11.715270042419434 + ], + [ + "\u2581cima", + -11.71562385559082 + ], + [ + "\u00e9poque", + -11.71563720703125 + ], + [ + "compile", + -11.715704917907717 + ], + [ + "\u2581calcio", + -11.715713500976562 + ], + [ + "\u2581Arm", + -11.715764999389648 + ], + [ + "usepackage", + -11.715954780578612 + ], + [ + "\u2581Nick", + -11.71596622467041 + ], + [ + "timeout", + -11.715981483459473 + ], + [ + "inline", + -11.716017723083496 + ], + [ + "\u2581ficar", + -11.716021537780762 + ], + [ + "\u2581liquid", + -11.716099739074709 + ], + [ + "Job", + -11.716179847717283 + ], + [ + "\u2581f\u00e9vrier", + -11.716448783874512 + ], + [ + "brand", + -11.716459274291992 + ], + [ + "\u2581spazio", + -11.71654224395752 + ], + [ + "props", + -11.716630935668944 + ], + [ + "\u2581Amazon", + -11.716646194458008 + ], + [ + "\u2581Gericht", + -11.71671199798584 + ], + [ + "\u2581wide", + -11.716730117797852 + ], + [ + "gate", + -11.716899871826172 + ], + [ + "\u2581selection", + -11.716957092285156 + ], + [ + "plot", + -11.716964721679688 + ], + [ + "\u2581espacio", + -11.71721649169922 + ], + [ + "\u2581Universiteit", + -11.717240333557127 + ], + [ + "\u2581poter", + -11.717467308044434 + ], + [ + "\u2581sangue", + -11.717509269714355 + ], + [ + "latest", + -11.717610359191896 + ], + [ + "\u2581ufficiale", + -11.717782974243164 + ], + [ + "uan", + -11.717788696289062 + ], + [ + "\u2581agent", + -11.717839241027832 + ], + [ + "\u2581Nos", + -11.717840194702148 + ], + [ + "uto", + -11.717851638793944 + ], + [ + "\u2581connu", + -11.717923164367676 + ], + [ + "pers", + -11.717958450317385 + ], + [ + "programm", + -11.717970848083496 + ], + [ + "\u2581Survey", + -11.71808910369873 + ], + [ + "fort", + -11.718269348144531 + ], + [ + "\u00e9n", + -11.7183256149292 + ], + [ + "\u2581kwamen", + -11.718481063842772 + ], + [ + "\u2581Brian", + -11.718488693237305 + ], + [ + "\u2581articles", + -11.718550682067873 + ], + [ + "Chr", + -11.71863842010498 + ], + [ + "\u2581voormalige", + -11.71871852874756 + ], + [ + "west", + -11.718865394592283 + ], + [ + "\u2581parola", + -11.71894359588623 + ], + [ + "\u2581vorhanden", + -11.719106674194336 + ], + [ + "\u2581fonte", + -11.719128608703612 + ], + [ + "\u2581Eric", + -11.71950626373291 + ], + [ + "\u2581represent", + -11.719758987426758 + ], + [ + "NP", + -11.71979808807373 + ], + [ + "\u2581CA", + -11.719873428344728 + ], + [ + "\u2581realizado", + -11.719966888427734 + ], + [ + "\u2581semplice", + -11.72036361694336 + ], + [ + "\u2581Mehr", + -11.72043800354004 + ], + [ + "cam", + -11.720516204833984 + ], + [ + "ordine", + -11.720526695251465 + ], + [ + "\u2581Cat", + -11.720585823059082 + ], + [ + "\u2581seconde", + -11.720666885375977 + ], + [ + "\u2581wave", + -11.720717430114746 + ], + [ + "\u2581Reform", + -11.720769882202148 + ], + [ + "\u2581usage", + -11.720791816711426 + ], + [ + "\u00edas", + -11.720882415771484 + ], + [ + "\u2581estuvo", + -11.72091007232666 + ], + [ + "\u2581Orden", + -11.720941543579102 + ], + [ + "\u2581hope", + -11.72100067138672 + ], + [ + "\u2581schen", + -11.721226692199709 + ], + [ + "\u2581Onder", + -11.721253395080566 + ], + [ + "\u2581contiene", + -11.721284866333008 + ], + [ + "\u2581download", + -11.721461296081545 + ], + [ + "\u2581env", + -11.72146224975586 + ], + [ + "\u2581Comit\u00e9", + -11.721490859985352 + ], + [ + "\u2581capaz", + -11.721650123596191 + ], + [ + "\u2581Berechnung", + -11.721755981445312 + ], + [ + "\u2581pequena", + -11.722078323364258 + ], + [ + "Gen", + -11.722121238708496 + ], + [ + "\u2581Parteien", + -11.72218418121338 + ], + [ + "\u2581bash", + -11.72219181060791 + ], + [ + "decode", + -11.72244644165039 + ], + [ + "\u2581tats\u00e4chlich", + -11.722541809082031 + ], + [ + "\u2581chegar", + -11.72256088256836 + ], + [ + "\u2581leva", + -11.722738265991213 + ], + [ + "bra", + -11.722784996032717 + ], + [ + "\u2581palavra", + -11.722902297973633 + ], + [ + "\u2581Aunque", + -11.72297477722168 + ], + [ + "world", + -11.723172187805176 + ], + [ + "\u2581served", + -11.723355293273926 + ], + [ + "\u2581preciso", + -11.723628997802734 + ], + [ + "\u2581campa", + -11.723640441894531 + ], + [ + "shift", + -11.724169731140137 + ], + [ + "\u2581Bas", + -11.724213600158691 + ], + [ + "illo", + -11.724319458007812 + ], + [ + "\u2581governing", + -11.724322319030762 + ], + [ + "\u2581reach", + -11.724357604980469 + ], + [ + "FB", + -11.724411010742188 + ], + [ + "smo", + -11.724534034729004 + ], + [ + "operator", + -11.724562644958496 + ], + [ + "yan", + -11.724610328674316 + ], + [ + "\u2581units", + -11.724647521972656 + ], + [ + "\u2581piccoli", + -11.724778175354004 + ], + [ + "\u2581worked", + -11.72504425048828 + ], + [ + "lp", + -11.72541046142578 + ], + [ + "\u2581Campo", + -11.725419998168944 + ], + [ + "\u2581escala", + -11.725634574890137 + ], + [ + "enne", + -11.72565460205078 + ], + [ + "\u2581campagne", + -11.725702285766602 + ], + [ + "Oh", + -11.725958824157717 + ], + [ + "\u2581werkte", + -11.726086616516112 + ], + [ + "\u2581temas", + -11.726435661315918 + ], + [ + "\u2581entgegen", + -11.726572036743164 + ], + [ + "RP", + -11.726601600646973 + ], + [ + "tc", + -11.726635932922363 + ], + [ + "AN", + -11.726707458496094 + ], + [ + "\u2581Wall", + -11.726802825927734 + ], + [ + "\u2581Opera", + -11.726993560791016 + ], + [ + "\u2581Westen", + -11.727004051208496 + ], + [ + "l\u00e4", + -11.727165222167969 + ], + [ + "lingen", + -11.727316856384276 + ], + [ + "\u2581Uit", + -11.727337837219238 + ], + [ + "\u2581lucha", + -11.727422714233398 + ], + [ + "\u2581Neo", + -11.72764492034912 + ], + [ + "\u2581implica", + -11.727895736694336 + ], + [ + "\u2581hist\u00f3rico", + -11.72809886932373 + ], + [ + "\u2581Sirius", + -11.728251457214355 + ], + [ + "gne", + -11.728435516357422 + ], + [ + "steuer", + -11.72854232788086 + ], + [ + "\u2581jedes", + -11.728564262390137 + ], + [ + "\u2581Cookies", + -11.728638648986816 + ], + [ + "horn", + -11.72874355316162 + ], + [ + "\u2581failure", + -11.728764533996582 + ], + [ + "\u2581mehreren", + -11.72890281677246 + ], + [ + "metro", + -11.728921890258787 + ], + [ + "Ni", + -11.728949546813965 + ], + [ + "\u2581forze", + -11.729086875915527 + ], + [ + "\u2581Sitz", + -11.729154586791992 + ], + [ + "\u2581Arbeiten", + -11.72926425933838 + ], + [ + "\u2581hoog", + -11.729272842407228 + ], + [ + "\u2581erkl\u00e4rt", + -11.729340553283691 + ], + [ + "vertical", + -11.72944450378418 + ], + [ + "utilisation", + -11.729580879211426 + ], + [ + "\u2581comprende", + -11.729620933532717 + ], + [ + "queue", + -11.729798316955566 + ], + [ + "\u2581Pop", + -11.729819297790527 + ], + [ + "\u2581tool", + -11.729869842529297 + ], + [ + "\u2581Express", + -11.73009204864502 + ], + [ + "HL", + -11.730243682861328 + ], + [ + "fontname", + -11.730380058288574 + ], + [ + "\u2581completion", + -11.73044490814209 + ], + [ + "wp", + -11.730579376220703 + ], + [ + "\u2581gioco", + -11.730680465698242 + ], + [ + "headers", + -11.730708122253418 + ], + [ + "\u2581Denn", + -11.73076343536377 + ], + [ + "neur", + -11.730881690979004 + ], + [ + "\u2581Todos", + -11.731017112731934 + ], + [ + "Assert", + -11.73107624053955 + ], + [ + "management", + -11.731233596801758 + ], + [ + "\u2581zones", + -11.731298446655272 + ], + [ + "\u2581prezzo", + -11.731377601623535 + ], + [ + "\u2581GNU", + -11.731626510620115 + ], + [ + "\u2581bom", + -11.731626510620115 + ], + [ + "\u2581servidor", + -11.731757164001465 + ], + [ + "\u2581defini", + -11.731813430786133 + ], + [ + "\u2581proof", + -11.731911659240724 + ], + [ + "\u2581clase", + -11.731915473937988 + ], + [ + "staat", + -11.731924057006836 + ], + [ + "\u2581Why", + -11.731971740722656 + ], + [ + "els", + -11.732028007507324 + ], + [ + "\u2581games", + -11.732049942016602 + ], + [ + "\u2581Position", + -11.732117652893066 + ], + [ + "\u2581vamos", + -11.73232078552246 + ], + [ + "\u2581nationalen", + -11.732361793518066 + ], + [ + "\u2581villes", + -11.732383728027344 + ], + [ + "\u2581comes", + -11.732415199279783 + ], + [ + "lla", + -11.732622146606444 + ], + [ + "\u2581turisti", + -11.73268222808838 + ], + [ + "\u2581davanti", + -11.733040809631348 + ], + [ + "\u2581th\u00e9", + -11.733072280883787 + ], + [ + "\u2581departement", + -11.7330904006958 + ], + [ + "bro", + -11.733120918273926 + ], + [ + "\u2581Ken", + -11.733139038085938 + ], + [ + "\u2581Daher", + -11.733162879943848 + ], + [ + "\u2581Ross", + -11.733241081237791 + ], + [ + "\u2581strings", + -11.733281135559082 + ], + [ + "\u2581card", + -11.733306884765623 + ], + [ + "\u2581endere", + -11.733426094055176 + ], + [ + "\u2581Vier", + -11.733430862426758 + ], + [ + "\u2581Vertrags", + -11.733508110046388 + ], + [ + "\u2581Besuch", + -11.73357105255127 + ], + [ + "directory", + -11.733920097351074 + ], + [ + "\u2581ego", + -11.73392105102539 + ], + [ + "wait", + -11.73398208618164 + ], + [ + "\u2581humano", + -11.734030723571776 + ], + [ + "rmi", + -11.73415470123291 + ], + [ + "\u2581Punkt", + -11.73416233062744 + ], + [ + "validate", + -11.73427391052246 + ], + [ + "\u2581ganze", + -11.73444366455078 + ], + [ + "mk", + -11.73448371887207 + ], + [ + "\u2581functie", + -11.73481273651123 + ], + [ + "\u2581pensiero", + -11.734818458557127 + ], + [ + "generate", + -11.734941482543944 + ], + [ + "Pierre", + -11.734979629516602 + ], + [ + "\u2581Depuis", + -11.735098838806152 + ], + [ + "\u2581Versicherungs", + -11.735107421875 + ], + [ + "\u2581educa", + -11.735864639282228 + ], + [ + "\u2581heard", + -11.735962867736816 + ], + [ + "i\u00f3", + -11.736004829406738 + ], + [ + "avi", + -11.736038208007812 + ], + [ + "\u2581erstmals", + -11.73611068725586 + ], + [ + "\u2581zuvor", + -11.736193656921388 + ], + [ + "int\u00e9rieur", + -11.736292839050291 + ], + [ + "\u2581Storia", + -11.736337661743164 + ], + [ + "\u2581Lyon", + -11.736692428588867 + ], + [ + "\u2581Insgesamt", + -11.73704719543457 + ], + [ + "\u2581versione", + -11.737077713012695 + ], + [ + "sgesetzes", + -11.737183570861816 + ], + [ + "\u2581composto", + -11.737264633178713 + ], + [ + "dijo", + -11.737606048583984 + ], + [ + "\u2581noorden", + -11.737624168395996 + ], + [ + "\u2581pr\u00f3pria", + -11.737709045410156 + ], + [ + "\u2581loin", + -11.738147735595703 + ], + [ + "\u2581Grenze", + -11.738521575927734 + ], + [ + "\u2581arrive", + -11.738566398620604 + ], + [ + "iso", + -11.738579750061035 + ], + [ + "ander", + -11.738636016845703 + ], + [ + "DR", + -11.738679885864258 + ], + [ + "\u2581bambini", + -11.738686561584473 + ], + [ + "\u2581interesting", + -11.738916397094728 + ], + [ + "\u2581volgde", + -11.739093780517578 + ], + [ + "\u2581parse", + -11.73911190032959 + ], + [ + "Delegate", + -11.739333152770996 + ], + [ + "Ri", + -11.73939609527588 + ], + [ + "VV", + -11.739523887634276 + ], + [ + "satz", + -11.739557266235352 + ], + [ + "SHA", + -11.73960781097412 + ], + [ + "\u2581recibi\u00f3", + -11.73964500427246 + ], + [ + "invalid", + -11.739843368530272 + ], + [ + "\u2581direttamente", + -11.740104675292969 + ], + [ + "\u2581elecciones", + -11.74012565612793 + ], + [ + "move", + -11.740184783935549 + ], + [ + "\u2581solve", + -11.740248680114746 + ], + [ + "l\u00e0", + -11.74034595489502 + ], + [ + "\u2581callback", + -11.740346908569336 + ], + [ + "\u2581vaste", + -11.740410804748535 + ], + [ + "\u2581parmi", + -11.74058723449707 + ], + [ + "Mail", + -11.740835189819336 + ], + [ + "\u2581trad", + -11.740948677062988 + ], + [ + "Namespace", + -11.741021156311035 + ], + [ + "\u2581moglie", + -11.741042137145996 + ], + [ + "\u2581etappe", + -11.741143226623535 + ], + [ + "\u2581cycle", + -11.7412109375 + ], + [ + "\u2581Anderson", + -11.74146556854248 + ], + [ + "\u2581principios", + -11.74161434173584 + ], + [ + "\u2581nomm\u00e9", + -11.741762161254885 + ], + [ + "Background", + -11.74181842803955 + ], + [ + "\u2581investigaci\u00f3n", + -11.741851806640623 + ], + [ + "sample", + -11.74190616607666 + ], + [ + "\u2581Convention", + -11.741962432861328 + ], + [ + "\u2581Produktion", + -11.742045402526855 + ], + [ + "\u2581hot", + -11.742219924926758 + ], + [ + "\u2581maiores", + -11.742244720458984 + ], + [ + "\u2581campionato", + -11.742289543151855 + ], + [ + "clean", + -11.742504119873049 + ], + [ + "\u2581posterior", + -11.742511749267578 + ], + [ + "\u2581Klasse", + -11.742674827575684 + ], + [ + "mond", + -11.742683410644531 + ], + [ + "\u2581camino", + -11.742741584777832 + ], + [ + "\u2581Regionen", + -11.74274444580078 + ], + [ + "\u2581elif", + -11.74275016784668 + ], + [ + "\u2581politische", + -11.742961883544922 + ], + [ + "\u2581arm", + -11.743045806884766 + ], + [ + "VP", + -11.74333953857422 + ], + [ + "Lite", + -11.743389129638672 + ], + [ + "nz", + -11.743513107299805 + ], + [ + "\u2581Wolf", + -11.743671417236328 + ], + [ + "\u2581vittoria", + -11.743881225585938 + ], + [ + "\u2581semble", + -11.74393081665039 + ], + [ + "memory", + -11.743996620178224 + ], + [ + "\u2581WEITERLEITUNG", + -11.744091033935549 + ], + [ + "\u2581Licensed", + -11.744110107421877 + ], + [ + "uber", + -11.744409561157228 + ], + [ + "\u2581Tout", + -11.74456787109375 + ], + [ + "Region", + -11.74457836151123 + ], + [ + "varphi", + -11.74472713470459 + ], + [ + "rechtlichen", + -11.744755744934082 + ], + [ + "school", + -11.744906425476074 + ], + [ + "Protocol", + -11.744925498962402 + ], + [ + "\u2581guarda", + -11.745027542114258 + ], + [ + "\u2581appears", + -11.745043754577637 + ], + [ + "\u2581gehouden", + -11.74515151977539 + ], + [ + "\u2581deal", + -11.745772361755373 + ], + [ + "\u2581nor", + -11.745795249938965 + ], + [ + "\u2581n\u00f3s", + -11.745856285095217 + ], + [ + "\u2581ring", + -11.745954513549805 + ], + [ + "tron", + -11.746094703674316 + ], + [ + "Long", + -11.746136665344238 + ], + [ + "\u2581Elizabeth", + -11.746198654174805 + ], + [ + "Json", + -11.746352195739746 + ], + [ + "\u2581documents", + -11.746421813964844 + ], + [ + "react", + -11.746508598327637 + ], + [ + "Space", + -11.746529579162598 + ], + [ + "\u2581lumi", + -11.746612548828123 + ], + [ + "\u2581nahe", + -11.746818542480469 + ], + [ + "\u2581fevereiro", + -11.746848106384276 + ], + [ + "unterschiedliche", + -11.746957778930664 + ], + [ + "\u2581mese", + -11.746959686279297 + ], + [ + "DI", + -11.747010231018066 + ], + [ + "xx", + -11.747174263000488 + ], + [ + "\u2581licht", + -11.747437477111816 + ], + [ + "\u2581Net", + -11.747471809387209 + ], + [ + "\u2581throughout", + -11.747477531433104 + ], + [ + "f\u00fchrung", + -11.747488021850586 + ], + [ + "\u2581Wi", + -11.747554779052734 + ], + [ + "miento", + -11.747694969177246 + ], + [ + "\u2581walk", + -11.74779987335205 + ], + [ + "\u2581Marina", + -11.747838020324709 + ], + [ + "\u2581zuiden", + -11.748023986816406 + ], + [ + "\u2581UI", + -11.748270988464355 + ], + [ + "\u2581visible", + -11.748271942138672 + ], + [ + "\u2581Engels", + -11.748281478881836 + ], + [ + "exception", + -11.74832820892334 + ], + [ + "\u2581voix", + -11.748403549194336 + ], + [ + "\u2581Natural", + -11.748451232910156 + ], + [ + "\u2581BGB", + -11.748526573181152 + ], + [ + "g\u00e9", + -11.748926162719728 + ], + [ + "iers", + -11.749005317687988 + ], + [ + "gpu", + -11.749157905578612 + ], + [ + "\u2581Bull", + -11.749185562133787 + ], + [ + "\u2581personale", + -11.749740600585938 + ], + [ + "\u2581largest", + -11.749760627746582 + ], + [ + "\u2581\u00e9crit", + -11.74977684020996 + ], + [ + "\u2581Erl\u00e4uterungen", + -11.749841690063477 + ], + [ + "\u2581anhand", + -11.749866485595703 + ], + [ + "\u2581S\u00e9rie", + -11.749960899353027 + ], + [ + "\u2581cast", + -11.750011444091797 + ], + [ + "Record", + -11.750388145446776 + ], + [ + "sion", + -11.750394821166992 + ], + [ + "\u2581Rey", + -11.7505521774292 + ], + [ + "\u2581militare", + -11.750572204589844 + ], + [ + "\u2581h\u00e4tten", + -11.750694274902344 + ], + [ + "\u2581localiza", + -11.750694274902344 + ], + [ + "Paul", + -11.750777244567873 + ], + [ + "\u2581Valley", + -11.750802040100098 + ], + [ + "\u2581reduced", + -11.751038551330566 + ], + [ + "\u2581Stellungnahme", + -11.751132011413574 + ], + [ + "\u2581treffen", + -11.751218795776367 + ], + [ + "ile", + -11.751336097717283 + ], + [ + "\u2581phone", + -11.751346588134766 + ], + [ + "verkehr", + -11.751482009887695 + ], + [ + "\u2581pas\u00f3", + -11.75194263458252 + ], + [ + "\u2581voll", + -11.751953125 + ], + [ + "\u2581Rugby", + -11.751975059509276 + ], + [ + "\u2581rendre", + -11.752019882202148 + ], + [ + "\u2581locales", + -11.752220153808594 + ], + [ + "\u2581Office", + -11.752227783203123 + ], + [ + "shi", + -11.75242519378662 + ], + [ + "play", + -11.75246238708496 + ], + [ + "\u2581Sohn", + -11.752467155456545 + ], + [ + "\u2581Hin", + -11.752570152282717 + ], + [ + "\u2581tram", + -11.752572059631348 + ], + [ + "\u2581Vom", + -11.752640724182127 + ], + [ + "\u2581anyone", + -11.752958297729492 + ], + [ + "\u2581Verfahrens", + -11.753108978271484 + ], + [ + "CM", + -11.753228187561035 + ], + [ + "\u2581Women", + -11.753347396850586 + ], + [ + "\u2581perhaps", + -11.753654479980469 + ], + [ + "\u2581documentation", + -11.753795623779297 + ], + [ + "PROJECT", + -11.754148483276367 + ], + [ + "\u2581comprend", + -11.754300117492676 + ], + [ + "available", + -11.754308700561523 + ], + [ + "\u2581Sci", + -11.754347801208496 + ], + [ + "\u2581selecci\u00f3n", + -11.75461483001709 + ], + [ + "\u2581Samuel", + -11.75465965270996 + ], + [ + "jet", + -11.75491428375244 + ], + [ + "DL", + -11.755054473876951 + ], + [ + "\u2581ciclo", + -11.755227088928224 + ], + [ + "\u2581morto", + -11.75531005859375 + ], + [ + "universit\u00e9", + -11.75546932220459 + ], + [ + "\u2581figuras", + -11.755647659301758 + ], + [ + "\u2581GG", + -11.755661010742188 + ], + [ + "\u2581DB", + -11.75566291809082 + ], + [ + "\u2581erscheint", + -11.755687713623049 + ], + [ + "\u2581hele", + -11.755780220031738 + ], + [ + "\u2581Rechnung", + -11.75578498840332 + ], + [ + "BL", + -11.755859375 + ], + [ + "\u2581cliente", + -11.75589656829834 + ], + [ + "Database", + -11.75596523284912 + ], + [ + "\u2581Special", + -11.756102561950684 + ], + [ + "\u2581Draco", + -11.75631332397461 + ], + [ + "\u2581guard", + -11.756355285644531 + ], + [ + "\u2581mudan", + -11.756404876708984 + ], + [ + "\u2581Lemmon", + -11.7564058303833 + ], + [ + "CL", + -11.756427764892578 + ], + [ + "\u2581calendario", + -11.756474494934082 + ], + [ + "\u2581paso", + -11.75656795501709 + ], + [ + "\u2581punt", + -11.756596565246582 + ], + [ + "wrap", + -11.756725311279297 + ], + [ + "hidden", + -11.756749153137209 + ], + [ + "\u2581realiza", + -11.756815910339355 + ], + [ + "\u2581Davis", + -11.756924629211426 + ], + [ + "\u2581budget", + -11.756973266601562 + ], + [ + "\u2581villa", + -11.757014274597168 + ], + [ + "ngel", + -11.757061004638672 + ], + [ + "\u2581branch", + -11.757083892822266 + ], + [ + "\u2581membre", + -11.75719165802002 + ], + [ + "nier", + -11.757325172424316 + ], + [ + "\u2581imagem", + -11.757519721984863 + ], + [ + "ALL", + -11.757558822631836 + ], + [ + "\u2581vorgesehenen", + -11.757729530334473 + ], + [ + "Pa", + -11.75779628753662 + ], + [ + "elt", + -11.757838249206545 + ], + [ + "\u2581represents", + -11.757978439331056 + ], + [ + "AE", + -11.758011817932127 + ], + [ + "metros", + -11.758056640625 + ], + [ + "alter", + -11.758061408996582 + ], + [ + "\u2581conflict", + -11.758065223693848 + ], + [ + "\u2581popolo", + -11.758100509643556 + ], + [ + "overline", + -11.758140563964844 + ], + [ + "\u2581m\u00e1ximo", + -11.758257865905762 + ], + [ + "Drucksache", + -11.758296012878418 + ], + [ + "\u2581Wikimedia", + -11.758313179016112 + ], + [ + "\u2581donner", + -11.758440971374512 + ], + [ + "\u2581designed", + -11.75844955444336 + ], + [ + "\u2581exception", + -11.758577346801758 + ], + [ + "ical", + -11.75857925415039 + ], + [ + "INT", + -11.75861930847168 + ], + [ + "\u2581ellas", + -11.75869846343994 + ], + [ + "systems", + -11.758699417114258 + ], + [ + "LA", + -11.758728981018066 + ], + [ + "\u2581d\u00e9part", + -11.758822441101074 + ], + [ + "Extension", + -11.758872985839844 + ], + [ + "\u2581ange", + -11.759069442749023 + ], + [ + "Param", + -11.759190559387209 + ], + [ + "\u2581nodes", + -11.759332656860352 + ], + [ + "\u2581toward", + -11.759380340576172 + ], + [ + "\u2581turismo", + -11.759465217590332 + ], + [ + "iro", + -11.759488105773926 + ], + [ + "\u2581increment", + -11.75954246520996 + ], + [ + "textcolor", + -11.759654998779297 + ], + [ + "BF", + -11.75999355316162 + ], + [ + "\u2581companies", + -11.759997367858888 + ], + [ + "\u2581dich", + -11.760059356689451 + ], + [ + "\u2581moyen", + -11.760437965393066 + ], + [ + "\u2581versions", + -11.760717391967772 + ], + [ + "\u2581encontra", + -11.760775566101074 + ], + [ + "\u2581basso", + -11.7608060836792 + ], + [ + "\u2581H\u00e4lfte", + -11.761086463928224 + ], + [ + "\u2581nuove", + -11.761303901672363 + ], + [ + "Access", + -11.761387825012209 + ], + [ + "\u2581terzo", + -11.761425971984863 + ], + [ + "\u2581militares", + -11.761512756347656 + ], + [ + "\u2581Jr", + -11.761519432067873 + ], + [ + "\u2581Nieuw", + -11.76154327392578 + ], + [ + "\u2581Teilnehmer", + -11.761603355407717 + ], + [ + "vy", + -11.76194667816162 + ], + [ + "\u2581klasse", + -11.76197910308838 + ], + [ + "\u2581distanza", + -11.762072563171388 + ], + [ + "\u2581Eduardo", + -11.762247085571287 + ], + [ + "\u2581Verteilung", + -11.762460708618164 + ], + [ + "face", + -11.762648582458496 + ], + [ + "\u2581unterst\u00fctzt", + -11.76267147064209 + ], + [ + "Font", + -11.762763023376465 + ], + [ + "\u2581Census", + -11.762800216674805 + ], + [ + "widget", + -11.762950897216797 + ], + [ + "\u2581disponibili", + -11.763049125671388 + ], + [ + "\u2581scuola", + -11.763279914855955 + ], + [ + "\u2581dienst", + -11.76328945159912 + ], + [ + "\u2581experimental", + -11.763348579406738 + ], + [ + "Pr", + -11.763473510742188 + ], + [ + "ieron", + -11.763482093811035 + ], + [ + "\u2581Bezeichnung", + -11.763519287109377 + ], + [ + "\u2581attempt", + -11.763531684875488 + ], + [ + "addl", + -11.763566970825195 + ], + [ + "\u2581bestand", + -11.763579368591309 + ], + [ + "\u2581=====", + -11.76380729675293 + ], + [ + "\u2581naast", + -11.763837814331056 + ], + [ + "\u2581Annahme", + -11.763877868652344 + ], + [ + "\u2581kampioen", + -11.764013290405272 + ], + [ + "\u2581Definition", + -11.764031410217283 + ], + [ + "\u2581aeroporto", + -11.76427173614502 + ], + [ + "iendo", + -11.764336585998535 + ], + [ + "\u2581Gabriel", + -11.76462173461914 + ], + [ + "\u2581Abschluss", + -11.764640808105469 + ], + [ + "ingresso", + -11.76467514038086 + ], + [ + "funktion", + -11.764732360839844 + ], + [ + "panel", + -11.764777183532717 + ], + [ + "\u2581som", + -11.764780044555664 + ], + [ + "\u2581Gor", + -11.764802932739258 + ], + [ + "\u2581cuore", + -11.764825820922852 + ], + [ + "aggio", + -11.76487922668457 + ], + [ + "\u2581solu", + -11.764991760253906 + ], + [ + "\u2581ormai", + -11.765005111694336 + ], + [ + "\u2581desse", + -11.765144348144531 + ], + [ + "\u2581technology", + -11.765338897705078 + ], + [ + "AK", + -11.765432357788086 + ], + [ + "\u2581alone", + -11.765470504760742 + ], + [ + "linie", + -11.765544891357422 + ], + [ + "\u2581routes", + -11.765606880187988 + ], + [ + "\u2581m\u00ed", + -11.765669822692873 + ], + [ + "required", + -11.765777587890623 + ], + [ + "\u2581divide", + -11.76595973968506 + ], + [ + "\u2581\"#", + -11.76603889465332 + ], + [ + "Utils", + -11.766051292419434 + ], + [ + "you", + -11.766127586364746 + ], + [ + "\u2581debut", + -11.766185760498049 + ], + [ + "\u2581sterk", + -11.766215324401855 + ], + [ + "Use", + -11.76629638671875 + ], + [ + "\u2581betroffenen", + -11.766462326049805 + ], + [ + "\u2581R\u00e9", + -11.766559600830078 + ], + [ + "\u2581Mikro", + -11.767258644104004 + ], + [ + "\u2581rung", + -11.767416000366213 + ], + [ + "\u2581pourrait", + -11.767520904541016 + ], + [ + "\u2581versie", + -11.7676362991333 + ], + [ + "Universit\u00e0", + -11.767663955688477 + ], + [ + "\u2581Fl\u00e4chen", + -11.76767349243164 + ], + [ + "LM", + -11.767688751220703 + ], + [ + "entr\u00e9e", + -11.767736434936523 + ], + [ + "\u2581Uno", + -11.767772674560549 + ], + [ + "\u2581share", + -11.76778507232666 + ], + [ + "\u2581motion", + -11.767834663391112 + ], + [ + "Any", + -11.768083572387695 + ], + [ + "\u2581h\u00e4lt", + -11.768218040466309 + ], + [ + "\u2581creating", + -11.768242835998535 + ], + [ + "\u2581Wissenschaft", + -11.768247604370115 + ], + [ + "\u2581Ausland", + -11.768376350402832 + ], + [ + "Club", + -11.76888942718506 + ], + [ + "\u2581Lehr", + -11.768901824951172 + ], + [ + "\u2581Regno", + -11.769110679626465 + ], + [ + "eqnarray", + -11.769187927246094 + ], + [ + "\u2581processing", + -11.769378662109377 + ], + [ + "\u2581coisas", + -11.769536018371582 + ], + [ + "neg", + -11.769537925720217 + ], + [ + "\u2581Benjamin", + -11.769607543945312 + ], + [ + "\u2581protagonista", + -11.769661903381348 + ], + [ + "\u2581montagne", + -11.76966381072998 + ], + [ + "\u2581execu", + -11.769680976867676 + ], + [ + "TABLE", + -11.769701957702637 + ], + [ + "\u2581\"[", + -11.769920349121094 + ], + [ + "\u2581g\u00e9n\u00e9ralement", + -11.769953727722168 + ], + [ + "Domain", + -11.770182609558104 + ], + [ + "\u2581pass\u00e9", + -11.770222663879396 + ], + [ + "angle", + -11.770223617553713 + ], + [ + "\u2581throw", + -11.77027988433838 + ], + [ + "\u2581Andere", + -11.770309448242188 + ], + [ + "\u2581discussion", + -11.770342826843262 + ], + [ + "\u2581carried", + -11.770537376403809 + ], + [ + "\u2581situata", + -11.77053928375244 + ], + [ + "\u2581wedstrijden", + -11.770556449890137 + ], + [ + "\u2581remote", + -11.770861625671388 + ], + [ + "\u2581Nieder", + -11.770956993103027 + ], + [ + "dots", + -11.77102279663086 + ], + [ + "\u2581speciale", + -11.77105712890625 + ], + [ + "\u2581Digital", + -11.771145820617676 + ], + [ + "gebied", + -11.77126121520996 + ], + [ + "ating", + -11.771440505981444 + ], + [ + "\u2581trat", + -11.771614074707031 + ], + [ + "\u2581Unterschiede", + -11.771842956542969 + ], + [ + "\u2581Renten", + -11.771957397460938 + ], + [ + "bericht", + -11.771971702575684 + ], + [ + "live", + -11.772147178649902 + ], + [ + "\u2581march\u00e9", + -11.77255916595459 + ], + [ + "\u2581vino", + -11.772821426391602 + ], + [ + "\u2581bringen", + -11.77298355102539 + ], + [ + "tigt", + -11.773499488830566 + ], + [ + "auteur", + -11.773513793945312 + ], + [ + "\u2581Development", + -11.7736234664917 + ], + [ + "\u2581teams", + -11.773773193359377 + ], + [ + "t\u00f3", + -11.77385425567627 + ], + [ + "\u2581erforderlichen", + -11.773859977722168 + ], + [ + "\u2581Gene", + -11.773981094360352 + ], + [ + "\u2581portugu", + -11.774038314819336 + ], + [ + "\u2581composi", + -11.77419090270996 + ], + [ + "\u2581Sach", + -11.774219512939451 + ], + [ + "Func", + -11.774284362792969 + ], + [ + "Bo", + -11.774433135986328 + ], + [ + "\u2581nazionali", + -11.774518966674805 + ], + [ + "wen", + -11.774523735046388 + ], + [ + "\u2581acompa", + -11.774593353271484 + ], + [ + "\u2581tela", + -11.774600982666016 + ], + [ + "\u2581aucun", + -11.774643898010254 + ], + [ + "\u2581Network", + -11.77473258972168 + ], + [ + "ssero", + -11.774775505065918 + ], + [ + "\u2581Marx", + -11.774826049804688 + ], + [ + "\u2581Canad\u00e1", + -11.774845123291016 + ], + [ + "\u2581Theater", + -11.775169372558594 + ], + [ + "\u2581critical", + -11.775269508361816 + ], + [ + "FG", + -11.775385856628418 + ], + [ + "\u2581torre", + -11.77545166015625 + ], + [ + "meister", + -11.775465965270996 + ], + [ + "\u2581remains", + -11.775520324707031 + ], + [ + "\u2581rapporto", + -11.775641441345217 + ], + [ + "ailleurs", + -11.775871276855469 + ], + [ + "\u2581anglais", + -11.775871276855469 + ], + [ + "tjes", + -11.77592658996582 + ], + [ + "\u2581Luigi", + -11.775964736938477 + ], + [ + "\u2581news", + -11.776108741760254 + ], + [ + "\u2581danach", + -11.77630615234375 + ], + [ + "\u2581destra", + -11.776331901550291 + ], + [ + "\u2581lokale", + -11.776347160339355 + ], + [ + "\u2581m\u00e9dia", + -11.776589393615724 + ], + [ + "\u2581append", + -11.77662467956543 + ], + [ + "\u2581homem", + -11.77677059173584 + ], + [ + "\u2581island", + -11.776848793029783 + ], + [ + "\u2581formed", + -11.77685546875 + ], + [ + "\u2581Erfolg", + -11.777179718017578 + ], + [ + "\u2581tuo", + -11.777429580688477 + ], + [ + "\u2581gew", + -11.777435302734377 + ], + [ + "\u2581gesamte", + -11.777442932128906 + ], + [ + "\u2581erg", + -11.777462005615234 + ], + [ + "\u2581Bahnhof", + -11.777466773986816 + ], + [ + "\u2581cependant", + -11.777576446533203 + ], + [ + "\u2581Nazionale", + -11.777798652648926 + ], + [ + "\u2581Philippe", + -11.777884483337402 + ], + [ + "lier", + -11.777957916259766 + ], + [ + "uw", + -11.778254508972168 + ], + [ + "\u2581sociedad", + -11.7783842086792 + ], + [ + "TT", + -11.778477668762209 + ], + [ + "\u2581salt", + -11.778583526611328 + ], + [ + "\u2581movement", + -11.77873420715332 + ], + [ + "\u2581casas", + -11.77916431427002 + ], + [ + "\u2581vide", + -11.779234886169434 + ], + [ + "\u2581Pers", + -11.779293060302734 + ], + [ + "\u00e9nergie", + -11.779358863830566 + ], + [ + "rows", + -11.779409408569336 + ], + [ + "\u2581costo", + -11.77968406677246 + ], + [ + "ule", + -11.77979850769043 + ], + [ + "\u2581Ag", + -11.779906272888184 + ], + [ + "\u2581crisis", + -11.779937744140623 + ], + [ + "\u2581ragione", + -11.779949188232422 + ], + [ + "fp", + -11.779966354370115 + ], + [ + "\u2581Soldaten", + -11.780085563659668 + ], + [ + "\u2581Nov", + -11.78016757965088 + ], + [ + "\u2581alt", + -11.780367851257324 + ], + [ + "\u2581DC", + -11.780394554138184 + ], + [ + "\u2581Temperatur", + -11.780410766601562 + ], + [ + "amt", + -11.780664443969728 + ], + [ + "programma", + -11.78085708618164 + ], + [ + "\u2581certa", + -11.780914306640623 + ], + [ + "\u2581edi", + -11.780919075012209 + ], + [ + "\u2581mentioned", + -11.780941009521484 + ], + [ + "\u2581Boy", + -11.781024932861328 + ], + [ + "\u2581moeder", + -11.781049728393556 + ], + [ + "\u2581bilden", + -11.781120300292969 + ], + [ + "\u2581platform", + -11.78114128112793 + ], + [ + "INFO", + -11.781208038330078 + ], + [ + "\u2581Teile", + -11.78122329711914 + ], + [ + "wee", + -11.78137493133545 + ], + [ + "ssia", + -11.78144073486328 + ], + [ + "\u2581laut", + -11.78146266937256 + ], + [ + "\u2581pratique", + -11.781526565551758 + ], + [ + "NUM", + -11.78179168701172 + ], + [ + "\u2581SC", + -11.781804084777832 + ], + [ + "\u2581Review", + -11.78191375732422 + ], + [ + "\u2581driver", + -11.781939506530762 + ], + [ + "\u2581Bou", + -11.78224277496338 + ], + [ + "\u2581Andrew", + -11.782264709472656 + ], + [ + "\u2581midden", + -11.782296180725098 + ], + [ + "\u2581Stat", + -11.782344818115234 + ], + [ + "nodes", + -11.782356262207031 + ], + [ + "\u2581Rotterdam", + -11.782398223876951 + ], + [ + "\u2581bepaalde", + -11.782422065734863 + ], + [ + "First", + -11.782535552978516 + ], + [ + "Helvetica", + -11.782611846923828 + ], + [ + "HD", + -11.782901763916016 + ], + [ + "yn", + -11.782918930053713 + ], + [ + "\u2581Gesetzentwurf", + -11.783015251159668 + ], + [ + "\u2581M\u00fcller", + -11.783133506774902 + ], + [ + "\u2581c\u00e9lulas", + -11.78314971923828 + ], + [ + "\u2581optional", + -11.783180236816406 + ], + [ + "\u2581bois", + -11.783357620239258 + ], + [ + "\u2581gu", + -11.78335952758789 + ], + [ + "\u2581g\u00e9n\u00e9rale", + -11.78346347808838 + ], + [ + "\u2581enum", + -11.783465385437012 + ], + [ + "\u2581SGB", + -11.783509254455566 + ], + [ + "\u2581trade", + -11.78356647491455 + ], + [ + "\u2581novamente", + -11.783605575561523 + ], + [ + "\u2581Ham", + -11.783621788024902 + ], + [ + "\u2581trasporto", + -11.783683776855469 + ], + [ + "\u2581---", + -11.78414821624756 + ], + [ + "\u2581Rand", + -11.784151077270508 + ], + [ + "\u2581trabalhar", + -11.784268379211426 + ], + [ + "\u2581lato", + -11.784375190734863 + ], + [ + "uz", + -11.784416198730469 + ], + [ + "\u2581ej\u00e9rcito", + -11.784576416015623 + ], + [ + "single", + -11.784819602966309 + ], + [ + "\u2581Rica", + -11.784937858581545 + ], + [ + "\u2581anteriores", + -11.785057067871094 + ], + [ + "bobobo", + -11.78533935546875 + ], + [ + "\u2581hierzu", + -11.78561782836914 + ], + [ + "\u2581HTML", + -11.785856246948242 + ], + [ + "\u2581Gobierno", + -11.785931587219238 + ], + [ + "far", + -11.786108016967772 + ], + [ + "\u2581dagen", + -11.786141395568848 + ], + [ + "\u2581foreign", + -11.786147117614746 + ], + [ + "\u2581wissen", + -11.7861909866333 + ], + [ + "\u2581Brussel", + -11.786242485046388 + ], + [ + "\u2581choix", + -11.786285400390623 + ], + [ + "\u2581precedente", + -11.786474227905272 + ], + [ + "ub", + -11.78654956817627 + ], + [ + "\u2581Bos", + -11.786569595336914 + ], + [ + "\u2581quickly", + -11.786663055419922 + ], + [ + "\u2581temp", + -11.78678035736084 + ], + [ + "\u2581quantum", + -11.78686809539795 + ], + [ + "\u2581Klima", + -11.786885261535645 + ], + [ + "\u2581entstehen", + -11.786934852600098 + ], + [ + "\u2581Wettbewerb", + -11.786952018737791 + ], + [ + "basename", + -11.787233352661133 + ], + [ + "\u2581coll", + -11.787288665771484 + ], + [ + "edge", + -11.787449836730955 + ], + [ + "\u2581vollst\u00e4ndig", + -11.787574768066406 + ], + [ + "\u2581waarmee", + -11.78763484954834 + ], + [ + "\u2581income", + -11.787702560424805 + ], + [ + "\u2581nen", + -11.787774085998535 + ], + [ + "\u2581erf\u00fcllt", + -11.787927627563477 + ], + [ + "\u2581doivent", + -11.788005828857422 + ], + [ + "\u2581drop", + -11.788294792175291 + ], + [ + "\u2581Ausschusses", + -11.788328170776367 + ], + [ + "\u2581wilde", + -11.788387298583984 + ], + [ + "\u2581publi\u00e9s", + -11.7885103225708 + ], + [ + "\u2581poeta", + -11.788558959960938 + ], + [ + "\u2581gracias", + -11.788725852966309 + ], + [ + "\u2581Camp", + -11.788748741149902 + ], + [ + "IC", + -11.788873672485352 + ], + [ + "\u2581ojos", + -11.78895378112793 + ], + [ + "appdata", + -11.789192199707031 + ], + [ + "haft", + -11.789223670959473 + ], + [ + "\u2581richting", + -11.789274215698242 + ], + [ + "\u2581Ronde", + -11.789349555969238 + ], + [ + "NL", + -11.789469718933104 + ], + [ + "\u2581bat", + -11.789548873901367 + ], + [ + "\u2581Lago", + -11.789729118347168 + ], + [ + "MU", + -11.789816856384276 + ], + [ + "vora", + -11.789915084838867 + ], + [ + "\u2581toch", + -11.790143013000488 + ], + [ + "eps", + -11.790403366088867 + ], + [ + "\u2581tandis", + -11.790606498718262 + ], + [ + "CORE", + -11.790619850158691 + ], + [ + "\u2581ber\u00fccksichtigen", + -11.790650367736816 + ], + [ + "leben", + -11.790775299072266 + ], + [ + "\u2581derived", + -11.79101276397705 + ], + [ + "Ka", + -11.791133880615234 + ], + [ + "\u2581native", + -11.791175842285156 + ], + [ + "Phi", + -11.791278839111328 + ], + [ + "\u2581trace", + -11.791325569152832 + ], + [ + "\u2581gruppi", + -11.791327476501465 + ], + [ + "\u2581entlang", + -11.791329383850098 + ], + [ + "\u2581resulting", + -11.791428565979004 + ], + [ + "nten", + -11.79153537750244 + ], + [ + "\u2581habitants", + -11.79157829284668 + ], + [ + "\u2581\"[\",", + -11.791664123535156 + ], + [ + "\u2581stessi", + -11.791666030883787 + ], + [ + "\u2581doute", + -11.79181671142578 + ], + [ + "\u2581Fest", + -11.79188346862793 + ], + [ + "\u2581Venezia", + -11.791884422302246 + ], + [ + "\u2581festgelegt", + -11.79190731048584 + ], + [ + "\u2581jugador", + -11.792054176330566 + ], + [ + "\u2581copyright", + -11.79209327697754 + ], + [ + "\u2581localizada", + -11.792129516601562 + ], + [ + "Fig", + -11.79214859008789 + ], + [ + "\u2581cr", + -11.792201042175291 + ], + [ + "BG", + -11.79221248626709 + ], + [ + "commit", + -11.79221248626709 + ], + [ + "stage", + -11.792256355285645 + ], + [ + "\u2581parc", + -11.792402267456056 + ], + [ + "\u2581folgender", + -11.792513847351074 + ], + [ + "\u2581scelta", + -11.792540550231934 + ], + [ + "otto", + -11.792645454406738 + ], + [ + "wind", + -11.792647361755373 + ], + [ + "\u2581liet", + -11.792668342590332 + ], + [ + "kit", + -11.792695999145508 + ], + [ + "\u2581gesehen", + -11.792698860168455 + ], + [ + "\u2581hermano", + -11.79279613494873 + ], + [ + "\u2581Greta", + -11.79280948638916 + ], + [ + "\u2581filled", + -11.792859077453612 + ], + [ + "VM", + -11.792889595031738 + ], + [ + "\u2581libert\u00e0", + -11.792943954467772 + ], + [ + "welt", + -11.793073654174805 + ], + [ + "\u2581numerose", + -11.793136596679688 + ], + [ + "\u2581stem", + -11.793293952941896 + ], + [ + "\u2581Haushaltsjahr", + -11.793306350708008 + ], + [ + "\u2581misura", + -11.79340934753418 + ], + [ + "\u2581eben", + -11.793514251708984 + ], + [ + "trace", + -11.793750762939451 + ], + [ + "\u2581Versorgungs", + -11.79380989074707 + ], + [ + "\u2581hija", + -11.794018745422363 + ], + [ + "\u2581Mitgliedstaat", + -11.794057846069336 + ], + [ + "theme", + -11.79431438446045 + ], + [ + "standard", + -11.794316291809082 + ], + [ + "\u2581measures", + -11.794347763061523 + ], + [ + "\u2581Fox", + -11.794435501098633 + ], + [ + "\u2581Cependant", + -11.794586181640623 + ], + [ + "\u2581TODO", + -11.794618606567385 + ], + [ + "\u2581portion", + -11.794625282287598 + ], + [ + "\u2581Gewalt", + -11.794652938842772 + ], + [ + "\u2581mangiare", + -11.794754981994627 + ], + [ + "strong", + -11.794764518737791 + ], + [ + "\u2581Where", + -11.794787406921388 + ], + [ + "weise", + -11.79479694366455 + ], + [ + "\u2581audio", + -11.794807434082031 + ], + [ + "\u2581choses", + -11.794976234436035 + ], + [ + "\u2581bijna", + -11.79500675201416 + ], + [ + "\u2581larga", + -11.79509449005127 + ], + [ + "\u2581Sistema", + -11.795114517211914 + ], + [ + "ages", + -11.79518985748291 + ], + [ + "\u2581riferimento", + -11.795258522033691 + ], + [ + "\u2581manos", + -11.795260429382324 + ], + [ + "poli", + -11.79527759552002 + ], + [ + "geq", + -11.795364379882812 + ], + [ + "\u2581Bruno", + -11.795366287231444 + ], + [ + "rai", + -11.795394897460938 + ], + [ + "\u2581killed", + -11.795451164245604 + ], + [ + "vre", + -11.795618057250977 + ], + [ + "jas", + -11.795623779296877 + ], + [ + "\u2581clubs", + -11.795708656311035 + ], + [ + "\u2581Unless", + -11.795966148376465 + ], + [ + "ware", + -11.796072006225586 + ], + [ + "cn", + -11.796137809753418 + ], + [ + "court", + -11.796229362487791 + ], + [ + "pulumi", + -11.796278953552246 + ], + [ + "\u2581artistas", + -11.796363830566406 + ], + [ + "\u2581Archivo", + -11.796387672424316 + ], + [ + "Ru", + -11.79647445678711 + ], + [ + "eichen", + -11.796725273132324 + ], + [ + "isse", + -11.796730041503906 + ], + [ + "\u2581receive", + -11.796788215637209 + ], + [ + "\u2581Deutsch", + -11.79689884185791 + ], + [ + "\u2581occur", + -11.796932220458984 + ], + [ + "\u2581conquista", + -11.797120094299316 + ], + [ + "\u2581usada", + -11.797542572021484 + ], + [ + "\u2581tele", + -11.797611236572266 + ], + [ + "\u2581llamada", + -11.797687530517578 + ], + [ + "\u2581Firenze", + -11.79771327972412 + ], + [ + "\u2581unver\u00e4ndert", + -11.79779815673828 + ], + [ + "\u2581license", + -11.797896385192873 + ], + [ + "\u2581trotz", + -11.798038482666016 + ], + [ + "\u2581highly", + -11.798155784606934 + ], + [ + "\u2581nouvelles", + -11.798287391662598 + ], + [ + "\u2581placed", + -11.798295974731444 + ], + [ + "kh", + -11.798296928405762 + ], + [ + "kov", + -11.798306465148926 + ], + [ + "boolean", + -11.79844093322754 + ], + [ + "gov", + -11.79844093322754 + ], + [ + "ink", + -11.798569679260254 + ], + [ + "pat", + -11.79857063293457 + ], + [ + "SUB", + -11.79871940612793 + ], + [ + "\u2581psycho", + -11.798815727233888 + ], + [ + "HS", + -11.798867225646973 + ], + [ + "\u2581segue", + -11.798893928527832 + ], + [ + "\u2581droite", + -11.79903793334961 + ], + [ + "\u2581rare", + -11.799304962158203 + ], + [ + "ores", + -11.799365997314451 + ], + [ + "\u2581doctor", + -11.799428939819336 + ], + [ + "\u2581MARK", + -11.799439430236816 + ], + [ + "SB", + -11.799596786499023 + ], + [ + "\u2581Golden", + -11.799631118774414 + ], + [ + "\u2581tabela", + -11.799705505371094 + ], + [ + "\u2581Corporation", + -11.79975700378418 + ], + [ + "\u2581organization", + -11.799823760986328 + ], + [ + "rock", + -11.799844741821287 + ], + [ + "\u2581stay", + -11.799864768981934 + ], + [ + "\u2581Meta", + -11.800004959106444 + ], + [ + "enabled", + -11.800097465515137 + ], + [ + "Ra", + -11.800114631652832 + ], + [ + "\u2581trains", + -11.800114631652832 + ], + [ + "\u2581profesional", + -11.80025863647461 + ], + [ + "\u00e9l", + -11.80038356781006 + ], + [ + "Last", + -11.800408363342283 + ], + [ + "\u2581Minist\u00e9rio", + -11.800418853759766 + ], + [ + "\u2581avons", + -11.800497055053713 + ], + [ + "\u2581derechos", + -11.800535202026367 + ], + [ + "\u2581Terre", + -11.80072784423828 + ], + [ + "\u2581propri", + -11.800761222839355 + ], + [ + "\u2581Worte", + -11.80080795288086 + ], + [ + "agem", + -11.800863265991213 + ], + [ + "\u2581Spa", + -11.800910949707031 + ], + [ + "\u2581Th\u00e9", + -11.801137924194336 + ], + [ + "\u2581begann", + -11.801145553588867 + ], + [ + "\u2581Essen", + -11.80116081237793 + ], + [ + "\u2581ensemble", + -11.80123805999756 + ], + [ + "\u2581caused", + -11.801261901855469 + ], + [ + "\u2581aquel", + -11.801298141479492 + ], + [ + "\u2581counter", + -11.801353454589844 + ], + [ + "\u2581prezzi", + -11.801519393920898 + ], + [ + "iera", + -11.801525115966797 + ], + [ + "KS", + -11.801547050476074 + ], + [ + "\u2581contrato", + -11.801618576049805 + ], + [ + "lay", + -11.80173110961914 + ], + [ + "\u2581Ainsi", + -11.801905632019045 + ], + [ + "\u2581opening", + -11.80201530456543 + ], + [ + "\u2581Shi", + -11.802270889282228 + ], + [ + "\u2581encuentran", + -11.802291870117188 + ], + [ + "\u2581importance", + -11.802324295043944 + ], + [ + "\u2581polizia", + -11.802363395690918 + ], + [ + "\u2581virus", + -11.802557945251465 + ], + [ + "\u2581firma", + -11.80273723602295 + ], + [ + "\u2581Vicente", + -11.802764892578123 + ], + [ + "\u2581konden", + -11.802928924560549 + ], + [ + "\u2581ponte", + -11.803058624267578 + ], + [ + "\u2581fuerzas", + -11.803123474121094 + ], + [ + "Pool", + -11.8032808303833 + ], + [ + "\u2581Jung", + -11.803325653076172 + ], + [ + "\u2581Ausbau", + -11.803389549255373 + ], + [ + "iga", + -11.80370044708252 + ], + [ + "\u2581simile", + -11.803717613220217 + ], + [ + "\u2581Py", + -11.803778648376465 + ], + [ + "\u2581Departamento", + -11.803820610046388 + ], + [ + "\u2581cap\u00edtulo", + -11.803961753845217 + ], + [ + "\u2581Schiff", + -11.804000854492188 + ], + [ + "\u2581Both", + -11.80423641204834 + ], + [ + "\u2581Lady", + -11.804247856140137 + ], + [ + "\u2581Oh", + -11.804396629333496 + ], + [ + "\u2581zumindest", + -11.804429054260254 + ], + [ + "\u2581maintenant", + -11.804579734802246 + ], + [ + "LS", + -11.804732322692873 + ], + [ + "Ro", + -11.804976463317873 + ], + [ + "\u2581interne", + -11.804994583129885 + ], + [ + "\u2581televis", + -11.80502223968506 + ], + [ + "\u2581Mol", + -11.805123329162598 + ], + [ + "Feature", + -11.805163383483888 + ], + [ + "resp", + -11.805232048034668 + ], + [ + "\u2581suivant", + -11.805397033691406 + ], + [ + "ignore", + -11.80555820465088 + ], + [ + "SD", + -11.805603981018066 + ], + [ + "player", + -11.805768013000488 + ], + [ + "mile", + -11.805800437927246 + ], + [ + "\u2581migliori", + -11.80584716796875 + ], + [ + "\u2581Erkl\u00e4rung", + -11.8058500289917 + ], + [ + "family", + -11.805898666381836 + ], + [ + "\u2581moving", + -11.80650520324707 + ], + [ + "\u2581gingen", + -11.8065185546875 + ], + [ + "\u2581gebouw", + -11.806544303894045 + ], + [ + "\u2581Autor", + -11.806573867797852 + ], + [ + "\u2581zw", + -11.806793212890623 + ], + [ + "Env", + -11.806803703308104 + ], + [ + "features", + -11.80702018737793 + ], + [ + "modal", + -11.807043075561523 + ], + [ + "\u2581entsprechen", + -11.8070650100708 + ], + [ + "trice", + -11.807258605957031 + ], + [ + "Illuminate", + -11.80726432800293 + ], + [ + "\u2581Sein", + -11.807424545288086 + ], + [ + "Fn", + -11.80743408203125 + ], + [ + "Can", + -11.80746364593506 + ], + [ + "stellung", + -11.80753231048584 + ], + [ + "\u2581Model", + -11.807552337646484 + ], + [ + "\u2581situada", + -11.80758285522461 + ], + [ + "\u2581Bibliographie", + -11.80774974822998 + ], + [ + "analysis", + -11.807785034179688 + ], + [ + "Section", + -11.807936668395996 + ], + [ + "\u2581veut", + -11.807950973510742 + ], + [ + "Artikel", + -11.808134078979492 + ], + [ + "vr", + -11.808245658874512 + ], + [ + "\u2581offici", + -11.808366775512695 + ], + [ + "\u2581Conseil", + -11.808692932128906 + ], + [ + "fail", + -11.808753967285156 + ], + [ + "\u2581accept", + -11.80880355834961 + ], + [ + "reset", + -11.808836936950684 + ], + [ + "ments", + -11.80885124206543 + ], + [ + "\u2581conocida", + -11.808883666992188 + ], + [ + "\u2581treated", + -11.808953285217283 + ], + [ + "\u2581bordo", + -11.809081077575684 + ], + [ + "ranno", + -11.809120178222656 + ], + [ + "builder", + -11.809258460998535 + ], + [ + "\u2581Second", + -11.809368133544922 + ], + [ + "\u2581soziale", + -11.809382438659668 + ], + [ + "\u2581leden", + -11.809784889221191 + ], + [ + "\u00e1veis", + -11.809797286987305 + ], + [ + "rk", + -11.810001373291016 + ], + [ + "\u2581solar", + -11.810105323791504 + ], + [ + "\u2581Sem", + -11.810165405273438 + ], + [ + "\u2581diferen", + -11.810232162475586 + ], + [ + "\u2581ehemaligen", + -11.81032657623291 + ], + [ + "pg", + -11.810483932495115 + ], + [ + "\u2581betreffenden", + -11.810507774353027 + ], + [ + "ped", + -11.810606956481934 + ], + [ + "ison", + -11.810752868652344 + ], + [ + "\u2581rapidamente", + -11.810826301574709 + ], + [ + "\u2581password", + -11.81089973449707 + ], + [ + "specific", + -11.81092643737793 + ], + [ + "\u2581torno", + -11.8109712600708 + ], + [ + "\u2581nostri", + -11.811026573181152 + ], + [ + "rea", + -11.811179161071776 + ], + [ + "c\u00e9", + -11.811195373535156 + ], + [ + "\u2581equa", + -11.811346054077148 + ], + [ + "\u2581compl", + -11.811348915100098 + ], + [ + "\u2581serem", + -11.811474800109863 + ], + [ + "\u2581utilis\u00e9", + -11.811588287353516 + ], + [ + "\u2581rein", + -11.811907768249512 + ], + [ + "\u2581thread", + -11.812116622924805 + ], + [ + "ueen", + -11.812246322631836 + ], + [ + "\u2581qualit\u00e9", + -11.812277793884276 + ], + [ + "\u2581Nouvelle", + -11.8123197555542 + ], + [ + "og", + -11.812475204467772 + ], + [ + "\u2581observa", + -11.812475204467772 + ], + [ + "cent", + -11.812602996826172 + ], + [ + "encode", + -11.812664985656738 + ], + [ + "\u2581financi", + -11.81277561187744 + ], + [ + "hn", + -11.812922477722168 + ], + [ + "\u2581affect", + -11.813097953796388 + ], + [ + "IR", + -11.81316089630127 + ], + [ + "\u2581tedesco", + -11.81321907043457 + ], + [ + "\u2581Conference", + -11.813267707824709 + ], + [ + "ustand", + -11.813394546508787 + ], + [ + "\u2581feet", + -11.81345558166504 + ], + [ + "\u2581diretor", + -11.813786506652832 + ], + [ + "\u2581t\u00e4tig", + -11.813800811767578 + ], + [ + "verordnung", + -11.81386375427246 + ], + [ + "tent", + -11.813947677612305 + ], + [ + "\u2581meeting", + -11.814053535461426 + ], + [ + "\u2581nuclear", + -11.814081192016602 + ], + [ + "cv", + -11.814173698425291 + ], + [ + "\u2581formar", + -11.814265251159668 + ], + [ + "\u2581l\u00edder", + -11.814380645751951 + ], + [ + "\u2581Jun", + -11.814441680908203 + ], + [ + "\u2581Director", + -11.814448356628418 + ], + [ + "Lambda", + -11.814499855041504 + ], + [ + "\u2581Comment", + -11.814952850341797 + ], + [ + "\u2581IL", + -11.814996719360352 + ], + [ + "gra", + -11.81531810760498 + ], + [ + "\u2581Matt", + -11.81533908843994 + ], + [ + "\u2581letzte", + -11.815357208251951 + ], + [ + "\u2581presencia", + -11.815415382385254 + ], + [ + "onne", + -11.815438270568848 + ], + [ + "\u2581taux", + -11.815778732299805 + ], + [ + "hol", + -11.815882682800291 + ], + [ + "\u2581blieb", + -11.81600284576416 + ], + [ + "\u2581fix", + -11.81628704071045 + ], + [ + "dat", + -11.816353797912598 + ], + [ + "\u2581religi", + -11.816744804382324 + ], + [ + "\u2581identity", + -11.816802978515623 + ], + [ + "was", + -11.816810607910156 + ], + [ + "\u2581pers", + -11.816880226135254 + ], + [ + "\u2581Eis", + -11.816895484924316 + ], + [ + "FP", + -11.817001342773438 + ], + [ + "\u2581Canal", + -11.817059516906738 + ], + [ + "configure", + -11.817176818847656 + ], + [ + "\u2581Studio", + -11.817428588867188 + ], + [ + "\u2581Mono", + -11.817696571350098 + ], + [ + "\u2581Provinz", + -11.817697525024414 + ], + [ + "\u2581sofern", + -11.817749977111816 + ], + [ + "\u2581influ", + -11.817787170410156 + ], + [ + "nginx", + -11.817792892456056 + ], + [ + "\u2581voli", + -11.817951202392578 + ], + [ + "\u2581hoge", + -11.81799030303955 + ], + [ + "Enum", + -11.81811809539795 + ], + [ + "France", + -11.818340301513672 + ], + [ + "\u2581marine", + -11.81834888458252 + ], + [ + "\u2581Mrd", + -11.818443298339844 + ], + [ + "\u2581calls", + -11.818572998046877 + ], + [ + "\u2581Austria", + -11.818605422973633 + ], + [ + "\u2581dem\u00e1s", + -11.81869888305664 + ], + [ + "\u2581Integration", + -11.818703651428224 + ], + [ + "\u2581measured", + -11.818888664245604 + ], + [ + "\u2581Milit\u00e4r", + -11.81899356842041 + ], + [ + "DEFAULT", + -11.819012641906738 + ], + [ + "\u2581Char", + -11.81902313232422 + ], + [ + "\u2581Coupe", + -11.81906795501709 + ], + [ + "\u2581tropas", + -11.819098472595217 + ], + [ + "n\u00e9e", + -11.819270133972168 + ], + [ + "\u2581Beide", + -11.81927490234375 + ], + [ + "\u2581scritto", + -11.819320678710938 + ], + [ + "native", + -11.819337844848633 + ], + [ + "\u2581boa", + -11.819535255432127 + ], + [ + "\u2581Columbia", + -11.819613456726074 + ], + [ + "meer", + -11.819643020629885 + ], + [ + "stone", + -11.819754600524902 + ], + [ + "\u2581neuro", + -11.819995880126951 + ], + [ + "eller", + -11.820048332214355 + ], + [ + "EA", + -11.820195198059082 + ], + [ + "\u2581Provincia", + -11.820277214050291 + ], + [ + "\u2581poteva", + -11.82040309906006 + ], + [ + "\u2581Phase", + -11.82075309753418 + ], + [ + "plaats", + -11.820758819580078 + ], + [ + "END", + -11.82111358642578 + ], + [ + "\u2581domaine", + -11.821218490600586 + ], + [ + "wrapper", + -11.82129192352295 + ], + [ + "aaa", + -11.821392059326172 + ], + [ + "cut", + -11.821417808532717 + ], + [ + "Sigma", + -11.82150650024414 + ], + [ + "\u2581balance", + -11.821693420410156 + ], + [ + "\u2581Ausschuss", + -11.82179355621338 + ], + [ + "Transaction", + -11.821893692016602 + ], + [ + "ND", + -11.822071075439451 + ], + [ + "\u2581Hagrid", + -11.822300910949709 + ], + [ + "\u2581kleiner", + -11.822620391845703 + ], + [ + "\u2581Schritt", + -11.822702407836914 + ], + [ + "\u2581Take", + -11.822861671447754 + ], + [ + "\u2581instru", + -11.822883605957031 + ], + [ + "\u2581superiore", + -11.8230562210083 + ], + [ + "\u2581ferroviaria", + -11.823080062866213 + ], + [ + "attivit\u00e0", + -11.823086738586426 + ], + [ + "\u2581feita", + -11.823149681091309 + ], + [ + "\u2581pace", + -11.823193550109863 + ], + [ + "pur", + -11.823199272155762 + ], + [ + "\u2581tools", + -11.82323932647705 + ], + [ + "\u2581abstract", + -11.823375701904297 + ], + [ + "\u2581cities", + -11.823406219482422 + ], + [ + "\u2581seemed", + -11.82369327545166 + ], + [ + "TS", + -11.823895454406738 + ], + [ + "izing", + -11.823898315429688 + ], + [ + "\u2581Airlines", + -11.824237823486328 + ], + [ + "\u2581Bun", + -11.8242769241333 + ], + [ + "POST", + -11.824488639831545 + ], + [ + "\u2581Typ", + -11.824498176574709 + ], + [ + "uestion", + -11.824649810791016 + ], + [ + "\u2581travaux", + -11.824780464172363 + ], + [ + "\u2581Luego", + -11.82506275177002 + ], + [ + "\u2581vuole", + -11.825161933898926 + ], + [ + "\u2581Wat", + -11.82516860961914 + ], + [ + "volkstelling", + -11.825325012207031 + ], + [ + "SM", + -11.825523376464844 + ], + [ + "toggle", + -11.825590133666992 + ], + [ + "\u2581strict", + -11.825798988342283 + ], + [ + "neo", + -11.825956344604492 + ], + [ + "TRA", + -11.82601833343506 + ], + [ + "controller", + -11.826159477233888 + ], + [ + "aat", + -11.826266288757324 + ], + [ + "\u2581Miller", + -11.82654857635498 + ], + [ + "Empty", + -11.82659912109375 + ], + [ + "\u2581axis", + -11.826613426208496 + ], + [ + "\u2581Haut", + -11.826900482177734 + ], + [ + "\u2581Dec", + -11.826944351196287 + ], + [ + "\u2581suit", + -11.826967239379885 + ], + [ + "\u2581p\u00e9", + -11.827054023742676 + ], + [ + "\u2581d\u00e1", + -11.82712459564209 + ], + [ + "\u2581\u00fcberhaupt", + -11.827305793762209 + ], + [ + "disable", + -11.82767105102539 + ], + [ + "rico", + -11.827774047851562 + ], + [ + "\u2581poli", + -11.827778816223145 + ], + [ + "\u2581cre", + -11.827942848205566 + ], + [ + "\u2581Anton", + -11.82817840576172 + ], + [ + "\u2581rua", + -11.828255653381348 + ], + [ + "report", + -11.828310012817385 + ], + [ + "anche", + -11.828388214111328 + ], + [ + "\u2581nadat", + -11.82840061187744 + ], + [ + "\u2581SP", + -11.828417778015137 + ], + [ + "\u2581parla", + -11.82877254486084 + ], + [ + "\u2581resolution", + -11.829028129577637 + ], + [ + "abile", + -11.82919692993164 + ], + [ + "\u2581Once", + -11.829265594482422 + ], + [ + "\u2581''", + -11.82932949066162 + ], + [ + "vier", + -11.82939910888672 + ], + [ + "uand", + -11.829590797424316 + ], + [ + "Sehensw\u00fcrdigkeit", + -11.829668998718262 + ], + [ + "\u2581traffic", + -11.82978630065918 + ], + [ + "\u2581Kriterien", + -11.82980728149414 + ], + [ + "\u2581Carri", + -11.829833984375 + ], + [ + "\u2581perder", + -11.829986572265623 + ], + [ + "\u00edvel", + -11.830073356628418 + ], + [ + "\u2581trono", + -11.830081939697266 + ], + [ + "\u2581korte", + -11.830178260803224 + ], + [ + "Uni", + -11.830291748046877 + ], + [ + "\u2581rio", + -11.830299377441406 + ], + [ + "login", + -11.830341339111328 + ], + [ + "Ko", + -11.830361366271973 + ], + [ + "wy", + -11.83042049407959 + ], + [ + "\u2581fallen", + -11.83045482635498 + ], + [ + "\u2581Total", + -11.830466270446776 + ], + [ + "\u2581Alan", + -11.830493927001951 + ], + [ + "\u2581friends", + -11.830501556396484 + ], + [ + "exists", + -11.830591201782228 + ], + [ + "Por", + -11.830623626708984 + ], + [ + "\u2581voorbeeld", + -11.830671310424805 + ], + [ + "\u2581livros", + -11.830677032470703 + ], + [ + "Scale", + -11.83079719543457 + ], + [ + "lam", + -11.830803871154783 + ], + [ + "\u2581looks", + -11.830940246582031 + ], + [ + "WS", + -11.831007957458496 + ], + [ + "Adjetivo", + -11.83120059967041 + ], + [ + "phone", + -11.831290245056152 + ], + [ + "\u2581Golf", + -11.831336975097656 + ], + [ + "\u2581escritor", + -11.83152961730957 + ], + [ + "drop", + -11.831737518310549 + ], + [ + "\u2581staff", + -11.832002639770508 + ], + [ + "\u2581nat\u00fcrlich", + -11.832027435302734 + ], + [ + "variable", + -11.832067489624023 + ], + [ + "hor", + -11.83218002319336 + ], + [ + "\u2581Af", + -11.832289695739746 + ], + [ + "\u2581exp", + -11.832442283630373 + ], + [ + "\u2581geval", + -11.832767486572266 + ], + [ + "AG", + -11.83283233642578 + ], + [ + "\u2581gan\u00f3", + -11.833001136779783 + ], + [ + "\u2581Because", + -11.83304214477539 + ], + [ + "\u2581Investitionen", + -11.833078384399414 + ], + [ + "\u2581materia", + -11.833088874816896 + ], + [ + "\u2581Object", + -11.833130836486816 + ], + [ + "\u2581impossible", + -11.833237648010254 + ], + [ + "\u2581opened", + -11.833333969116213 + ], + [ + "fetch", + -11.83334732055664 + ], + [ + "\u2581Gegensatz", + -11.833453178405762 + ], + [ + "\u2581Mars", + -11.833498001098633 + ], + [ + "Ba", + -11.833529472351074 + ], + [ + "tabular", + -11.83360481262207 + ], + [ + "\u2581Case", + -11.833650588989258 + ], + [ + "\u2581Hy", + -11.833664894104004 + ], + [ + "nicht", + -11.833715438842772 + ], + [ + "\u2581seront", + -11.833723068237305 + ], + [ + "\u2581\u00e4", + -11.833819389343262 + ], + [ + "\u2581frase", + -11.833834648132324 + ], + [ + "\u2581manager", + -11.833842277526855 + ], + [ + "present", + -11.83388328552246 + ], + [ + "FE", + -11.833895683288574 + ], + [ + "\u2581K\u00fcche", + -11.834012031555176 + ], + [ + "loss", + -11.83409023284912 + ], + [ + "simple", + -11.834169387817385 + ], + [ + "\u2581unless", + -11.834179878234863 + ], + [ + "namen", + -11.834306716918944 + ], + [ + "\u2581winter", + -11.834341049194336 + ], + [ + "\u2581bereit", + -11.834370613098145 + ], + [ + "\u2581actividades", + -11.83441162109375 + ], + [ + "ook", + -11.83448314666748 + ], + [ + "\u2581vote", + -11.834564208984377 + ], + [ + "\u2581conhecimento", + -11.83475112915039 + ], + [ + "\u2581alias", + -11.8349609375 + ], + [ + "LIST", + -11.835407257080078 + ], + [ + "\u2581vielleicht", + -11.83545207977295 + ], + [ + "come", + -11.83557415008545 + ], + [ + "\u2581plantas", + -11.835671424865724 + ], + [ + "Graph", + -11.83580207824707 + ], + [ + "\u2581Fer", + -11.83586311340332 + ], + [ + "\u2581fo", + -11.835920333862305 + ], + [ + "uro", + -11.835935592651367 + ], + [ + "Profile", + -11.836485862731934 + ], + [ + "\u2581seguida", + -11.836575508117676 + ], + [ + "amiento", + -11.836642265319824 + ], + [ + "\u2581nutzen", + -11.836673736572266 + ], + [ + "NN", + -11.836752891540527 + ], + [ + "\u2581ilha", + -11.8367919921875 + ], + [ + "\u2581acerca", + -11.836849212646484 + ], + [ + "\u2581L\u00f3pez", + -11.836854934692385 + ], + [ + "familie", + -11.837066650390623 + ], + [ + "tigen", + -11.837151527404783 + ], + [ + "\u2581bal", + -11.837233543395996 + ], + [ + "\u2581uomo", + -11.837288856506348 + ], + [ + "\u2581seconds", + -11.83729648590088 + ], + [ + "\u2581rencontre", + -11.837529182434082 + ], + [ + "\u2581stock", + -11.83768367767334 + ], + [ + "selected", + -11.83778190612793 + ], + [ + "\u2581moderno", + -11.837890625 + ], + [ + "merge", + -11.83790111541748 + ], + [ + "verb", + -11.837971687316896 + ], + [ + "\u2581verit\u00e0", + -11.838006973266602 + ], + [ + "lig", + -11.838262557983398 + ], + [ + "\u2581conserva", + -11.838293075561523 + ], + [ + "\u2581assert", + -11.838312149047852 + ], + [ + "ides", + -11.838313102722168 + ], + [ + "\u2581Gast", + -11.838438987731934 + ], + [ + "\u2581productie", + -11.838449478149414 + ], + [ + "\u2581siehe", + -11.8385591506958 + ], + [ + "wer", + -11.838621139526367 + ], + [ + "\u2581ready", + -11.838769912719728 + ], + [ + "\u2581museo", + -11.83887767791748 + ], + [ + "descriptor", + -11.839051246643066 + ], + [ + "\u2581Motor", + -11.839165687561035 + ], + [ + "ima", + -11.839187622070312 + ], + [ + "\u2581friend", + -11.839315414428713 + ], + [ + "\u2581taal", + -11.839444160461426 + ], + [ + "\u2581raz", + -11.83956527709961 + ], + [ + "\u2581bevindt", + -11.83961009979248 + ], + [ + "\u2581onto", + -11.83961009979248 + ], + [ + "\u2581Verbraucher", + -11.839759826660156 + ], + [ + "ego", + -11.839778900146484 + ], + [ + "\u2581Ph", + -11.839886665344238 + ], + [ + "zin", + -11.84009075164795 + ], + [ + "\u2581celles", + -11.840113639831545 + ], + [ + "\u2581M\u00e1s", + -11.840211868286133 + ], + [ + "\u2581eindigde", + -11.840224266052246 + ], + [ + "\u2581settimana", + -11.840282440185549 + ], + [ + "\u2581pol\u00edticas", + -11.840286254882812 + ], + [ + "\u2581Ausdruck", + -11.84029769897461 + ], + [ + "ahn", + -11.840497016906738 + ], + [ + "\u2581magnetic", + -11.840543746948242 + ], + [ + "\u2581pain", + -11.840570449829102 + ], + [ + "\u2581slag", + -11.840825080871582 + ], + [ + "\u2581render", + -11.8408784866333 + ], + [ + "amore", + -11.840991973876951 + ], + [ + "\u2581behaalde", + -11.841032028198242 + ], + [ + "\u2581Mrs", + -11.841069221496582 + ], + [ + "\u2581bank", + -11.841131210327148 + ], + [ + "peer", + -11.841203689575195 + ], + [ + "\u2581myself", + -11.84123992919922 + ], + [ + "\u2581Bush", + -11.841317176818848 + ], + [ + "\u2581f\u00edsica", + -11.841371536254885 + ], + [ + "\u2581fully", + -11.841596603393556 + ], + [ + "Alert", + -11.841602325439451 + ], + [ + "newcommand", + -11.841678619384766 + ], + [ + "\u2581organizaci\u00f3n", + -11.841712951660156 + ], + [ + "Flag", + -11.84175968170166 + ], + [ + "\u2581framework", + -11.841983795166016 + ], + [ + "\u2581Arts", + -11.842015266418455 + ], + [ + "\u2581Government", + -11.84206199645996 + ], + [ + "\u2581Alemanha", + -11.84225845336914 + ], + [ + "dec", + -11.84230899810791 + ], + [ + "\u2581Signal", + -11.842844009399414 + ], + [ + "\u2581pr\u00e9sence", + -11.842963218688965 + ], + [ + "vendorDir", + -11.842989921569824 + ], + [ + "\u2581valt", + -11.843083381652832 + ], + [ + "\u2581nachdem", + -11.843350410461426 + ], + [ + "\u2581Antes", + -11.84340763092041 + ], + [ + "\u2581pretty", + -11.843454360961914 + ], + [ + "\u2581Milan", + -11.84371566772461 + ], + [ + "large", + -11.843759536743164 + ], + [ + "FL", + -11.843894004821776 + ], + [ + "\u2581apoyo", + -11.843894958496094 + ], + [ + "Http", + -11.843955039978027 + ], + [ + "\u2581vision", + -11.844050407409668 + ], + [ + "\u2581statunitense", + -11.844061851501465 + ], + [ + "role", + -11.844076156616213 + ], + [ + "\u2581Convento", + -11.844099044799805 + ], + [ + "\u2581houden", + -11.84412956237793 + ], + [ + "ucci", + -11.844207763671877 + ], + [ + "\u2581differences", + -11.844558715820312 + ], + [ + "JS", + -11.844682693481444 + ], + [ + "\u2581Res", + -11.844682693481444 + ], + [ + "\u2581weitgehend", + -11.844707489013672 + ], + [ + "press", + -11.844779014587402 + ], + [ + "\u2581estaci\u00f3n", + -11.844797134399414 + ], + [ + "\u2581Fehler", + -11.844863891601562 + ], + [ + "\u2581beteiligt", + -11.844927787780762 + ], + [ + "\u2581Einwohner", + -11.844966888427734 + ], + [ + "Math", + -11.84498405456543 + ], + [ + "aires", + -11.8451509475708 + ], + [ + "short", + -11.845361709594728 + ], + [ + "\u2581Johan", + -11.845434188842772 + ], + [ + "\u2581totaal", + -11.845698356628418 + ], + [ + "\u2581zus\u00e4tzliche", + -11.84585189819336 + ], + [ + "\u2581vera", + -11.845908164978027 + ], + [ + "second", + -11.845945358276367 + ], + [ + "\u2581strength", + -11.84603786468506 + ], + [ + "\u2581Engelse", + -11.846059799194336 + ], + [ + "\u2581Frist", + -11.846061706542969 + ], + [ + "\u2581Kleine", + -11.84621524810791 + ], + [ + "\u2581Way", + -11.846275329589844 + ], + [ + "ase", + -11.846559524536133 + ], + [ + "\u2581brain", + -11.846632957458496 + ], + [ + "\u2581escuela", + -11.84664535522461 + ], + [ + "\u2581doel", + -11.84676742553711 + ], + [ + "chat", + -11.846808433532717 + ], + [ + "\u2581equipe", + -11.846935272216797 + ], + [ + "\u2581tradizione", + -11.846968650817873 + ], + [ + "\u2581Jap\u00f3n", + -11.84697437286377 + ], + [ + "\u2581divers", + -11.84708023071289 + ], + [ + "\u2581significantly", + -11.847162246704102 + ], + [ + "\u2581switch", + -11.847392082214355 + ], + [ + "SR", + -11.847437858581545 + ], + [ + "\u2581bestaande", + -11.847553253173828 + ], + [ + "\u2581Finally", + -11.847779273986816 + ], + [ + "\u2581regions", + -11.847860336303713 + ], + [ + "iens", + -11.84803581237793 + ], + [ + "verband", + -11.848067283630373 + ], + [ + "\u2581Vila", + -11.848088264465332 + ], + [ + "\u2581prevent", + -11.848124504089355 + ], + [ + "allow", + -11.848236083984377 + ], + [ + "high", + -11.84829044342041 + ], + [ + "\u2581pari", + -11.848499298095703 + ], + [ + "\u2581partito", + -11.848508834838867 + ], + [ + "\u2581rivier", + -11.848722457885742 + ], + [ + "\u2581lignes", + -11.848740577697754 + ], + [ + "\u2581dare", + -11.84874439239502 + ], + [ + "\u2581Wang", + -11.848746299743652 + ], + [ + "\u2581miglior", + -11.849250793457031 + ], + [ + "\u2581Entscheidungen", + -11.849499702453612 + ], + [ + "\u2581Front", + -11.84953784942627 + ], + [ + "Total", + -11.84964656829834 + ], + [ + "\u2581Rob", + -11.849979400634766 + ], + [ + "eva", + -11.850131034851074 + ], + [ + "\u2581cart", + -11.850272178649902 + ], + [ + "\u2581enkel", + -11.85027313232422 + ], + [ + "\u2581compute", + -11.850346565246582 + ], + [ + "\u2581taille", + -11.850361824035645 + ], + [ + "\u2581Tagen", + -11.850528717041016 + ], + [ + "tail", + -11.850531578063965 + ], + [ + "tement", + -11.850860595703123 + ], + [ + "\u2581seguran", + -11.850899696350098 + ], + [ + "\u2581biblioteca", + -11.85090446472168 + ], + [ + "\u2581gemeinsamen", + -11.85097885131836 + ], + [ + "\u2581weeks", + -11.851115226745604 + ], + [ + "\u2581Kontroll", + -11.851120948791504 + ], + [ + "\u2581Wiki", + -11.85114860534668 + ], + [ + "Jean", + -11.851176261901855 + ], + [ + "\u2581drama", + -11.85127067565918 + ], + [ + "\u2581esso", + -11.851289749145508 + ], + [ + "AV", + -11.851312637329102 + ], + [ + "\u2581east", + -11.851350784301758 + ], + [ + "\u2581summer", + -11.851410865783691 + ], + [ + "\u2581sieben", + -11.8516206741333 + ], + [ + "\u2581Uruguay", + -11.85163402557373 + ], + [ + "\u2581heavy", + -11.85172176361084 + ], + [ + "\u2581calculated", + -11.851728439331056 + ], + [ + "NDNIS", + -11.851762771606444 + ], + [ + "Menu", + -11.851797103881836 + ], + [ + "\u2581daraus", + -11.851920127868652 + ], + [ + "ffentlichkeit", + -11.85197925567627 + ], + [ + "watch", + -11.852237701416016 + ], + [ + "\u2581bedraagt", + -11.852341651916504 + ], + [ + "\u2581entender", + -11.852349281311035 + ], + [ + "gues", + -11.852389335632324 + ], + [ + "\u2581inicial", + -11.85243320465088 + ], + [ + "\u2581bald", + -11.852455139160156 + ], + [ + "\u2581cantidad", + -11.85247039794922 + ], + [ + "\u2581tali", + -11.852472305297852 + ], + [ + "\u2581algu\u00e9m", + -11.852554321289062 + ], + [ + "\u2581inizi", + -11.852670669555664 + ], + [ + "DH", + -11.852899551391602 + ], + [ + "\u2581Auswahl", + -11.853031158447266 + ], + [ + "t\u00e9s", + -11.85313892364502 + ], + [ + "\u2581caminho", + -11.85326862335205 + ], + [ + "igo", + -11.853361129760742 + ], + [ + "\u2581Auftrag", + -11.85348415374756 + ], + [ + "uvres", + -11.853534698486328 + ], + [ + "NB", + -11.853736877441406 + ], + [ + "ssen", + -11.853931427001951 + ], + [ + "espace", + -11.854039192199709 + ], + [ + "\u2581traditional", + -11.85404109954834 + ], + [ + "valign", + -11.854178428649902 + ], + [ + "\u2581Major", + -11.854195594787598 + ], + [ + "Events", + -11.854201316833496 + ], + [ + "\u2581droits", + -11.85425853729248 + ], + [ + "\u2581presque", + -11.854357719421388 + ], + [ + "ansi", + -11.854388236999512 + ], + [ + "\u2581nooit", + -11.854469299316406 + ], + [ + "\u2581pol\u00edticos", + -11.854656219482422 + ], + [ + "gie", + -11.854761123657228 + ], + [ + "\u2581Hal", + -11.85478687286377 + ], + [ + "\u2581contr\u00e1rio", + -11.854862213134766 + ], + [ + "\u2581politicus", + -11.854928016662598 + ], + [ + "\u2581introduced", + -11.85503387451172 + ], + [ + "\u2581suppresserrors", + -11.855210304260254 + ], + [ + "VER", + -11.855279922485352 + ], + [ + "origin", + -11.855328559875488 + ], + [ + "\u2581Beitr\u00e4ge", + -11.855332374572754 + ], + [ + "\u2581Pen", + -11.85543727874756 + ], + [ + "UTF", + -11.85564136505127 + ], + [ + "\u2581\\\"", + -11.85568141937256 + ], + [ + "\u2581WK", + -11.855682373046877 + ], + [ + "\u2581quell", + -11.855711936950684 + ], + [ + "\u2581goede", + -11.856011390686035 + ], + [ + "\u2581meilleur", + -11.85615348815918 + ], + [ + "\u2581geplaatst", + -11.856308937072754 + ], + [ + "\u2581trip", + -11.85670280456543 + ], + [ + "kern", + -11.856782913208008 + ], + [ + "RB", + -11.857084274291992 + ], + [ + "gebiet", + -11.857152938842772 + ], + [ + "formula", + -11.857601165771484 + ], + [ + "LI", + -11.857622146606444 + ], + [ + "Tab", + -11.85773468017578 + ], + [ + "\u2581feiti", + -11.857745170593262 + ], + [ + "console", + -11.8578519821167 + ], + [ + "BP", + -11.85813045501709 + ], + [ + "wesen", + -11.858362197875977 + ], + [ + "\u2581Schweiz", + -11.858386993408203 + ], + [ + "\u2581humana", + -11.858497619628906 + ], + [ + "\u2581medical", + -11.858497619628906 + ], + [ + "\u2581distribui", + -11.858613014221191 + ], + [ + "HA", + -11.8587064743042 + ], + [ + "\u2581symbol", + -11.858768463134766 + ], + [ + "\u2581Control", + -11.858783721923828 + ], + [ + "\u2581exterior", + -11.858917236328123 + ], + [ + "\u2581geschiedenis", + -11.858928680419922 + ], + [ + "\u2581darunter", + -11.859039306640623 + ], + [ + "\u2581Poi", + -11.859050750732422 + ], + [ + "Com", + -11.859052658081056 + ], + [ + "bedingungen", + -11.859118461608888 + ], + [ + "\u2581subsection", + -11.859285354614258 + ], + [ + "lite", + -11.85947322845459 + ], + [ + "Next", + -11.85953426361084 + ], + [ + "\u2581Ram", + -11.85964012145996 + ], + [ + "FStar", + -11.859774589538574 + ], + [ + "\u2581career", + -11.859820365905762 + ], + [ + "\u2581telle", + -11.860184669494627 + ], + [ + "\u2581geweest", + -11.86034870147705 + ], + [ + "\u2581metro", + -11.860393524169922 + ], + [ + "\u2581britannique", + -11.860395431518556 + ], + [ + "\u2581arriva", + -11.860431671142578 + ], + [ + "\u2581composition", + -11.860472679138184 + ], + [ + "Helper", + -11.860709190368652 + ], + [ + "\u2581commence", + -11.86118221282959 + ], + [ + "\u2581leiding", + -11.861226081848145 + ], + [ + "\u2581Finanzierung", + -11.861236572265623 + ], + [ + "\u2581intra", + -11.86125946044922 + ], + [ + "\u2581ottenere", + -11.861326217651367 + ], + [ + "VA", + -11.861336708068848 + ], + [ + "zz", + -11.861392974853516 + ], + [ + "\u2581Sydney", + -11.86144733428955 + ], + [ + "\u2581rend", + -11.861554145812988 + ], + [ + "\u2581poderia", + -11.861624717712402 + ], + [ + "\u2581zeigte", + -11.861717224121094 + ], + [ + "FI", + -11.861828804016112 + ], + [ + "\u2581imagen", + -11.862245559692385 + ], + [ + "\u2581computador", + -11.862348556518556 + ], + [ + "estate", + -11.862372398376465 + ], + [ + "\u2581historische", + -11.8624267578125 + ], + [ + "udi", + -11.86251735687256 + ], + [ + "arsi", + -11.86277675628662 + ], + [ + "\u2581observations", + -11.86290168762207 + ], + [ + "\u2581parler", + -11.862927436828612 + ], + [ + "\u2581Beratung", + -11.862933158874512 + ], + [ + "\u2581IUCN", + -11.863030433654783 + ], + [ + "\u2581mannen", + -11.863155364990234 + ], + [ + "\u2581reaction", + -11.863191604614258 + ], + [ + "\u2581letras", + -11.86337184906006 + ], + [ + "\u2581tr\u00e4gt", + -11.863391876220703 + ], + [ + "ify", + -11.863428115844728 + ], + [ + "cdef", + -11.863499641418455 + ], + [ + "\u2581verscheen", + -11.863521575927734 + ], + [ + "\u2581Wood", + -11.863553047180176 + ], + [ + "\u2581Pflanzen", + -11.863588333129885 + ], + [ + "\u2581welchem", + -11.863615036010742 + ], + [ + "zellen", + -11.86366844177246 + ], + [ + "\u2581novela", + -11.86367130279541 + ], + [ + "\u2581demanda", + -11.863686561584473 + ], + [ + "\u2581Example", + -11.863690376281738 + ], + [ + "\u2581quoi", + -11.863690376281738 + ], + [ + "PV", + -11.863718032836914 + ], + [ + "\u2581kennen", + -11.863835334777832 + ], + [ + "\u2581verdad", + -11.86388111114502 + ], + [ + "\u2581Servi", + -11.863981246948242 + ], + [ + "\u2581Nations", + -11.86407470703125 + ], + [ + "\u2581existence", + -11.864129066467283 + ], + [ + "\u2581funzione", + -11.864192008972168 + ], + [ + "\u2581Ville", + -11.864219665527344 + ], + [ + "\u2581Io", + -11.864336967468262 + ], + [ + "Fe", + -11.86459732055664 + ], + [ + "\u2581actrice", + -11.86461067199707 + ], + [ + "\u2581belle", + -11.864733695983888 + ], + [ + "\u2581Double", + -11.865015029907228 + ], + [ + "\u2581tien", + -11.86502742767334 + ], + [ + "\u2581Proben", + -11.86526584625244 + ], + [ + "\u2581testing", + -11.86534595489502 + ], + [ + "llig", + -11.865376472473145 + ], + [ + "\u2581Kontakt", + -11.86557960510254 + ], + [ + "\u2581moyenne", + -11.86562728881836 + ], + [ + "\u2581Parigi", + -11.865859031677246 + ], + [ + "\u2581castello", + -11.865888595581056 + ], + [ + "\u2581pull", + -11.865994453430176 + ], + [ + "\u2581segment", + -11.8660888671875 + ], + [ + "\u2581BBC", + -11.866156578063965 + ], + [ + "rait", + -11.866168975830078 + ], + [ + "Su", + -11.866199493408203 + ], + [ + "Pod", + -11.86635398864746 + ], + [ + "Westfalen", + -11.866412162780762 + ], + [ + "gene", + -11.866415023803713 + ], + [ + "\u2581vo", + -11.866464614868164 + ], + [ + "\u2581quartier", + -11.866490364074709 + ], + [ + "\u2581punta", + -11.866499900817873 + ], + [ + "\u2581Sara", + -11.86655330657959 + ], + [ + "\u2581moda", + -11.866559028625488 + ], + [ + "\u2581DO", + -11.866620063781738 + ], + [ + "\u2581Bom", + -11.866683959960938 + ], + [ + "\u2581internazionali", + -11.866748809814451 + ], + [ + "museum", + -11.866801261901855 + ], + [ + "Sp", + -11.867362022399902 + ], + [ + "\u2581russo", + -11.867408752441406 + ], + [ + "\u2581invalid", + -11.867456436157228 + ], + [ + "\u2581Georgia", + -11.867472648620604 + ], + [ + "\u2581regulation", + -11.867581367492676 + ], + [ + "\u2581corona", + -11.867753028869627 + ], + [ + "\u2581thinking", + -11.867789268493652 + ], + [ + "\u2581Itali", + -11.868122100830078 + ], + [ + "yarn", + -11.868281364440918 + ], + [ + "\u2581aucune", + -11.868316650390623 + ], + [ + "\u2581Install", + -11.868366241455078 + ], + [ + "\u2581Anpassung", + -11.868428230285645 + ], + [ + "\u2581St\u00e4dte", + -11.868456840515137 + ], + [ + "\u2581Catarina", + -11.868757247924805 + ], + [ + "\u2581schrijver", + -11.86879539489746 + ], + [ + "\u2581Einrichtung", + -11.869014739990234 + ], + [ + "\u2581referencia", + -11.869040489196776 + ], + [ + "\u2581villaggio", + -11.869065284729004 + ], + [ + "evi", + -11.8690767288208 + ], + [ + "\u2581\u00fcbertragen", + -11.86907958984375 + ], + [ + "\u2581Fischer", + -11.86935329437256 + ], + [ + "verwaltung", + -11.869373321533203 + ], + [ + "\u2581siamo", + -11.869414329528809 + ], + [ + "\u2581pH", + -11.869444847106934 + ], + [ + "\u2581reports", + -11.869763374328612 + ], + [ + "\u2581hash", + -11.869976997375488 + ], + [ + "\u2581remain", + -11.870014190673828 + ], + [ + "Char", + -11.870023727416992 + ], + [ + "ffentlich", + -11.870100021362305 + ], + [ + "\u2581Caso", + -11.870247840881348 + ], + [ + "\u2581Biblioteca", + -11.87026023864746 + ], + [ + "\u2581Valencia", + -11.870284080505373 + ], + [ + "power", + -11.870357513427734 + ], + [ + "\u2581abge", + -11.870549201965332 + ], + [ + "esercito", + -11.870622634887695 + ], + [ + "\u2581scheint", + -11.870695114135742 + ], + [ + "Obj", + -11.870758056640623 + ], + [ + "\u2581labor", + -11.870817184448242 + ], + [ + "\u2581increasing", + -11.870851516723633 + ], + [ + "\u2581permanente", + -11.87097454071045 + ], + [ + "\u2581combate", + -11.871026039123535 + ], + [ + "\u2581Tiere", + -11.871156692504885 + ], + [ + "wise", + -11.871208190917969 + ], + [ + "\u2581dirige", + -11.871293067932127 + ], + [ + "ssl", + -11.871395111083984 + ], + [ + "\u2581Mart\u00edn", + -11.871861457824709 + ], + [ + "\u2581weinig", + -11.871923446655272 + ], + [ + "v\u00e9", + -11.871991157531738 + ], + [ + "\u2581velocidade", + -11.872074127197266 + ], + [ + "Password", + -11.872096061706545 + ], + [ + "Match", + -11.872180938720703 + ], + [ + "\u2581nesse", + -11.872215270996094 + ], + [ + "\u2581records", + -11.8722505569458 + ], + [ + "assets", + -11.872307777404783 + ], + [ + "\u2581Hollywood", + -11.872316360473633 + ], + [ + "\u2581einzelne", + -11.8723726272583 + ], + [ + "Select", + -11.87259006500244 + ], + [ + "GB", + -11.87264347076416 + ], + [ + "\u2581Mc", + -11.872804641723633 + ], + [ + "\u2581Ablauf", + -11.873050689697266 + ], + [ + "\u2581elke", + -11.873064994812012 + ], + [ + "Callback", + -11.87314510345459 + ], + [ + "\u2581Unterschied", + -11.87324047088623 + ], + [ + "\u2581IF", + -11.873244285583496 + ], + [ + "\u2581Gegenstand", + -11.87353801727295 + ], + [ + "\u2581Point", + -11.873851776123049 + ], + [ + "\u2581wife", + -11.873941421508787 + ], + [ + "\u2581Pr\u00e4sident", + -11.874018669128418 + ], + [ + "\u2581NGC", + -11.874109268188477 + ], + [ + "place", + -11.874140739440918 + ], + [ + "\u2581saranno", + -11.874342918395996 + ], + [ + "\u2581Bundeswehr", + -11.874483108520508 + ], + [ + "Load", + -11.874755859375 + ], + [ + "\u2581pseudo", + -11.874812126159668 + ], + [ + "issue", + -11.87484073638916 + ], + [ + "\u2581Exemplo", + -11.874873161315918 + ], + [ + "\u2581effetti", + -11.874885559082031 + ], + [ + "Jo", + -11.875113487243652 + ], + [ + "\u2581gelijk", + -11.87522792816162 + ], + [ + "\u2581costs", + -11.875442504882812 + ], + [ + "npm", + -11.87548542022705 + ], + [ + "Logger", + -11.8755464553833 + ], + [ + "\u2581Beamten", + -11.875560760498049 + ], + [ + "should", + -11.875680923461914 + ], + [ + "\u2581Claude", + -11.87576389312744 + ], + [ + "\u2581Allen", + -11.875916481018066 + ], + [ + "\u2581society", + -11.87600326538086 + ], + [ + "\u2581categor\u00eda", + -11.876008987426758 + ], + [ + "FR", + -11.876060485839844 + ], + [ + "\u2581seguenti", + -11.876087188720703 + ], + [ + "\u2581settentrionale", + -11.87618923187256 + ], + [ + "actions", + -11.876194953918455 + ], + [ + "\u2581Betrag", + -11.876198768615724 + ], + [ + "inger", + -11.876249313354492 + ], + [ + "\u2581touch", + -11.876327514648438 + ], + [ + "Enabled", + -11.876405715942385 + ], + [ + "iu", + -11.876585960388184 + ], + [ + "\u2581situado", + -11.876660346984863 + ], + [ + "\u2581Paese", + -11.876737594604492 + ], + [ + "\u2581wanneer", + -11.87697696685791 + ], + [ + "unico", + -11.877154350280762 + ], + [ + "factor", + -11.877286911010742 + ], + [ + "\u2581'\\", + -11.87746238708496 + ], + [ + "EF", + -11.877532958984377 + ], + [ + "kal", + -11.877618789672852 + ], + [ + "Script", + -11.877695083618164 + ], + [ + "\u2581interval", + -11.877744674682615 + ], + [ + "\u2581dinero", + -11.877973556518556 + ], + [ + "\u2581Wohn", + -11.877995491027832 + ], + [ + "\u2581possuem", + -11.87821102142334 + ], + [ + "lands", + -11.878220558166504 + ], + [ + "\u2581Hinweise", + -11.878270149230955 + ], + [ + "\u2581Sierra", + -11.878299713134766 + ], + [ + "\u2581comandante", + -11.878377914428713 + ], + [ + "\u2581election", + -11.878521919250488 + ], + [ + "\u2581Folgen", + -11.878602981567385 + ], + [ + "\u2581Description", + -11.87867546081543 + ], + [ + "\u2581NOTE", + -11.878725051879885 + ], + [ + "\u2581sections", + -11.878756523132324 + ], + [ + "\u2581Ly", + -11.878796577453612 + ], + [ + "\u2581decided", + -11.878808975219728 + ], + [ + "\u2581Schlie", + -11.87891674041748 + ], + [ + "\u2581cuanto", + -11.87907886505127 + ], + [ + "\u2581Russische", + -11.879185676574709 + ], + [ + "\u2581CPU", + -11.879258155822754 + ], + [ + "mans", + -11.879396438598633 + ], + [ + "inc", + -11.879470825195312 + ], + [ + "\u2581wesentlich", + -11.879499435424805 + ], + [ + "frei", + -11.87960147857666 + ], + [ + "\u2581successful", + -11.879621505737305 + ], + [ + "volume", + -11.87964153289795 + ], + [ + "\u2581Verde", + -11.879839897155762 + ], + [ + "\u2581bestehenden", + -11.879854202270508 + ], + [ + "\u2581reale", + -11.879891395568848 + ], + [ + "\u2581\u00e9conomique", + -11.880008697509766 + ], + [ + "\u2581pied", + -11.880017280578612 + ], + [ + "\u2581rural", + -11.880037307739258 + ], + [ + "\u2581variety", + -11.880219459533691 + ], + [ + "marker", + -11.880511283874512 + ], + [ + "gul", + -11.880525588989258 + ], + [ + "\u2581Macht", + -11.880650520324709 + ], + [ + "\u2581Dort", + -11.880885124206545 + ], + [ + "sal", + -11.880941390991213 + ], + [ + "\u2581commerciale", + -11.881260871887209 + ], + [ + "\u2581BASIS", + -11.881528854370115 + ], + [ + "Prefix", + -11.88159465789795 + ], + [ + "\u2581sonstige", + -11.881651878356934 + ], + [ + "\u2581pick", + -11.88170337677002 + ], + [ + "hou", + -11.881746292114258 + ], + [ + "\u2581Soci\u00e9t\u00e9", + -11.881794929504396 + ], + [ + "Icon", + -11.88185977935791 + ], + [ + "RL", + -11.88192367553711 + ], + [ + "ENDIF", + -11.882022857666016 + ], + [ + "\u2581win", + -11.882126808166504 + ], + [ + "\u2581curve", + -11.882287979125977 + ], + [ + "\u2581resistance", + -11.882359504699709 + ], + [ + "\u2581documentos", + -11.882376670837402 + ], + [ + "\u2581Luna", + -11.88243007659912 + ], + [ + "Bahn", + -11.882434844970703 + ], + [ + "\u2581giovani", + -11.882485389709473 + ], + [ + "person", + -11.882502555847168 + ], + [ + "\u2581Kirchen", + -11.882506370544434 + ], + [ + "\u2581JSON", + -11.882594108581545 + ], + [ + "\u2581scheme", + -11.882733345031738 + ], + [ + "oom", + -11.882741928100586 + ], + [ + "\u2581plans", + -11.88277530670166 + ], + [ + "\u2581inter\u00e9s", + -11.88282871246338 + ], + [ + "Tx", + -11.88284969329834 + ], + [ + "\u2581paz", + -11.88298797607422 + ], + [ + "barkeit", + -11.883158683776855 + ], + [ + "uesti", + -11.883254051208496 + ], + [ + "\u2581Verder", + -11.883417129516602 + ], + [ + "\u2581verhaal", + -11.88345718383789 + ], + [ + "encoding", + -11.884143829345703 + ], + [ + "\u2581differenza", + -11.8842191696167 + ], + [ + "essa", + -11.884222030639648 + ], + [ + "\u2581African", + -11.884236335754396 + ], + [ + "\u2581Business", + -11.884282112121582 + ], + [ + "\u2581Eles", + -11.884428024291992 + ], + [ + "CHECK", + -11.884740829467772 + ], + [ + "\u2581Kingdom", + -11.884765625 + ], + [ + "nar", + -11.884766578674316 + ], + [ + "lia", + -11.884842872619627 + ], + [ + "\u2581exchange", + -11.884865760803224 + ], + [ + "\u2581construir", + -11.88497543334961 + ], + [ + "\u2581Pal", + -11.885004043579102 + ], + [ + "\u2581knapp", + -11.885160446166992 + ], + [ + "Down", + -11.885315895080566 + ], + [ + "\u2581D\u00e9", + -11.885520935058594 + ], + [ + "\u2581bed", + -11.8855619430542 + ], + [ + "\u2581lack", + -11.885659217834473 + ], + [ + "\u2581chiamato", + -11.885705947875977 + ], + [ + "\u2581palabra", + -11.885774612426758 + ], + [ + "\u2581libera", + -11.885812759399414 + ], + [ + "gram", + -11.885860443115234 + ], + [ + "\u2581provisions", + -11.88586711883545 + ], + [ + "\u2581behandelt", + -11.88592529296875 + ], + [ + "\u2581Reichs", + -11.885997772216797 + ], + [ + "\u2581Grenz", + -11.886110305786133 + ], + [ + "shell", + -11.886170387268066 + ], + [ + "\u2581pubblica", + -11.88620662689209 + ], + [ + "\u2581distancia", + -11.88622760772705 + ], + [ + "\u2581lorsqu", + -11.88656520843506 + ], + [ + "\u2581Geo", + -11.886568069458008 + ], + [ + "\u2581Georges", + -11.88658046722412 + ], + [ + "patch", + -11.886597633361816 + ], + [ + "\u2581dict", + -11.886678695678713 + ], + [ + "\u2581kept", + -11.886950492858888 + ], + [ + "\u2581juste", + -11.88712215423584 + ], + [ + "rci", + -11.887237548828123 + ], + [ + "\u2581horizontal", + -11.887378692626951 + ], + [ + "\u2581elas", + -11.887441635131836 + ], + [ + "\u2581Bridge", + -11.887469291687012 + ], + [ + "\u2581req", + -11.887521743774414 + ], + [ + "\u2581Jon", + -11.887744903564451 + ], + [ + "\u2581Bol", + -11.887747764587402 + ], + [ + "\u2581filhos", + -11.887755393981934 + ], + [ + "\u2581quienes", + -11.887797355651855 + ], + [ + "\u2581resp", + -11.887812614440918 + ], + [ + "lv", + -11.888118743896484 + ], + [ + "\u2581Light", + -11.888172149658203 + ], + [ + "\u2581Phil", + -11.888189315795898 + ], + [ + "\u2581Highway", + -11.888214111328123 + ], + [ + "\u2581betekent", + -11.88828468322754 + ], + [ + "\u2581rgba", + -11.888675689697266 + ], + [ + "oise", + -11.888751029968262 + ], + [ + "\u2581financial", + -11.888819694519045 + ], + [ + "\u2581efecto", + -11.888874053955078 + ], + [ + "IMAGE", + -11.888897895812988 + ], + [ + "\u2581noite", + -11.888916015625 + ], + [ + "\u2581universal", + -11.888940811157228 + ], + [ + "CCFFCC", + -11.889264106750488 + ], + [ + "\u2581Guy", + -11.88941478729248 + ], + [ + "\u2581Pur", + -11.889588356018066 + ], + [ + "\u2581giving", + -11.889619827270508 + ], + [ + "\u2581vervangen", + -11.889636993408203 + ], + [ + "\u2581individuals", + -11.889753341674805 + ], + [ + "\u2581cent", + -11.889760971069336 + ], + [ + "\u2581CONDITIONS", + -11.889877319335938 + ], + [ + "\u2581entweder", + -11.889883995056152 + ], + [ + "curl", + -11.889887809753418 + ], + [ + "\u2581Kurz", + -11.89002513885498 + ], + [ + "HTML", + -11.89027500152588 + ], + [ + "\u2581tenta", + -11.890317916870115 + ], + [ + "\u2581Prince", + -11.890361785888672 + ], + [ + "month", + -11.890366554260254 + ], + [ + "\u2581burgemeester", + -11.890604972839355 + ], + [ + "\u2581identified", + -11.890642166137695 + ], + [ + "\u2581Angebot", + -11.890830039978027 + ], + [ + "\u2581Rico", + -11.891512870788574 + ], + [ + "\u2581Sta", + -11.891648292541504 + ], + [ + "ATION", + -11.891695022583008 + ], + [ + "\u2581wish", + -11.891963005065918 + ], + [ + "\u2581Escuela", + -11.891975402832031 + ], + [ + "\u2581n\u00e9cessaire", + -11.89222812652588 + ], + [ + "rica", + -11.892267227172852 + ], + [ + "\u2581Nicolas", + -11.89231777191162 + ], + [ + "\u2581Chu", + -11.892582893371582 + ], + [ + "Definition", + -11.892596244812012 + ], + [ + "\u2581mini", + -11.89262866973877 + ], + [ + "\u2581contatto", + -11.892660140991213 + ], + [ + "\u2581Popular", + -11.893009185791016 + ], + [ + "\u2581parlare", + -11.893026351928713 + ], + [ + "blob", + -11.893043518066406 + ], + [ + "minister", + -11.893265724182127 + ], + [ + "elijke", + -11.893285751342772 + ], + [ + "\u2581campos", + -11.89338207244873 + ], + [ + "ienne", + -11.89342212677002 + ], + [ + "\u2581compagnia", + -11.893463134765623 + ], + [ + "Step", + -11.893529891967772 + ], + [ + "\u2581criado", + -11.893617630004885 + ], + [ + "\u2581Army", + -11.893758773803713 + ], + [ + "Inter", + -11.893929481506348 + ], + [ + "\u2581Lorenzo", + -11.893967628479004 + ], + [ + "\u2581petits", + -11.894197463989258 + ], + [ + "\u2581capacidad", + -11.89422607421875 + ], + [ + "\u2581paid", + -11.894248962402344 + ], + [ + "\u2581Ver\u00e4nderungen", + -11.894302368164062 + ], + [ + "\u2581Russian", + -11.894335746765137 + ], + [ + "lot", + -11.89438819885254 + ], + [ + "\u2581formado", + -11.894495964050291 + ], + [ + "Reg", + -11.894820213317873 + ], + [ + "\u2581Themen", + -11.894841194152832 + ], + [ + "\u2581terminado", + -11.895009994506836 + ], + [ + "tio", + -11.895079612731934 + ], + [ + "\u2581suivante", + -11.89510726928711 + ], + [ + "\u2581resta", + -11.895108222961426 + ], + [ + "\u2581utiliser", + -11.895118713378906 + ], + [ + "\u2581mille", + -11.895221710205078 + ], + [ + "\u2581transformation", + -11.895230293273926 + ], + [ + "eng", + -11.895265579223633 + ], + [ + "\u2581Klaus", + -11.895320892333984 + ], + [ + "EOF", + -11.895331382751465 + ], + [ + "\u2581noise", + -11.895340919494627 + ], + [ + "\u2581professional", + -11.895346641540527 + ], + [ + "esistenza", + -11.895363807678224 + ], + [ + "\u2581referred", + -11.895553588867188 + ], + [ + "verm", + -11.895622253417969 + ], + [ + "\u2581blijven", + -11.89585781097412 + ], + [ + "\u2581P\u00e1gina", + -11.896068572998049 + ], + [ + "track", + -11.896078109741213 + ], + [ + "CG", + -11.896099090576172 + ], + [ + "HTTP", + -11.89617156982422 + ], + [ + "handler", + -11.896560668945312 + ], + [ + "\u2581Hendrik", + -11.896570205688477 + ], + [ + "\u2581Marcel", + -11.896618843078612 + ], + [ + "\u2581Schmidt", + -11.896689414978027 + ], + [ + "aca", + -11.896757125854492 + ], + [ + "\u2581stored", + -11.896897315979004 + ], + [ + "\u2581Weiter", + -11.897043228149414 + ], + [ + "xl", + -11.897086143493652 + ], + [ + "tter", + -11.897093772888184 + ], + [ + "\u2581acceso", + -11.897242546081545 + ], + [ + "\u2581batalla", + -11.897323608398438 + ], + [ + "\u2581Urteil", + -11.89737033843994 + ], + [ + "\u2581registro", + -11.897383689880373 + ], + [ + "\u2581edifici", + -11.897388458251951 + ], + [ + "argument", + -11.89741325378418 + ], + [ + "\u2581ajuda", + -11.89752960205078 + ], + [ + "\u2581battaglia", + -11.8975830078125 + ], + [ + "RA", + -11.897693634033203 + ], + [ + "ova", + -11.897767066955566 + ], + [ + "\u2581Fire", + -11.897867202758787 + ], + [ + "\u2581bases", + -11.897932052612305 + ], + [ + "\u2581truth", + -11.89794635772705 + ], + [ + "\u2581params", + -11.897997856140137 + ], + [ + "\u2581manner", + -11.898032188415527 + ], + [ + "\u2581eventi", + -11.898033142089844 + ], + [ + "\u2581Logo", + -11.898305892944336 + ], + [ + "\u2581($", + -11.8984956741333 + ], + [ + "\u2581Kra", + -11.89854621887207 + ], + [ + "Star", + -11.898563385009766 + ], + [ + "\u2581adding", + -11.89861011505127 + ], + [ + "nea", + -11.898626327514648 + ], + [ + "holz", + -11.898640632629396 + ], + [ + "\u2581Partner", + -11.898673057556152 + ], + [ + "\u2581Werner", + -11.898722648620604 + ], + [ + "OM", + -11.89878749847412 + ], + [ + "\u2581comprar", + -11.899067878723145 + ], + [ + "\u2581Next", + -11.899072647094728 + ], + [ + "\u2581jeunes", + -11.89983081817627 + ], + [ + "safe", + -11.89988899230957 + ], + [ + "\u2581tevens", + -11.900038719177246 + ], + [ + "\u2581usu\u00e1rios", + -11.900071144104004 + ], + [ + "seite", + -11.90007209777832 + ], + [ + "\u2581ontstaan", + -11.900251388549805 + ], + [ + "\u2581Italiaanse", + -11.90034294128418 + ], + [ + "\u2581Sainte", + -11.900382041931152 + ], + [ + "\u2581comparison", + -11.900516510009766 + ], + [ + "stlich", + -11.90079116821289 + ], + [ + "\u2581todav\u00eda", + -11.900835990905762 + ], + [ + "\u2581lleva", + -11.900846481323242 + ], + [ + "Tensor", + -11.901041984558104 + ], + [ + "\u2581Artes", + -11.901217460632324 + ], + [ + "\u2581evitare", + -11.901270866394045 + ], + [ + "tung", + -11.901390075683594 + ], + [ + "stoff", + -11.901609420776367 + ], + [ + "\u2581Ok", + -11.901633262634276 + ], + [ + "\u2581maggiori", + -11.901732444763184 + ], + [ + "\u2581direito", + -11.901775360107422 + ], + [ + "\u2581Consejo", + -11.902013778686523 + ], + [ + "city", + -11.90220546722412 + ], + [ + "\u2581Kevin", + -11.902308464050291 + ], + [ + "lb", + -11.902350425720217 + ], + [ + "\u2581nessuno", + -11.902485847473145 + ], + [ + "\u2581\u00e9l\u00e9ments", + -11.902496337890623 + ], + [ + "Express", + -11.90265655517578 + ], + [ + "\u2581cl", + -11.902700424194336 + ], + [ + "\u2581MS", + -11.902709007263184 + ], + [ + "\u2581Arten", + -11.902722358703612 + ], + [ + "\u2581buena", + -11.902907371520996 + ], + [ + "APPEND", + -11.902914047241213 + ], + [ + "\u2581presto", + -11.902995109558104 + ], + [ + "primary", + -11.903045654296877 + ], + [ + "\u2581avi", + -11.903082847595217 + ], + [ + "\u2581nuevos", + -11.903090476989746 + ], + [ + "\u2581folder", + -11.903095245361328 + ], + [ + "macht", + -11.903099060058594 + ], + [ + "\u00e9cole", + -11.903103828430176 + ], + [ + "resolve", + -11.903223037719728 + ], + [ + "\u2581Gent", + -11.903350830078123 + ], + [ + "\u2581tratto", + -11.90335464477539 + ], + [ + "\u2581Who", + -11.903404235839844 + ], + [ + "\u2581visite", + -11.903430938720703 + ], + [ + "\u2581suficiente", + -11.9034423828125 + ], + [ + "essere", + -11.903467178344728 + ], + [ + "CB", + -11.903508186340332 + ], + [ + "Bool", + -11.90357494354248 + ], + [ + "\u2581poche", + -11.903584480285645 + ], + [ + "Ti", + -11.903608322143556 + ], + [ + "\u2581Register", + -11.903708457946776 + ], + [ + "baren", + -11.904011726379396 + ], + [ + "\u2581interaction", + -11.904065132141112 + ], + [ + "\u2581Bundestages", + -11.904090881347656 + ], + [ + "\u2581duidelijk", + -11.904147148132324 + ], + [ + "\u2581Bereichen", + -11.904308319091797 + ], + [ + "\u2581infine", + -11.90440845489502 + ], + [ + "\u2581street", + -11.904574394226074 + ], + [ + "\u2581bevor", + -11.904592514038086 + ], + [ + "bor", + -11.904779434204102 + ], + [ + "olog\u00eda", + -11.90481662750244 + ], + [ + "\u2581Games", + -11.90494155883789 + ], + [ + "Panel", + -11.905044555664062 + ], + [ + "Expr", + -11.905062675476074 + ], + [ + "ident", + -11.905077934265137 + ], + [ + "glob", + -11.905183792114258 + ], + [ + "GC", + -11.905256271362305 + ], + [ + "\u2581seguridad", + -11.905372619628906 + ], + [ + "\u2581manual", + -11.905396461486816 + ], + [ + "\u2581wasn", + -11.905489921569824 + ], + [ + "Ga", + -11.905606269836426 + ], + [ + "\u2581Number", + -11.90562343597412 + ], + [ + "\u2581Sprach", + -11.905667304992676 + ], + [ + "\u2581optimal", + -11.905732154846191 + ], + [ + "\u2581Source", + -11.905744552612305 + ], + [ + "\u2581calculate", + -11.905747413635254 + ], + [ + "\u2581gemeinsame", + -11.905774116516112 + ], + [ + "ets", + -11.905902862548828 + ], + [ + "\u2581compris", + -11.905964851379396 + ], + [ + "\u2581reasons", + -11.906095504760742 + ], + [ + "\u2581devono", + -11.906146049499512 + ], + [ + "\u2581Bot", + -11.906237602233888 + ], + [ + "\u2581generation", + -11.906286239624023 + ], + [ + "\u2581Hermann", + -11.9063081741333 + ], + [ + "\u2581Mat", + -11.906402587890623 + ], + [ + "NH", + -11.90649700164795 + ], + [ + "\u2581mostrar", + -11.906611442565918 + ], + [ + "\u2581continued", + -11.906636238098145 + ], + [ + "scar", + -11.906682014465332 + ], + [ + "kat", + -11.906688690185549 + ], + [ + "\u2581hingegen", + -11.90695571899414 + ], + [ + "\u2581Security", + -11.90696907043457 + ], + [ + "\u2581controller", + -11.907074928283691 + ], + [ + "\u2581elk", + -11.90723991394043 + ], + [ + "\u2581einge", + -11.907353401184082 + ], + [ + "itz", + -11.907414436340332 + ], + [ + "\u2581Alto", + -11.907559394836426 + ], + [ + "\u2581flat", + -11.907729148864746 + ], + [ + "\u2581diventa", + -11.907794952392578 + ], + [ + "atto", + -11.9081449508667 + ], + [ + "\u2581Alice", + -11.908178329467772 + ], + [ + "pair", + -11.908258438110352 + ], + [ + "ruby", + -11.908259391784668 + ], + [ + "\u2581agreement", + -11.908265113830566 + ], + [ + "Route", + -11.908550262451172 + ], + [ + "\u2581especies", + -11.908614158630373 + ], + [ + "\u2581Book", + -11.908669471740724 + ], + [ + "\u2581aupr", + -11.908770561218262 + ], + [ + "fest", + -11.908848762512209 + ], + [ + "gun", + -11.908870697021484 + ], + [ + "\u2581n\u00e4mlich", + -11.90887451171875 + ], + [ + "\u2581pose", + -11.908937454223633 + ], + [ + "\u2581explain", + -11.908992767333984 + ], + [ + "\u2581execute", + -11.909053802490234 + ], + [ + "\u2581chemin", + -11.909147262573242 + ], + [ + "\u2581krijgt", + -11.909218788146973 + ], + [ + "ghi", + -11.909226417541504 + ], + [ + "events", + -11.90933322906494 + ], + [ + "\u2581volgt", + -11.909337997436523 + ], + [ + "gn", + -11.909340858459473 + ], + [ + "\u2581Paz", + -11.909639358520508 + ], + [ + "\u2581dovuto", + -11.909778594970703 + ], + [ + "VE", + -11.909902572631836 + ], + [ + "Release", + -11.909957885742188 + ], + [ + "\u2581undefined", + -11.909963607788086 + ], + [ + "\u2581originalmente", + -11.910003662109377 + ], + [ + "Lu", + -11.910026550292969 + ], + [ + "\u2581vede", + -11.910263061523438 + ], + [ + "ffentlicht", + -11.910283088684082 + ], + [ + "nix", + -11.910353660583496 + ], + [ + "quin", + -11.910377502441406 + ], + [ + "\u2581Stellung", + -11.910385131835938 + ], + [ + "\u2581consumo", + -11.910420417785645 + ], + [ + "\u2581Jazz", + -11.910439491271973 + ], + [ + "\u2581stellte", + -11.910470962524414 + ], + [ + "Keys", + -11.910528182983398 + ], + [ + "alert", + -11.91075038909912 + ], + [ + "\u2581Ant\u00f3nio", + -11.9107666015625 + ], + [ + "\u2581primeiros", + -11.910773277282717 + ], + [ + "fit", + -11.9108247756958 + ], + [ + "\u2581fazendo", + -11.910903930664062 + ], + [ + "\u2581improve", + -11.91100025177002 + ], + [ + "\u2581Erfahrungen", + -11.91108226776123 + ], + [ + "\u2581Ora", + -11.911270141601562 + ], + [ + "callback", + -11.9113130569458 + ], + [ + "Send", + -11.911322593688965 + ], + [ + "Files", + -11.91139030456543 + ], + [ + "Show", + -11.911531448364258 + ], + [ + "\u2581bracht", + -11.911585807800291 + ], + [ + "configuration", + -11.911635398864746 + ], + [ + "CS", + -11.911704063415527 + ], + [ + "\u2581mots", + -11.911781311035156 + ], + [ + "\u2581Rafael", + -11.911802291870115 + ], + [ + "iser", + -11.911845207214355 + ], + [ + "\u2581vierde", + -11.912043571472168 + ], + [ + "\u2581russe", + -11.912120819091797 + ], + [ + "\u2581Dia", + -11.912182807922363 + ], + [ + "\u2581Ji", + -11.912189483642578 + ], + [ + "SET", + -11.91222858428955 + ], + [ + "\u2581combination", + -11.9122896194458 + ], + [ + "\u2581river", + -11.912323951721191 + ], + [ + "bouw", + -11.912362098693848 + ], + [ + "\u2581chapter", + -11.912519454956056 + ], + [ + "\u2581Vale", + -11.9126615524292 + ], + [ + "\u2581connect", + -11.91290283203125 + ], + [ + "\u2581remember", + -11.912943840026855 + ], + [ + "\u2581offen", + -11.91305160522461 + ], + [ + "\u2581Fin", + -11.913094520568848 + ], + [ + "\u2581metadata", + -11.91323471069336 + ], + [ + "\u2581yourself", + -11.913495063781738 + ], + [ + "\u2581ability", + -11.913507461547852 + ], + [ + "\u2581composta", + -11.913530349731444 + ], + [ + "\u2581personnel", + -11.913661003112791 + ], + [ + "asse", + -11.9137544631958 + ], + [ + "\u2581schema", + -11.913804054260254 + ], + [ + "\u2581UEFA", + -11.914066314697266 + ], + [ + "\u2581animali", + -11.914192199707031 + ], + [ + "CLIENT", + -11.91421127319336 + ], + [ + "\u2581Nachdem", + -11.914308547973633 + ], + [ + "\u2581Espanha", + -11.914552688598633 + ], + [ + "\u2581kennis", + -11.914556503295898 + ], + [ + "\u2581Trump", + -11.914623260498049 + ], + [ + "\u2581concentration", + -11.914671897888184 + ], + [ + "\u2581uitgebracht", + -11.914746284484863 + ], + [ + "\u2581hyper", + -11.914887428283691 + ], + [ + "\u2581povo", + -11.915124893188477 + ], + [ + "\u2581dessa", + -11.915142059326172 + ], + [ + "\u2581Romano", + -11.915210723876951 + ], + [ + "\u2581pr\u00f3xima", + -11.9152193069458 + ], + [ + "\u2581messages", + -11.91542148590088 + ], + [ + "\u2581Wil", + -11.91560173034668 + ], + [ + "\u2581Four", + -11.915609359741213 + ], + [ + "\u2581Gel", + -11.915619850158691 + ], + [ + "\u2581Jeux", + -11.915685653686523 + ], + [ + "ick", + -11.915690422058104 + ], + [ + "\u2581rechten", + -11.915754318237305 + ], + [ + "\u2581vliesvleugelig", + -11.915851593017578 + ], + [ + "orum", + -11.9158935546875 + ], + [ + "Wir", + -11.915939331054688 + ], + [ + "nant", + -11.91621208190918 + ], + [ + "iidae", + -11.916264533996582 + ], + [ + "CURRENT", + -11.916333198547363 + ], + [ + "\u2581SA", + -11.916418075561523 + ], + [ + "\u2581hoogste", + -11.91653060913086 + ], + [ + "sberg", + -11.916544914245604 + ], + [ + "\u2581rates", + -11.916581153869627 + ], + [ + "\u2581joue", + -11.916595458984377 + ], + [ + "\u2581antiguo", + -11.916605949401855 + ], + [ + "\u2581magia", + -11.916715621948242 + ], + [ + "\u2581Schloss", + -11.916882514953612 + ], + [ + "PL", + -11.9170503616333 + ], + [ + "Tree", + -11.917105674743652 + ], + [ + "\u2581plein", + -11.917107582092283 + ], + [ + "\u2581ten\u00edan", + -11.917254447937012 + ], + [ + "\u2581actividad", + -11.917435646057127 + ], + [ + "\u2581clearly", + -11.91751766204834 + ], + [ + "\u2581Ansatz", + -11.917852401733398 + ], + [ + "\u2581sonst", + -11.91789436340332 + ], + [ + "\u2581comunale", + -11.918160438537598 + ], + [ + "\u2581stated", + -11.91819190979004 + ], + [ + "\u2581floor", + -11.91822338104248 + ], + [ + "\u2581muestra", + -11.918259620666504 + ], + [ + "Shape", + -11.918268203735352 + ], + [ + "\u2581Summer", + -11.918352127075195 + ], + [ + "\u2581geeignet", + -11.918374061584473 + ], + [ + "using", + -11.918675422668455 + ], + [ + "\u2581dead", + -11.918719291687012 + ], + [ + "MV", + -11.918767929077148 + ], + [ + "\u2581Fun", + -11.918803215026855 + ], + [ + "\u2581Entwicklungs", + -11.91899299621582 + ], + [ + "\u2581cittadini", + -11.919023513793944 + ], + [ + "EM", + -11.919150352478027 + ], + [ + "\u2581capacity", + -11.919211387634276 + ], + [ + "Santa", + -11.919374465942385 + ], + [ + "Je", + -11.919431686401367 + ], + [ + "RO", + -11.91946792602539 + ], + [ + "\u2581Estas", + -11.919478416442873 + ], + [ + "\u2581Gonz\u00e1lez", + -11.9194974899292 + ], + [ + "\u2581Internationale", + -11.919530868530272 + ], + [ + "\u2581critica", + -11.919567108154297 + ], + [ + "\u2581perfect", + -11.919621467590332 + ], + [ + "\u2581voit", + -11.9197416305542 + ], + [ + "mission", + -11.91974925994873 + ], + [ + "varepsilon", + -11.91982650756836 + ], + [ + "\u2581Tochter", + -11.919918060302734 + ], + [ + "\u2581Corte", + -11.920120239257812 + ], + [ + "\u2581M\u00e9", + -11.920193672180176 + ], + [ + "uant", + -11.920269966125488 + ], + [ + "UM", + -11.920350074768066 + ], + [ + "hem", + -11.920639038085938 + ], + [ + "\u2581integra", + -11.920796394348145 + ], + [ + "\u2581pinturas", + -11.92082977294922 + ], + [ + "\u2581Av", + -11.920855522155762 + ], + [ + "\u2581medium", + -11.921040534973145 + ], + [ + "Linux", + -11.921117782592772 + ], + [ + "\u2581specify", + -11.921122550964355 + ], + [ + "illon", + -11.921140670776367 + ], + [ + "\u2581ausge", + -11.921150207519531 + ], + [ + "\u2581am\u00e9ricaine", + -11.921168327331545 + ], + [ + "\u2581Sto", + -11.92119312286377 + ], + [ + "\u2581views", + -11.921238899230955 + ], + [ + "leistungen", + -11.921354293823242 + ], + [ + "\u2581kop", + -11.92135524749756 + ], + [ + "EE", + -11.92147731781006 + ], + [ + "fragen", + -11.921565055847168 + ], + [ + "\u2581proper", + -11.921653747558594 + ], + [ + "boek", + -11.921860694885254 + ], + [ + "secret", + -11.921932220458984 + ], + [ + "\u2581Strecke", + -11.921947479248049 + ], + [ + "\u2581Vida", + -11.922049522399902 + ], + [ + "cellcolor", + -11.922086715698242 + ], + [ + "\u2581browser", + -11.922091484069824 + ], + [ + "\u2581Comprendre", + -11.922491073608398 + ], + [ + "\u2581Grote", + -11.922574996948242 + ], + [ + "\u2581boundary", + -11.922772407531738 + ], + [ + "\u2581livres", + -11.922896385192873 + ], + [ + "\u2581clone", + -11.922904014587402 + ], + [ + "\u2581turistiche", + -11.922948837280272 + ], + [ + "\u2581meiner", + -11.922969818115234 + ], + [ + "\u2581j\u00e4hrlich", + -11.922992706298828 + ], + [ + "\u2581morale", + -11.923219680786133 + ], + [ + "Has", + -11.92330551147461 + ], + [ + "\u2581Sicherung", + -11.923498153686523 + ], + [ + "\u2581nosotros", + -11.923644065856934 + ], + [ + "\u2581Dos", + -11.92365264892578 + ], + [ + "\u2581Antwerpen", + -11.923664093017578 + ], + [ + "\u2581Ker", + -11.923710823059082 + ], + [ + "AU", + -11.923762321472168 + ], + [ + "\u2581causes", + -11.92389965057373 + ], + [ + "Pass", + -11.924036026000977 + ], + [ + "sburg", + -11.924160957336426 + ], + [ + "\u2581reflect", + -11.924221992492676 + ], + [ + "\u2581hoofdstad", + -11.924351692199709 + ], + [ + "\u2581azul", + -11.924424171447754 + ], + [ + "\u2581Beim", + -11.924487113952637 + ], + [ + "prod", + -11.924650192260742 + ], + [ + "\u2581vient", + -11.924738883972168 + ], + [ + "database", + -11.924830436706545 + ], + [ + "Demografie", + -11.924939155578612 + ], + [ + "\u2581conoscenza", + -11.92516803741455 + ], + [ + "\u2581nonostante", + -11.925210952758787 + ], + [ + "\u2581Sinn", + -11.92529582977295 + ], + [ + "\u2581Artikels", + -11.925454139709473 + ], + [ + "\u2581personaje", + -11.925493240356444 + ], + [ + "\u2581ambas", + -11.925497055053713 + ], + [ + "Double", + -11.925621032714844 + ], + [ + "warning", + -11.925869941711426 + ], + [ + "\u2581completed", + -11.92602252960205 + ], + [ + "\u2581highest", + -11.926036834716797 + ], + [ + "\u2581await", + -11.926118850708008 + ], + [ + "\u2581justice", + -11.92612361907959 + ], + [ + "roll", + -11.926265716552734 + ], + [ + "\u2581responsable", + -11.926353454589844 + ], + [ + "\u2581Coppa", + -11.926475524902344 + ], + [ + "\u2581automatically", + -11.926491737365724 + ], + [ + "\u2581musicale", + -11.926520347595217 + ], + [ + "kappa", + -11.926712989807127 + ], + [ + "Display", + -11.926732063293455 + ], + [ + "external", + -11.926817893981934 + ], + [ + "nbsp", + -11.92682933807373 + ], + [ + "\u2581#####", + -11.92691135406494 + ], + [ + "\u2581CH", + -11.926976203918455 + ], + [ + "\u2581taxonomische", + -11.927074432373049 + ], + [ + "connection", + -11.927191734313965 + ], + [ + "\u2581Produkte", + -11.927261352539062 + ], + [ + "\u2581nombrado", + -11.927360534667969 + ], + [ + "\u2581r\u00e9alit\u00e9", + -11.927441596984863 + ], + [ + "tia", + -11.927494049072266 + ], + [ + "\u2581besitzt", + -11.927725791931152 + ], + [ + "GE", + -11.927927017211914 + ], + [ + "\u2581slow", + -11.927987098693848 + ], + [ + "\u2581politieke", + -11.928126335144045 + ], + [ + "r\u00e1n", + -11.928144454956056 + ], + [ + "\u2581contexto", + -11.928267478942873 + ], + [ + "\u2581ruimte", + -11.928319931030272 + ], + [ + "\u2581Ersatz", + -11.92849349975586 + ], + [ + "\u2581alguien", + -11.928544998168944 + ], + [ + "\u2581waarna", + -11.928606033325195 + ], + [ + "category", + -11.929038047790527 + ], + [ + "\u2581commande", + -11.929049491882324 + ], + [ + "\u2581raw", + -11.92942714691162 + ], + [ + "\u2581libros", + -11.929502487182615 + ], + [ + "\u2581Jordan", + -11.92959213256836 + ], + [ + "rebbe", + -11.92961311340332 + ], + [ + "\u2581technischen", + -11.929779052734377 + ], + [ + "Unione", + -11.92983055114746 + ], + [ + "\u2581remaining", + -11.929893493652344 + ], + [ + "\u2581Bologna", + -11.929936408996582 + ], + [ + "lijk", + -11.929986000061035 + ], + [ + "eten", + -11.930005073547363 + ], + [ + "\u2581gem", + -11.930095672607422 + ], + [ + "\u2581dimensions", + -11.93015480041504 + ], + [ + "\u2581Grundlagen", + -11.930228233337402 + ], + [ + "\u2581fatti", + -11.9302339553833 + ], + [ + "\u2581Refer", + -11.930254936218262 + ], + [ + "\u2581indicate", + -11.930258750915527 + ], + [ + "\u2581afirma", + -11.93029499053955 + ], + [ + "\u2581Glas", + -11.93031406402588 + ], + [ + "voor", + -11.9306001663208 + ], + [ + "\u2581populaire", + -11.93061065673828 + ], + [ + "contains", + -11.930630683898926 + ], + [ + "\u2581materials", + -11.930636405944824 + ], + [ + "libs", + -11.930655479431152 + ], + [ + "\u2581mandato", + -11.930694580078123 + ], + [ + "\u2581divis", + -11.93080234527588 + ], + [ + "\u2581woord", + -11.930806159973145 + ], + [ + "\u2581Grab", + -11.930828094482422 + ], + [ + "\u2581Erzeugnisse", + -11.930981636047363 + ], + [ + "depth", + -11.93127155303955 + ], + [ + "plugins", + -11.931293487548828 + ], + [ + "\u2581mid", + -11.931309700012209 + ], + [ + "yy", + -11.931419372558594 + ], + [ + "After", + -11.931548118591309 + ], + [ + "related", + -11.931719779968262 + ], + [ + "\u2581voyage", + -11.931779861450195 + ], + [ + "\u2581permission", + -11.9318265914917 + ], + [ + "WA", + -11.931844711303713 + ], + [ + "\u2581Ermittlung", + -11.931844711303713 + ], + [ + "\u2581FStar", + -11.93199634552002 + ], + [ + "extend", + -11.9320068359375 + ], + [ + "bold", + -11.932014465332031 + ], + [ + "\u2581Kreuz", + -11.93202304840088 + ], + [ + "\u2581cr\u00e9er", + -11.93203830718994 + ], + [ + "sto", + -11.932178497314451 + ], + [ + "\u2581st\u00e4rker", + -11.93228816986084 + ], + [ + "\u2581zullen", + -11.932482719421388 + ], + [ + "support", + -11.93264102935791 + ], + [ + "\u2581uniform", + -11.932677268981934 + ], + [ + "\u2581warum", + -11.932781219482422 + ], + [ + "\u2581nuevas", + -11.932830810546877 + ], + [ + "\u2581essendo", + -11.932907104492188 + ], + [ + "licht", + -11.932977676391602 + ], + [ + "\u2581Class", + -11.932992935180664 + ], + [ + "lio", + -11.933161735534668 + ], + [ + "\u2581capable", + -11.933184623718262 + ], + [ + "Sync", + -11.933297157287598 + ], + [ + "Stand", + -11.93331527709961 + ], + [ + "\u2581gew\u00e4hlt", + -11.933408737182615 + ], + [ + "\u2581profile", + -11.933506965637209 + ], + [ + "\u2581moto", + -11.9335298538208 + ], + [ + "\u2581Aller", + -11.933589935302734 + ], + [ + "\u2581respecto", + -11.933618545532228 + ], + [ + "Asia", + -11.933622360229492 + ], + [ + "\u2581Firma", + -11.933623313903809 + ], + [ + "Bi", + -11.933627128601074 + ], + [ + "\u2581energie", + -11.933765411376951 + ], + [ + "\u2581Fo", + -11.93382167816162 + ], + [ + "rol", + -11.933905601501465 + ], + [ + "\u2581wenige", + -11.933939933776855 + ], + [ + "\u2581Handel", + -11.933971405029297 + ], + [ + "\u2581communaut\u00e9", + -11.934077262878418 + ], + [ + "\u2581Umgebung", + -11.934085845947266 + ], + [ + "\u2581classification", + -11.934263229370115 + ], + [ + "\u2581Oliver", + -11.93429470062256 + ], + [ + "\u2581entrambi", + -11.934484481811523 + ], + [ + "\u2581dritten", + -11.93454933166504 + ], + [ + "\u2581poor", + -11.934612274169922 + ], + [ + "\u2581Produktions", + -11.934626579284668 + ], + [ + "each", + -11.93465805053711 + ], + [ + "\u2581umfasst", + -11.934859275817873 + ], + [ + "\u2581acci\u00f3n", + -11.934884071350098 + ], + [ + "\u2581Chem", + -11.934903144836426 + ], + [ + "\u2581chiese", + -11.934925079345703 + ], + [ + "\u2581Abend", + -11.93494987487793 + ], + [ + "\u2581Opfer", + -11.93503189086914 + ], + [ + "\u2581avez", + -11.935067176818848 + ], + [ + "\u2581Bd", + -11.935166358947754 + ], + [ + "zentrum", + -11.935226440429688 + ], + [ + "\u2581shell", + -11.935257911682127 + ], + [ + "\u2581industry", + -11.935341835021973 + ], + [ + "borg", + -11.935361862182615 + ], + [ + "basis", + -11.935404777526855 + ], + [ + "\u2581wesentlichen", + -11.935417175292969 + ], + [ + "Meta", + -11.935553550720217 + ], + [ + "\u2581loss", + -11.935630798339844 + ], + [ + "\u2581picture", + -11.9356689453125 + ], + [ + "\u2581Moment", + -11.935797691345217 + ], + [ + "\u2581libertad", + -11.935949325561523 + ], + [ + "\u2581queda", + -11.93597412109375 + ], + [ + "id\u00e9e", + -11.936101913452148 + ], + [ + "\u2581lung", + -11.936418533325195 + ], + [ + "PF", + -11.93642234802246 + ], + [ + "\u2581technische", + -11.936535835266112 + ], + [ + "RowBox", + -11.936896324157717 + ], + [ + "\u2581recently", + -11.936930656433104 + ], + [ + "\u2581sonstigen", + -11.937156677246094 + ], + [ + "\u2581buy", + -11.937342643737791 + ], + [ + "\u2581detail", + -11.937381744384766 + ], + [ + "\u2581econ", + -11.937714576721191 + ], + [ + "\u2581perto", + -11.93776035308838 + ], + [ + "\u2581Board", + -11.937783241271973 + ], + [ + "\u2581wirtschaftliche", + -11.938555717468262 + ], + [ + "wo", + -11.93873405456543 + ], + [ + "\u2581Bru", + -11.938762664794922 + ], + [ + "\u2581Auta", + -11.93883228302002 + ], + [ + "\u2581gain", + -11.939108848571776 + ], + [ + "Volume", + -11.939202308654783 + ], + [ + "\u2581Cer", + -11.939473152160645 + ], + [ + "\u2581Pel\u00edculas", + -11.939508438110352 + ], + [ + "Descriptor", + -11.939568519592283 + ], + [ + "\u2581Inkrafttreten", + -11.93957233428955 + ], + [ + "Holstein", + -11.93973159790039 + ], + [ + "\u2581Well", + -11.939739227294922 + ], + [ + "\u2581gets", + -11.939842224121094 + ], + [ + "\u2581notes", + -11.93991470336914 + ], + [ + "\u2581eigentlich", + -11.939918518066406 + ], + [ + "\u2581blo", + -11.940028190612791 + ], + [ + "\u2581Barbara", + -11.940053939819336 + ], + [ + "feature", + -11.940072059631348 + ], + [ + "\u2581draw", + -11.94033908843994 + ], + [ + "\u2581nm", + -11.9404296875 + ], + [ + "\u2581visitare", + -11.940435409545898 + ], + [ + "localhost", + -11.940436363220217 + ], + [ + "\u2581Toronto", + -11.940496444702148 + ], + [ + "Integer", + -11.94052505493164 + ], + [ + "\u2581utile", + -11.940550804138184 + ], + [ + "\u2581Server", + -11.940603256225586 + ], + [ + "\u2581minor", + -11.940792083740234 + ], + [ + "TB", + -11.940828323364258 + ], + [ + "tensor", + -11.941309928894045 + ], + [ + "\u2581Stefan", + -11.94147777557373 + ], + [ + "\u2581dietro", + -11.94151210784912 + ], + [ + "security", + -11.941570281982422 + ], + [ + "ssa", + -11.941582679748535 + ], + [ + "\u2581succes", + -11.9415922164917 + ], + [ + "dAtA", + -11.941713333129885 + ], + [ + "\u2581termos", + -11.94172477722168 + ], + [ + "\u2581proche", + -11.941730499267578 + ], + [ + "Information", + -11.94178581237793 + ], + [ + "\u2581stets", + -11.941826820373535 + ], + [ + "Details", + -11.941855430603027 + ], + [ + "\u2581Methode", + -11.941875457763672 + ], + [ + "istic", + -11.941973686218262 + ], + [ + "lose", + -11.941973686218262 + ], + [ + "\u2581transmission", + -11.942010879516602 + ], + [ + "\u2581latter", + -11.942020416259766 + ], + [ + "gesellschaftlich", + -11.942144393920898 + ], + [ + "club", + -11.94243049621582 + ], + [ + "otti", + -11.942646980285645 + ], + [ + "gles", + -11.942841529846191 + ], + [ + "\u2581Grad", + -11.942872047424316 + ], + [ + "\u2581Three", + -11.942927360534668 + ], + [ + "\u2581combina", + -11.943120956420898 + ], + [ + "\u2581proto", + -11.943126678466797 + ], + [ + "\u2581fichier", + -11.943155288696287 + ], + [ + "boldsymbol", + -11.943285942077637 + ], + [ + "\u2581dovrebbe", + -11.943289756774902 + ], + [ + "\u2581hair", + -11.943312644958496 + ], + [ + "dp", + -11.943414688110352 + ], + [ + "nze", + -11.943449020385742 + ], + [ + "\u2581capacit\u00e0", + -11.94351291656494 + ], + [ + "\u2581File", + -11.94389533996582 + ], + [ + "\u2581ninguna", + -11.943947792053224 + ], + [ + "\u2581BR", + -11.944099426269531 + ], + [ + "\u2581san", + -11.94411563873291 + ], + [ + "\u2581Ricardo", + -11.944177627563477 + ], + [ + "\u2581noir", + -11.944415092468262 + ], + [ + "\u2581Midden", + -11.944418907165527 + ], + [ + "\u2581Neste", + -11.944442749023438 + ], + [ + "theorie", + -11.944449424743652 + ], + [ + "\u2581gera", + -11.94469928741455 + ], + [ + "\u2581positie", + -11.94473361968994 + ], + [ + "\u2581Charlotte", + -11.944777488708496 + ], + [ + "\u2581novos", + -11.944921493530272 + ], + [ + "\u2581cr\u00edtica", + -11.94517421722412 + ], + [ + "AT", + -11.945183753967283 + ], + [ + "\u2581Sicurezza", + -11.945414543151855 + ], + [ + "\u2581bevat", + -11.945465087890623 + ], + [ + "\u2581Anthony", + -11.945510864257812 + ], + [ + "\u2581wall", + -11.945531845092772 + ], + [ + "\u2581machte", + -11.945547103881836 + ], + [ + "\u2581columns", + -11.945574760437012 + ], + [ + "\u2581Roy", + -11.945696830749512 + ], + [ + "\u00e1s", + -11.945771217346191 + ], + [ + "gnu", + -11.945783615112305 + ], + [ + "\u2581administrative", + -11.945806503295898 + ], + [ + "\u2581variant", + -11.945807456970217 + ], + [ + "GH", + -11.94589900970459 + ], + [ + "Don", + -11.946002960205078 + ], + [ + "\u2581particolarmente", + -11.946172714233398 + ], + [ + "\u2581Sache", + -11.94625473022461 + ], + [ + "\u2581estados", + -11.946338653564451 + ], + [ + "\u2581Engeland", + -11.946374893188477 + ], + [ + "schule", + -11.946403503417969 + ], + [ + "\u2581joueur", + -11.94651699066162 + ], + [ + "\u2581PA", + -11.946545600891112 + ], + [ + "ausgaben", + -11.946660041809082 + ], + [ + "\u2581Pin", + -11.946782112121582 + ], + [ + "eff", + -11.94688892364502 + ], + [ + "extension", + -11.947064399719238 + ], + [ + "ngulo", + -11.9470853805542 + ], + [ + "gal", + -11.94719409942627 + ], + [ + "tv", + -11.947284698486328 + ], + [ + "\u2581d\u00f3lares", + -11.947379112243652 + ], + [ + "\u2581Vereinigten", + -11.94739055633545 + ], + [ + "objc", + -11.94765853881836 + ], + [ + "\u2581Library", + -11.947681427001951 + ], + [ + "\u2581cibo", + -11.947776794433594 + ], + [ + "\u2581Minas", + -11.94786548614502 + ], + [ + "aciones", + -11.94798755645752 + ], + [ + "\u2581Chapter", + -11.948001861572266 + ], + [ + "Writer", + -11.948140144348145 + ], + [ + "\u2581termini", + -11.948260307312012 + ], + [ + "RG", + -11.948302268981934 + ], + [ + "\u2581Gestaltung", + -11.948309898376465 + ], + [ + "\u2581reden", + -11.948325157165527 + ], + [ + "\u2581baixo", + -11.94867992401123 + ], + [ + "VAR", + -11.949050903320312 + ], + [ + "\u2581alem\u00e1n", + -11.949058532714844 + ], + [ + "Py", + -11.94906234741211 + ], + [ + "\u2581EN", + -11.949142456054688 + ], + [ + "\u2581produto", + -11.949353218078612 + ], + [ + "\u2581FA", + -11.949371337890623 + ], + [ + "\u2581Federico", + -11.949378967285156 + ], + [ + "izar", + -11.949430465698242 + ], + [ + "\u2581wiederum", + -11.949480056762695 + ], + [ + "\u2581erhoben", + -11.949509620666504 + ], + [ + "vida", + -11.94958782196045 + ], + [ + "WG", + -11.949654579162598 + ], + [ + "\u2581Culture", + -11.949708938598633 + ], + [ + "DG", + -11.949718475341797 + ], + [ + "\u2581Wissen", + -11.949747085571287 + ], + [ + "Multi", + -11.949755668640137 + ], + [ + "lement", + -11.949907302856444 + ], + [ + "\u2581googleha", + -11.9500093460083 + ], + [ + "\u2581principle", + -11.950016021728516 + ], + [ + "\u2581gest", + -11.9500732421875 + ], + [ + "\u2581overleed", + -11.95014190673828 + ], + [ + "\u2581gebaseerd", + -11.950421333312988 + ], + [ + "\u2581crime", + -11.950770378112791 + ], + [ + "wecke", + -11.950785636901855 + ], + [ + "\u2581spel", + -11.950901985168455 + ], + [ + "\u2581Gemeinschafts", + -11.951009750366213 + ], + [ + "\u2581Teilen", + -11.95101547241211 + ], + [ + "\u2581Rang", + -11.951093673706056 + ], + [ + "\u2581liggen", + -11.951299667358398 + ], + [ + "\u2581Mensch", + -11.951541900634766 + ], + [ + "\u2581pra", + -11.951579093933104 + ], + [ + "Parse", + -11.951744079589844 + ], + [ + "\u2581volvi\u00f3", + -11.951753616333008 + ], + [ + "\u2581v\u00eddeo", + -11.952014923095703 + ], + [ + "points", + -11.952126502990724 + ], + [ + "\u2581depend", + -11.952152252197266 + ], + [ + "\u2581Village", + -11.952325820922852 + ], + [ + "\u2581Anfrage", + -11.952570915222168 + ], + [ + "\u2581Besch\u00e4ftigung", + -11.952651023864746 + ], + [ + "\u2581relatively", + -11.952691078186035 + ], + [ + "\u2581novas", + -11.952715873718262 + ], + [ + "\u2581Ehe", + -11.952799797058104 + ], + [ + "\u2581jogos", + -11.952856063842772 + ], + [ + "\u2581jeugd", + -11.952881813049316 + ], + [ + "LR", + -11.952987670898438 + ], + [ + "\u2581carreira", + -11.952998161315918 + ], + [ + "\u2581culto", + -11.953007698059082 + ], + [ + "\u2581Shin", + -11.953049659729004 + ], + [ + "izado", + -11.95339012145996 + ], + [ + "Null", + -11.953408241271973 + ], + [ + "\u2581alcan", + -11.953526496887209 + ], + [ + "bp", + -11.95366382598877 + ], + [ + "\u2581Hannover", + -11.953813552856444 + ], + [ + "\u2581reality", + -11.953814506530762 + ], + [ + "hum", + -11.953890800476074 + ], + [ + "\u2581partida", + -11.95403003692627 + ], + [ + "\u2581lavori", + -11.954264640808104 + ], + [ + "VALUE", + -11.954347610473633 + ], + [ + "Global", + -11.95439910888672 + ], + [ + "pk", + -11.9544038772583 + ], + [ + "entral", + -11.954418182373049 + ], + [ + "\u2581Racing", + -11.95452880859375 + ], + [ + "\u2581studeerde", + -11.95462131500244 + ], + [ + "ffentlichung", + -11.954751968383787 + ], + [ + "ole", + -11.954761505126951 + ], + [ + "durch", + -11.954808235168455 + ], + [ + "\u2581sencillo", + -11.95490550994873 + ], + [ + "\u2581PS", + -11.95499324798584 + ], + [ + "\u2581Cet", + -11.95502471923828 + ], + [ + "\u2581damals", + -11.955124855041504 + ], + [ + "identifier", + -11.955167770385742 + ], + [ + "schau", + -11.95518398284912 + ], + [ + "rv", + -11.95530891418457 + ], + [ + "\u2581Felipe", + -11.955381393432615 + ], + [ + "union", + -11.9557466506958 + ], + [ + "\u2581Play", + -11.95577335357666 + ], + [ + "Tu", + -11.955816268920898 + ], + [ + "\u2581Japon", + -11.95583438873291 + ], + [ + "\u2581recente", + -11.955941200256348 + ], + [ + "\u2581pensa", + -11.95595645904541 + ], + [ + "\u2581experi", + -11.955975532531738 + ], + [ + "\u2581zugleich", + -11.95603084564209 + ], + [ + "\u2581realizada", + -11.95607566833496 + ], + [ + "\u2581S\u00e9", + -11.95611572265625 + ], + [ + "\u2581nearly", + -11.956130027770996 + ], + [ + "hout", + -11.956289291381836 + ], + [ + "Scope", + -11.956374168395996 + ], + [ + "\u2581bez\u00fcglich", + -11.956467628479004 + ], + [ + "\u2581tasks", + -11.95667839050293 + ], + [ + "\u2581jonge", + -11.956777572631836 + ], + [ + "GA", + -11.95693588256836 + ], + [ + "rou", + -11.957021713256836 + ], + [ + "\u2581enable", + -11.957189559936523 + ], + [ + "Enlaces", + -11.957257270812988 + ], + [ + "\u2581Palazzo", + -11.957292556762695 + ], + [ + "som", + -11.957392692565918 + ], + [ + "Nr", + -11.957408905029297 + ], + [ + "\u2581Miami", + -11.957460403442385 + ], + [ + "\u2581gemeenten", + -11.957480430603027 + ], + [ + "lauf", + -11.957481384277344 + ], + [ + "Het", + -11.95754623413086 + ], + [ + "\u2581expressed", + -11.957602500915527 + ], + [ + "\u2581Howard", + -11.957618713378906 + ], + [ + "\u2581Polonia", + -11.957777976989746 + ], + [ + "\u2581song", + -11.957786560058594 + ], + [ + "f\u00fchrer", + -11.957894325256348 + ], + [ + "alen", + -11.958005905151367 + ], + [ + "\u2581dataset", + -11.958023071289062 + ], + [ + "\u2581colocar", + -11.958139419555664 + ], + [ + "maker", + -11.958152770996094 + ], + [ + "\u2581Nationale", + -11.958172798156738 + ], + [ + "\u2581queue", + -11.958195686340332 + ], + [ + "\u2581Parco", + -11.958206176757812 + ], + [ + "BINAR", + -11.958257675170898 + ], + [ + "\u2581Oriente", + -11.958329200744627 + ], + [ + "\u2581Ash", + -11.958438873291016 + ], + [ + "\u2581fn", + -11.95847511291504 + ], + [ + "\u2581velocity", + -11.958749771118164 + ], + [ + "\u2581fronti", + -11.95884132385254 + ], + [ + "\u2581regarding", + -11.95887279510498 + ], + [ + "\u2581testo", + -11.95888614654541 + ], + [ + "\u2581wild", + -11.959073066711426 + ], + [ + "\u2581economico", + -11.959089279174805 + ], + [ + "intera", + -11.95913028717041 + ], + [ + "dad", + -11.95920467376709 + ], + [ + "\u2581dependencies", + -11.959238052368164 + ], + [ + "\u2581estimate", + -11.959522247314451 + ], + [ + "\u2581J\u00e1", + -11.959564208984377 + ], + [ + "impl", + -11.959619522094728 + ], + [ + "\u2581ran", + -11.959800720214844 + ], + [ + "\u2581voornamelijk", + -11.95980453491211 + ], + [ + "gs", + -11.95982551574707 + ], + [ + "Matrix", + -11.959850311279297 + ], + [ + "attribute", + -11.960063934326172 + ], + [ + "nah", + -11.960145950317385 + ], + [ + "\u2581Douglas", + -11.960163116455078 + ], + [ + "\u2581Ren", + -11.960262298583984 + ], + [ + "\u2581popolare", + -11.96027660369873 + ], + [ + "oles", + -11.960405349731444 + ], + [ + "\u2581Alcuni", + -11.960411071777344 + ], + [ + "Mu", + -11.96047019958496 + ], + [ + "dst", + -11.960527420043944 + ], + [ + "\u2581dirigido", + -11.960566520690918 + ], + [ + "\u2581reduction", + -11.960600852966309 + ], + [ + "bitte", + -11.960801124572754 + ], + [ + "kr", + -11.961179733276367 + ], + [ + "\u2581Offici", + -11.961366653442385 + ], + [ + "\u2581efforts", + -11.961437225341797 + ], + [ + "\u2581Committee", + -11.96148681640625 + ], + [ + "Custom", + -11.96157455444336 + ], + [ + "\u2581EP", + -11.96177864074707 + ], + [ + "\u2581Bond", + -11.961834907531738 + ], + [ + "\u2581disk", + -11.96191692352295 + ], + [ + "GP", + -11.961969375610352 + ], + [ + "\u2581strategy", + -11.962331771850586 + ], + [ + "\u2581Atl\u00e9tico", + -11.962366104125977 + ], + [ + "schlag", + -11.96237564086914 + ], + [ + "\u2581pasar", + -11.96255111694336 + ], + [ + "\u2581quota", + -11.96263599395752 + ], + [ + "\u2581majority", + -11.962742805480955 + ], + [ + "Mock", + -11.962815284729004 + ], + [ + "COMPONENT", + -11.963168144226074 + ], + [ + "\u2581Belle", + -11.963191986083984 + ], + [ + "\u2581Grenzen", + -11.963232040405272 + ], + [ + "Was", + -11.963308334350586 + ], + [ + "\u2581novel", + -11.96335220336914 + ], + [ + "\u2581hervor", + -11.963372230529783 + ], + [ + "\u2581hidden", + -11.963522911071776 + ], + [ + "\u2581experiencia", + -11.96359920501709 + ], + [ + "\u2581Clark", + -11.963801383972168 + ], + [ + "\u2581Bremen", + -11.963836669921877 + ], + [ + "\u2581extended", + -11.963862419128418 + ], + [ + "\u2581t\u00e9cnicas", + -11.963879585266112 + ], + [ + "\u2581prov\u00edncia", + -11.963951110839844 + ], + [ + "\u2581Schr", + -11.963979721069336 + ], + [ + "round", + -11.964071273803713 + ], + [ + "SDK", + -11.964195251464844 + ], + [ + "\u2581Auswertung", + -11.964241981506348 + ], + [ + "\u2581localizado", + -11.964262962341309 + ], + [ + "FM", + -11.964313507080078 + ], + [ + "\u2581hear", + -11.964340209960938 + ], + [ + "\u2581vari\u00e1vel", + -11.964374542236328 + ], + [ + "\u2581solcher", + -11.964475631713867 + ], + [ + "naam", + -11.964479446411133 + ], + [ + "\u2581authors", + -11.964582443237305 + ], + [ + "\u2581estende", + -11.964587211608888 + ], + [ + "\u2581Original", + -11.964600563049316 + ], + [ + "administration", + -11.964605331420898 + ], + [ + "\u2581fe", + -11.965009689331056 + ], + [ + "blatt", + -11.965210914611816 + ], + [ + "\u2581Labor", + -11.96522045135498 + ], + [ + "attuale", + -11.965250968933104 + ], + [ + "DP", + -11.965270042419434 + ], + [ + "\u2581r\u00e1pido", + -11.965356826782228 + ], + [ + "Dr", + -11.96538257598877 + ], + [ + "\u2581Ordnung", + -11.965474128723145 + ], + [ + "mysql", + -11.965514183044434 + ], + [ + "wall", + -11.965564727783203 + ], + [ + "\u2581Graf", + -11.965590476989746 + ], + [ + "fahrt", + -11.965606689453123 + ], + [ + "\u2581android", + -11.965660095214844 + ], + [ + "\u2581regentschap", + -11.965713500976562 + ], + [ + "\u2581passando", + -11.965720176696776 + ], + [ + "\u2581religiosa", + -11.96589469909668 + ], + [ + "\u2581vrai", + -11.965914726257324 + ], + [ + "\u2581Vorhaben", + -11.965999603271484 + ], + [ + "\u2581Grecia", + -11.966050148010254 + ], + [ + "\u2581conex", + -11.966076850891112 + ], + [ + "ffnung", + -11.966123580932615 + ], + [ + "\u2581ml", + -11.966263771057127 + ], + [ + "\u2581disputa", + -11.966363906860352 + ], + [ + "\u2581beter", + -11.966367721557615 + ], + [ + "tr\u00e4ger", + -11.966529846191406 + ], + [ + "\u2581grens", + -11.966666221618652 + ], + [ + "\u2581Dier", + -11.966723442077637 + ], + [ + "srecht", + -11.96672534942627 + ], + [ + "Vector", + -11.966740608215332 + ], + [ + "\u2581lettera", + -11.967046737670898 + ], + [ + "continue", + -11.967114448547363 + ], + [ + "\u2581Christ", + -11.96730613708496 + ], + [ + "\u2581crisi", + -11.967351913452148 + ], + [ + "\u2581politiques", + -11.96741008758545 + ], + [ + "\u2581Holland", + -11.967452049255373 + ], + [ + "\u2581Preise", + -11.967521667480469 + ], + [ + "\u2581fuerte", + -11.967525482177734 + ], + [ + "\u2581gevonden", + -11.967613220214844 + ], + [ + "\u2581antigua", + -11.96763038635254 + ], + [ + "dataset", + -11.967652320861816 + ], + [ + "\u2581trem", + -11.967686653137209 + ], + [ + "\u2581manter", + -11.96775245666504 + ], + [ + "IA", + -11.967857360839844 + ], + [ + "ind", + -11.967881202697754 + ], + [ + "\u2581Arbeitgeber", + -11.967945098876951 + ], + [ + "\u2581Oct", + -11.968269348144531 + ], + [ + "\u2581stazioni", + -11.96828842163086 + ], + [ + "leg", + -11.968324661254885 + ], + [ + "\u2581brit", + -11.968546867370604 + ], + [ + "ative", + -11.968667030334473 + ], + [ + "\u2581voormalig", + -11.968667030334473 + ], + [ + "\u2581ontwikkeling", + -11.968676567077637 + ], + [ + "\u2581depends", + -11.968746185302734 + ], + [ + "\u2581M\u00e4dchen", + -11.96875 + ], + [ + "\u2581tornar", + -11.96887493133545 + ], + [ + "\u2581awk", + -11.96904468536377 + ], + [ + "\u2581regno", + -11.969267845153809 + ], + [ + "Init", + -11.969404220581056 + ], + [ + "\u2581recebeu", + -11.969463348388672 + ], + [ + "\u2581algemeen", + -11.969499588012695 + ], + [ + "\u2581consistent", + -11.969558715820312 + ], + [ + "\u2581unabh\u00e4ngig", + -11.96970272064209 + ], + [ + "\u2581tardi", + -11.969724655151367 + ], + [ + "\u2581attenzione", + -11.969738006591797 + ], + [ + "\u2581Local", + -11.969826698303224 + ], + [ + "\u2581Finalmente", + -11.96989631652832 + ], + [ + "\u2581participants", + -11.970083236694336 + ], + [ + "\u2581modelos", + -11.970097541809082 + ], + [ + "\u2581informations", + -11.970157623291016 + ], + [ + "NV", + -11.970181465148926 + ], + [ + "\u2581Ara", + -11.970213890075684 + ], + [ + "\u2581Foto", + -11.970282554626465 + ], + [ + "HF", + -11.970366477966309 + ], + [ + "\u2581vertreten", + -11.970422744750977 + ], + [ + "Anhalt", + -11.970429420471191 + ], + [ + "\u2581Republic", + -11.970433235168455 + ], + [ + "clone", + -11.97054386138916 + ], + [ + "\u2581Eigenschaften", + -11.970552444458008 + ], + [ + "\u2581Maurice", + -11.970553398132324 + ], + [ + "\u2581Guatemala", + -11.970577239990234 + ], + [ + "\u2581eye", + -11.970647811889648 + ], + [ + "fl\u00e4che", + -11.97066879272461 + ], + [ + "\u2581Sicilia", + -11.970714569091797 + ], + [ + "\u2581carry", + -11.970865249633787 + ], + [ + "Bundes", + -11.970906257629396 + ], + [ + "\u2581portato", + -11.970970153808594 + ], + [ + "\u2581gevolg", + -11.971168518066406 + ], + [ + "UR", + -11.971277236938477 + ], + [ + "vc", + -11.971606254577637 + ], + [ + "\u2581rimane", + -11.971630096435549 + ], + [ + "\u2581Probe", + -11.971649169921877 + ], + [ + "\u2581falls", + -11.971844673156738 + ], + [ + "SV", + -11.9718656539917 + ], + [ + "\u2581Education", + -11.971903800964355 + ], + [ + "\u2581latino", + -11.971997261047363 + ], + [ + "\u2581Universal", + -11.97202491760254 + ], + [ + "TF", + -11.972172737121582 + ], + [ + "Role", + -11.972182273864746 + ], + [ + "tour", + -11.972229957580566 + ], + [ + "istes", + -11.972291946411133 + ], + [ + "CUDA", + -11.97235107421875 + ], + [ + "\u2581edit", + -11.972373008728027 + ], + [ + "kultur", + -11.972387313842772 + ], + [ + "lbumes", + -11.972429275512695 + ], + [ + "\u2581Chine", + -11.972604751586914 + ], + [ + "\u2581overall", + -11.97262191772461 + ], + [ + "mate", + -11.972652435302734 + ], + [ + "destination", + -11.972662925720217 + ], + [ + "\u2581welke", + -11.972779273986816 + ], + [ + "kubernetes", + -11.97293758392334 + ], + [ + "\u2581r\u00e9alis\u00e9", + -11.97330093383789 + ], + [ + "c\u00f3", + -11.973445892333984 + ], + [ + "editor", + -11.9736328125 + ], + [ + "sey", + -11.973692893981934 + ], + [ + "qua", + -11.973740577697754 + ], + [ + "\u2581Theorem", + -11.973749160766602 + ], + [ + "\u2581camp", + -11.973772048950195 + ], + [ + "\u2581critique", + -11.973793029785156 + ], + [ + "\u2581trust", + -11.973804473876951 + ], + [ + "tem", + -11.9738130569458 + ], + [ + "isa", + -11.973858833312988 + ], + [ + "\u2581menores", + -11.973862648010254 + ], + [ + "\u2581sell", + -11.973883628845217 + ], + [ + "\u2581concert", + -11.973929405212402 + ], + [ + "\u2581Ren\u00e9", + -11.973950386047363 + ], + [ + "PKG", + -11.974040031433104 + ], + [ + "tienne", + -11.974165916442873 + ], + [ + "\u2581jefe", + -11.974266052246094 + ], + [ + "\u2581Technologie", + -11.974526405334473 + ], + [ + "\u2581scopo", + -11.974624633789062 + ], + [ + "ucht", + -11.97466278076172 + ], + [ + "\u2581passar", + -11.974664688110352 + ], + [ + "got", + -11.974666595458984 + ], + [ + "\u2581modified", + -11.974690437316896 + ], + [ + "\u2581ubicada", + -11.974843978881836 + ], + [ + "\u2581Canadian", + -11.974885940551758 + ], + [ + "\u00e1r", + -11.974971771240234 + ], + [ + "\u2581comida", + -11.975030899047852 + ], + [ + "\u2581Mur", + -11.975133895874023 + ], + [ + "\u2581hardware", + -11.975187301635742 + ], + [ + "atom", + -11.975227355957031 + ], + [ + "\u2581carriera", + -11.975245475769045 + ], + [ + "\u2581siti", + -11.97532081604004 + ], + [ + "\u2581Straf", + -11.97536849975586 + ], + [ + "conn", + -11.975530624389648 + ], + [ + "zahlen", + -11.975619316101074 + ], + [ + "\u2581Biografia", + -11.97569751739502 + ], + [ + "Video", + -11.97573471069336 + ], + [ + "EL", + -11.975735664367676 + ], + [ + "\u2581Lern", + -11.975736618041992 + ], + [ + "\u2581victoria", + -11.975767135620115 + ], + [ + "\u2581calling", + -11.975833892822266 + ], + [ + "\u2581continente", + -11.975847244262695 + ], + [ + "\u2581Hol", + -11.975899696350098 + ], + [ + "\u2581piccole", + -11.97592830657959 + ], + [ + "\u2581effort", + -11.975967407226562 + ], + [ + "\u2581expansion", + -11.97598934173584 + ], + [ + "\u2581d\u00e9c", + -11.976018905639648 + ], + [ + "late", + -11.976183891296388 + ], + [ + "sungen", + -11.976243019104004 + ], + [ + "\u2581golpe", + -11.976282119750977 + ], + [ + "\u2581Abkommen", + -11.976343154907228 + ], + [ + "\u2581Kennedy", + -11.976395606994627 + ], + [ + "\u2581Bedarf", + -11.976463317871094 + ], + [ + "\u2581baja", + -11.976463317871094 + ], + [ + "UTC", + -11.976613998413086 + ], + [ + "ucker", + -11.976667404174805 + ], + [ + "ulassung", + -11.976816177368164 + ], + [ + "\u2581Ej\u00e9rcito", + -11.976932525634766 + ], + [ + "\u2581Privat", + -11.97694492340088 + ], + [ + "\u2581prison", + -11.976972579956056 + ], + [ + "\u2581templo", + -11.976985931396484 + ], + [ + "\u2581updated", + -11.977076530456545 + ], + [ + "\u2581productos", + -11.97730827331543 + ], + [ + "\u2581funci\u00f3n", + -11.977418899536133 + ], + [ + "\u2581religion", + -11.977554321289062 + ], + [ + "\u2581Bern", + -11.977653503417969 + ], + [ + "\u2581wider", + -11.97773265838623 + ], + [ + "\u2581broer", + -11.977768898010254 + ], + [ + "\u2581announced", + -11.978029251098633 + ], + [ + "\u2581Oltre", + -11.97804069519043 + ], + [ + "\u2581vennero", + -11.978053092956545 + ], + [ + "\u2581bella", + -11.978113174438477 + ], + [ + "\u2581successivo", + -11.978137969970703 + ], + [ + "\u2581loopt", + -11.978266716003418 + ], + [ + "MF", + -11.978416442871094 + ], + [ + "\u2581Beau", + -11.978477478027344 + ], + [ + "\u2581avan", + -11.97849178314209 + ], + [ + "\u2581tais", + -11.978519439697266 + ], + [ + "\u2581prueba", + -11.978535652160645 + ], + [ + "\u2581detection", + -11.978690147399902 + ], + [ + "\u2581Nelson", + -11.978758811950684 + ], + [ + "l\u00ed", + -11.978787422180176 + ], + [ + "planung", + -11.97891902923584 + ], + [ + "PACKAGE", + -11.978930473327637 + ], + [ + "ouTube", + -11.978930473327637 + ], + [ + "\u2581oro", + -11.978960990905762 + ], + [ + "\u2581tua", + -11.978971481323242 + ], + [ + "\u2581componist", + -11.97903060913086 + ], + [ + "\u2581Database", + -11.979204177856444 + ], + [ + "\u2581tama", + -11.979360580444336 + ], + [ + "\u2581Dick", + -11.979437828063965 + ], + [ + "\u2581rapidement", + -11.979608535766602 + ], + [ + "\u2581accessible", + -11.979780197143556 + ], + [ + "\u2581exercise", + -11.979801177978516 + ], + [ + "\u2581formaci\u00f3n", + -11.979851722717283 + ], + [ + "\u2581traffico", + -11.979872703552246 + ], + [ + "\u2581violence", + -11.979887008666992 + ], + [ + "\u2581formazione", + -11.979984283447266 + ], + [ + "\u2581watch", + -11.980022430419922 + ], + [ + "hoff", + -11.980233192443848 + ], + [ + "\u2581Anerkennung", + -11.980265617370604 + ], + [ + "GR", + -11.980276107788086 + ], + [ + "LC", + -11.980307579040527 + ], + [ + "richtung", + -11.980354309082031 + ], + [ + "\u2581kasteel", + -11.980354309082031 + ], + [ + "\u2581alternativa", + -11.98038387298584 + ], + [ + "\u2581depth", + -11.980457305908203 + ], + [ + "rr", + -11.980568885803224 + ], + [ + "\u2581Schwarz", + -11.980708122253418 + ], + [ + "\u2581functional", + -11.980751037597656 + ], + [ + "\u2581cold", + -11.980768203735352 + ], + [ + "\u2581Notre", + -11.98084545135498 + ], + [ + "\u2581Plaza", + -11.98085594177246 + ], + [ + "\u2581estructura", + -11.980877876281738 + ], + [ + "\u2581Londra", + -11.981050491333008 + ], + [ + "\u2581ARG", + -11.981078147888184 + ], + [ + "\u2581emp", + -11.981091499328612 + ], + [ + "folder", + -11.981306076049805 + ], + [ + "stats", + -11.981335639953612 + ], + [ + "\u2581Beschreibung", + -11.981361389160156 + ], + [ + "VB", + -11.981426239013672 + ], + [ + "\u2581Plata", + -11.9815034866333 + ], + [ + "Universit\u00e9", + -11.98151397705078 + ], + [ + "\u2581primavera", + -11.981586456298828 + ], + [ + "American", + -11.9816255569458 + ], + [ + "\u2581K\u00fcnstler", + -11.981629371643066 + ], + [ + "rw", + -11.9816312789917 + ], + [ + "\u2581assist", + -11.981670379638672 + ], + [ + "Common", + -11.981757164001465 + ], + [ + "\u2581competitie", + -11.981803894042969 + ], + [ + "tif", + -11.981846809387209 + ], + [ + "\u2581Giorgio", + -11.982004165649414 + ], + [ + "PD", + -11.982022285461426 + ], + [ + "\u2581Futebol", + -11.98207664489746 + ], + [ + "\u2581implement", + -11.982096672058104 + ], + [ + "dark", + -11.9821195602417 + ], + [ + "\u2581praticamente", + -11.9821195602417 + ], + [ + "\u2581Isra", + -11.982185363769531 + ], + [ + "\u2581episodi", + -11.982213020324709 + ], + [ + "\u2581anteriormente", + -11.982269287109377 + ], + [ + "\u2581usual", + -11.98231029510498 + ], + [ + "\u2581tecnologia", + -11.982336044311523 + ], + [ + "Current", + -11.98248291015625 + ], + [ + "kampioenschappen", + -11.982513427734377 + ], + [ + "\u2581\u00e9tudes", + -11.982516288757324 + ], + [ + "ARCH", + -11.982616424560549 + ], + [ + "\u2581Ver\u00e4nderung", + -11.982863426208496 + ], + [ + "\u2581Technik", + -11.982885360717772 + ], + [ + "\u2581allemand", + -11.982919692993164 + ], + [ + "remos", + -11.982945442199709 + ], + [ + "\u2581Rusia", + -11.983125686645508 + ], + [ + "\u2581passare", + -11.983330726623535 + ], + [ + "\u2581ignore", + -11.98334503173828 + ], + [ + "\u2581systeem", + -11.983428001403809 + ], + [ + "\u2581Politiker", + -11.98342990875244 + ], + [ + "gre", + -11.983450889587402 + ], + [ + "\u2581funciona", + -11.983651161193848 + ], + [ + "alle", + -11.983696937561035 + ], + [ + "\u2581Schreiben", + -11.983722686767578 + ], + [ + "schi", + -11.983841896057127 + ], + [ + "\u2581transparent", + -11.983946800231934 + ], + [ + "avais", + -11.984012603759766 + ], + [ + "\u2581Andreas", + -11.984048843383787 + ], + [ + "\u2581creaci\u00f3n", + -11.984067916870115 + ], + [ + "\u2581disponible", + -11.984070777893066 + ], + [ + "pic", + -11.98414421081543 + ], + [ + "\u2581hablar", + -11.98423957824707 + ], + [ + "\u2581replace", + -11.984291076660156 + ], + [ + "versorgung", + -11.984396934509276 + ], + [ + "\u2581literatura", + -11.98459529876709 + ], + [ + "\u2581mechanism", + -11.984674453735352 + ], + [ + "tant", + -11.984753608703612 + ], + [ + "\u2581negro", + -11.984810829162598 + ], + [ + "\u2581Wu", + -11.985031127929688 + ], + [ + "LINK", + -11.98508644104004 + ], + [ + "\u2581carattere", + -11.9851655960083 + ], + [ + "\u2581raz\u00f3n", + -11.98527717590332 + ], + [ + "\u2581Therapie", + -11.985350608825684 + ], + [ + "\u2581Mini", + -11.985363960266112 + ], + [ + "uuid", + -11.985527992248535 + ], + [ + "lung", + -11.985533714294434 + ], + [ + "\u2581Optional", + -11.985551834106444 + ], + [ + "\u2581reis", + -11.985758781433104 + ], + [ + "\u2581decreto", + -11.985796928405762 + ], + [ + "\u2581voie", + -11.985917091369627 + ], + [ + "\u2581plate", + -11.986041069030762 + ], + [ + "Compiler", + -11.986467361450195 + ], + [ + "\u2581cores", + -11.9865083694458 + ], + [ + "\u2581wichtig", + -11.986522674560549 + ], + [ + "\u2581Ul", + -11.98655605316162 + ], + [ + "\u2581Koch", + -11.986703872680664 + ], + [ + "\u2581ning", + -11.986735343933104 + ], + [ + "\u2581europea", + -11.986790657043455 + ], + [ + "ivi", + -11.98690414428711 + ], + [ + "\u2581squadre", + -11.986977577209473 + ], + [ + "\u2581Vlaamse", + -11.987024307250977 + ], + [ + "RR", + -11.987030982971191 + ], + [ + "gc", + -11.987147331237791 + ], + [ + "\u2581membri", + -11.987493515014648 + ], + [ + "Geografie", + -11.98752212524414 + ], + [ + "\u2581markt", + -11.98756504058838 + ], + [ + "\u2581betrachtet", + -11.98758602142334 + ], + [ + "\u2581comunidad", + -11.987675666809082 + ], + [ + "\u2581maestro", + -11.987679481506348 + ], + [ + "transition", + -11.987722396850586 + ], + [ + "\u2581\"--", + -11.987749099731444 + ], + [ + "lag", + -11.987872123718262 + ], + [ + "\u2581'{", + -11.987897872924805 + ], + [ + "\u2581ensino", + -11.987918853759766 + ], + [ + "stan", + -11.98800563812256 + ], + [ + "Vol", + -11.98802375793457 + ], + [ + "\u2581fill", + -11.988062858581545 + ], + [ + "\u2581Nas", + -11.988188743591309 + ], + [ + "\u2581happen", + -11.98825454711914 + ], + [ + "logo", + -11.988446235656738 + ], + [ + "b\u00e9", + -11.988502502441406 + ], + [ + "\u2581hoogte", + -11.98853874206543 + ], + [ + "\u2581riguarda", + -11.98854160308838 + ], + [ + "\u2581Garcia", + -11.988808631896973 + ], + [ + "\u2581torch", + -11.988874435424805 + ], + [ + "azioni", + -11.988876342773438 + ], + [ + "\u2581elementi", + -11.988883972167969 + ], + [ + "\u2581m\u00e9todos", + -11.988886833190918 + ], + [ + "\u2581r\u00e9sultats", + -11.988892555236816 + ], + [ + "\u2581activit\u00e9s", + -11.988921165466309 + ], + [ + "\u2581Area", + -11.989030838012695 + ], + [ + "MAP", + -11.989053726196287 + ], + [ + "\u2581Wales", + -11.98906707763672 + ], + [ + "\u2581risque", + -11.989121437072754 + ], + [ + "rl", + -11.989130020141602 + ], + [ + "inae", + -11.989212989807127 + ], + [ + "\u2581warm", + -11.989290237426758 + ], + [ + "Report", + -11.98931121826172 + ], + [ + "\u2581Brits", + -11.98941421508789 + ], + [ + "\u2581usted", + -11.989439010620115 + ], + [ + "\u2581apoio", + -11.989472389221191 + ], + [ + "\u2581CGFloat", + -11.989508628845217 + ], + [ + "\u2581AM", + -11.989544868469238 + ], + [ + "gericht", + -11.989911079406738 + ], + [ + "sco", + -11.990071296691896 + ], + [ + "\u2581Krankenhaus", + -11.990206718444824 + ], + [ + "\u2581Congo", + -11.990230560302734 + ], + [ + "while", + -11.990306854248049 + ], + [ + "\u2581mejores", + -11.990519523620604 + ], + [ + "OC", + -11.990646362304688 + ], + [ + "Card", + -11.9906644821167 + ], + [ + "\u2581Kurt", + -11.990933418273926 + ], + [ + "\u2581llev\u00f3", + -11.990944862365724 + ], + [ + "\u2581minute", + -11.990992546081545 + ], + [ + "stock", + -11.991267204284668 + ], + [ + "\u2581Regi", + -11.991268157958984 + ], + [ + "ears", + -11.991473197937012 + ], + [ + "chart", + -11.991658210754396 + ], + [ + "\u2581everyone", + -11.991683959960938 + ], + [ + "\u2581extent", + -11.991741180419922 + ], + [ + "\u2581Geograf\u00eda", + -11.99181079864502 + ], + [ + "\u2581seven", + -11.991840362548828 + ], + [ + "\u2581partner", + -11.991926193237305 + ], + [ + "\u2581Soorten", + -11.992006301879885 + ], + [ + "\u2581BE", + -11.992074966430664 + ], + [ + "\u2581dallo", + -11.992114067077637 + ], + [ + "enum", + -11.9921293258667 + ], + [ + "\u2581procura", + -11.9922456741333 + ], + [ + "\u2581Spoiler", + -11.992273330688477 + ], + [ + "\u2581Lucas", + -11.992300987243652 + ], + [ + "\u2581Nun", + -11.992329597473145 + ], + [ + "\u2581boot", + -11.992502212524414 + ], + [ + "\u2581Amts", + -11.992715835571287 + ], + [ + "berpr\u00fcfung", + -11.992792129516602 + ], + [ + "dictionary", + -11.99280071258545 + ], + [ + "\u2581corrente", + -11.992908477783203 + ], + [ + "\u2581sentir", + -11.99298858642578 + ], + [ + "Los", + -11.993009567260742 + ], + [ + "\u2581dizer", + -11.993077278137209 + ], + [ + "SK", + -11.993193626403809 + ], + [ + "\u2581Modern", + -11.99330711364746 + ], + [ + "\u2581Square", + -11.993515014648438 + ], + [ + "slice", + -11.993572235107422 + ], + [ + "\u2581allgemeine", + -11.993729591369627 + ], + [ + "URI", + -11.993834495544434 + ], + [ + "\u2581Konzept", + -11.993854522705078 + ], + [ + "\u2581cierto", + -11.993887901306152 + ], + [ + "dropdown", + -11.993951797485352 + ], + [ + "\u2581energ\u00eda", + -11.993961334228516 + ], + [ + "\u2581daily", + -11.99396514892578 + ], + [ + "\u2581vid\u00e9o", + -11.99428367614746 + ], + [ + "\u2581association", + -11.994555473327637 + ], + [ + "\u2581represented", + -11.994662284851074 + ], + [ + "cel", + -11.994686126708984 + ], + [ + "schicht", + -11.99487590789795 + ], + [ + "nova", + -11.99501132965088 + ], + [ + "\u2581maanden", + -11.995186805725098 + ], + [ + "bridge", + -11.995203971862791 + ], + [ + "\u2581Afghanistan", + -11.995214462280272 + ], + [ + "\u2581territ\u00f3rio", + -11.995290756225586 + ], + [ + "betrieb", + -11.99549388885498 + ], + [ + "\u2581blanc", + -11.995701789855955 + ], + [ + "\u2581Ryan", + -11.99583911895752 + ], + [ + "LB", + -11.995841026306152 + ], + [ + "\u2581angenommen", + -11.99586296081543 + ], + [ + "\u2581pub", + -11.995882034301758 + ], + [ + "\u2581directement", + -11.995924949645996 + ], + [ + "\u2581interview", + -11.99598217010498 + ], + [ + "\u2581disponibile", + -11.996004104614258 + ], + [ + "IE", + -11.996111869812012 + ], + [ + "\u2581distinct", + -11.996180534362791 + ], + [ + "\u2581Serra", + -11.996187210083008 + ], + [ + "\u2581compact", + -11.99619483947754 + ], + [ + "\u2581finding", + -11.996267318725586 + ], + [ + "\u2581Ministro", + -11.996416091918944 + ], + [ + "\u2581pudo", + -11.996773719787598 + ], + [ + "\u2581Hamilton", + -11.99683952331543 + ], + [ + "\u2581copies", + -11.99683952331543 + ], + [ + "\u2581Gordon", + -11.996955871582031 + ], + [ + "mina", + -11.996989250183104 + ], + [ + "\u2581ocupa", + -11.9970121383667 + ], + [ + "\u2581estavam", + -11.997034072875977 + ], + [ + "children", + -11.997103691101074 + ], + [ + "\u2581salud", + -11.99718189239502 + ], + [ + "\u2581vicina", + -11.99722385406494 + ], + [ + "\u2581bildet", + -11.997344970703123 + ], + [ + "driver", + -11.997363090515137 + ], + [ + "\u2581Massachusetts", + -11.997466087341309 + ], + [ + "glise", + -11.99772834777832 + ], + [ + "\u2581alcun", + -11.997775077819824 + ], + [ + "\u2581utilizando", + -11.997885704040527 + ], + [ + "\u2581waarop", + -11.997929573059082 + ], + [ + "\u2581C\u00e9sar", + -11.997940063476562 + ], + [ + "\u2581contrat", + -11.998173713684082 + ], + [ + "typeof", + -11.998210906982422 + ], + [ + "\u2581Justice", + -11.998342514038086 + ], + [ + "\u2581Weasley", + -11.99850368499756 + ], + [ + "\u2581leitores", + -11.99866771697998 + ], + [ + "beck", + -11.99897575378418 + ], + [ + "kw", + -11.999031066894531 + ], + [ + "\u2581obtuvo", + -11.999164581298828 + ], + [ + "LL", + -11.999185562133787 + ], + [ + "\u2581couldn", + -11.999290466308594 + ], + [ + "\u2581Meinung", + -11.99930191040039 + ], + [ + "\u2581join", + -11.999340057373049 + ], + [ + "\u2581Laura", + -11.99941062927246 + ], + [ + "ace", + -11.999422073364258 + ], + [ + "pay", + -11.99948787689209 + ], + [ + "\u2581compra", + -11.999579429626465 + ], + [ + "metric", + -11.999603271484377 + ], + [ + "\u2581Kr", + -11.99960708618164 + ], + [ + "\u2581Hell", + -11.999731063842772 + ], + [ + "\u2581Autobahn", + -11.999753952026367 + ], + [ + "aki", + -11.999767303466797 + ], + [ + "\u2581[],", + -11.999810218811035 + ], + [ + "\u2581radical", + -11.999879837036133 + ], + [ + "\u2581instances", + -11.999943733215332 + ], + [ + "\u2581Fraktionen", + -11.999957084655762 + ], + [ + "\u2581soldados", + -11.999994277954102 + ], + [ + "animation", + -11.999999046325684 + ], + [ + "Flags", + -12.000232696533203 + ], + [ + "\u2581identify", + -12.000350952148438 + ], + [ + "\u2581airport", + -12.000351905822754 + ], + [ + "\u2581geld", + -12.000417709350586 + ], + [ + "\u2581ship", + -12.000536918640137 + ], + [ + "\u2581validate", + -12.000638961791992 + ], + [ + "ller", + -12.00070858001709 + ], + [ + "\u2581associations", + -12.000813484191896 + ], + [ + "\u2581definir", + -12.000843048095703 + ], + [ + "\u2581Nachweis", + -12.00085735321045 + ], + [ + "ack", + -12.001434326171877 + ], + [ + "\u2581Sound", + -12.00154972076416 + ], + [ + "\u2581capacidade", + -12.00159740447998 + ], + [ + "\u2581centrum", + -12.001651763916016 + ], + [ + "SF", + -12.001690864562988 + ], + [ + "\u2581vitesse", + -12.001730918884276 + ], + [ + "f\u00e4higkeit", + -12.001871109008787 + ], + [ + "But", + -12.001887321472168 + ], + [ + "\u2581igreja", + -12.002008438110352 + ], + [ + "\u2581books", + -12.002099990844728 + ], + [ + "tech", + -12.002158164978027 + ], + [ + "\u2581Sc", + -12.00217628479004 + ], + [ + "\u2581Betriebe", + -12.002326965332031 + ], + [ + "gau", + -12.002334594726562 + ], + [ + "such", + -12.002334594726562 + ], + [ + "\u2581Walker", + -12.002368927001951 + ], + [ + "vent", + -12.002511978149414 + ], + [ + "best", + -12.002649307250977 + ], + [ + "lm", + -12.00270652770996 + ], + [ + "\u2581END", + -12.002716064453123 + ], + [ + "\u2581viagem", + -12.002771377563477 + ], + [ + "tischen", + -12.002805709838867 + ], + [ + "\u2581Hard", + -12.002809524536133 + ], + [ + "\u2581Spaanse", + -12.002881050109863 + ], + [ + "\u2581Finale", + -12.003183364868164 + ], + [ + "erte", + -12.003239631652832 + ], + [ + "\u2581occurred", + -12.00327205657959 + ], + [ + "\u2581Ecuador", + -12.003395080566406 + ], + [ + "\u2581natureza", + -12.003417015075684 + ], + [ + "\u2581Ah", + -12.00345516204834 + ], + [ + "hne", + -12.003581047058104 + ], + [ + "\u2581allgemein", + -12.003640174865724 + ], + [ + "\u2581rischio", + -12.00379467010498 + ], + [ + "\u2581Groot", + -12.003992080688477 + ], + [ + "\u2581prende", + -12.004234313964844 + ], + [ + "inha", + -12.004244804382324 + ], + [ + "\u2581Voll", + -12.00427532196045 + ], + [ + "rechtliche", + -12.004281044006348 + ], + [ + "mount", + -12.004319190979004 + ], + [ + "Duration", + -12.004475593566896 + ], + [ + "quer", + -12.004496574401855 + ], + [ + "Selection", + -12.004535675048828 + ], + [ + "Impl", + -12.004629135131836 + ], + [ + "\u2581Photo", + -12.00468635559082 + ], + [ + "\u2581Fi", + -12.00474452972412 + ], + [ + "\u2581gegeven", + -12.004803657531738 + ], + [ + "\u2581continuous", + -12.004807472229004 + ], + [ + "\u2581implemented", + -12.004953384399414 + ], + [ + "\u2581verifica", + -12.005084991455078 + ], + [ + "\u2581HTTP", + -12.005284309387209 + ], + [ + "RIGHT", + -12.005303382873535 + ], + [ + "\u2581tableau", + -12.005335807800291 + ], + [ + "\u2581gi", + -12.005370140075684 + ], + [ + "tto", + -12.005382537841797 + ], + [ + "\u2581ermittelt", + -12.005382537841797 + ], + [ + "\u2581an\u00e1lise", + -12.00560474395752 + ], + [ + "\u2581Lors", + -12.005610466003418 + ], + [ + "\u2581selten", + -12.005637168884276 + ], + [ + "thread", + -12.00572681427002 + ], + [ + "\u2581calidad", + -12.005742073059082 + ], + [ + "\u2581Rodr\u00edguez", + -12.006086349487305 + ], + [ + "Fran", + -12.006147384643556 + ], + [ + "\u2581Kampf", + -12.006240844726562 + ], + [ + "\u2581estudo", + -12.006353378295898 + ], + [ + "\u2581dynamic", + -12.00638198852539 + ], + [ + "\u2581namelijk", + -12.006470680236816 + ], + [ + "\u2581Tages", + -12.00649356842041 + ], + [ + "\u2581spaces", + -12.006525039672852 + ], + [ + "\u2581secoli", + -12.006673812866213 + ], + [ + "\u2581schaffen", + -12.006723403930664 + ], + [ + "\u2581faisant", + -12.006758689880373 + ], + [ + "protected", + -12.006925582885742 + ], + [ + "\u2581fuoco", + -12.006945610046388 + ], + [ + "\u2581Tierra", + -12.006949424743652 + ], + [ + "tp", + -12.00704288482666 + ], + [ + "aj", + -12.00708293914795 + ], + [ + "\u2581lotta", + -12.007091522216797 + ], + [ + "Marie", + -12.007246971130373 + ], + [ + "\u2581FI", + -12.00729274749756 + ], + [ + "rdern", + -12.007524490356444 + ], + [ + "\u2581Erd", + -12.007534980773926 + ], + [ + "\u2581Neue", + -12.00755786895752 + ], + [ + "Her", + -12.007638931274414 + ], + [ + "\u2581entstanden", + -12.007661819458008 + ], + [ + "\u2581Fluss", + -12.007697105407717 + ], + [ + "\u2581encontrado", + -12.007823944091797 + ], + [ + "\u2581gestion", + -12.007827758789062 + ], + [ + "\u2581Moore", + -12.007974624633787 + ], + [ + "\u2581\u00fcberwiegend", + -12.008008003234863 + ], + [ + "\u2581holds", + -12.008020401000977 + ], + [ + "\u2581gray", + -12.00803279876709 + ], + [ + "\u2581fil", + -12.008285522460938 + ], + [ + "\u2581Chegar", + -12.008293151855469 + ], + [ + "\u2581densidad", + -12.008301734924316 + ], + [ + "\u2581foot", + -12.008450508117676 + ], + [ + "alto", + -12.008468627929688 + ], + [ + "\u2581car\u00e1cter", + -12.00864601135254 + ], + [ + "\u2581Pakistan", + -12.008658409118652 + ], + [ + "\u2581monument", + -12.008755683898926 + ], + [ + "Mer", + -12.008848190307615 + ], + [ + "\u2581Mindest", + -12.009129524230955 + ], + [ + "\u2581sciences", + -12.009149551391602 + ], + [ + "\u2581Nature", + -12.009163856506348 + ], + [ + "\u2581Hz", + -12.009379386901855 + ], + [ + "\u2581Kerk", + -12.009387016296388 + ], + [ + "owner", + -12.00959587097168 + ], + [ + "\u2581slightly", + -12.009599685668944 + ], + [ + "esperienza", + -12.009614944458008 + ], + [ + "\u2581vehicle", + -12.009698867797852 + ], + [ + "Def", + -12.009842872619627 + ], + [ + "\u2581prepared", + -12.009849548339844 + ], + [ + "\u2581register", + -12.009864807128906 + ], + [ + "OL", + -12.009928703308104 + ], + [ + "\u2581finished", + -12.009980201721191 + ], + [ + "\u2581networks", + -12.010003089904783 + ], + [ + "aceae", + -12.010015487670898 + ], + [ + "trim", + -12.010052680969238 + ], + [ + "\u2581Infrastruktur", + -12.010093688964844 + ], + [ + "dep", + -12.010210037231444 + ], + [ + "\u2581Verantwortung", + -12.01027488708496 + ], + [ + "\u2581Veja", + -12.010332107543944 + ], + [ + "setAttr", + -12.01034164428711 + ], + [ + "\u2581Italian", + -12.01038646697998 + ], + [ + "timent", + -12.010457992553713 + ], + [ + "\u2581davvero", + -12.01046085357666 + ], + [ + "\u2581aparentemente", + -12.010581970214844 + ], + [ + "rten", + -12.0106201171875 + ], + [ + "\u2581Calcio", + -12.01068115234375 + ], + [ + "\u2581Ky", + -12.010746002197266 + ], + [ + "\u2581INSEE", + -12.010787010192873 + ], + [ + "idades", + -12.01088809967041 + ], + [ + "Part", + -12.010936737060549 + ], + [ + "\u2581discussed", + -12.010968208312988 + ], + [ + "\u2581descrita", + -12.010979652404783 + ], + [ + "\u2581Erkenntnisse", + -12.010982513427734 + ], + [ + "\u2581magnitude", + -12.01107406616211 + ], + [ + "\u2581interpreta", + -12.011192321777344 + ], + [ + "nicas", + -12.011224746704102 + ], + [ + "\u2581onze", + -12.01135540008545 + ], + [ + "\u2581sentimento", + -12.011356353759766 + ], + [ + "\u2581compiler", + -12.01150131225586 + ], + [ + "\u2581positions", + -12.01153564453125 + ], + [ + "VS", + -12.011632919311523 + ], + [ + "aka", + -12.011740684509276 + ], + [ + "Constraint", + -12.011846542358398 + ], + [ + "\u2581venir", + -12.01195240020752 + ], + [ + "tip", + -12.011984825134276 + ], + [ + "\u2581Nor", + -12.012008666992188 + ], + [ + "\u2581Ski", + -12.012022972106934 + ], + [ + "ech", + -12.01210594177246 + ], + [ + "\u2581realiz\u00f3", + -12.012125968933104 + ], + [ + "\u2581matches", + -12.01226043701172 + ], + [ + "nabla", + -12.0123872756958 + ], + [ + "\u2581profit", + -12.012429237365724 + ], + [ + "\u2581eingef\u00fcgt", + -12.012507438659668 + ], + [ + "\u2581Jar", + -12.012528419494627 + ], + [ + "\u2581vem", + -12.012544631958008 + ], + [ + "remote", + -12.012560844421388 + ], + [ + "\u2581vecchio", + -12.012600898742676 + ], + [ + "Louis", + -12.012601852416992 + ], + [ + "esprit", + -12.012664794921877 + ], + [ + "\u2581binding", + -12.01296329498291 + ], + [ + "usatz", + -12.013002395629885 + ], + [ + "hte", + -12.013080596923828 + ], + [ + "KA", + -12.013172149658203 + ], + [ + "\u2581W\u00e4rme", + -12.01321506500244 + ], + [ + "deb", + -12.013320922851562 + ], + [ + "lit", + -12.013463973999023 + ], + [ + "\u2581shopping", + -12.01351261138916 + ], + [ + "\u2581Read", + -12.013517379760742 + ], + [ + "\u2581Gon", + -12.01351833343506 + ], + [ + "alpine", + -12.013593673706056 + ], + [ + "anlage", + -12.013727188110352 + ], + [ + "\u2581Verarbeitung", + -12.013794898986816 + ], + [ + "Center", + -12.013800621032717 + ], + [ + "\u2581Jane", + -12.013901710510254 + ], + [ + "\u2581geschaffen", + -12.014002799987791 + ], + [ + "\u2581vite", + -12.014042854309082 + ], + [ + "links", + -12.01414966583252 + ], + [ + "\u2581cur", + -12.01414966583252 + ], + [ + "\u2581instrument", + -12.014373779296877 + ], + [ + "Generator", + -12.014389038085938 + ], + [ + "\u2581Luxemburg", + -12.014543533325195 + ], + [ + "\u2581wist", + -12.014593124389648 + ], + [ + "\u2581Oro", + -12.014641761779783 + ], + [ + "\u2581sept", + -12.014815330505373 + ], + [ + "meter", + -12.014863967895508 + ], + [ + "COMPILER", + -12.015206336975098 + ], + [ + "\u2581prop", + -12.015216827392578 + ], + [ + "\u2581Forest", + -12.015265464782717 + ], + [ + "\u2581Sim", + -12.01535701751709 + ], + [ + "\u2581COVID", + -12.015433311462402 + ], + [ + "\u2581Daar", + -12.0154390335083 + ], + [ + "hart", + -12.015563011169434 + ], + [ + "\u2581atenci\u00f3n", + -12.01567840576172 + ], + [ + "\u2581arc", + -12.015795707702637 + ], + [ + "univers", + -12.015872955322266 + ], + [ + "\u2581covered", + -12.015933990478516 + ], + [ + "under", + -12.016057014465332 + ], + [ + "aff", + -12.016080856323242 + ], + [ + "\u2581art\u00edculo", + -12.016093254089355 + ], + [ + "\u2581Ny", + -12.016111373901367 + ], + [ + "\u2581Agora", + -12.016210556030272 + ], + [ + "\u2581beginnen", + -12.016230583190918 + ], + [ + "\u2581stava", + -12.016287803649902 + ], + [ + "ardi", + -12.016490936279297 + ], + [ + "asso", + -12.01653289794922 + ], + [ + "eitung", + -12.016703605651855 + ], + [ + "\u2581culturale", + -12.01672649383545 + ], + [ + "\u2581cin\u00e9ma", + -12.016728401184082 + ], + [ + "vit", + -12.016756057739258 + ], + [ + "\u2581daarom", + -12.016775131225586 + ], + [ + "\u2581Atom", + -12.016867637634276 + ], + [ + "\u2581condiciones", + -12.016887664794922 + ], + [ + "\u2581Vincent", + -12.016890525817873 + ], + [ + "dora", + -12.01689624786377 + ], + [ + "nal", + -12.016911506652832 + ], + [ + "cost", + -12.017001152038574 + ], + [ + "Package", + -12.017016410827637 + ], + [ + "\u2581Dieu", + -12.01712417602539 + ], + [ + "osi", + -12.017160415649414 + ], + [ + "\u2581unknown", + -12.017169952392578 + ], + [ + "\u2581experiments", + -12.017230987548828 + ], + [ + "\u2581User", + -12.017377853393556 + ], + [ + "dale", + -12.017394065856934 + ], + [ + "\u2581Palermo", + -12.017579078674316 + ], + [ + "Transform", + -12.017635345458984 + ], + [ + "\u2581candidato", + -12.01766300201416 + ], + [ + "\u2581figlia", + -12.017776489257812 + ], + [ + "\u2581gesetzt", + -12.017783164978027 + ], + [ + "\u2581proveniente", + -12.017793655395508 + ], + [ + "\u2581comunidade", + -12.017847061157228 + ], + [ + "Only", + -12.017871856689451 + ], + [ + "alta", + -12.017874717712402 + ], + [ + "\u2581seguro", + -12.01797103881836 + ], + [ + "\u2581Spin", + -12.018054962158203 + ], + [ + "ust\u00e4ndigkeit", + -12.01809310913086 + ], + [ + "\u2581criminal", + -12.018170356750488 + ], + [ + "\u2581Mes", + -12.01824188232422 + ], + [ + "\u2581crear", + -12.0182523727417 + ], + [ + "\u2581paths", + -12.018318176269531 + ], + [ + "\u2581EL", + -12.018404960632324 + ], + [ + "\u2581Technology", + -12.018427848815918 + ], + [ + "\u2581facendo", + -12.01856517791748 + ], + [ + "entreprise", + -12.018671035766602 + ], + [ + "\u2581utilizada", + -12.01871109008789 + ], + [ + "\u2581Jap", + -12.018872261047363 + ], + [ + "\u2581led", + -12.019001960754396 + ], + [ + "yo", + -12.019076347351074 + ], + [ + "\u2581niente", + -12.019145011901855 + ], + [ + "\u2581furent", + -12.01924991607666 + ], + [ + "\u2581ausreichend", + -12.019351959228516 + ], + [ + "\u2581demais", + -12.019362449645996 + ], + [ + "\u2581Cole", + -12.01951503753662 + ], + [ + "\u2581prese", + -12.019523620605469 + ], + [ + "\u2581canto", + -12.019611358642578 + ], + [ + "\u2581proprie", + -12.01963996887207 + ], + [ + "\u2581patrimoine", + -12.01965045928955 + ], + [ + "dig", + -12.019725799560549 + ], + [ + "\u2581einzige", + -12.019792556762695 + ], + [ + "is\u00e9", + -12.019810676574709 + ], + [ + "visit", + -12.019903182983398 + ], + [ + "cri", + -12.020084381103516 + ], + [ + "anteil", + -12.020135879516602 + ], + [ + "\u2581Hessen", + -12.020135879516602 + ], + [ + "IM", + -12.020304679870604 + ], + [ + "adi", + -12.020325660705566 + ], + [ + "\u2581split", + -12.02033519744873 + ], + [ + "\u2581Parlaments", + -12.020418167114258 + ], + [ + "FT", + -12.020591735839844 + ], + [ + "nich", + -12.020604133605955 + ], + [ + "\u2581commit", + -12.020696640014648 + ], + [ + "brug", + -12.020804405212402 + ], + [ + "\u2581aumenta", + -12.020873069763184 + ], + [ + "\u2581volledig", + -12.020894050598145 + ], + [ + "\u2581Demograf\u00eda", + -12.020906448364258 + ], + [ + "r\u00ed", + -12.021013259887695 + ], + [ + "\u2581damage", + -12.02106761932373 + ], + [ + "\u2581debate", + -12.021084785461426 + ], + [ + "\u2581Thanks", + -12.021136283874512 + ], + [ + "\u2581esses", + -12.021136283874512 + ], + [ + "\u2581Rev", + -12.021187782287598 + ], + [ + "\u2581leads", + -12.021248817443848 + ], + [ + "\u2581Entertainment", + -12.02126693725586 + ], + [ + "\u2581privaten", + -12.021387100219728 + ], + [ + "\u2581Charlie", + -12.021404266357422 + ], + [ + "\u2581obwohl", + -12.021445274353027 + ], + [ + "leiter", + -12.021522521972656 + ], + [ + "That", + -12.021586418151855 + ], + [ + "\u2581Sebasti", + -12.021722793579102 + ], + [ + "tw", + -12.021872520446776 + ], + [ + "\u2581instructions", + -12.021902084350586 + ], + [ + "\u2581sold", + -12.021934509277344 + ], + [ + "\u2581heutigen", + -12.022112846374512 + ], + [ + "\u2581Cara", + -12.022192001342772 + ], + [ + "\u2581Dark", + -12.022327423095703 + ], + [ + "\u2581trap", + -12.02232837677002 + ], + [ + "langle", + -12.022337913513184 + ], + [ + "\u2581kleur", + -12.022440910339355 + ], + [ + "Hg", + -12.022488594055176 + ], + [ + "\u2581Piazza", + -12.022494316101074 + ], + [ + "stitu", + -12.022539138793944 + ], + [ + "gna", + -12.022540092468262 + ], + [ + "fake", + -12.022547721862791 + ], + [ + "quot", + -12.022740364074709 + ], + [ + "\u2581singolo", + -12.022974014282228 + ], + [ + "\u2581Obama", + -12.022991180419922 + ], + [ + "\u2581toma", + -12.023024559020996 + ], + [ + "\u2581alma", + -12.023027420043944 + ], + [ + "geschichte", + -12.023078918457031 + ], + [ + "Microsoft", + -12.02308464050293 + ], + [ + "\u2581restaurant", + -12.02315616607666 + ], + [ + "cina", + -12.023241996765137 + ], + [ + "\u2581cour", + -12.023266792297363 + ], + [ + "\u2581develop", + -12.023293495178224 + ], + [ + "\u2581attributes", + -12.023360252380373 + ], + [ + "Rect", + -12.023388862609863 + ], + [ + "Kit", + -12.02342700958252 + ], + [ + "\u2581portare", + -12.023447036743164 + ], + [ + "\u2581sejam", + -12.02396011352539 + ], + [ + "seed", + -12.023965835571287 + ], + [ + "Variable", + -12.024136543273926 + ], + [ + "LINE", + -12.024168014526367 + ], + [ + "\u2581ganzen", + -12.024182319641112 + ], + [ + "\u2581Hinweis", + -12.024280548095703 + ], + [ + "\u2581waarde", + -12.024368286132812 + ], + [ + "\u2581Fern\u00e1ndez", + -12.02444076538086 + ], + [ + "\u2581Cultural", + -12.024455070495604 + ], + [ + "\u2581responsible", + -12.024590492248535 + ], + [ + "\u2581\\(", + -12.024658203125 + ], + [ + "\u2581Krieg", + -12.024866104125977 + ], + [ + "Process", + -12.024868965148926 + ], + [ + "yu", + -12.02497100830078 + ], + [ + "\u2581Ella", + -12.02504062652588 + ], + [ + "\u2581sequ", + -12.025144577026367 + ], + [ + "\u2581Wird", + -12.025219917297363 + ], + [ + "Grid", + -12.025327682495115 + ], + [ + "\u2581Beurteilung", + -12.025392532348633 + ], + [ + "onde", + -12.025420188903809 + ], + [ + "inf", + -12.025494575500488 + ], + [ + "\u2581Danach", + -12.025504112243652 + ], + [ + "\u2581contar", + -12.02580738067627 + ], + [ + "\u2581relazione", + -12.025830268859863 + ], + [ + "\u2581rive", + -12.025964736938477 + ], + [ + "EB", + -12.026203155517578 + ], + [ + "\u2581Ei", + -12.026222229003906 + ], + [ + "\u2581institutions", + -12.026334762573242 + ], + [ + "\u2581Beziehungen", + -12.026455879211426 + ], + [ + "\u2581hetzelfde", + -12.026470184326172 + ], + [ + "\u2581Formen", + -12.02652645111084 + ], + [ + "arc", + -12.026581764221191 + ], + [ + "\u2581engine", + -12.026681900024414 + ], + [ + "uren", + -12.026690483093262 + ], + [ + "generated", + -12.026806831359863 + ], + [ + "inst", + -12.02682876586914 + ], + [ + "\u2581quinto", + -12.027015686035156 + ], + [ + "fl\u00e4chen", + -12.027043342590332 + ], + [ + "\u2581Buffalo", + -12.027159690856934 + ], + [ + "\u2581p\u00e1ginas", + -12.027262687683104 + ], + [ + "kirche", + -12.027283668518066 + ], + [ + "\u2581Banco", + -12.027348518371582 + ], + [ + "mean", + -12.027421951293944 + ], + [ + "\u2581blind", + -12.027524948120115 + ], + [ + "heden", + -12.027549743652344 + ], + [ + "\u2581happened", + -12.027558326721191 + ], + [ + "\u2581rows", + -12.027626991271973 + ], + [ + "hex", + -12.027732849121094 + ], + [ + "\u2581usados", + -12.027795791625977 + ], + [ + "\u2581Moreover", + -12.027801513671877 + ], + [ + "htm", + -12.02788543701172 + ], + [ + "\u2581wapen", + -12.027971267700195 + ], + [ + "\u2581dollars", + -12.028038024902344 + ], + [ + "cmp", + -12.028553009033203 + ], + [ + "\u2581contained", + -12.02864933013916 + ], + [ + "amour", + -12.02867603302002 + ], + [ + "\u2581d\u00e9couvert", + -12.028682708740234 + ], + [ + "\u2581potrebbero", + -12.02884578704834 + ], + [ + "aku", + -12.028874397277832 + ], + [ + "\u2581Newton", + -12.028898239135742 + ], + [ + "eert", + -12.028989791870115 + ], + [ + "\u2581desempe", + -12.029067993164062 + ], + [ + "wijk", + -12.029074668884276 + ], + [ + "bla", + -12.029101371765137 + ], + [ + "\u2581POWER", + -12.029169082641602 + ], + [ + "\u2581Einfuhr", + -12.029400825500488 + ], + [ + "href", + -12.029587745666504 + ], + [ + "ambito", + -12.029656410217283 + ], + [ + "\u2581Deportivo", + -12.02971076965332 + ], + [ + "\u2581Manchester", + -12.030139923095703 + ], + [ + "arco", + -12.030162811279297 + ], + [ + "\u2581erwarten", + -12.030247688293455 + ], + [ + "ancien", + -12.03032112121582 + ], + [ + "century", + -12.030424118041992 + ], + [ + "\u2581Plant", + -12.03050136566162 + ], + [ + "Notification", + -12.03053379058838 + ], + [ + "\u2581Sha", + -12.030631065368652 + ], + [ + "\u2581Capo", + -12.03067684173584 + ], + [ + "OF", + -12.03090763092041 + ], + [ + "\u2581urbano", + -12.030914306640623 + ], + [ + "\u2581r\u00e9sultat", + -12.030935287475586 + ], + [ + "\u2581Stan", + -12.03101634979248 + ], + [ + "\u2581occurs", + -12.031018257141112 + ], + [ + "\u2581buen", + -12.031206130981444 + ], + [ + "kube", + -12.031253814697266 + ], + [ + "GG", + -12.031315803527832 + ], + [ + "integer", + -12.03135108947754 + ], + [ + "Ta", + -12.031405448913574 + ], + [ + "Real", + -12.03160285949707 + ], + [ + "xy", + -12.031617164611816 + ], + [ + "\u2581Down", + -12.031654357910156 + ], + [ + "\u2581festa", + -12.031654357910156 + ], + [ + "\u2581Novo", + -12.03166961669922 + ], + [ + "\u2581Distrito", + -12.031710624694824 + ], + [ + "environ", + -12.031819343566896 + ], + [ + "\u2581zonas", + -12.031841278076172 + ], + [ + "\u2581opdracht", + -12.031850814819336 + ], + [ + "\u2581nomes", + -12.031879425048828 + ], + [ + "LV", + -12.031902313232422 + ], + [ + "\u2581ciudades", + -12.031909942626951 + ], + [ + "\u2581pagamento", + -12.03201389312744 + ], + [ + "sicherheit", + -12.032156944274902 + ], + [ + "\u2581cuyo", + -12.032163619995115 + ], + [ + "hide", + -12.032176971435549 + ], + [ + "selector", + -12.032196044921877 + ], + [ + "STRING", + -12.032255172729492 + ], + [ + "\u2581modello", + -12.03229522705078 + ], + [ + "\u2581PM", + -12.0324125289917 + ], + [ + "Plugin", + -12.032447814941406 + ], + [ + "\u2581Einleitung", + -12.032538414001465 + ], + [ + "\u2581presen", + -12.032551765441896 + ], + [ + "\u2581m\u00e9thode", + -12.032843589782717 + ], + [ + "Timeout", + -12.032946586608888 + ], + [ + "netz", + -12.032970428466797 + ], + [ + "\u2581Rou", + -12.033021926879885 + ], + [ + "Auf", + -12.033056259155272 + ], + [ + "\u2581stars", + -12.03309726715088 + ], + [ + "\u2581kort", + -12.03311252593994 + ], + [ + "HG", + -12.03313446044922 + ], + [ + "\u2581letra", + -12.033280372619627 + ], + [ + "\u2581economica", + -12.03349494934082 + ], + [ + "\u2581regioni", + -12.03353500366211 + ], + [ + "bet", + -12.033557891845703 + ], + [ + "\u2581persoon", + -12.033649444580078 + ], + [ + "\u2581Summe", + -12.033738136291504 + ], + [ + "Player", + -12.03376579284668 + ], + [ + "\u2581Donald", + -12.033989906311035 + ], + [ + "LN", + -12.034099578857422 + ], + [ + "Hu", + -12.03410530090332 + ], + [ + "verzeichnis", + -12.034123420715332 + ], + [ + "KV", + -12.034361839294434 + ], + [ + "protocol", + -12.03440284729004 + ], + [ + "\u2581evaluation", + -12.03445529937744 + ], + [ + "\u2581Hersteller", + -12.034465789794922 + ], + [ + "menge", + -12.034485816955566 + ], + [ + "\u2581successivamente", + -12.034855842590332 + ], + [ + "ably", + -12.035038948059082 + ], + [ + "hier", + -12.035134315490724 + ], + [ + "\u2581risultato", + -12.035170555114746 + ], + [ + "Par", + -12.03520965576172 + ], + [ + "sep", + -12.0352201461792 + ], + [ + "\u2581vraiment", + -12.035279273986816 + ], + [ + "online", + -12.035335540771484 + ], + [ + "\u2581setzen", + -12.03537654876709 + ], + [ + "\u2581insert", + -12.035393714904783 + ], + [ + "\u2581Torres", + -12.035400390625 + ], + [ + "\u2581notion", + -12.035406112670898 + ], + [ + "bt", + -12.035442352294922 + ], + [ + "\u2581politie", + -12.035503387451172 + ], + [ + "Th", + -12.035749435424805 + ], + [ + "\u2581Ivan", + -12.035775184631348 + ], + [ + "cht", + -12.035844802856444 + ], + [ + "\u2581feu", + -12.035950660705566 + ], + [ + "\u2581aeroporti", + -12.03605842590332 + ], + [ + "wd", + -12.036125183105469 + ], + [ + "score", + -12.03612995147705 + ], + [ + "\u2581Kur", + -12.036177635192873 + ], + [ + "\u2581AC", + -12.036191940307615 + ], + [ + "\u2581conscience", + -12.036211967468262 + ], + [ + "enseignement", + -12.036373138427734 + ], + [ + "\u2581Alors", + -12.03664207458496 + ], + [ + "\u2581Eva", + -12.036676406860352 + ], + [ + "\u2581piece", + -12.03672981262207 + ], + [ + "toren", + -12.036860466003418 + ], + [ + "\u2581AA", + -12.036863327026367 + ], + [ + "LG", + -12.03695583343506 + ], + [ + "\u2581fundada", + -12.037105560302734 + ], + [ + "demo", + -12.037139892578123 + ], + [ + "alias", + -12.037191390991213 + ], + [ + "rij", + -12.03725528717041 + ], + [ + "\u2581Parlamento", + -12.037410736083984 + ], + [ + "\u2581americana", + -12.0375337600708 + ], + [ + "\u2581spricht", + -12.037562370300291 + ], + [ + "\u2581nombres", + -12.037641525268556 + ], + [ + "\u2581perspective", + -12.03770637512207 + ], + [ + "\u2581LE", + -12.037759780883787 + ], + [ + "\u2581conseil", + -12.037879943847656 + ], + [ + "\u2581Twitter", + -12.037894248962402 + ], + [ + "\u2581eveneens", + -12.038118362426758 + ], + [ + "geo", + -12.03819179534912 + ], + [ + "centering", + -12.038237571716309 + ], + [ + "\u2581Mehrheit", + -12.038243293762209 + ], + [ + "\u2581best\u00e4tigt", + -12.038419723510742 + ], + [ + "rounded", + -12.038576126098633 + ], + [ + "\u2581partenza", + -12.038654327392578 + ], + [ + "\u2581Enrique", + -12.03876781463623 + ], + [ + "\u2581c\u00e9l", + -12.038836479187012 + ], + [ + "\u2581approximately", + -12.039172172546388 + ], + [ + "Sie", + -12.039314270019531 + ], + [ + "\u2581officer", + -12.039348602294922 + ], + [ + "glicherweise", + -12.03946018218994 + ], + [ + "\u2581logic", + -12.039677619934082 + ], + [ + "\u2581panel", + -12.039679527282717 + ], + [ + "\u2581isinstance", + -12.039708137512209 + ], + [ + "\u2581rappresenta", + -12.03974723815918 + ], + [ + "operation", + -12.039828300476074 + ], + [ + "Ouest", + -12.039876937866213 + ], + [ + "\u2581mitad", + -12.039917945861816 + ], + [ + "\u2581arma", + -12.039921760559082 + ], + [ + "\u2581Gra", + -12.039925575256348 + ], + [ + "\u2581FIFA", + -12.03992748260498 + ], + [ + "\u2581faible", + -12.040031433105469 + ], + [ + "sleep", + -12.04011058807373 + ], + [ + "bak", + -12.040165901184082 + ], + [ + "\u2581mostly", + -12.04029655456543 + ], + [ + "\u2581speak", + -12.040327072143556 + ], + [ + "\u2581depende", + -12.040397644042969 + ], + [ + "GM", + -12.040437698364258 + ], + [ + "\u2581Feuer", + -12.040587425231934 + ], + [ + "rpc", + -12.040689468383787 + ], + [ + "\u2581monitor", + -12.04084587097168 + ], + [ + "\u2581Lebensmittel", + -12.040905952453612 + ], + [ + "\u2581semplicemente", + -12.040919303894045 + ], + [ + "\u2581straight", + -12.04102897644043 + ], + [ + "\u2581scenario", + -12.04113483428955 + ], + [ + "\u2581bislang", + -12.041176795959473 + ], + [ + "cida", + -12.041207313537598 + ], + [ + "\u2581zugrunde", + -12.041251182556152 + ], + [ + "postcss", + -12.04137897491455 + ], + [ + "General", + -12.041617393493652 + ], + [ + "javascript", + -12.041650772094728 + ], + [ + "\u2581conclude", + -12.041805267333984 + ], + [ + "COMPILE", + -12.041899681091309 + ], + [ + "\u2581SO", + -12.042006492614746 + ], + [ + "\u2581sprechen", + -12.042033195495604 + ], + [ + "\u2581nation", + -12.042034149169922 + ], + [ + "\u2581Fichier", + -12.042035102844238 + ], + [ + "actual", + -12.042129516601562 + ], + [ + "nat", + -12.04224681854248 + ], + [ + "\u2581['", + -12.042308807373049 + ], + [ + "neu", + -12.042400360107422 + ], + [ + "\u2581hierf\u00fcr", + -12.042431831359863 + ], + [ + "\u2581Bilder", + -12.042539596557615 + ], + [ + "\u2581Rot", + -12.04254913330078 + ], + [ + "\u2581deles", + -12.042583465576172 + ], + [ + "\u2581prise", + -12.042685508728027 + ], + [ + "\u2581indeed", + -12.042706489562988 + ], + [ + "\u2581Bl", + -12.04270839691162 + ], + [ + "\u2581eletr", + -12.042738914489746 + ], + [ + "\u2581transaction", + -12.042754173278809 + ], + [ + "ohne", + -12.042906761169434 + ], + [ + "ouverture", + -12.04297924041748 + ], + [ + "\u2581cr\u00e9\u00e9", + -12.043060302734377 + ], + [ + "bn", + -12.043078422546388 + ], + [ + "fluent", + -12.043099403381348 + ], + [ + "\u2581portuguesa", + -12.043106079101562 + ], + [ + "\u2581solamente", + -12.043133735656738 + ], + [ + "\u2581beschlossen", + -12.043190956115724 + ], + [ + "\u2581Kan", + -12.04319190979004 + ], + [ + "\u2581favore", + -12.04330062866211 + ], + [ + "\u2581haven", + -12.04355525970459 + ], + [ + "\u2581evidente", + -12.043668746948242 + ], + [ + "rose", + -12.043778419494627 + ], + [ + "UT", + -12.043828964233398 + ], + [ + "\u2581conversion", + -12.04387378692627 + ], + [ + "iteit", + -12.043878555297852 + ], + [ + "UC", + -12.043923377990724 + ], + [ + "engine", + -12.043951034545898 + ], + [ + "\u2581rouge", + -12.044049263000488 + ], + [ + "sdichtheid", + -12.044146537780762 + ], + [ + "\u2581Falls", + -12.044204711914062 + ], + [ + "\u2581pourquoi", + -12.044322967529297 + ], + [ + "\u2581Speciale", + -12.044329643249512 + ], + [ + "Resultado", + -12.04453468322754 + ], + [ + "\u2581scena", + -12.04453945159912 + ], + [ + "\u2581Mega", + -12.044631004333496 + ], + [ + "\u2581medicina", + -12.044710159301758 + ], + [ + "\u2581richtig", + -12.04486083984375 + ], + [ + "\u2581chosen", + -12.044902801513672 + ], + [ + "\u2581Herrn", + -12.045049667358398 + ], + [ + "\u2581offers", + -12.04507827758789 + ], + [ + "\u2581nouveaux", + -12.04509162902832 + ], + [ + "\u2581puerta", + -12.045095443725586 + ], + [ + "\u2581gens", + -12.04511547088623 + ], + [ + "\u2581persons", + -12.045171737670898 + ], + [ + "\u2581Beschlu", + -12.045215606689451 + ], + [ + "\u2581reti", + -12.045255661010742 + ], + [ + "\u2581sentence", + -12.045318603515623 + ], + [ + "\u2581sports", + -12.04539966583252 + ], + [ + "\u2581replaced", + -12.045435905456545 + ], + [ + "titel", + -12.045509338378906 + ], + [ + "ovest", + -12.045536994934082 + ], + [ + "\u2581Kauf", + -12.04557991027832 + ], + [ + "\u2581bekende", + -12.045844078063965 + ], + [ + "\u2581llevar", + -12.045952796936035 + ], + [ + "\u2581transforma", + -12.046016693115234 + ], + [ + "\u2581noto", + -12.04604148864746 + ], + [ + "\u2581Mayor", + -12.046347618103027 + ], + [ + "r\u00f3", + -12.046392440795898 + ], + [ + "Struct", + -12.046417236328123 + ], + [ + "\u2581Naturais", + -12.046483039855955 + ], + [ + "\u2581qued\u00f3", + -12.046571731567385 + ], + [ + "\u2581Metall", + -12.046660423278809 + ], + [ + "\u2581Roland", + -12.046693801879885 + ], + [ + "\u2581digitale", + -12.046695709228516 + ], + [ + "\u2581cdef", + -12.046764373779297 + ], + [ + "Statement", + -12.046830177307127 + ], + [ + "\u2581Call", + -12.046916961669922 + ], + [ + "kunst", + -12.046967506408691 + ], + [ + "\u2581vorgenommen", + -12.04701328277588 + ], + [ + "cleo", + -12.047019958496094 + ], + [ + "println", + -12.047048568725586 + ], + [ + "\u2581lecture", + -12.047048568725586 + ], + [ + "esco", + -12.04707145690918 + ], + [ + "\u2581externe", + -12.047245025634766 + ], + [ + "\u2581letters", + -12.047310829162598 + ], + [ + "nick", + -12.047377586364746 + ], + [ + "\u2581decis", + -12.047530174255373 + ], + [ + "\u2581orientation", + -12.047672271728516 + ], + [ + "\u2581comit\u00e9", + -12.047674179077148 + ], + [ + "Tags", + -12.047689437866213 + ], + [ + "\u2581fratello", + -12.047935485839844 + ], + [ + "\u2581semanas", + -12.04825210571289 + ], + [ + "\u2581passaggio", + -12.048277854919434 + ], + [ + "roman", + -12.048287391662598 + ], + [ + "n\u00ed", + -12.048317909240724 + ], + [ + "Um", + -12.048340797424316 + ], + [ + "\u2581Bat", + -12.048565864562988 + ], + [ + "Bas", + -12.048606872558594 + ], + [ + "atori", + -12.048628807067873 + ], + [ + "Red", + -12.04865550994873 + ], + [ + "\u2581colore", + -12.048675537109377 + ], + [ + "\u2581Ir", + -12.048827171325684 + ], + [ + "\u2581Mientras", + -12.048916816711426 + ], + [ + "Secret", + -12.04892349243164 + ], + [ + "ket", + -12.04892635345459 + ], + [ + "\u2581Bergen", + -12.048927307128906 + ], + [ + "\u2581Premi", + -12.04894733428955 + ], + [ + "\u2581P\u00e9rez", + -12.049030303955078 + ], + [ + "ists", + -12.049145698547363 + ], + [ + "\u2581vorher", + -12.049199104309082 + ], + [ + "ular", + -12.049201965332031 + ], + [ + "nk", + -12.049341201782228 + ], + [ + "\u2581Pflicht", + -12.049361228942873 + ], + [ + "\u2581Pseudo", + -12.049440383911133 + ], + [ + "\u2581Cine", + -12.049455642700195 + ], + [ + "\u2581visitatori", + -12.04952907562256 + ], + [ + "rec", + -12.04958724975586 + ], + [ + "\u2581ir\u00e1", + -12.04962158203125 + ], + [ + "\u2581Faktoren", + -12.050004005432127 + ], + [ + "\u2581entrega", + -12.05001735687256 + ], + [ + "TL", + -12.05012321472168 + ], + [ + "int\u00e9r", + -12.05013656616211 + ], + [ + "\u2581pod", + -12.05020236968994 + ], + [ + "compiler", + -12.050247192382812 + ], + [ + "colo", + -12.05026912689209 + ], + [ + "\u2581Futebolistas", + -12.050348281860352 + ], + [ + "\u2581ausgeschlossen", + -12.05039119720459 + ], + [ + "Binary", + -12.05046558380127 + ], + [ + "\u2581simplement", + -12.05046844482422 + ], + [ + "zan", + -12.050498008728027 + ], + [ + "hit", + -12.050514221191406 + ], + [ + "\u2581belangrijk", + -12.050570487976074 + ], + [ + "convert", + -12.050658226013184 + ], + [ + "\u2581anzuwenden", + -12.05069065093994 + ], + [ + "fahren", + -12.050737380981444 + ], + [ + "\u2581aspects", + -12.05076503753662 + ], + [ + "\u2581Ansicht", + -12.050823211669922 + ], + [ + "\u2581Northern", + -12.050854682922363 + ], + [ + "\u2581BM", + -12.050899505615234 + ], + [ + "\u2581consegue", + -12.050899505615234 + ], + [ + "\u2581inzwischen", + -12.051016807556152 + ], + [ + "\u2581Sciences", + -12.051033020019531 + ], + [ + "anima", + -12.051061630249023 + ], + [ + "UD", + -12.051084518432615 + ], + [ + "festival", + -12.051140785217283 + ], + [ + "\u2581zeven", + -12.051179885864258 + ], + [ + "\u2581clientes", + -12.05119800567627 + ], + [ + "dam", + -12.0512056350708 + ], + [ + "bourg", + -12.051344871520996 + ], + [ + "basic", + -12.05142879486084 + ], + [ + "\u2581esos", + -12.051447868347168 + ], + [ + "\u2581ISO", + -12.051456451416016 + ], + [ + "\u2581Aqui", + -12.05154514312744 + ], + [ + "toString", + -12.05156707763672 + ], + [ + "\u2581Wegen", + -12.051654815673828 + ], + [ + "\u2581natuur", + -12.05177879333496 + ], + [ + "\u2581suggest", + -12.051815032958984 + ], + [ + "\u2581cartes", + -12.051884651184082 + ], + [ + "ange", + -12.05196762084961 + ], + [ + "\u2581Revolution", + -12.051987648010254 + ], + [ + "\u2581verf\u00fcgt", + -12.052009582519531 + ], + [ + "\u2581combined", + -12.05207347869873 + ], + [ + "\u2581profesor", + -12.052120208740234 + ], + [ + "\u2581Introduction", + -12.052298545837402 + ], + [ + "\u2581Schulen", + -12.052433967590332 + ], + [ + "\u2581leggi", + -12.052484512329102 + ], + [ + "Attributes", + -12.052550315856934 + ], + [ + "\u2581Waffen", + -12.052614212036133 + ], + [ + "\u2581execution", + -12.05264949798584 + ], + [ + "\u2581Teilnahme", + -12.05275058746338 + ], + [ + "\u2581devices", + -12.052779197692873 + ], + [ + "ther", + -12.052886962890623 + ], + [ + "ute", + -12.052946090698242 + ], + [ + "TMP", + -12.05320167541504 + ], + [ + "\u2581dispositivo", + -12.053326606750488 + ], + [ + "\u2581considerada", + -12.053340911865234 + ], + [ + "\u2581marcha", + -12.053494453430176 + ], + [ + "\u2581Theorie", + -12.053497314453123 + ], + [ + "Tr", + -12.053646087646484 + ], + [ + "\u2581esiste", + -12.053658485412598 + ], + [ + "progress", + -12.053732872009276 + ], + [ + "Pointer", + -12.053838729858398 + ], + [ + "\u2581sa\u00edda", + -12.053877830505373 + ], + [ + "\u2581Deux", + -12.053959846496582 + ], + [ + "\u2581rot", + -12.054000854492188 + ], + [ + "\u2581Lager", + -12.054022789001465 + ], + [ + "\u2581beeld", + -12.05406379699707 + ], + [ + "Fill", + -12.054067611694336 + ], + [ + "Gesch\u00e4ftsbereich", + -12.054158210754396 + ], + [ + "\u2581peine", + -12.05417537689209 + ], + [ + "\u2581Pier", + -12.054203033447266 + ], + [ + "\u2581Sarah", + -12.054275512695312 + ], + [ + "\u2581Deus", + -12.054329872131348 + ], + [ + "\u2581canton", + -12.054407119750977 + ], + [ + "\u2581excellent", + -12.05446434020996 + ], + [ + "sar", + -12.054555892944336 + ], + [ + "\u2581commerciali", + -12.054580688476562 + ], + [ + "\u2581maniera", + -12.054601669311523 + ], + [ + "\u2581libri", + -12.054612159729004 + ], + [ + "\u2581pagar", + -12.054620742797852 + ], + [ + "\u2581dimensioni", + -12.05465316772461 + ], + [ + "\u2581Ltd", + -12.054656982421877 + ], + [ + "sup", + -12.0547456741333 + ], + [ + "\u2581Fahr", + -12.0547513961792 + ], + [ + "\u2581carbon", + -12.054791450500488 + ], + [ + "\u2581Protein", + -12.054795265197754 + ], + [ + "\u2581ruim", + -12.054917335510254 + ], + [ + "\u2581fruit", + -12.054931640625 + ], + [ + "\u2581Karel", + -12.055130958557127 + ], + [ + "\u2581introduce", + -12.055181503295898 + ], + [ + "\u2581calor", + -12.055187225341797 + ], + [ + "\u2581maximal", + -12.055283546447754 + ], + [ + "\u2581participar", + -12.055309295654297 + ], + [ + "\u2581gebildet", + -12.055315971374512 + ], + [ + "nam", + -12.055413246154783 + ], + [ + "\u2581autores", + -12.055420875549316 + ], + [ + "\u2581showing", + -12.055425643920898 + ], + [ + "\u2581zahlreichen", + -12.055444717407228 + ], + [ + "\u2581abrir", + -12.055545806884766 + ], + [ + "\u2581europ\u00e9enne", + -12.055551528930664 + ], + [ + "\u2581Italien", + -12.055644989013672 + ], + [ + "\u2581fetch", + -12.0557279586792 + ], + [ + "\u2581Rode", + -12.055771827697754 + ], + [ + "signal", + -12.055825233459473 + ], + [ + "\u2581chacun", + -12.055936813354492 + ], + [ + "\u2581permanent", + -12.056090354919434 + ], + [ + "\u2581appara", + -12.056135177612305 + ], + [ + "\u2581Doppel", + -12.056323051452637 + ], + [ + "\u2581huwelijk", + -12.056474685668944 + ], + [ + "\u2581Kat", + -12.056540489196776 + ], + [ + "\u2581mede", + -12.05654239654541 + ], + [ + "Fa", + -12.056679725646973 + ], + [ + "dfrac", + -12.056724548339844 + ], + [ + "\u2581spent", + -12.056755065917969 + ], + [ + "rigkeit", + -12.056859016418455 + ], + [ + "bles", + -12.057018280029297 + ], + [ + "esse", + -12.057169914245604 + ], + [ + "PER", + -12.057188987731934 + ], + [ + "lower", + -12.057271003723145 + ], + [ + "\u2581zomer", + -12.057280540466309 + ], + [ + "\u2581sang", + -12.057310104370115 + ], + [ + "\u2581providing", + -12.057366371154783 + ], + [ + "\u2581Horn", + -12.057538032531738 + ], + [ + "Fu", + -12.057558059692385 + ], + [ + "Sprintf", + -12.05770492553711 + ], + [ + "\u2581contribution", + -12.058175086975098 + ], + [ + "\u2581kleinere", + -12.05831241607666 + ], + [ + "\u2581Bro", + -12.058321952819824 + ], + [ + "\u2581cena", + -12.05837345123291 + ], + [ + "\u2581permette", + -12.058442115783691 + ], + [ + "\u2581autant", + -12.058506965637209 + ], + [ + "TU", + -12.058575630187988 + ], + [ + "\u2581chiamata", + -12.058588027954102 + ], + [ + "mx", + -12.058639526367188 + ], + [ + "hausen", + -12.05870246887207 + ], + [ + "\u2581Woche", + -12.05870532989502 + ], + [ + "entra", + -12.058710098266602 + ], + [ + "\u2581EC", + -12.058774948120115 + ], + [ + "\u2581typically", + -12.058794975280762 + ], + [ + "\u2581Pont", + -12.058903694152832 + ], + [ + "\u2581permettent", + -12.058942794799805 + ], + [ + "hspace", + -12.05899715423584 + ], + [ + "Les", + -12.059004783630373 + ], + [ + "\u2581Alessandro", + -12.059026718139648 + ], + [ + "\u2581potete", + -12.059126853942873 + ], + [ + "BT", + -12.059137344360352 + ], + [ + "hello", + -12.05923843383789 + ], + [ + "license", + -12.059284210205078 + ], + [ + "\u2581masse", + -12.059391021728516 + ], + [ + "\u2581determinado", + -12.05946922302246 + ], + [ + "uur", + -12.059483528137209 + ], + [ + "bund", + -12.059721946716309 + ], + [ + "\u2581Organisationen", + -12.059739112854004 + ], + [ + "och", + -12.05979824066162 + ], + [ + "\u2581vostro", + -12.059820175170898 + ], + [ + "MR", + -12.059823989868164 + ], + [ + "generator", + -12.059868812561035 + ], + [ + "\u2581Amor", + -12.059904098510742 + ], + [ + "\u2581Gewinn", + -12.059974670410156 + ], + [ + "immagine", + -12.060053825378418 + ], + [ + "\u2581Wieder", + -12.06027603149414 + ], + [ + "\u2581aprender", + -12.06030559539795 + ], + [ + "systeem", + -12.06035327911377 + ], + [ + "Plan", + -12.060672760009766 + ], + [ + "\u2581fortuna", + -12.060771942138672 + ], + [ + "\u2581accuracy", + -12.060832977294922 + ], + [ + "asc", + -12.060851097106934 + ], + [ + "cum", + -12.060874938964844 + ], + [ + "services", + -12.060956954956056 + ], + [ + "\u2581DI", + -12.060997009277344 + ], + [ + "\u2581campeonato", + -12.061063766479492 + ], + [ + "\u2581publique", + -12.061290740966797 + ], + [ + "\u2581Hor", + -12.061461448669434 + ], + [ + "\u2581reino", + -12.06147575378418 + ], + [ + "\u2581futebol", + -12.061563491821287 + ], + [ + "camp", + -12.061717987060549 + ], + [ + "\u2581appel\u00e9", + -12.06174659729004 + ], + [ + "objects", + -12.061814308166504 + ], + [ + "\u2581diritti", + -12.061824798583984 + ], + [ + "adora", + -12.061936378479004 + ], + [ + "Proxy", + -12.062010765075684 + ], + [ + "\u2581bestuurslaag", + -12.062153816223145 + ], + [ + "ziel", + -12.062167167663574 + ], + [ + "\u2581benefit", + -12.06223487854004 + ], + [ + "s\u00e4tze", + -12.062254905700684 + ], + [ + "\u2581participation", + -12.062349319458008 + ], + [ + "keyword", + -12.06235122680664 + ], + [ + "iNdEx", + -12.062442779541016 + ], + [ + "\u2581antiga", + -12.062450408935549 + ], + [ + "\u2581emprego", + -12.06256866455078 + ], + [ + "\u2581competi", + -12.062593460083008 + ], + [ + "Chi", + -12.06259536743164 + ], + [ + "\u2581Voraussetzung", + -12.062767028808594 + ], + [ + "\u2581Analysis", + -12.06283950805664 + ], + [ + "\u2581entrare", + -12.06284236907959 + ], + [ + "\u2581Ann", + -12.063067436218262 + ], + [ + "resources", + -12.063121795654297 + ], + [ + "esso", + -12.063179969787598 + ], + [ + "\u2581ik", + -12.063384056091309 + ], + [ + "\u2581mesa", + -12.063404083251951 + ], + [ + "\u2581strutture", + -12.063499450683594 + ], + [ + "icus", + -12.06350326538086 + ], + [ + "\u2581Bekanntmachung", + -12.063509941101074 + ], + [ + "\u2581Cina", + -12.06376838684082 + ], + [ + "\u2581appeared", + -12.063897132873535 + ], + [ + "\u2581Bundesver", + -12.064043998718262 + ], + [ + "\u2581brengen", + -12.064085960388184 + ], + [ + "\u2581worth", + -12.064106941223145 + ], + [ + "\u2581Parte", + -12.064111709594728 + ], + [ + "\u2581voorzitter", + -12.064208030700684 + ], + [ + "\u2581votos", + -12.064287185668944 + ], + [ + "\u2581Bord", + -12.064352989196776 + ], + [ + "\u2581genes", + -12.064383506774902 + ], + [ + "\u2581Abh\u00e4ngigkeit", + -12.064725875854492 + ], + [ + "\u2581typeset", + -12.064770698547363 + ], + [ + "llen", + -12.064913749694824 + ], + [ + "\u2581Spagna", + -12.065037727355955 + ], + [ + "Ne", + -12.065061569213867 + ], + [ + "Tri", + -12.065062522888184 + ], + [ + "\u2581Anschluss", + -12.06522274017334 + ], + [ + "\u2581Parlamentarisch", + -12.065224647521973 + ], + [ + "\u2581verstehen", + -12.06524658203125 + ], + [ + "projects", + -12.06525421142578 + ], + [ + "voir", + -12.065292358398438 + ], + [ + "\u00e1ria", + -12.065319061279297 + ], + [ + "\u2581nadie", + -12.065340042114258 + ], + [ + "\u2581provavelmente", + -12.065360069274902 + ], + [ + "\u2581fonctions", + -12.065373420715332 + ], + [ + "\u2581Koninkrijk", + -12.065563201904297 + ], + [ + "\u2581daarmee", + -12.065581321716309 + ], + [ + "GIT", + -12.06566333770752 + ], + [ + "\u2581Versuch", + -12.06572437286377 + ], + [ + "\u2581existente", + -12.06576156616211 + ], + [ + "\u2581gewone", + -12.065784454345703 + ], + [ + "\u2581participaci\u00f3n", + -12.065791130065918 + ], + [ + "Thread", + -12.065829277038574 + ], + [ + "dotnet", + -12.06590461730957 + ], + [ + "ew", + -12.065954208374023 + ], + [ + "\u2581gold", + -12.065995216369627 + ], + [ + "uu", + -12.066000938415527 + ], + [ + "\u2581terceiro", + -12.066154479980469 + ], + [ + "\u2581nuestros", + -12.06621265411377 + ], + [ + "\u2581sigue", + -12.06630802154541 + ], + [ + "\u2581Report", + -12.066408157348633 + ], + [ + "\u2581apart", + -12.06651210784912 + ], + [ + "\u2581Police", + -12.066597938537598 + ], + [ + "\u2581tercer", + -12.066638946533203 + ], + [ + "\u00e4re", + -12.066843032836914 + ], + [ + "Category", + -12.067044258117676 + ], + [ + "\u2581marque", + -12.067093849182127 + ], + [ + "square", + -12.067242622375488 + ], + [ + "\u2581handler", + -12.067266464233398 + ], + [ + "lev", + -12.06730842590332 + ], + [ + "\u2581Dresden", + -12.067326545715332 + ], + [ + "radio", + -12.067435264587402 + ], + [ + "curr", + -12.067445755004885 + ], + [ + "\u2581vindt", + -12.067493438720703 + ], + [ + "\u2581demand", + -12.067522048950195 + ], + [ + "\u2581sage", + -12.067953109741213 + ], + [ + "\u2581difficolt\u00e0", + -12.068000793457031 + ], + [ + "\u2581regras", + -12.06806182861328 + ], + [ + "\u2581terrain", + -12.068097114562988 + ], + [ + "\u2581actualmente", + -12.068181037902832 + ], + [ + "\u2581Verein", + -12.068218231201172 + ], + [ + "\u2581terza", + -12.068464279174805 + ], + [ + "Iterator", + -12.068520545959473 + ], + [ + "\u2581inizia", + -12.06861686706543 + ], + [ + "\u2581Meister", + -12.068622589111328 + ], + [ + "\u2581zit", + -12.068681716918944 + ], + [ + "\u2581confronti", + -12.068920135498049 + ], + [ + "\u2581cucina", + -12.068982124328612 + ], + [ + "ester", + -12.068989753723145 + ], + [ + "\u2581WORKDIR", + -12.069059371948242 + ], + [ + "\u2581spring", + -12.069172859191896 + ], + [ + "\u2581inclusive", + -12.069210052490234 + ], + [ + "\u2581ferro", + -12.069217681884766 + ], + [ + "Em", + -12.06927490234375 + ], + [ + "\u2581Punkte", + -12.06929874420166 + ], + [ + "fire", + -12.0693998336792 + ], + [ + "\u2581Rudolf", + -12.069412231445312 + ], + [ + "rli", + -12.069421768188477 + ], + [ + "\u2581pouvait", + -12.069451332092283 + ], + [ + "tige", + -12.069472312927246 + ], + [ + "\u2581Eisen", + -12.069560050964355 + ], + [ + "\u2581Erhebung", + -12.069669723510742 + ], + [ + "\u2581bronze", + -12.069734573364258 + ], + [ + "\u2581personagens", + -12.069757461547852 + ], + [ + "l\u00e4nder", + -12.069817543029783 + ], + [ + "ovi", + -12.069839477539062 + ], + [ + "\u2581spielen", + -12.069869041442873 + ], + [ + "\u00e9conomie", + -12.06991195678711 + ], + [ + "\u2581Morgan", + -12.06995677947998 + ], + [ + "tile", + -12.06997013092041 + ], + [ + "\u2581maybe", + -12.07008457183838 + ], + [ + "\u2581Hoewel", + -12.070090293884276 + ], + [ + "\u2581Lehrer", + -12.070120811462402 + ], + [ + "l\u00e1", + -12.07012176513672 + ], + [ + "\u2581trein", + -12.07036304473877 + ], + [ + "\u2581keys", + -12.070375442504885 + ], + [ + "ington", + -12.070394515991213 + ], + [ + "nce", + -12.07044506072998 + ], + [ + "\u2581laws", + -12.070490837097168 + ], + [ + "\u2581Eisenbahn", + -12.070501327514648 + ], + [ + "\u2581Sports", + -12.070514678955078 + ], + [ + "Ag", + -12.070520401000977 + ], + [ + "\u2581velocit\u00e0", + -12.070566177368164 + ], + [ + "\u2581Einkommen", + -12.07056999206543 + ], + [ + "Runtime", + -12.070573806762695 + ], + [ + "Land", + -12.07064723968506 + ], + [ + "\u2581artes", + -12.071054458618164 + ], + [ + "\u2581beginnt", + -12.07107162475586 + ], + [ + "entity", + -12.071134567260742 + ], + [ + "\u2581Normal", + -12.071398735046388 + ], + [ + "apple", + -12.071451187133787 + ], + [ + "\u2581Alta", + -12.071483612060549 + ], + [ + "\u2581oggetti", + -12.071538925170898 + ], + [ + "\u2581Biografie", + -12.07188892364502 + ], + [ + "\u2581Mentre", + -12.071942329406738 + ], + [ + "\u2581Gang", + -12.072025299072266 + ], + [ + "\u2581Heimat", + -12.072149276733398 + ], + [ + "\u2581Fern", + -12.072229385375977 + ], + [ + "ston", + -12.072290420532228 + ], + [ + "mg", + -12.072294235229492 + ], + [ + "\u2581bestond", + -12.072330474853516 + ], + [ + "\u2581Fast", + -12.072368621826172 + ], + [ + "liga", + -12.07237720489502 + ], + [ + "\u2581ultra", + -12.0724515914917 + ], + [ + "\u2581ancien", + -12.072500228881836 + ], + [ + "\u2581indicates", + -12.072504997253418 + ], + [ + "Day", + -12.07250690460205 + ], + [ + "\u2581Noch", + -12.072629928588867 + ], + [ + "\u2581nonch\u00e9", + -12.072641372680664 + ], + [ + "pflicht", + -12.072762489318848 + ], + [ + "\u2581rise", + -12.072793960571287 + ], + [ + "\u2581Theory", + -12.0728120803833 + ], + [ + "\u2581propos", + -12.072945594787598 + ], + [ + "\u2581operating", + -12.07298755645752 + ], + [ + "OPT", + -12.072999000549316 + ], + [ + "\u2581previsto", + -12.073020935058594 + ], + [ + "\u2581domanda", + -12.07302188873291 + ], + [ + "\u2581Angeh", + -12.073137283325195 + ], + [ + "\u2581conseguiu", + -12.073185920715332 + ], + [ + "\u2581l\u00e4nger", + -12.073217391967772 + ], + [ + "\u2581norma", + -12.073297500610352 + ], + [ + "\u2581push", + -12.073305130004885 + ], + [ + "\u2581pessoal", + -12.073403358459473 + ], + [ + "\u2581fuga", + -12.073455810546877 + ], + [ + "\u2581Vice", + -12.07346534729004 + ], + [ + "\u2581claims", + -12.073497772216797 + ], + [ + "\u2581Arnold", + -12.07349967956543 + ], + [ + "\u2581relaciones", + -12.07351779937744 + ], + [ + "\u2581Cr", + -12.073566436767578 + ], + [ + "vertrag", + -12.073585510253906 + ], + [ + "\u2581entity", + -12.073654174804688 + ], + [ + "\u2581trabajar", + -12.073732376098633 + ], + [ + "prev", + -12.073781967163086 + ], + [ + "\u2581respectivamente", + -12.074177742004396 + ], + [ + "\u2581questione", + -12.074316024780272 + ], + [ + "\u2581naci\u00f3", + -12.074336051940918 + ], + [ + "\u2581nein", + -12.07436180114746 + ], + [ + "\u2581museum", + -12.074725151062012 + ], + [ + "\u2581dinheiro", + -12.07479476928711 + ], + [ + "\u2581television", + -12.074867248535156 + ], + [ + "\u2581ku", + -12.075072288513184 + ], + [ + "\u2581achieve", + -12.075080871582031 + ], + [ + "\u2581verwendeten", + -12.07512092590332 + ], + [ + "GEN", + -12.075124740600586 + ], + [ + "dump", + -12.075182914733888 + ], + [ + "Os", + -12.07528018951416 + ], + [ + "MIN", + -12.07542610168457 + ], + [ + "bol", + -12.075477600097656 + ], + [ + "wechsel", + -12.075565338134766 + ], + [ + "\u2581rev", + -12.07561206817627 + ], + [ + "\u2581plat", + -12.075645446777344 + ], + [ + "\u2581Kritik", + -12.07579517364502 + ], + [ + "\u2581bestimmen", + -12.075998306274414 + ], + [ + "\u2581incluye", + -12.076131820678713 + ], + [ + "fin", + -12.076147079467772 + ], + [ + "\u2581Bolivia", + -12.07652759552002 + ], + [ + "\u2581Kontext", + -12.076687812805176 + ], + [ + "\u2581lucht", + -12.076841354370115 + ], + [ + "wissenschaft", + -12.076842308044434 + ], + [ + "anna", + -12.07684326171875 + ], + [ + "also", + -12.076855659484863 + ], + [ + "\u2581ocorre", + -12.076967239379885 + ], + [ + "\u2581aktuellen", + -12.07697296142578 + ], + [ + "\u2581Sri", + -12.076987266540527 + ], + [ + "\u2581Self", + -12.077025413513184 + ], + [ + "CONF", + -12.077105522155762 + ], + [ + "\u2581packages", + -12.077146530151367 + ], + [ + "\u2581Services", + -12.077299118041992 + ], + [ + "\u2581inverno", + -12.077325820922852 + ], + [ + "STEM", + -12.077351570129396 + ], + [ + "Listener", + -12.07739543914795 + ], + [ + "program", + -12.077417373657228 + ], + [ + "\u2581laat", + -12.07741928100586 + ], + [ + "Join", + -12.077614784240724 + ], + [ + "\u2581sofort", + -12.077649116516112 + ], + [ + "Mask", + -12.07779598236084 + ], + [ + "\u2581Reg", + -12.077919006347656 + ], + [ + "series", + -12.078227996826172 + ], + [ + "itas", + -12.078229904174805 + ], + [ + "Failure", + -12.078283309936523 + ], + [ + "\u2581Mad", + -12.078312873840332 + ], + [ + "\u2581disciplina", + -12.078313827514648 + ], + [ + "Mark", + -12.078463554382324 + ], + [ + "\u2581mari", + -12.078510284423828 + ], + [ + "amd", + -12.078712463378906 + ], + [ + "\u2581demi", + -12.078741073608398 + ], + [ + "ett", + -12.078824043273926 + ], + [ + "\u2581enabled", + -12.078857421875 + ], + [ + "\u2581comt\u00e9", + -12.078898429870604 + ], + [ + "CMD", + -12.078932762145996 + ], + [ + "\u2581Block", + -12.07894229888916 + ], + [ + "\u2581Londen", + -12.078970909118652 + ], + [ + "Ve", + -12.079145431518556 + ], + [ + "\u2581listed", + -12.07927417755127 + ], + [ + "\u2581commands", + -12.079510688781738 + ], + [ + "uda", + -12.079529762268066 + ], + [ + "\u2581Regulations", + -12.079635620117188 + ], + [ + "\u2581Herbert", + -12.079938888549805 + ], + [ + "\u2581supply", + -12.079948425292969 + ], + [ + "anda", + -12.079974174499512 + ], + [ + "chem", + -12.080000877380373 + ], + [ + "\u2581maintain", + -12.080032348632812 + ], + [ + "\u2581Doctor", + -12.080066680908203 + ], + [ + "\u2581massive", + -12.08009910583496 + ], + [ + "EV", + -12.080121994018556 + ], + [ + "\u2581girl", + -12.08032512664795 + ], + [ + "iden", + -12.080559730529783 + ], + [ + "\u2581Ol", + -12.080559730529783 + ], + [ + "\u2581lives", + -12.080583572387695 + ], + [ + "\u2581verkocht", + -12.080607414245604 + ], + [ + "\u2581boca", + -12.08067512512207 + ], + [ + "\u2581cont\u00e9m", + -12.080692291259766 + ], + [ + "\u2581kanton", + -12.080700874328612 + ], + [ + "\u2581\u00fcbernommen", + -12.08091926574707 + ], + [ + "\u2581simulation", + -12.081257820129396 + ], + [ + "\u2581waarschijnlijk", + -12.081377029418944 + ], + [ + "einrichtungen", + -12.08151626586914 + ], + [ + "\u2581orientarsi", + -12.08159065246582 + ], + [ + "\u2581inicio", + -12.08159351348877 + ], + [ + "Desktop", + -12.081734657287598 + ], + [ + "\u2581sagt", + -12.081850051879885 + ], + [ + "\u2581complesso", + -12.08189868927002 + ], + [ + "berger", + -12.082173347473145 + ], + [ + "debian", + -12.082342147827148 + ], + [ + "\u2581fiel", + -12.08234691619873 + ], + [ + "TIME", + -12.08236026763916 + ], + [ + "\u2581Naast", + -12.082372665405272 + ], + [ + "\u2581GP", + -12.082512855529783 + ], + [ + "tico", + -12.082517623901367 + ], + [ + "\u2581Freiheit", + -12.08255100250244 + ], + [ + "\u2581depending", + -12.082663536071776 + ], + [ + "Selector", + -12.082756042480469 + ], + [ + "sische", + -12.083023071289062 + ], + [ + "\u2581Chen", + -12.083099365234377 + ], + [ + "\u2581intended", + -12.08339786529541 + ], + [ + "economia", + -12.083433151245115 + ], + [ + "\u2581Story", + -12.083451271057127 + ], + [ + "\u2581sommige", + -12.083721160888672 + ], + [ + "\u2581tercera", + -12.083727836608888 + ], + [ + "\u2581pen", + -12.08384132385254 + ], + [ + "most", + -12.083870887756348 + ], + [ + "\u2581Stalin", + -12.08393096923828 + ], + [ + "\u2581Pode", + -12.083935737609863 + ], + [ + "ballspieler", + -12.083986282348633 + ], + [ + "\u2581Alguns", + -12.08403778076172 + ], + [ + "\u2581sele", + -12.08403778076172 + ], + [ + "\u2581loc", + -12.0840425491333 + ], + [ + "pd", + -12.084081649780272 + ], + [ + "WARNING", + -12.08408260345459 + ], + [ + "\u2581echte", + -12.084328651428224 + ], + [ + "\u2581talvez", + -12.084357261657717 + ], + [ + "ssh", + -12.08437156677246 + ], + [ + "\u2581Bruce", + -12.084385871887209 + ], + [ + "\u2581\"\\[", + -12.08446216583252 + ], + [ + "VD", + -12.08452033996582 + ], + [ + "ieri", + -12.084554672241213 + ], + [ + "\u2581investigation", + -12.08459186553955 + ], + [ + "\u2581comprendre", + -12.084616661071776 + ], + [ + "\u2581vt", + -12.084793090820312 + ], + [ + "\u2581letto", + -12.0849609375 + ], + [ + "found", + -12.084980010986328 + ], + [ + "dijk", + -12.085055351257324 + ], + [ + "p\u00e9", + -12.085320472717283 + ], + [ + "\u2581steden", + -12.08549690246582 + ], + [ + "\u2581menudo", + -12.08556842803955 + ], + [ + "\u2581educaci\u00f3n", + -12.085880279541016 + ], + [ + "\u2581pequeno", + -12.085925102233888 + ], + [ + "\u2581Brief", + -12.085962295532228 + ], + [ + "\u2581namen", + -12.086076736450195 + ], + [ + "\u2581treten", + -12.086158752441406 + ], + [ + "\u2581usw", + -12.086292266845703 + ], + [ + "Temp", + -12.086297988891602 + ], + [ + "Media", + -12.08637237548828 + ], + [ + "\u2581kamen", + -12.086380004882812 + ], + [ + "party", + -12.086557388305664 + ], + [ + "ised", + -12.0868558883667 + ], + [ + "d\u00f3", + -12.086899757385254 + ], + [ + "wahl", + -12.086919784545898 + ], + [ + "\u2581Box", + -12.086931228637695 + ], + [ + "ila", + -12.0870361328125 + ], + [ + "\u2581Rai", + -12.087078094482422 + ], + [ + "\u2581Stunde", + -12.087090492248535 + ], + [ + "\u2581Japanese", + -12.087095260620115 + ], + [ + "\u2581Auflage", + -12.087249755859377 + ], + [ + "\u2581click", + -12.087361335754396 + ], + [ + "verify", + -12.087419509887695 + ], + [ + "Now", + -12.087462425231934 + ], + [ + "SU", + -12.087531089782717 + ], + [ + "\u2581Wand", + -12.087554931640623 + ], + [ + "rev", + -12.087641716003418 + ], + [ + "\u2581NASA", + -12.087719917297363 + ], + [ + "\u2581Staatssekret\u00e4rs", + -12.087793350219728 + ], + [ + "\u2581Khan", + -12.087998390197754 + ], + [ + "\u2581processus", + -12.088074684143066 + ], + [ + "lid", + -12.088120460510254 + ], + [ + "ines", + -12.088130950927734 + ], + [ + "\u2581soli", + -12.08829116821289 + ], + [ + "\u2581Capital", + -12.088404655456545 + ], + [ + "same", + -12.08841609954834 + ], + [ + "\u2581Bla", + -12.088709831237791 + ], + [ + "disk", + -12.088804244995115 + ], + [ + "Wert", + -12.08886432647705 + ], + [ + "\u2581Vasco", + -12.088878631591797 + ], + [ + "\u2581ailleurs", + -12.088991165161133 + ], + [ + "\u2581Tomar", + -12.089009284973145 + ], + [ + "\u2581gekommen", + -12.08921718597412 + ], + [ + "\u2581extens", + -12.0892915725708 + ], + [ + "Martin", + -12.089600563049316 + ], + [ + "kunde", + -12.089703559875488 + ], + [ + "abili", + -12.089752197265623 + ], + [ + "\u2581Capela", + -12.089763641357422 + ], + [ + "wirtschaftliche", + -12.089853286743164 + ], + [ + "\u2581libert\u00e9", + -12.089927673339844 + ], + [ + "\u2581Virgem", + -12.089948654174805 + ], + [ + "\u2581angegeben", + -12.09019660949707 + ], + [ + "\u2581politici", + -12.090322494506836 + ], + [ + "\u2581benoemd", + -12.090377807617188 + ], + [ + "\u2581sodass", + -12.090479850769045 + ], + [ + "\u2581eingef\u00fchrt", + -12.090493202209473 + ], + [ + "\u2581cujo", + -12.09050464630127 + ], + [ + "\u2581invloed", + -12.090605735778809 + ], + [ + "\u2581avesse", + -12.090621948242188 + ], + [ + "energie", + -12.090636253356934 + ], + [ + "rdlich", + -12.090845108032228 + ], + [ + "\u2581Werke", + -12.090985298156738 + ], + [ + "einheit", + -12.091012954711914 + ], + [ + "OA", + -12.091171264648438 + ], + [ + "\u2581safety", + -12.091222763061523 + ], + [ + "\u2581weist", + -12.091307640075684 + ], + [ + "\u2581Milch", + -12.091386795043944 + ], + [ + "SCRIPT", + -12.091403007507324 + ], + [ + "\u2581Feststellung", + -12.09160041809082 + ], + [ + "History", + -12.091639518737791 + ], + [ + "\u2581serious", + -12.09166431427002 + ], + [ + "\u2581Bri", + -12.091726303100586 + ], + [ + "\u2581estimated", + -12.091824531555176 + ], + [ + "\u2581dirigida", + -12.091915130615234 + ], + [ + "\u2581tail", + -12.091975212097168 + ], + [ + "\u2581propiedad", + -12.092061042785645 + ], + [ + "ological", + -12.092174530029297 + ], + [ + "\u2581estes", + -12.092248916625977 + ], + [ + "\u2581Madonna", + -12.092307090759276 + ], + [ + "UL", + -12.09239101409912 + ], + [ + "subsubsection", + -12.092445373535156 + ], + [ + "Super", + -12.092453002929688 + ], + [ + "ONE", + -12.092891693115234 + ], + [ + "\u2581campi", + -12.092941284179688 + ], + [ + "emploi", + -12.092947959899902 + ], + [ + "dauer", + -12.092951774597168 + ], + [ + "\u2581Page", + -12.093032836914062 + ], + [ + "\u2581Beck", + -12.093161582946776 + ], + [ + "\u2581Pod", + -12.093212127685549 + ], + [ + "\u2581Pr\u00edncipe", + -12.093320846557615 + ], + [ + "\u2581bepaald", + -12.093327522277832 + ], + [ + "\u2581D\u00fcsseldorf", + -12.093366622924805 + ], + [ + "kop", + -12.093530654907228 + ], + [ + "g\u00f3", + -12.093565940856934 + ], + [ + "\u2581evolution", + -12.093802452087402 + ], + [ + "\u2581wichtigsten", + -12.093844413757324 + ], + [ + "\u2581gehalten", + -12.09399127960205 + ], + [ + "recv", + -12.094058990478516 + ], + [ + "\u2581SOFTWARE", + -12.094074249267578 + ], + [ + "lov", + -12.094136238098145 + ], + [ + "\u2581meinen", + -12.09414291381836 + ], + [ + "\u2581St\u00fcck", + -12.094253540039062 + ], + [ + "\u2581voorkomen", + -12.094281196594238 + ], + [ + "\u2581Alexandre", + -12.094343185424805 + ], + [ + "Nord", + -12.094378471374512 + ], + [ + "\u2581tab", + -12.094385147094728 + ], + [ + "imos", + -12.094477653503418 + ], + [ + "\u2581Epi", + -12.094545364379885 + ], + [ + "\u2581raised", + -12.094633102416992 + ], + [ + "\u2581championnat", + -12.09467887878418 + ], + [ + "cxx", + -12.094706535339355 + ], + [ + "idos", + -12.09471035003662 + ], + [ + "\u2581Spieler", + -12.094721794128418 + ], + [ + "\u2581wet", + -12.094727516174316 + ], + [ + "\u2581denken", + -12.09472942352295 + ], + [ + "\u2581concentra", + -12.094738960266112 + ], + [ + "\u2581permettant", + -12.094873428344728 + ], + [ + "situation", + -12.094897270202637 + ], + [ + "\u2581Wettbewerbs", + -12.094924926757812 + ], + [ + "\u2581coloca", + -12.09496021270752 + ], + [ + "\u2581Comp", + -12.095075607299805 + ], + [ + "\u2581uitgevoerd", + -12.095084190368652 + ], + [ + "\u2581sette", + -12.09511375427246 + ], + [ + "\u2581villages", + -12.095134735107422 + ], + [ + "\u2581Language", + -12.095221519470217 + ], + [ + "SERVER", + -12.09533405303955 + ], + [ + "CV", + -12.095394134521484 + ], + [ + "cano", + -12.095431327819824 + ], + [ + "\u2581rival", + -12.095486640930176 + ], + [ + "slag", + -12.095519065856934 + ], + [ + "\u2581Bin", + -12.09554958343506 + ], + [ + "lk", + -12.095571517944336 + ], + [ + "anos", + -12.095586776733398 + ], + [ + "\u2581increases", + -12.095688819885254 + ], + [ + "\u2581designado", + -12.095726013183594 + ], + [ + "\u2581gone", + -12.095743179321287 + ], + [ + "\u2581anunci\u00f3", + -12.095747947692873 + ], + [ + "\u2581Mengen", + -12.09575653076172 + ], + [ + "termin", + -12.095868110656738 + ], + [ + "uli", + -12.095993995666504 + ], + [ + "\u2581matar", + -12.096031188964844 + ], + [ + "\u2581observe", + -12.09628963470459 + ], + [ + "\u2581obter", + -12.09629249572754 + ], + [ + "\u2581hast", + -12.096428871154783 + ], + [ + "\u2581europeo", + -12.096546173095703 + ], + [ + "\u2581gekozen", + -12.09658145904541 + ], + [ + "\u2581vanno", + -12.096585273742676 + ], + [ + "\u2581soir", + -12.096649169921877 + ], + [ + "BIN", + -12.096728324890137 + ], + [ + "\u2581msg", + -12.096741676330566 + ], + [ + "\u2581woorden", + -12.096757888793944 + ], + [ + "Ptr", + -12.096766471862791 + ], + [ + "\u2581C\u00f3rdoba", + -12.09681224822998 + ], + [ + "\u2581segura", + -12.096824645996094 + ], + [ + "\u2581Kant", + -12.09689712524414 + ], + [ + "\u2581storica", + -12.096920013427734 + ], + [ + "scalar", + -12.097301483154297 + ], + [ + "\u2581textos", + -12.09732437133789 + ], + [ + "\u2581freien", + -12.097376823425291 + ], + [ + "\u2581influencia", + -12.09739589691162 + ], + [ + "\u2581Given", + -12.09739875793457 + ], + [ + "\u2581applies", + -12.09742832183838 + ], + [ + "\u2581Congreso", + -12.097515106201172 + ], + [ + "hut", + -12.097516059875488 + ], + [ + "\u2581num\u00e9ro", + -12.097601890563965 + ], + [ + "\u2581brief", + -12.097630500793455 + ], + [ + "\u2581gesagt", + -12.09775733947754 + ], + [ + "\u2581Educa", + -12.09785270690918 + ], + [ + "\u2581Rund", + -12.09797477722168 + ], + [ + "\u2581Poli", + -12.097997665405272 + ], + [ + "\u2581comp", + -12.098069190979004 + ], + [ + "grep", + -12.098207473754885 + ], + [ + "Tool", + -12.09838581085205 + ], + [ + "occasion", + -12.098434448242188 + ], + [ + "\u2581risposta", + -12.09846305847168 + ], + [ + "\u2581suggested", + -12.09854507446289 + ], + [ + "\u2581agents", + -12.098573684692385 + ], + [ + "\u2581padres", + -12.09864330291748 + ], + [ + "\u2581It\u00e1lia", + -12.098715782165527 + ], + [ + "\u2581Spanje", + -12.09872817993164 + ], + [ + "\u2581Scho", + -12.098761558532717 + ], + [ + "\u2581Format", + -12.098809242248535 + ], + [ + "\u2581repr\u00e9sentants", + -12.098834037780762 + ], + [ + "\u2581leben", + -12.09886646270752 + ], + [ + "\u2581rota", + -12.09889316558838 + ], + [ + "sce", + -12.09900188446045 + ], + [ + "erie", + -12.099020957946776 + ], + [ + "\u2581clients", + -12.09911060333252 + ], + [ + "\u2581pr\u00fcfen", + -12.099136352539062 + ], + [ + "\u2581Beihilfe", + -12.09919261932373 + ], + [ + "\u2581Belgique", + -12.099254608154297 + ], + [ + "gin", + -12.099397659301758 + ], + [ + "\u2581metric", + -12.099400520324709 + ], + [ + "\u2581Programme", + -12.09949779510498 + ], + [ + "spiegel", + -12.099534034729004 + ], + [ + "\u2581geo", + -12.099567413330078 + ], + [ + "\u2581Lou", + -12.099570274353027 + ], + [ + "\u2581passeggeri", + -12.0996675491333 + ], + [ + "\u2581mouse", + -12.099719047546388 + ], + [ + "\u2581unico", + -12.099910736083984 + ], + [ + "ough", + -12.09995937347412 + ], + [ + "Agent", + -12.100031852722168 + ], + [ + "\u2581keizer", + -12.100201606750488 + ], + [ + "cls", + -12.100303649902344 + ], + [ + "\u2581Sor", + -12.10037612915039 + ], + [ + "\u2581zust\u00e4ndige", + -12.100740432739258 + ], + [ + "\u2581Funktionen", + -12.10088348388672 + ], + [ + "\u2581Christopher", + -12.100899696350098 + ], + [ + "stica", + -12.100950241088867 + ], + [ + "\u2581crise", + -12.100958824157717 + ], + [ + "\u2581detect", + -12.100985527038574 + ], + [ + "\u2581Chor", + -12.101028442382812 + ], + [ + "\u2581Jimmy", + -12.101070404052734 + ], + [ + "Africa", + -12.101171493530272 + ], + [ + "\u2581fluid", + -12.101204872131348 + ], + [ + "\u2581voto", + -12.101365089416504 + ], + [ + "\u2581Corea", + -12.10137939453125 + ], + [ + "\u2581fondamentale", + -12.101383209228516 + ], + [ + "atus", + -12.10140609741211 + ], + [ + "rick", + -12.101411819458008 + ], + [ + "\u2581primeras", + -12.101412773132324 + ], + [ + "\u2581particip\u00f3", + -12.101418495178224 + ], + [ + "\u2581abh\u00e4ngig", + -12.10149383544922 + ], + [ + "Optional", + -12.101512908935549 + ], + [ + "\u2581hierbei", + -12.101601600646973 + ], + [ + "\u2581demasiado", + -12.101667404174805 + ], + [ + "\u2581defensa", + -12.101757049560549 + ], + [ + "\u2581Arbeiter", + -12.101813316345217 + ], + [ + "\u2581nenhum", + -12.10182762145996 + ], + [ + "bib", + -12.10184383392334 + ], + [ + "Some", + -12.10189723968506 + ], + [ + "\u2581runtime", + -12.101943969726562 + ], + [ + "\u2581PDF", + -12.1019868850708 + ], + [ + "\u2581toernooi", + -12.102165222167969 + ], + [ + "\u2581cuya", + -12.102251052856444 + ], + [ + "\u2581Mill", + -12.102355003356934 + ], + [ + "\u2581Charakter", + -12.102372169494627 + ], + [ + "Cap", + -12.102396965026855 + ], + [ + "\u2581born", + -12.102758407592772 + ], + [ + "Team", + -12.102777481079102 + ], + [ + "\u2581anzu", + -12.10283088684082 + ], + [ + "\u2581Deshalb", + -12.102879524230955 + ], + [ + "\u2581consists", + -12.102900505065918 + ], + [ + "\u2581dejar", + -12.102941513061523 + ], + [ + "\u2581m\u00e1xima", + -12.10299015045166 + ], + [ + "Desc", + -12.103291511535645 + ], + [ + "\u2581Dai", + -12.103314399719238 + ], + [ + "\u2581glass", + -12.103322982788086 + ], + [ + "\u2581Lan", + -12.103355407714844 + ], + [ + "rig", + -12.103533744812012 + ], + [ + "\u2581nachgewiesen", + -12.103543281555176 + ], + [ + "\u2581Studenten", + -12.103571891784668 + ], + [ + "\u2581attorno", + -12.10366153717041 + ], + [ + "CHANGE", + -12.10366916656494 + ], + [ + "\u2581settore", + -12.103679656982422 + ], + [ + "\u2581Rossi", + -12.10370922088623 + ], + [ + "attributes", + -12.103752136230469 + ], + [ + "\u2581importancia", + -12.103937149047852 + ], + [ + "\u2581Fahrzeug", + -12.104045867919922 + ], + [ + "\u2581college", + -12.10412311553955 + ], + [ + "\u2581Fund", + -12.104259490966797 + ], + [ + "\u2581conocer", + -12.10429859161377 + ], + [ + "\u2581fan", + -12.104305267333984 + ], + [ + "Product", + -12.104475021362305 + ], + [ + "pull", + -12.104642868041992 + ], + [ + "occupation", + -12.10471248626709 + ], + [ + "\u2581essential", + -12.10488224029541 + ], + [ + "\u2581oosten", + -12.105003356933594 + ], + [ + "\u2581editie", + -12.10509967803955 + ], + [ + "\u2581Neville", + -12.105107307434082 + ], + [ + "\u2581n\u00e4her", + -12.105110168457031 + ], + [ + "\u2581spielt", + -12.10512924194336 + ], + [ + "ARGS", + -12.105191230773926 + ], + [ + "WR", + -12.105313301086426 + ], + [ + "mund", + -12.105688095092772 + ], + [ + "\u2581Fl", + -12.105728149414062 + ], + [ + "\u2581leisten", + -12.10580825805664 + ], + [ + "\u2581inicialmente", + -12.105842590332031 + ], + [ + "\u2581theorem", + -12.105926513671877 + ], + [ + "\u2581journ\u00e9e", + -12.106130599975586 + ], + [ + "\u2581Aug", + -12.10615062713623 + ], + [ + "browser", + -12.106171607971191 + ], + [ + "lant", + -12.106307983398438 + ], + [ + "\u2581ovvero", + -12.106327056884766 + ], + [ + "\u2581Presse", + -12.106366157531738 + ], + [ + "Sequence", + -12.10637092590332 + ], + [ + "\u2581AD", + -12.106417655944824 + ], + [ + "\u2581abgeschlossen", + -12.106430053710938 + ], + [ + "\u2581declare", + -12.106599807739258 + ], + [ + "\u2581rotation", + -12.106717109680176 + ], + [ + "\u2581kill", + -12.106825828552246 + ], + [ + "\u2581campagna", + -12.106897354125977 + ], + [ + "bij", + -12.106987953186035 + ], + [ + "winkel", + -12.107060432434082 + ], + [ + "\u2581Philip", + -12.107065200805664 + ], + [ + "\u2581Unterkunft", + -12.10708999633789 + ], + [ + "\u2581longtemps", + -12.107098579406738 + ], + [ + "\u2581intenso", + -12.107158660888672 + ], + [ + "\u2581personen", + -12.107192039489746 + ], + [ + "\u2581planeta", + -12.1072998046875 + ], + [ + "\u2581concerne", + -12.107325553894045 + ], + [ + "design", + -12.107393264770508 + ], + [ + "Engine", + -12.107414245605469 + ], + [ + "\u2581fear", + -12.107725143432615 + ], + [ + "\u2581Az", + -12.107769966125488 + ], + [ + "\u2581r\u00e9f\u00e9rence", + -12.107842445373535 + ], + [ + "Active", + -12.107983589172363 + ], + [ + "\u2581Brandenburg", + -12.1082124710083 + ], + [ + "\u00fcrich", + -12.108237266540527 + ], + [ + "Allemagne", + -12.108420372009276 + ], + [ + "Month", + -12.10845184326172 + ], + [ + "accord", + -12.108485221862791 + ], + [ + "\u2581Moon", + -12.108640670776367 + ], + [ + "\u2581simili", + -12.108687400817873 + ], + [ + "heure", + -12.108738899230955 + ], + [ + "\u2581famous", + -12.108771324157717 + ], + [ + "\u2581Forum", + -12.10878849029541 + ], + [ + "\u2581compos\u00e9", + -12.108843803405762 + ], + [ + "\u2581Omdat", + -12.108853340148926 + ], + [ + "\u2581nacionales", + -12.10892105102539 + ], + [ + "\u2581fama", + -12.108960151672363 + ], + [ + "FD", + -12.10898494720459 + ], + [ + "\u2581pesca", + -12.108996391296388 + ], + [ + "\u2581strijd", + -12.108997344970703 + ], + [ + "\u2581Angel", + -12.109100341796877 + ], + [ + "\u2581medidas", + -12.109139442443848 + ], + [ + "\u2581aanwezig", + -12.10915756225586 + ], + [ + "\u2581significado", + -12.10918140411377 + ], + [ + "\u2581REG", + -12.109219551086426 + ], + [ + "\u2581Wanneer", + -12.1093168258667 + ], + [ + "\u2581leaving", + -12.109341621398926 + ], + [ + "\u2581Billboard", + -12.109502792358398 + ], + [ + "\u2581Porta", + -12.109514236450195 + ], + [ + "verteilung", + -12.109535217285156 + ], + [ + "speed", + -12.109574317932127 + ], + [ + "\u2581aquellos", + -12.109704971313477 + ], + [ + "\u2581Bra", + -12.10972785949707 + ], + [ + "\u2581Tro", + -12.109731674194336 + ], + [ + "\u2581particles", + -12.109903335571287 + ], + [ + "MENT", + -12.109907150268556 + ], + [ + "\u2581aspectos", + -12.109965324401855 + ], + [ + "lr", + -12.109968185424805 + ], + [ + "\u2581personagem", + -12.109994888305664 + ], + [ + "\u2581naturaleza", + -12.10999584197998 + ], + [ + "\u2581happens", + -12.110037803649902 + ], + [ + "nome", + -12.11016845703125 + ], + [ + "\u2581|-----", + -12.110193252563477 + ], + [ + "\u2581errichtet", + -12.110230445861816 + ], + [ + "roy", + -12.110365867614746 + ], + [ + "\u2581Finanzen", + -12.11037540435791 + ], + [ + "\u2581Sunday", + -12.11046314239502 + ], + [ + "politischen", + -12.110509872436523 + ], + [ + "\u2581categorie", + -12.110589981079102 + ], + [ + "\u2581planten", + -12.110747337341309 + ], + [ + "\u2581mens", + -12.11076545715332 + ], + [ + "\u2581guten", + -12.1107759475708 + ], + [ + "\u2581measurement", + -12.110817909240724 + ], + [ + "\u2581deelstaat", + -12.110847473144531 + ], + [ + "\u2581Nadat", + -12.110875129699709 + ], + [ + "\u2581literature", + -12.110888481140137 + ], + [ + "\u2581Isto", + -12.11098575592041 + ], + [ + "\u2581skin", + -12.11101531982422 + ], + [ + "fonds", + -12.111085891723633 + ], + [ + "\u2581publication", + -12.111106872558594 + ], + [ + "\u2581Potter", + -12.1112642288208 + ], + [ + "\u2581gebieden", + -12.111265182495115 + ], + [ + "lager", + -12.111374855041504 + ], + [ + "idi", + -12.111392974853516 + ], + [ + "\u2581afstand", + -12.111472129821776 + ], + [ + "KW", + -12.111570358276367 + ], + [ + "\u2581quick", + -12.111611366271973 + ], + [ + "HH", + -12.111772537231444 + ], + [ + "\u2581Had", + -12.11181354522705 + ], + [ + "transfer", + -12.111884117126465 + ], + [ + "\u2581corsa", + -12.111889839172363 + ], + [ + "autobus", + -12.1121826171875 + ], + [ + "\u2581easier", + -12.112258911132812 + ], + [ + "\u2581soul", + -12.112457275390623 + ], + [ + "inject", + -12.112483978271484 + ], + [ + "\u2581climat", + -12.112658500671388 + ], + [ + "oma", + -12.112666130065918 + ], + [ + "\u2581mando", + -12.11274528503418 + ], + [ + "stab", + -12.112805366516112 + ], + [ + "\u2581Psycho", + -12.112893104553224 + ], + [ + "a\u00e9roport", + -12.112954139709473 + ], + [ + "TC", + -12.112998962402344 + ], + [ + "\u2581temp\u00e9rature", + -12.113224983215332 + ], + [ + "\u2581beschouwd", + -12.113245010375977 + ], + [ + "\u2581Russie", + -12.113373756408691 + ], + [ + "\u2581Stock", + -12.113443374633787 + ], + [ + "\u2581shot", + -12.113574028015137 + ], + [ + "umi", + -12.113587379455566 + ], + [ + "\u2581suelo", + -12.1135892868042 + ], + [ + "\u2581Try", + -12.113600730895996 + ], + [ + "mera", + -12.113606452941896 + ], + [ + "\u2581enfin", + -12.113750457763672 + ], + [ + "\u2581utilizzare", + -12.11396026611328 + ], + [ + "\u2581entwickeln", + -12.114048957824709 + ], + [ + "member", + -12.114089965820312 + ], + [ + "\u2581blocks", + -12.114235877990724 + ], + [ + "Lib", + -12.114441871643066 + ], + [ + "kamp", + -12.114575386047363 + ], + [ + "weit", + -12.1146821975708 + ], + [ + "tls", + -12.114696502685549 + ], + [ + "\u2581languages", + -12.11486530303955 + ], + [ + "\u2581viaje", + -12.11489200592041 + ], + [ + "\u2581incident", + -12.114948272705078 + ], + [ + "\u2581Erf\u00fcllung", + -12.114981651306152 + ], + [ + "\u2581essas", + -12.115259170532228 + ], + [ + "\u2581Todo", + -12.115410804748535 + ], + [ + "modell", + -12.115571022033691 + ], + [ + "\u2581Abu", + -12.115571022033691 + ], + [ + "FO", + -12.115612030029297 + ], + [ + "\u2581desired", + -12.11571979522705 + ], + [ + "\u2581grade", + -12.115724563598633 + ], + [ + "wl", + -12.115939140319824 + ], + [ + "\u2581Dol", + -12.116002082824709 + ], + [ + "ification", + -12.116070747375488 + ], + [ + "\u2581flie", + -12.11608600616455 + ], + [ + "honneur", + -12.116129875183104 + ], + [ + "\u2581Mis", + -12.11619758605957 + ], + [ + "\u2581erlaubt", + -12.116214752197266 + ], + [ + "\u2581handicap\u00e9es", + -12.11623477935791 + ], + [ + "\u2581Freud", + -12.116263389587402 + ], + [ + "\u2581signifikant", + -12.116310119628906 + ], + [ + "\u2581fresh", + -12.116325378417969 + ], + [ + "\u2581halb", + -12.116439819335938 + ], + [ + "\u2581Kin", + -12.11656093597412 + ], + [ + "\u2581modify", + -12.116599082946776 + ], + [ + "\u2581Chr", + -12.11667537689209 + ], + [ + "\u2581nice", + -12.116703033447266 + ], + [ + "ks", + -12.116708755493164 + ], + [ + "original", + -12.11678981781006 + ], + [ + "\u2581capoluogo", + -12.116847038269045 + ], + [ + "\u2581schip", + -12.116860389709473 + ], + [ + "\u2581studied", + -12.116872787475586 + ], + [ + "\u2581potuto", + -12.11715602874756 + ], + [ + "\u2581Laut", + -12.11746311187744 + ], + [ + "\u2581Regierungs", + -12.117466926574709 + ], + [ + "\u2581zichzelf", + -12.117499351501465 + ], + [ + "\u2581precedenti", + -12.117545127868652 + ], + [ + "\u2581Tan", + -12.11764907836914 + ], + [ + "\u2581eight", + -12.11776351928711 + ], + [ + "AO", + -12.117790222167969 + ], + [ + "Copy", + -12.117844581604004 + ], + [ + "MK", + -12.117854118347168 + ], + [ + "dier", + -12.118107795715332 + ], + [ + "\u2581Investitions", + -12.11816120147705 + ], + [ + "\u2581cup", + -12.11838150024414 + ], + [ + "about", + -12.118459701538086 + ], + [ + "\u2581handen", + -12.1184663772583 + ], + [ + "\u2581protected", + -12.118511199951172 + ], + [ + "\u2581AT", + -12.11865234375 + ], + [ + "Av", + -12.118700981140137 + ], + [ + "\u2581vivere", + -12.118834495544434 + ], + [ + "thal", + -12.118919372558594 + ], + [ + "\u2581dominante", + -12.11903190612793 + ], + [ + "\u2581CSS", + -12.119036674499512 + ], + [ + "rata", + -12.119086265563965 + ], + [ + "\u2581neo", + -12.119202613830566 + ], + [ + "\u2581ocasiones", + -12.119329452514648 + ], + [ + "screen", + -12.119342803955078 + ], + [ + "Universit\u00e4t", + -12.119402885437012 + ], + [ + "\u2581architect", + -12.119420051574709 + ], + [ + "\u2581Posteriormente", + -12.119501113891602 + ], + [ + "\u2581Apesar", + -12.119503021240234 + ], + [ + "\u2581ON", + -12.11955738067627 + ], + [ + "\u2581entro", + -12.11956024169922 + ], + [ + "Make", + -12.11961555480957 + ], + [ + "\u2581Southern", + -12.119643211364746 + ], + [ + "enter", + -12.119668006896973 + ], + [ + "\u2581duration", + -12.119674682617188 + ], + [ + "ENABLE", + -12.119803428649902 + ], + [ + "\u2581sommes", + -12.119951248168944 + ], + [ + "\u2581Dritten", + -12.120224952697754 + ], + [ + "\u2581tropical", + -12.12028694152832 + ], + [ + "DN", + -12.1203031539917 + ], + [ + "\u2581Condado", + -12.120427131652832 + ], + [ + "sent", + -12.120701789855955 + ], + [ + "prijs", + -12.120720863342283 + ], + [ + "Back", + -12.120759963989258 + ], + [ + "How", + -12.12109088897705 + ], + [ + "NR", + -12.121156692504885 + ], + [ + "uscita", + -12.121501922607422 + ], + [ + "\u2581begr\u00fcndet", + -12.121586799621582 + ], + [ + "\u2581longitud", + -12.121588706970217 + ], + [ + "\u2581fini", + -12.12174129486084 + ], + [ + "blicos", + -12.121745109558104 + ], + [ + "\u2581Pr\u00fcfungs", + -12.121893882751465 + ], + [ + "\u2581cuidado", + -12.1219482421875 + ], + [ + "\u2581Herman", + -12.121953010559082 + ], + [ + "\u2581couleur", + -12.121957778930664 + ], + [ + "constant", + -12.122028350830078 + ], + [ + "\u2581Kol", + -12.122055053710938 + ], + [ + "\u2581idioma", + -12.122265815734863 + ], + [ + "\u2581pais", + -12.122425079345703 + ], + [ + "IG", + -12.122472763061523 + ], + [ + "msgs", + -12.122618675231934 + ], + [ + "\u2581haciendo", + -12.1226806640625 + ], + [ + "\u2581Planung", + -12.122923851013184 + ], + [ + "\u2581fragte", + -12.122970581054688 + ], + [ + "\u2581creation", + -12.123061180114746 + ], + [ + "\u2581sides", + -12.123111724853516 + ], + [ + "ib", + -12.123194694519045 + ], + [ + "\u2581Has", + -12.123266220092772 + ], + [ + "\u2581L\u00e4nge", + -12.123279571533203 + ], + [ + "ardo", + -12.1233491897583 + ], + [ + "ors", + -12.123433113098145 + ], + [ + "\u2581signifie", + -12.123506546020508 + ], + [ + "Eu", + -12.1236572265625 + ], + [ + "er\u00eda", + -12.123783111572266 + ], + [ + "\u2581reeks", + -12.123835563659668 + ], + [ + "\u2581Rights", + -12.12384796142578 + ], + [ + "\u2581golf", + -12.123891830444336 + ], + [ + "\u2581Augusto", + -12.124014854431152 + ], + [ + "atti", + -12.124032974243164 + ], + [ + "\u2581Kelly", + -12.12409210205078 + ], + [ + "\u2581d\u00e9s", + -12.124183654785156 + ], + [ + "\u2581Mart\u00ednez", + -12.124284744262695 + ], + [ + "\u2581measurements", + -12.124632835388184 + ], + [ + "\u2581positiv", + -12.12473487854004 + ], + [ + "\u2581Studies", + -12.124921798706056 + ], + [ + "\u2581avanti", + -12.124971389770508 + ], + [ + "\u2581Bundesl\u00e4ndern", + -12.124974250793455 + ], + [ + "compose", + -12.125262260437012 + ], + [ + "\u2581westen", + -12.12541961669922 + ], + [ + "autonomie", + -12.125458717346191 + ], + [ + "Raw", + -12.12546443939209 + ], + [ + "Case", + -12.125483512878418 + ], + [ + "\u2581Return", + -12.125543594360352 + ], + [ + "\u2581partition", + -12.125571250915527 + ], + [ + "\u2581Einzelfall", + -12.125591278076172 + ], + [ + "\u2581Put", + -12.12587547302246 + ], + [ + "\u2581Spring", + -12.126157760620115 + ], + [ + "\u2581Cam", + -12.126208305358888 + ], + [ + "\u2581Padre", + -12.12645149230957 + ], + [ + "\u2581arts", + -12.126453399658203 + ], + [ + "\u2581gleiche", + -12.126595497131348 + ], + [ + "\u2581legt", + -12.126714706420898 + ], + [ + "\u2581blanco", + -12.12679386138916 + ], + [ + "Did", + -12.126908302307127 + ], + [ + "\u2581aquella", + -12.126964569091797 + ], + [ + "bound", + -12.126996040344238 + ], + [ + "Windows", + -12.127168655395508 + ], + [ + "verhalten", + -12.127211570739746 + ], + [ + "aya", + -12.12725067138672 + ], + [ + "\u2581payment", + -12.127378463745115 + ], + [ + "\u2581photos", + -12.127488136291504 + ], + [ + "chant", + -12.127531051635742 + ], + [ + "\u2581andata", + -12.12771224975586 + ], + [ + "lina", + -12.127758026123049 + ], + [ + "\u2581aspecto", + -12.127779006958008 + ], + [ + "\u2581Insbesondere", + -12.127949714660645 + ], + [ + "\u2581T\u00fcr", + -12.127991676330566 + ], + [ + "\u2581freedom", + -12.128093719482422 + ], + [ + "\u2581latest", + -12.128162384033203 + ], + [ + "merk", + -12.128388404846191 + ], + [ + "\u2581unterst\u00fctzen", + -12.128390312194824 + ], + [ + "pes", + -12.12842845916748 + ], + [ + "HM", + -12.128450393676758 + ], + [ + "iii", + -12.128451347351074 + ], + [ + "\u2581Robin", + -12.12852668762207 + ], + [ + "\u2581d\u00e0", + -12.12876796722412 + ], + [ + "\u2581gegr\u00fcndet", + -12.128787994384766 + ], + [ + "columns", + -12.12880516052246 + ], + [ + "\u2581trial", + -12.128847122192385 + ], + [ + "\u00e9volution", + -12.128849029541016 + ], + [ + "\u2581divisi\u00f3n", + -12.12907600402832 + ], + [ + "Success", + -12.129278182983398 + ], + [ + "\u2581presse", + -12.129331588745115 + ], + [ + "hot", + -12.129413604736328 + ], + [ + "\u2581amici", + -12.129512786865234 + ], + [ + "\u2581Afonso", + -12.129521369934082 + ], + [ + "failed", + -12.129691123962402 + ], + [ + "\u2581Telefon", + -12.129700660705566 + ], + [ + "\u2581Josef", + -12.129741668701172 + ], + [ + "\u2581Ausgabe", + -12.129790306091309 + ], + [ + "PB", + -12.129853248596191 + ], + [ + "\u2581tels", + -12.129900932312012 + ], + [ + "tooltip", + -12.12991428375244 + ], + [ + "TLS", + -12.130023956298828 + ], + [ + "\u2581obtener", + -12.130041122436523 + ], + [ + "Print", + -12.130071640014648 + ], + [ + "\u2581doveva", + -12.130109786987305 + ], + [ + "blicas", + -12.130122184753418 + ], + [ + "\u2581enti", + -12.130163192749023 + ], + [ + "\u2581joint", + -12.130352020263672 + ], + [ + "\u2581Android", + -12.13038444519043 + ], + [ + "\u2581administration", + -12.130431175231934 + ], + [ + "\u2581Aussage", + -12.130451202392578 + ], + [ + "\u2581dicht", + -12.1304931640625 + ], + [ + "\u2581Kranken", + -12.130507469177246 + ], + [ + "\u2581spectrum", + -12.130704879760742 + ], + [ + "ebene", + -12.130936622619627 + ], + [ + "methyl", + -12.131061553955078 + ], + [ + "ateur", + -12.131072998046877 + ], + [ + "\u2581luta", + -12.13109302520752 + ], + [ + "\u2581avete", + -12.13114070892334 + ], + [ + "IB", + -12.13117790222168 + ], + [ + "\u2581nessa", + -12.131275177001951 + ], + [ + "\u2581nationales", + -12.131285667419434 + ], + [ + "RELEASE", + -12.13132381439209 + ], + [ + "\u2581ball", + -12.131352424621582 + ], + [ + "\u2581particle", + -12.1314058303833 + ], + [ + "\u2581\u00e9tat", + -12.131407737731934 + ], + [ + "\u00e4t", + -12.131444931030272 + ], + [ + "HP", + -12.131542205810549 + ], + [ + "avec", + -12.131555557250977 + ], + [ + "\u2581verloop", + -12.131563186645508 + ], + [ + "\u2581coloro", + -12.131758689880373 + ], + [ + "\u2581escribi\u00f3", + -12.13177490234375 + ], + [ + "\u2581Aeroporto", + -12.131927490234377 + ], + [ + "Bu", + -12.131951332092283 + ], + [ + "definition", + -12.131967544555664 + ], + [ + "\u2581gegebenenfalls", + -12.132001876831056 + ], + [ + "\u2581patterns", + -12.132137298583984 + ], + [ + "reich", + -12.132144927978516 + ], + [ + "\u2581personajes", + -12.13233757019043 + ], + [ + "\u2581Johnny", + -12.132399559020996 + ], + [ + "\u2581Dave", + -12.132560729980469 + ], + [ + "\u2581Viele", + -12.132623672485352 + ], + [ + "\u2581explained", + -12.13263988494873 + ], + [ + "ichi", + -12.132647514343262 + ], + [ + "\u2581MIT", + -12.13275146484375 + ], + [ + "zeichen", + -12.132762908935549 + ], + [ + "deps", + -12.132989883422852 + ], + [ + "fy", + -12.133071899414062 + ], + [ + "\u2581Side", + -12.133187294006348 + ], + [ + "\u2581spread", + -12.133257865905762 + ], + [ + "\u2581Berliner", + -12.133277893066406 + ], + [ + "rang", + -12.1333589553833 + ], + [ + "just", + -12.133378982543944 + ], + [ + "\u2581Card", + -12.13339614868164 + ], + [ + "\u2581locaux", + -12.13344383239746 + ], + [ + "WI", + -12.1336669921875 + ], + [ + "\u2581fossero", + -12.133800506591797 + ], + [ + "Member", + -12.1339750289917 + ], + [ + "\u2581drug", + -12.134005546569824 + ], + [ + "\u2581Standort", + -12.134014129638672 + ], + [ + "\u2581interested", + -12.13412094116211 + ], + [ + "\u2581proces", + -12.134225845336914 + ], + [ + "\u2581'/..'", + -12.134239196777344 + ], + [ + "\u2581f\u00e4llt", + -12.134355545043944 + ], + [ + "\u2581qualcuno", + -12.134418487548828 + ], + [ + "\u2581aspect", + -12.134439468383787 + ], + [ + "grpc", + -12.134499549865724 + ], + [ + "\u2581Rod", + -12.134600639343262 + ], + [ + "\u2581meant", + -12.134605407714844 + ], + [ + "\u2581headers", + -12.13474941253662 + ], + [ + "SELECT", + -12.134820938110352 + ], + [ + "\u2581w\u00e4ren", + -12.13486671447754 + ], + [ + "GI", + -12.134885787963867 + ], + [ + "\u2581respuesta", + -12.13527011871338 + ], + [ + "\u2581th\u00e9orie", + -12.135311126708984 + ], + [ + "\u2581Wel", + -12.135384559631348 + ], + [ + "\u2581Alain", + -12.135416984558104 + ], + [ + "\u2581iba", + -12.135589599609377 + ], + [ + "\u2581tradition", + -12.135685920715332 + ], + [ + "\u2581verhindern", + -12.1358642578125 + ], + [ + "\u2581revela", + -12.135869979858398 + ], + [ + "zeiten", + -12.135915756225586 + ], + [ + "Bus", + -12.135927200317385 + ], + [ + "autore", + -12.135966300964355 + ], + [ + "\u2581pronuncia", + -12.136143684387209 + ], + [ + "There", + -12.136176109313965 + ], + [ + "bedarf", + -12.136189460754396 + ], + [ + "acco", + -12.136225700378418 + ], + [ + "\u2581Alfonso", + -12.13623046875 + ], + [ + "\u2581Nutzer", + -12.136397361755373 + ], + [ + "\u2581oud", + -12.136448860168455 + ], + [ + "\u2581manga", + -12.136551856994627 + ], + [ + "\u2581Hauptstadt", + -12.13671588897705 + ], + [ + "\u2581blu", + -12.13676929473877 + ], + [ + "\u2581Expression", + -12.136802673339844 + ], + [ + "\u2581branches", + -12.136882781982422 + ], + [ + "\u2581Cent", + -12.13688850402832 + ], + [ + "\u2581druk", + -12.137009620666504 + ], + [ + "\u2581firm", + -12.13711166381836 + ], + [ + "\u2581fusion", + -12.137125968933104 + ], + [ + "\u2581rende", + -12.13721752166748 + ], + [ + "\u2581boat", + -12.137310981750488 + ], + [ + "\u2581spatial", + -12.137443542480469 + ], + [ + "\u2581Liebe", + -12.137574195861816 + ], + [ + "\u2581espera", + -12.137580871582031 + ], + [ + "EK", + -12.137640953063965 + ], + [ + "\u2581kans", + -12.13768196105957 + ], + [ + "\u2581buscar", + -12.137794494628906 + ], + [ + "personal", + -12.137813568115234 + ], + [ + "\u2581escape", + -12.137860298156738 + ], + [ + "\u2581Geografie", + -12.137883186340332 + ], + [ + "\u2581afkomstig", + -12.137908935546877 + ], + [ + "NG", + -12.137980461120604 + ], + [ + "midnightblue", + -12.138060569763184 + ], + [ + "\u2581salvo", + -12.13807201385498 + ], + [ + "\u2581pr\u00e1tica", + -12.13812255859375 + ], + [ + "\u2581Ligue", + -12.138235092163086 + ], + [ + "\u2581comments", + -12.138360977172852 + ], + [ + "richter", + -12.138490676879885 + ], + [ + "\u2581richiesta", + -12.138509750366213 + ], + [ + "\u2581Hence", + -12.138517379760742 + ], + [ + "\u2581FDP", + -12.138687133789062 + ], + [ + "Berichterstatter", + -12.138781547546388 + ], + [ + "\u2581mixed", + -12.138788223266602 + ], + [ + "price", + -12.138982772827148 + ], + [ + "gio", + -12.139031410217283 + ], + [ + "\u2581ospita", + -12.139045715332031 + ], + [ + "\u2581profissional", + -12.13914394378662 + ], + [ + "UV", + -12.139251708984377 + ], + [ + "\u2581trabalhou", + -12.139273643493652 + ], + [ + "\u2581Kriegs", + -12.139284133911133 + ], + [ + "\u2581aumentar", + -12.139470100402832 + ], + [ + "\u2581Br\u00fcssel", + -12.139554977416992 + ], + [ + "beek", + -12.139608383178713 + ], + [ + "\u2581derrota", + -12.139827728271484 + ], + [ + "Tra", + -12.139863014221191 + ], + [ + "hren", + -12.13987922668457 + ], + [ + "\u2581machines", + -12.13994598388672 + ], + [ + "\u2581proposta", + -12.140141487121582 + ], + [ + "\u2581Books", + -12.140388488769531 + ], + [ + "\u2581pretende", + -12.140480041503906 + ], + [ + "\u2581weten", + -12.140551567077637 + ], + [ + "\u2581noted", + -12.140597343444824 + ], + [ + "\u2581fr\u00fcher", + -12.14061450958252 + ], + [ + "spark", + -12.140642166137695 + ], + [ + "\u2581dej\u00f3", + -12.140697479248049 + ], + [ + "\u2581perdu", + -12.140702247619627 + ], + [ + "\u2581Bruxelles", + -12.140717506408691 + ], + [ + "\u2581altera", + -12.140724182128906 + ], + [ + "\u2581waiting", + -12.140724182128906 + ], + [ + "\u2581verwenden", + -12.140804290771484 + ], + [ + "gesellschaften", + -12.140859603881836 + ], + [ + "\u2581Giappone", + -12.140887260437012 + ], + [ + "complex", + -12.140953063964844 + ], + [ + "\u2581Egito", + -12.14099407196045 + ], + [ + "\u2581cal", + -12.141029357910156 + ], + [ + "\u2581bra", + -12.141057968139648 + ], + [ + "uff", + -12.14106559753418 + ], + [ + "\u2581marketing", + -12.141186714172363 + ], + [ + "workspace", + -12.141303062438965 + ], + [ + "\u2581religioso", + -12.14137077331543 + ], + [ + "\u2581Besitz", + -12.141624450683594 + ], + [ + "\u2581Halle", + -12.141653060913086 + ], + [ + "expand", + -12.14167022705078 + ], + [ + "sico", + -12.141715049743652 + ], + [ + "taal", + -12.141779899597168 + ], + [ + "\u2581Groningen", + -12.141799926757812 + ], + [ + "\u2581beschr\u00e4nkt", + -12.141805648803713 + ], + [ + "grade", + -12.14183235168457 + ], + [ + "\u2581opposite", + -12.14185905456543 + ], + [ + "\u2581erfasst", + -12.141876220703123 + ], + [ + "\u2581Peru", + -12.142264366149902 + ], + [ + "\u2581Cy", + -12.142278671264648 + ], + [ + "\u2581mantener", + -12.142498016357422 + ], + [ + "RU", + -12.142606735229492 + ], + [ + "\u2581zeker", + -12.142765998840332 + ], + [ + "enz", + -12.142827033996582 + ], + [ + "\u2581Einige", + -12.143067359924316 + ], + [ + "\u2581opinion", + -12.143083572387695 + ], + [ + "\u2581posta", + -12.143165588378906 + ], + [ + "\u2581substituted", + -12.143184661865234 + ], + [ + "\u2581Cro", + -12.143195152282717 + ], + [ + "\u2581signed", + -12.143229484558104 + ], + [ + "\u2581Pacific", + -12.143282890319824 + ], + [ + "\u2581alert", + -12.14328670501709 + ], + [ + "\u2581Effekt", + -12.143346786499023 + ], + [ + "\u2581Pr\u00e9", + -12.143404960632324 + ], + [ + "\u2581organisatie", + -12.143434524536133 + ], + [ + "\u2581Rosen", + -12.143454551696776 + ], + [ + "\u2581pairs", + -12.143573760986328 + ], + [ + "cing", + -12.143733978271484 + ], + [ + "undefined", + -12.143739700317385 + ], + [ + "aken", + -12.144051551818848 + ], + [ + "\u2581permitir", + -12.144140243530272 + ], + [ + "kas", + -12.144150733947754 + ], + [ + "\u2581Lupin", + -12.144301414489746 + ], + [ + "\u2581Strand", + -12.144352912902832 + ], + [ + "\u2581distintos", + -12.144387245178224 + ], + [ + "\u2581bianco", + -12.144474029541016 + ], + [ + "\u2581leren", + -12.144545555114746 + ], + [ + "INE", + -12.14456272125244 + ], + [ + "\u2581Leo", + -12.144594192504885 + ], + [ + "pgf", + -12.14461612701416 + ], + [ + "\u2581inglesa", + -12.14467430114746 + ], + [ + "\u2581bedarf", + -12.144678115844728 + ], + [ + "\u2581parle", + -12.144740104675291 + ], + [ + "\u2581Neuro", + -12.14488697052002 + ], + [ + "Activity", + -12.145076751708984 + ], + [ + "\u2581devenir", + -12.145146369934082 + ], + [ + "segment", + -12.145241737365724 + ], + [ + "\u2581helft", + -12.14535903930664 + ], + [ + "\u2581leider", + -12.145442962646484 + ], + [ + "worth", + -12.145583152770996 + ], + [ + "Internal", + -12.14565658569336 + ], + [ + "\u2581sociali", + -12.14568042755127 + ], + [ + "organizzazione", + -12.145736694335938 + ], + [ + "\u2581spirito", + -12.145760536193848 + ], + [ + "\u2581EOF", + -12.145849227905272 + ], + [ + "contributor", + -12.145885467529297 + ], + [ + "\u2581Sep", + -12.145955085754396 + ], + [ + "\u2581salle", + -12.145977020263672 + ], + [ + "\u2581Kai", + -12.145999908447266 + ], + [ + "\u2581Hun", + -12.146082878112791 + ], + [ + "cles", + -12.146156311035156 + ], + [ + "illas", + -12.146202087402344 + ], + [ + "\u2581durchaus", + -12.146255493164062 + ], + [ + "\u2581volont\u00e0", + -12.146388053894045 + ], + [ + "\u2581stampa", + -12.146565437316896 + ], + [ + "\u2581hundred", + -12.146669387817385 + ], + [ + "eco", + -12.14681625366211 + ], + [ + "alla", + -12.146830558776855 + ], + [ + "NI", + -12.146833419799805 + ], + [ + "\u2581Death", + -12.146937370300291 + ], + [ + "\u2581architecture", + -12.14694881439209 + ], + [ + "\u2581edizione", + -12.146971702575684 + ], + [ + "foot", + -12.147075653076172 + ], + [ + "golang", + -12.147151947021484 + ], + [ + "sed", + -12.147333145141602 + ], + [ + "\u2581unten", + -12.147346496582031 + ], + [ + "\u2581storm", + -12.147449493408203 + ], + [ + "Batch", + -12.147459983825684 + ], + [ + "arri", + -12.147558212280272 + ], + [ + "CU", + -12.147586822509766 + ], + [ + "\u2581erw\u00e4hnt", + -12.147605895996094 + ], + [ + "\u2581sit", + -12.147613525390623 + ], + [ + "Repository", + -12.147668838500977 + ], + [ + "\u2581considerato", + -12.147686958312988 + ], + [ + "\u2581owner", + -12.147695541381836 + ], + [ + "\u2581champ", + -12.147777557373049 + ], + [ + "\u2581chilometri", + -12.147990226745604 + ], + [ + "\u2581ausdr\u00fccklich", + -12.148096084594728 + ], + [ + "\u2581Schweizer", + -12.148171424865724 + ], + [ + "\u2581verre", + -12.148277282714844 + ], + [ + "\u2581custo", + -12.148587226867676 + ], + [ + "ord", + -12.14862060546875 + ], + [ + "UB", + -12.148676872253418 + ], + [ + "\u2581playing", + -12.148679733276367 + ], + [ + "Stop", + -12.148699760437012 + ], + [ + "\u2581Heidelberg", + -12.148709297180176 + ], + [ + "\u2581Elles", + -12.148744583129885 + ], + [ + "Condition", + -12.14876651763916 + ], + [ + "toria", + -12.148808479309082 + ], + [ + "Redirecionamento", + -12.14881420135498 + ], + [ + "KI", + -12.149065971374512 + ], + [ + "\u2581Their", + -12.149147987365724 + ], + [ + "\u2581atividades", + -12.149364471435549 + ], + [ + "\u2581Fl\u00e4che", + -12.149465560913086 + ], + [ + "\u2581Lui", + -12.14949893951416 + ], + [ + "\u2581biglietto", + -12.149548530578612 + ], + [ + "OD", + -12.149622917175291 + ], + [ + "\u2581topic", + -12.14966106414795 + ], + [ + "\u2581changing", + -12.149697303771973 + ], + [ + "\u2581elegido", + -12.14983081817627 + ], + [ + "\u2581Ferdinand", + -12.15006160736084 + ], + [ + "\u2581Raymond", + -12.15025234222412 + ], + [ + "overleden", + -12.150348663330078 + ], + [ + "\u2581ervan", + -12.150455474853516 + ], + [ + "\u2581Orte", + -12.150644302368164 + ], + [ + "did", + -12.150665283203123 + ], + [ + "\u2581Ohio", + -12.150684356689451 + ], + [ + "\u2581schools", + -12.150912284851074 + ], + [ + "\u2581feedback", + -12.150954246520996 + ], + [ + "KO", + -12.150978088378906 + ], + [ + "\u2581Tutti", + -12.151047706604004 + ], + [ + "\u2581Bereiche", + -12.151078224182127 + ], + [ + "\u2581einerseits", + -12.151155471801758 + ], + [ + "\u2581Sen", + -12.15117073059082 + ], + [ + "Over", + -12.151206970214844 + ], + [ + "Interval", + -12.151361465454102 + ], + [ + "\u2581erheblich", + -12.151363372802734 + ], + [ + "Names", + -12.151622772216797 + ], + [ + "\u2581cient\u00edfica", + -12.151681900024414 + ], + [ + "\u2581valeurs", + -12.15172004699707 + ], + [ + "ativo", + -12.151805877685549 + ], + [ + "\u2581separa", + -12.151822090148926 + ], + [ + "OFF", + -12.151859283447266 + ], + [ + "detail", + -12.151911735534668 + ], + [ + "\u2581Coast", + -12.151926040649414 + ], + [ + "\u2581autoridades", + -12.151949882507324 + ], + [ + "interesse", + -12.15206241607666 + ], + [ + "\u2581mapping", + -12.15207862854004 + ], + [ + "mine", + -12.152195930480955 + ], + [ + "\u2581logr\u00f3", + -12.152235984802246 + ], + [ + "START", + -12.152334213256836 + ], + [ + "vet", + -12.152746200561523 + ], + [ + "\u2581Luca", + -12.15276336669922 + ], + [ + "\u2581venti", + -12.152799606323242 + ], + [ + "structure", + -12.152865409851074 + ], + [ + "\u2581militari", + -12.152870178222656 + ], + [ + "\u2581reinado", + -12.152872085571287 + ], + [ + "calc", + -12.152883529663086 + ], + [ + "\u2581versucht", + -12.152935028076172 + ], + [ + "bounds", + -12.152963638305664 + ], + [ + "\u2581fair", + -12.153030395507812 + ], + [ + "\u2581Stahl", + -12.15305519104004 + ], + [ + "textwidth", + -12.15317153930664 + ], + [ + "\u2581disable", + -12.153215408325195 + ], + [ + "\u2581Kloster", + -12.15323543548584 + ], + [ + "\u2581Empire", + -12.153366088867188 + ], + [ + "\u2581Fritz", + -12.153741836547852 + ], + [ + "\u2581secteur", + -12.153973579406738 + ], + [ + "\u2581alcohol", + -12.15420627593994 + ], + [ + "\u2581Ay", + -12.15424919128418 + ], + [ + "WIN", + -12.15451717376709 + ], + [ + "\u2581ajudar", + -12.154533386230469 + ], + [ + "\u2581Transfer", + -12.15453815460205 + ], + [ + "exploitation", + -12.15455436706543 + ], + [ + "\u2581Got", + -12.15499782562256 + ], + [ + "Po", + -12.155062675476074 + ], + [ + "classes", + -12.155144691467283 + ], + [ + "\u2581fr\u00fcheren", + -12.155302047729492 + ], + [ + "\u2581Dam", + -12.155386924743652 + ], + [ + "\u2581oficina", + -12.155410766601562 + ], + [ + "inv", + -12.155460357666016 + ], + [ + "\u2581TE", + -12.155495643615724 + ], + [ + "\u2581dieci", + -12.155564308166504 + ], + [ + "Bundle", + -12.155680656433104 + ], + [ + "pr\u00fcfung", + -12.155903816223145 + ], + [ + "\u2581k\u00fcnftig", + -12.155987739562988 + ], + [ + "\u2581Sitio", + -12.156031608581545 + ], + [ + "eh", + -12.156083106994627 + ], + [ + "\u2581efficient", + -12.156097412109377 + ], + [ + "WP", + -12.156126976013184 + ], + [ + "\u2581planning", + -12.156166076660156 + ], + [ + "\u2581plata", + -12.15617561340332 + ], + [ + "\u2581bout", + -12.15630054473877 + ], + [ + "\u2581beautiful", + -12.156378746032717 + ], + [ + "poly", + -12.156580924987791 + ], + [ + "\u2581wahrscheinlich", + -12.156779289245604 + ], + [ + "AST", + -12.156875610351562 + ], + [ + "\u2581Acc", + -12.156928062438965 + ], + [ + "\u2581zentrale", + -12.15717315673828 + ], + [ + "\u2581Castel", + -12.15721035003662 + ], + [ + "\u2581alter", + -12.157256126403809 + ], + [ + "\u2581rugby", + -12.157278060913086 + ], + [ + "rawValue", + -12.157303810119627 + ], + [ + "\u2581homens", + -12.15748119354248 + ], + [ + "\u2581Anstieg", + -12.157614707946776 + ], + [ + "\u2581Justiz", + -12.157869338989258 + ], + [ + "\u2581prefix", + -12.158092498779297 + ], + [ + "\u2581ones", + -12.158121109008787 + ], + [ + "Expect", + -12.158126831054688 + ], + [ + "lem", + -12.158148765563965 + ], + [ + "\u2581fauna", + -12.158204078674316 + ], + [ + "\u2581incluyendo", + -12.158377647399902 + ], + [ + "\u2581Roth", + -12.158555030822754 + ], + [ + "\u2581Irak", + -12.15864086151123 + ], + [ + "\u2581gara", + -12.158662796020508 + ], + [ + "dichte", + -12.15869426727295 + ], + [ + "software", + -12.158723831176758 + ], + [ + "\u2581bataille", + -12.15876007080078 + ], + [ + "uch", + -12.158768653869627 + ], + [ + "\u2581Suriname", + -12.15879726409912 + ], + [ + "\u2581algebra", + -12.158906936645508 + ], + [ + "\u2581Pr\u00e4sidenten", + -12.15896987915039 + ], + [ + "nov", + -12.158976554870604 + ], + [ + "\u2581narra", + -12.158995628356934 + ], + [ + "\u2581kregen", + -12.15914249420166 + ], + [ + "\u2581longue", + -12.159191131591797 + ], + [ + "\u2581Spe", + -12.159208297729492 + ], + [ + "\u2581Barra", + -12.159210205078123 + ], + [ + "\u2581NATO", + -12.159276008605955 + ], + [ + "\u2581Verlust", + -12.159316062927246 + ], + [ + "\u2581extract", + -12.159390449523926 + ], + [ + "\u2581singular", + -12.159502983093262 + ], + [ + "Fields", + -12.159717559814451 + ], + [ + "\u2581Schwerpunkt", + -12.159807205200195 + ], + [ + "\u2581Ware", + -12.159808158874512 + ], + [ + "UF", + -12.159889221191406 + ], + [ + "\u2581lire", + -12.15989875793457 + ], + [ + "\u2581rosa", + -12.159907341003418 + ], + [ + "COM", + -12.159914016723633 + ], + [ + "\u2581prote", + -12.159972190856934 + ], + [ + "\u2581Default", + -12.160109519958496 + ], + [ + "\u2581{};", + -12.160130500793455 + ], + [ + "\u2581navi", + -12.160173416137695 + ], + [ + "dns", + -12.160240173339844 + ], + [ + "\u2581operators", + -12.160240173339844 + ], + [ + "arguments", + -12.160261154174805 + ], + [ + "\u2581spot", + -12.160277366638184 + ], + [ + "\u2581aperto", + -12.160313606262209 + ], + [ + "ttingen", + -12.16055965423584 + ], + [ + "stelling", + -12.160569190979004 + ], + [ + "\u2581mo", + -12.160823822021484 + ], + [ + "\u2581pense", + -12.160839080810549 + ], + [ + "\u2581d\u00e9sormais", + -12.160896301269531 + ], + [ + "Memory", + -12.160953521728516 + ], + [ + "owski", + -12.16117000579834 + ], + [ + "pattern", + -12.16118049621582 + ], + [ + "plain", + -12.1611967086792 + ], + [ + "\u2581zerst", + -12.161219596862791 + ], + [ + "uest", + -12.161226272583008 + ], + [ + "Async", + -12.161267280578612 + ], + [ + "\u2581kw", + -12.161303520202637 + ], + [ + "rik", + -12.161347389221191 + ], + [ + "Sort", + -12.161540031433104 + ], + [ + "\u2581umana", + -12.161643028259276 + ], + [ + "\u2581smooth", + -12.161646842956545 + ], + [ + "\u2581Tarif", + -12.16172695159912 + ], + [ + "\u2581willen", + -12.16176414489746 + ], + [ + "\u2581Hoe", + -12.161787033081056 + ], + [ + "\u2581erfolgreich", + -12.161789894104004 + ], + [ + "\u2581marche", + -12.161977767944336 + ], + [ + "\u2581Bert", + -12.162004470825195 + ], + [ + "\u2581famiglie", + -12.162010192871094 + ], + [ + "\u2581quadro", + -12.16204833984375 + ], + [ + "\u2581minimal", + -12.162095069885254 + ], + [ + "\u2581hielt", + -12.162151336669922 + ], + [ + "Cmd", + -12.162212371826172 + ], + [ + "ej", + -12.16227912902832 + ], + [ + "\u2581Strukturen", + -12.162569046020508 + ], + [ + "\u2581verwiesen", + -12.16259479522705 + ], + [ + "aglia", + -12.16259765625 + ], + [ + "cino", + -12.162611961364746 + ], + [ + "\u2581comunicaci\u00f3n", + -12.162744522094728 + ], + [ + "xorl", + -12.162881851196287 + ], + [ + "\u2581Ap", + -12.16290283203125 + ], + [ + "\u2581UNESCO", + -12.162958145141602 + ], + [ + "FATAL", + -12.163229942321776 + ], + [ + "pet", + -12.163250923156738 + ], + [ + "enumerate", + -12.16347599029541 + ], + [ + "\u2581hinzu", + -12.163494110107422 + ], + [ + "\u2581Syn", + -12.163640022277832 + ], + [ + "\u2581antigo", + -12.163701057434082 + ], + [ + "isiert", + -12.163713455200195 + ], + [ + "mers", + -12.16379451751709 + ], + [ + "\u2581politiche", + -12.16381549835205 + ], + [ + "\u2581rode", + -12.163969039916992 + ], + [ + "\u2581mv", + -12.164076805114746 + ], + [ + "partner", + -12.1641206741333 + ], + [ + "\u2581recorded", + -12.164286613464355 + ], + [ + "\u2581dichter", + -12.164311408996582 + ], + [ + "\u2581Kara", + -12.16432285308838 + ], + [ + "Parent", + -12.164483070373535 + ], + [ + "Remove", + -12.16456413269043 + ], + [ + "\u2581ocho", + -12.164575576782228 + ], + [ + "\u2581Samen", + -12.164654731750488 + ], + [ + "\u2581oficialmente", + -12.16468334197998 + ], + [ + "lagen", + -12.164709091186523 + ], + [ + "\u2581restaurantes", + -12.164727210998535 + ], + [ + "\u2581liberal", + -12.16482639312744 + ], + [ + "\u2581chat", + -12.164834022521973 + ], + [ + "\u2581powerful", + -12.16493034362793 + ], + [ + "\u2581Projekte", + -12.164963722229004 + ], + [ + "\u2581Grant", + -12.16502857208252 + ], + [ + "tivos", + -12.165116310119627 + ], + [ + "\u2581Tatsache", + -12.16513729095459 + ], + [ + "\u2581Pl", + -12.165154457092283 + ], + [ + "nigreich", + -12.165246963500977 + ], + [ + "\u2581risultati", + -12.165308952331545 + ], + [ + "\u2581corresponde", + -12.16531753540039 + ], + [ + "ving", + -12.165404319763184 + ], + [ + "\u2581skip", + -12.165645599365234 + ], + [ + "iere", + -12.165678024291992 + ], + [ + "\u2581union", + -12.165739059448242 + ], + [ + "\u2581suppose", + -12.165742874145508 + ], + [ + "\u2581decidi\u00f3", + -12.165759086608888 + ], + [ + "\u2581Fan", + -12.165871620178224 + ], + [ + "lik", + -12.165874481201172 + ], + [ + "\u2581circular", + -12.165922164916992 + ], + [ + "\u2581hacen", + -12.165966033935549 + ], + [ + "\u2581matin", + -12.166074752807615 + ], + [ + "\u2581buses", + -12.166197776794434 + ], + [ + "med", + -12.166220664978027 + ], + [ + "\u2581challenge", + -12.166241645812988 + ], + [ + "\u2581Naturschutz", + -12.166311264038086 + ], + [ + "\u2581Parlament", + -12.166491508483888 + ], + [ + "\u2581Gemeinschaften", + -12.166543006896973 + ], + [ + "\u2581pool", + -12.166634559631348 + ], + [ + "\u2581courant", + -12.166644096374512 + ], + [ + "ealand", + -12.166683197021484 + ], + [ + "\u2581teor\u00eda", + -12.167173385620115 + ], + [ + "\u2581MSV", + -12.167184829711914 + ], + [ + "\u2581actriz", + -12.167195320129396 + ], + [ + "\u2581finish", + -12.167238235473633 + ], + [ + "bogen", + -12.167352676391602 + ], + [ + "\u2581Gedanken", + -12.167376518249512 + ], + [ + "blau", + -12.167377471923828 + ], + [ + "\u2581Colorado", + -12.167667388916016 + ], + [ + "\u2581levou", + -12.167723655700684 + ], + [ + "\u2581voraus", + -12.167755126953123 + ], + [ + "Endpoint", + -12.16781520843506 + ], + [ + "Rechtsverordnung", + -12.167858123779297 + ], + [ + "\u2581massima", + -12.167886734008787 + ], + [ + "blad", + -12.167925834655762 + ], + [ + "\u2581Head", + -12.168123245239258 + ], + [ + "\u2581tengo", + -12.168149948120115 + ], + [ + "\u2581families", + -12.168204307556152 + ], + [ + "antica", + -12.16825008392334 + ], + [ + "tano", + -12.168329238891602 + ], + [ + "\u2581unterscheiden", + -12.168367385864258 + ], + [ + "\u2581rapporti", + -12.168485641479492 + ], + [ + "\u2581notwendigen", + -12.168706893920898 + ], + [ + "mur", + -12.168712615966797 + ], + [ + "\u2581andererseits", + -12.168721199035645 + ], + [ + "ront", + -12.168763160705566 + ], + [ + "\u2581Swift", + -12.16899871826172 + ], + [ + "\u2581compara", + -12.169075965881348 + ], + [ + "\u2581grava", + -12.16908836364746 + ], + [ + "nette", + -12.16909122467041 + ], + [ + "bv", + -12.169229507446287 + ], + [ + "\u2581characteristics", + -12.169272422790527 + ], + [ + "\u2581Turn", + -12.169278144836426 + ], + [ + "\u2581r\u00e9gime", + -12.169281005859377 + ], + [ + "appel", + -12.169319152832031 + ], + [ + "\u2581feeling", + -12.169354438781738 + ], + [ + "\u2581clinical", + -12.16948699951172 + ], + [ + "\u2581Orts", + -12.169514656066896 + ], + [ + "cursor", + -12.169525146484377 + ], + [ + "kommen", + -12.169692993164062 + ], + [ + "\u2581compositor", + -12.16988468170166 + ], + [ + "\u2581kampioenschap", + -12.169894218444824 + ], + [ + "\u2581Furthermore", + -12.16994857788086 + ], + [ + "\u2581charges", + -12.170049667358398 + ], + [ + "\u2581stuk", + -12.17021369934082 + ], + [ + "\u2581successfully", + -12.170360565185549 + ], + [ + "anus", + -12.170365333557127 + ], + [ + "\u2581presentes", + -12.170450210571287 + ], + [ + "\u2581Meyer", + -12.1704740524292 + ], + [ + "\u2581Irlanda", + -12.170524597167969 + ], + [ + "Ph", + -12.170636177062988 + ], + [ + "bil", + -12.170642852783203 + ], + [ + "phy", + -12.170856475830078 + ], + [ + "\u2581sociedade", + -12.17095947265625 + ], + [ + "\u2581vorbei", + -12.171082496643066 + ], + [ + "\u2581erlassen", + -12.171085357666016 + ], + [ + "Registry", + -12.171097755432127 + ], + [ + "\u2581geopend", + -12.171256065368652 + ], + [ + "\u2581coordenadas", + -12.171260833740234 + ], + [ + "\u2581Vorbereitung", + -12.17132568359375 + ], + [ + "\u2581older", + -12.17156219482422 + ], + [ + "\u2581Hotels", + -12.171627044677734 + ], + [ + "\u2581Dream", + -12.17185878753662 + ], + [ + "\u2581concerned", + -12.171883583068848 + ], + [ + "\u2581Bereits", + -12.171899795532228 + ], + [ + "GT", + -12.171911239624023 + ], + [ + "\u2581maladie", + -12.171919822692873 + ], + [ + "\u2581percentage", + -12.171924591064451 + ], + [ + "\u2581Mountain", + -12.172025680541992 + ], + [ + "\u2581patrimonio", + -12.172060012817385 + ], + [ + "\u2581loja", + -12.172112464904783 + ], + [ + "\u2581Bewegung", + -12.17226219177246 + ], + [ + "\u2581angesehen", + -12.172456741333008 + ], + [ + "\u2581trouwde", + -12.172477722167969 + ], + [ + "\u2581hac\u00eda", + -12.172499656677246 + ], + [ + "\u2581Fisch", + -12.172645568847656 + ], + [ + "\u2581Indien", + -12.172691345214844 + ], + [ + "rod", + -12.172739028930664 + ], + [ + "dest", + -12.172765731811523 + ], + [ + "\u2581Soweit", + -12.172806739807127 + ], + [ + "\u2581bekommen", + -12.172884941101074 + ], + [ + "\u2581Ac", + -12.172951698303224 + ], + [ + "\u2581MP", + -12.172999382019045 + ], + [ + "\u2581Member", + -12.173033714294434 + ], + [ + "\u2581argentino", + -12.17303466796875 + ], + [ + "\u2581Print", + -12.17308521270752 + ], + [ + "\u2581sexo", + -12.1731538772583 + ], + [ + "\u2581Harvard", + -12.173181533813477 + ], + [ + "\u2581Rusland", + -12.17327880859375 + ], + [ + "atten", + -12.173322677612305 + ], + [ + "\u2581superf\u00edcie", + -12.17332649230957 + ], + [ + "\u2581distintas", + -12.173377990722656 + ], + [ + "\u2581mat\u00e9ria", + -12.17340850830078 + ], + [ + "\u2581aperta", + -12.173439025878906 + ], + [ + "\u2581possibility", + -12.173532485961914 + ], + [ + "\u2581bras", + -12.173542976379396 + ], + [ + "\u2581flux", + -12.173591613769531 + ], + [ + "\u2581samenwerking", + -12.173596382141112 + ], + [ + "\u2581Junior", + -12.17360019683838 + ], + [ + "\u2581genomen", + -12.173741340637209 + ], + [ + "\u2581italien", + -12.173815727233888 + ], + [ + "baan", + -12.173839569091797 + ], + [ + "\u2581Molti", + -12.1738920211792 + ], + [ + "\u2581libraries", + -12.173920631408691 + ], + [ + "called", + -12.174219131469728 + ], + [ + "\u2581Brugge", + -12.174262046813965 + ], + [ + "\u2581s\u00edmbolo", + -12.174293518066406 + ], + [ + "\u2581Enquanto", + -12.174298286437988 + ], + [ + "\u2581NBA", + -12.174310684204102 + ], + [ + "\u2581Vorteil", + -12.174356460571287 + ], + [ + "\u2581halve", + -12.174427032470703 + ], + [ + "\u2581utilizados", + -12.174530029296877 + ], + [ + "\u2581Roh", + -12.17457389831543 + ], + [ + "bon", + -12.174620628356934 + ], + [ + "\u2581geschlossen", + -12.174686431884766 + ], + [ + "apo", + -12.1747407913208 + ], + [ + "\u2581S\u00e1nchez", + -12.17486572265625 + ], + [ + "\u2581Leiter", + -12.174897193908691 + ], + [ + "\u2581pie", + -12.17492389678955 + ], + [ + "\u2581fazem", + -12.175151824951172 + ], + [ + "iek", + -12.17520236968994 + ], + [ + "\u2581Fenster", + -12.175237655639648 + ], + [ + "cola", + -12.17525863647461 + ], + [ + "\u2581boy", + -12.17527675628662 + ], + [ + "\u2581difesa", + -12.175283432006836 + ], + [ + "constraint", + -12.175285339355469 + ], + [ + "how", + -12.175422668457031 + ], + [ + "\u2581LINKE", + -12.175474166870115 + ], + [ + "vid", + -12.17548370361328 + ], + [ + "Static", + -12.175495147705078 + ], + [ + "\u2581circle", + -12.175578117370604 + ], + [ + "\u2581Volume", + -12.175626754760742 + ], + [ + "\u2581necessit\u00e0", + -12.175628662109377 + ], + [ + "usa", + -12.175650596618652 + ], + [ + "\u2581vuelta", + -12.17566204071045 + ], + [ + "\u2581habr\u00eda", + -12.17568016052246 + ], + [ + "KK", + -12.175699234008787 + ], + [ + "ore", + -12.175728797912598 + ], + [ + "iri", + -12.175739288330078 + ], + [ + "hai", + -12.175740242004396 + ], + [ + "\u2581angeboten", + -12.175836563110352 + ], + [ + "OB", + -12.17595100402832 + ], + [ + "Edit", + -12.175976753234863 + ], + [ + "\u2581Ses", + -12.176175117492676 + ], + [ + "\u2581mention", + -12.17618179321289 + ], + [ + "\u2581invention", + -12.176203727722168 + ], + [ + "WT", + -12.176209449768066 + ], + [ + "yer", + -12.176450729370115 + ], + [ + "\u2581determina", + -12.17646026611328 + ], + [ + "\u2581Mans", + -12.176521301269531 + ], + [ + "\u2581Jonathan", + -12.17652416229248 + ], + [ + "\u2581Reaktion", + -12.176692962646484 + ], + [ + "\u2581expressions", + -12.17669677734375 + ], + [ + "\u2581RNA", + -12.176875114440918 + ], + [ + "\u2581tribunal", + -12.177016258239746 + ], + [ + "\u2581bond", + -12.177499771118164 + ], + [ + "\u2581hergestellt", + -12.177557945251465 + ], + [ + "\u2581rap", + -12.17774486541748 + ], + [ + "association", + -12.177767753601074 + ], + [ + "Kommission", + -12.177796363830566 + ], + [ + "\u2581Kamer", + -12.177871704101562 + ], + [ + "\u2581encoding", + -12.177884101867676 + ], + [ + "spor", + -12.177945137023926 + ], + [ + "\u2581groupes", + -12.177966117858888 + ], + [ + "\u2581stanno", + -12.178275108337402 + ], + [ + "\u2581Cre", + -12.178380966186523 + ], + [ + "\u2581Geb\u00fchren", + -12.17855453491211 + ], + [ + "\u2581participantes", + -12.178583145141602 + ], + [ + "\u2581diventare", + -12.178630828857422 + ], + [ + "\u2581resolve", + -12.178876876831056 + ], + [ + "\u2581rose", + -12.1788911819458 + ], + [ + "\u2581Hafen", + -12.178997039794922 + ], + [ + "\u2581j\u00f3venes", + -12.179014205932615 + ], + [ + "\u2581math", + -12.179089546203612 + ], + [ + "\u2581Parlement", + -12.179097175598145 + ], + [ + "\u2581dur\u00e9e", + -12.179126739501951 + ], + [ + "\u2581jugar", + -12.179280281066896 + ], + [ + "\u2581agree", + -12.179296493530272 + ], + [ + "\u2581populares", + -12.179559707641602 + ], + [ + "arts", + -12.179605484008787 + ], + [ + "\u2581brasileira", + -12.179608345031738 + ], + [ + "\u2581Lin", + -12.1796875 + ], + [ + "formen", + -12.179692268371582 + ], + [ + "\u2581staatlichen", + -12.179704666137695 + ], + [ + "\u2581Illinois", + -12.179712295532228 + ], + [ + "\u2581Stadium", + -12.17972183227539 + ], + [ + "\u2581tunnel", + -12.179784774780272 + ], + [ + "\u2581Castle", + -12.179794311523438 + ], + [ + "\u2581Element", + -12.180044174194336 + ], + [ + "\u2581Fahrt", + -12.180072784423828 + ], + [ + "\u2581deixar", + -12.180089950561523 + ], + [ + "tini", + -12.1801176071167 + ], + [ + "\u2581caratteristiche", + -12.180195808410645 + ], + [ + "\u2581resulta", + -12.1802339553833 + ], + [ + "\u2581Manhattan", + -12.180253028869627 + ], + [ + "\u2581molecular", + -12.18026351928711 + ], + [ + "counter", + -12.180420875549316 + ], + [ + "\u2581pesquisa", + -12.180420875549316 + ], + [ + "\u2581pat", + -12.180521965026855 + ], + [ + "\u2581Verbindungen", + -12.18055534362793 + ], + [ + "\u2581Imp\u00e9rio", + -12.180620193481444 + ], + [ + "\u2581signature", + -12.180646896362305 + ], + [ + "\u2581Bundesrates", + -12.180731773376465 + ], + [ + "\u2581rea", + -12.18073844909668 + ], + [ + "Public", + -12.180788040161133 + ], + [ + "\u2581Solar", + -12.180871963500977 + ], + [ + "\u2581lieux", + -12.180908203125 + ], + [ + "\u2581Ori", + -12.180913925170898 + ], + [ + "\u2581erteilt", + -12.180984497070312 + ], + [ + "\u2581soft", + -12.181118965148926 + ], + [ + "hour", + -12.181130409240724 + ], + [ + "oid", + -12.181147575378418 + ], + [ + "wort", + -12.181198120117188 + ], + [ + "\u2581Details", + -12.181225776672363 + ], + [ + "releases", + -12.181279182434082 + ], + [ + "\u2581sociais", + -12.181432723999023 + ], + [ + "ago", + -12.181482315063477 + ], + [ + "lz", + -12.181498527526855 + ], + [ + "INPUT", + -12.181504249572754 + ], + [ + "\u2581massimo", + -12.181625366210938 + ], + [ + "\u2581permit", + -12.18164348602295 + ], + [ + "\u2581Before", + -12.18171501159668 + ], + [ + "REPO", + -12.181838989257812 + ], + [ + "ified", + -12.18189525604248 + ], + [ + "\u2581Leit", + -12.182034492492676 + ], + [ + "\u2581erfahren", + -12.182098388671877 + ], + [ + "\u2581maps", + -12.182137489318848 + ], + [ + "\u2581Chef", + -12.182343482971191 + ], + [ + "\u2581Massen", + -12.18237018585205 + ], + [ + "dorp", + -12.182393074035645 + ], + [ + "\u2581intermedi\u00e1rio", + -12.18247413635254 + ], + [ + "Generic", + -12.18250560760498 + ], + [ + "\u2581verlassen", + -12.18259048461914 + ], + [ + "\u2581ebrei", + -12.182662010192873 + ], + [ + "yama", + -12.182687759399414 + ], + [ + "\u2581existentes", + -12.182784080505373 + ], + [ + "AH", + -12.182787895202637 + ], + [ + "\u2581reais", + -12.182853698730469 + ], + [ + "\u2581batch", + -12.182873725891112 + ], + [ + "iffer", + -12.182903289794922 + ], + [ + "\u2581lengua", + -12.18291187286377 + ], + [ + "hir", + -12.18308925628662 + ], + [ + "eria", + -12.183090209960938 + ], + [ + "\u2581tensor", + -12.183308601379396 + ], + [ + "\u2581consulta", + -12.183323860168455 + ], + [ + "\u2581t\u00edtulos", + -12.183337211608888 + ], + [ + "\u2581labels", + -12.183344841003418 + ], + [ + "\u2581clube", + -12.18336009979248 + ], + [ + "ICE", + -12.183367729187012 + ], + [ + "\u2581vrije", + -12.183448791503906 + ], + [ + "training", + -12.183470726013184 + ], + [ + "\u2581disponibles", + -12.183592796325684 + ], + [ + "four", + -12.183623313903809 + ], + [ + "\u2581peuple", + -12.183623313903809 + ], + [ + "\u2581hence", + -12.18373680114746 + ], + [ + "rep", + -12.18378734588623 + ], + [ + "bernahme", + -12.183989524841309 + ], + [ + "\u2581twenty", + -12.18404769897461 + ], + [ + "gung", + -12.184154510498049 + ], + [ + "\u2581Umgang", + -12.18416690826416 + ], + [ + "\u2581principalement", + -12.184216499328612 + ], + [ + "\u2581utilizzato", + -12.184475898742676 + ], + [ + "\u2581dispose", + -12.184507369995115 + ], + [ + "\u2581autorit\u00e9s", + -12.184563636779783 + ], + [ + "americano", + -12.18459701538086 + ], + [ + "\u2581peer", + -12.1846284866333 + ], + [ + "\u2581Vlaanderen", + -12.184642791748049 + ], + [ + "\u2581considerar", + -12.18466567993164 + ], + [ + "\u2581Link", + -12.184755325317385 + ], + [ + "\u2581Oficina", + -12.18495273590088 + ], + [ + "\u2581Erik", + -12.18502426147461 + ], + [ + "\u2581Stil", + -12.18503189086914 + ], + [ + "\u2581Julia", + -12.185138702392578 + ], + [ + "\u2581approaches", + -12.185333251953123 + ], + [ + "\u2581publisher", + -12.185437202453612 + ], + [ + "IMPORTED", + -12.185464859008787 + ], + [ + "\u2581benutzt", + -12.185476303100586 + ], + [ + "\u2581barco", + -12.185505867004396 + ], + [ + "ax", + -12.185603141784668 + ], + [ + "\u2581mette", + -12.185626029968262 + ], + [ + "\u2581conceito", + -12.18564510345459 + ], + [ + "HDR", + -12.185648918151855 + ], + [ + "forward", + -12.18575954437256 + ], + [ + "\u2581contents", + -12.185835838317873 + ], + [ + "fully", + -12.18593692779541 + ], + [ + "\u2581necessidade", + -12.185938835144045 + ], + [ + "\u2581rechter", + -12.18603229522705 + ], + [ + "\u2581quer", + -12.186076164245604 + ], + [ + "geometry", + -12.186090469360352 + ], + [ + "relax", + -12.18617057800293 + ], + [ + "\u2581seguido", + -12.1862154006958 + ], + [ + "\u2581accordance", + -12.186429023742676 + ], + [ + "\u2581diretamente", + -12.186429023742676 + ], + [ + "\u2581Congress", + -12.186467170715332 + ], + [ + "\u2581pensare", + -12.18649196624756 + ], + [ + "\u2581\u00e9quipe", + -12.186504364013672 + ], + [ + "Stats", + -12.18652057647705 + ], + [ + "\u2581lanzado", + -12.186625480651855 + ], + [ + "\u2581inverse", + -12.186694145202637 + ], + [ + "produktion", + -12.186705589294434 + ], + [ + "\u2581Gua", + -12.186789512634276 + ], + [ + "\u2581targets", + -12.186901092529297 + ], + [ + "\u2581libero", + -12.18693733215332 + ], + [ + "gehalt", + -12.186955451965332 + ], + [ + "\u2581Dank", + -12.186964988708496 + ], + [ + "\u2581spielte", + -12.187029838562012 + ], + [ + "adresse", + -12.187074661254885 + ], + [ + "\u2581church", + -12.187128067016602 + ], + [ + "\u2581volver", + -12.18716812133789 + ], + [ + "\u2581insoweit", + -12.18724536895752 + ], + [ + "\u2581public\u00f3", + -12.187273979187012 + ], + [ + "\u2581Sou", + -12.187413215637209 + ], + [ + "\u2581Chang", + -12.187451362609863 + ], + [ + "Running", + -12.18756866455078 + ], + [ + "\u2581marido", + -12.187603950500488 + ], + [ + "\u2581ticket", + -12.187710762023926 + ], + [ + "\u2581Eq", + -12.187729835510254 + ], + [ + "\u2581Champions", + -12.187790870666504 + ], + [ + "\u2581zanger", + -12.18786334991455 + ], + [ + "\u2581Mission", + -12.18787956237793 + ], + [ + "\u2581Ponte", + -12.18788242340088 + ], + [ + "Black", + -12.187984466552734 + ], + [ + "\u2581generic", + -12.18825912475586 + ], + [ + "\u2581Imperio", + -12.188342094421388 + ], + [ + "\u2581falar", + -12.18834400177002 + ], + [ + "\u2581affected", + -12.188397407531738 + ], + [ + "\u2581tennis", + -12.18858814239502 + ], + [ + "human", + -12.188608169555664 + ], + [ + "\u2581zog", + -12.188658714294434 + ], + [ + "\u2581Stoffe", + -12.188959121704102 + ], + [ + "\u2581Monat", + -12.189010620117188 + ], + [ + "\u2581Tussen", + -12.189079284667969 + ], + [ + "\u2581kunt", + -12.189128875732422 + ], + [ + "SW", + -12.189131736755373 + ], + [ + "systeme", + -12.189153671264648 + ], + [ + "\u2581Sevilla", + -12.189196586608888 + ], + [ + "nutzung", + -12.189269065856934 + ], + [ + "Import", + -12.189413070678713 + ], + [ + "\u2581passado", + -12.18947410583496 + ], + [ + "\u2581Bart", + -12.189680099487305 + ], + [ + "rle", + -12.18971061706543 + ], + [ + "initial", + -12.189727783203123 + ], + [ + "\u2581bisogna", + -12.189852714538574 + ], + [ + "\u2581izquierda", + -12.189894676208496 + ], + [ + "\u2581masculino", + -12.18994140625 + ], + [ + "frage", + -12.190009117126465 + ], + [ + "oud", + -12.190049171447754 + ], + [ + "\u2581Tribunal", + -12.190109252929688 + ], + [ + "\u2581tables", + -12.190245628356934 + ], + [ + "Library", + -12.190347671508787 + ], + [ + "\u2581Step", + -12.19036102294922 + ], + [ + "\u2581tales", + -12.190372467041016 + ], + [ + "\u2581advance", + -12.190393447875977 + ], + [ + "\u2581verano", + -12.190393447875977 + ], + [ + "Unmarshal", + -12.19046688079834 + ], + [ + "utilizzo", + -12.190472602844238 + ], + [ + "\u2581Islam", + -12.190496444702148 + ], + [ + "Pfalz", + -12.190561294555664 + ], + [ + "Program", + -12.19059944152832 + ], + [ + "\u2581existencia", + -12.190613746643066 + ], + [ + "\u2581kust", + -12.190667152404783 + ], + [ + "major", + -12.19067668914795 + ], + [ + "\u2581Shu", + -12.190720558166504 + ], + [ + "\u2581tags", + -12.190771102905272 + ], + [ + "duration", + -12.190807342529297 + ], + [ + "\u2581manifest", + -12.190831184387209 + ], + [ + "spot", + -12.191034317016602 + ], + [ + "When", + -12.191041946411133 + ], + [ + "\u2581buurt", + -12.191112518310549 + ], + [ + "\u2581subsequent", + -12.191125869750977 + ], + [ + "tage", + -12.191192626953123 + ], + [ + "det", + -12.191353797912598 + ], + [ + "\u2581Vogel", + -12.191399574279783 + ], + [ + "\u2581Organ", + -12.191428184509276 + ], + [ + "uca", + -12.191489219665527 + ], + [ + "\u2581Avenida", + -12.191508293151855 + ], + [ + "\u2581derri", + -12.191508293151855 + ], + [ + "HO", + -12.191569328308104 + ], + [ + "\u2581modifica", + -12.191651344299316 + ], + [ + "\u2581lontano", + -12.191804885864258 + ], + [ + "nigs", + -12.191815376281738 + ], + [ + "Usage", + -12.191851615905762 + ], + [ + "\u2581infolge", + -12.19192886352539 + ], + [ + "zw", + -12.192021369934082 + ], + [ + "\u2581geregelt", + -12.192278861999512 + ], + [ + "\u2581certamente", + -12.192523956298828 + ], + [ + "\u2581Lawrence", + -12.19267463684082 + ], + [ + "\u2581eventually", + -12.192709922790527 + ], + [ + "\u2581teil", + -12.192726135253906 + ], + [ + "gold", + -12.192740440368652 + ], + [ + "\u2581Gebrauch", + -12.192975044250488 + ], + [ + "\u2581voorzien", + -12.193021774291992 + ], + [ + "\u2581evaluate", + -12.193110466003418 + ], + [ + "\u2581executado", + -12.193127632141112 + ], + [ + "\u2581conseguenza", + -12.193158149719238 + ], + [ + "\u2581Leute", + -12.193501472473145 + ], + [ + "\u2581ride", + -12.193663597106934 + ], + [ + "\u2581definiert", + -12.193753242492676 + ], + [ + "\u2581voltage", + -12.193806648254396 + ], + [ + "\u2581Margaret", + -12.193829536437988 + ], + [ + "CERTIFICATE", + -12.193909645080566 + ], + [ + "DV", + -12.194153785705566 + ], + [ + "\u2581fraction", + -12.19416046142578 + ], + [ + "\u2581diagnostic", + -12.194369316101074 + ], + [ + "\u2581Nota", + -12.194395065307615 + ], + [ + "\u2581Binnen", + -12.194403648376465 + ], + [ + "\u2581Gau", + -12.19440746307373 + ], + [ + "Native", + -12.19441032409668 + ], + [ + "\u2581Teresa", + -12.194446563720703 + ], + [ + "\u2581Tiene", + -12.194504737854004 + ], + [ + "\u2581majorit\u00e9", + -12.194621086120604 + ], + [ + "\u2581animais", + -12.19464111328125 + ], + [ + "\u2581threshold", + -12.194642066955566 + ], + [ + "\u2581volo", + -12.19470500946045 + ], + [ + "\u2581Unterlagen", + -12.1947660446167 + ], + [ + "\u2581Twee", + -12.194785118103027 + ], + [ + "euse", + -12.194908142089844 + ], + [ + "\u2581Kombination", + -12.194976806640623 + ], + [ + "\u2581gering", + -12.195008277893066 + ], + [ + "\u2581Morgen", + -12.19501495361328 + ], + [ + "\u2581pasta", + -12.195028305053713 + ], + [ + "\u2581f\u00edsico", + -12.19505786895752 + ], + [ + "\u2581Age", + -12.195059776306152 + ], + [ + "groen", + -12.195233345031738 + ], + [ + "\u2581semaine", + -12.195266723632812 + ], + [ + "iya", + -12.195452690124512 + ], + [ + "\u2581Atlantic", + -12.195470809936523 + ], + [ + "\u2581declara", + -12.195547103881836 + ], + [ + "Ol", + -12.195618629455566 + ], + [ + "\u2581Basic", + -12.19563102722168 + ], + [ + "eti", + -12.195658683776855 + ], + [ + "\u2581integration", + -12.195684432983398 + ], + [ + "stub", + -12.195771217346191 + ], + [ + "\u2581utilise", + -12.195842742919922 + ], + [ + "catch", + -12.195856094360352 + ], + [ + "Cr", + -12.195882797241213 + ], + [ + "ath", + -12.19589138031006 + ], + [ + "\u2581vorliegen", + -12.196182250976562 + ], + [ + "\u2581Ausfuhr", + -12.196270942687988 + ], + [ + "\u2581beachten", + -12.196340560913086 + ], + [ + "\u2581supra", + -12.196341514587402 + ], + [ + "\u2581resolver", + -12.196396827697754 + ], + [ + "\u2581r\u00e9guli", + -12.19641399383545 + ], + [ + "mila", + -12.196425437927246 + ], + [ + "\u2581Ressourcen", + -12.196598052978516 + ], + [ + "\u2581Say", + -12.196640014648438 + ], + [ + "third", + -12.196706771850586 + ], + [ + "\u2581vlak", + -12.196744918823242 + ], + [ + "\u2581Garden", + -12.196778297424316 + ], + [ + "ache", + -12.196813583374023 + ], + [ + "\u2581recebe", + -12.196916580200195 + ], + [ + "Admin", + -12.19696807861328 + ], + [ + "\u2581sait", + -12.197056770324709 + ], + [ + "\u2581mix", + -12.197097778320312 + ], + [ + "kk", + -12.197125434875488 + ], + [ + "gard", + -12.197152137756348 + ], + [ + "\u2581Update", + -12.197233200073242 + ], + [ + "SON", + -12.197259902954102 + ], + [ + "\u2581Rick", + -12.197432518005373 + ], + [ + "\u2581constraints", + -12.197521209716797 + ], + [ + "\u2581vecchia", + -12.197539329528809 + ], + [ + "\u2581femminile", + -12.1975736618042 + ], + [ + "bek", + -12.197654724121094 + ], + [ + "\u2581limita", + -12.19766616821289 + ], + [ + "iterator", + -12.197915077209473 + ], + [ + "\u2581detailed", + -12.197993278503418 + ], + [ + "\u2581Schleswig", + -12.198027610778809 + ], + [ + "\u2581Pa\u00edses", + -12.198050498962402 + ], + [ + "\u2581denomina", + -12.198159217834473 + ], + [ + "\u2581palazzo", + -12.198241233825684 + ], + [ + "sass", + -12.198334693908691 + ], + [ + "\u2581Gy", + -12.198440551757812 + ], + [ + "\u2581CI", + -12.198487281799316 + ], + [ + "emia", + -12.198491096496582 + ], + [ + "\u2581Market", + -12.1985502243042 + ], + [ + "fra", + -12.19857406616211 + ], + [ + "\u2581descritos", + -12.198649406433104 + ], + [ + "\u2581pointer", + -12.198702812194824 + ], + [ + "\u2581Tha", + -12.19892406463623 + ], + [ + "\u2581ven", + -12.198970794677734 + ], + [ + "uick", + -12.19901180267334 + ], + [ + "\u2581holding", + -12.199090003967283 + ], + [ + "\u2581soient", + -12.199151039123535 + ], + [ + "\u2581frazione", + -12.199216842651367 + ], + [ + "WE", + -12.199487686157228 + ], + [ + "\u2581minist", + -12.19956874847412 + ], + [ + "Dienstleistungen", + -12.19972038269043 + ], + [ + "mc", + -12.199750900268556 + ], + [ + "\u2581determinar", + -12.199771881103516 + ], + [ + "\u2581verz", + -12.199785232543944 + ], + [ + "punkte", + -12.199793815612791 + ], + [ + "hw", + -12.19989013671875 + ], + [ + "\u2581Mass", + -12.199908256530762 + ], + [ + "\u2581quartieri", + -12.199935913085938 + ], + [ + "\u2581firme", + -12.199957847595217 + ], + [ + "Results", + -12.20017433166504 + ], + [ + "lino", + -12.200214385986328 + ], + [ + "\u2581aktiv", + -12.200246810913086 + ], + [ + "rado", + -12.200336456298828 + ], + [ + "\u2581Girl", + -12.200360298156738 + ], + [ + "\u2581Spanish", + -12.200565338134766 + ], + [ + "Pattern", + -12.200573921203612 + ], + [ + "\u2581Sardegna", + -12.200647354125977 + ], + [ + "\u2581PR", + -12.200767517089844 + ], + [ + "\u2581Sovi\u00e9tica", + -12.200937271118164 + ], + [ + "\u2581estate", + -12.200947761535645 + ], + [ + "sicos", + -12.200971603393556 + ], + [ + "\u2581properly", + -12.201020240783691 + ], + [ + "\u2581quinta", + -12.201079368591309 + ], + [ + "\u2581identidade", + -12.20112133026123 + ], + [ + "Book", + -12.201197624206545 + ], + [ + "\u2581Ministerio", + -12.201200485229492 + ], + [ + "Ah", + -12.201252937316896 + ], + [ + "\u2581Community", + -12.201260566711426 + ], + [ + "\u2581maximale", + -12.201268196105955 + ], + [ + "\u2581soy", + -12.201366424560549 + ], + [ + "OT", + -12.20137882232666 + ], + [ + "contentsline", + -12.201382637023926 + ], + [ + "\u2581Export", + -12.201387405395508 + ], + [ + "\u2581conception", + -12.201493263244627 + ], + [ + "\u2581nasce", + -12.201601028442385 + ], + [ + "\u2581genannte", + -12.201621055603027 + ], + [ + "\u2581Suisse", + -12.20170783996582 + ], + [ + "\u2581Sind", + -12.201756477355955 + ], + [ + "\u2581gevestigd", + -12.20175838470459 + ], + [ + "\u2581darstellt", + -12.201833724975586 + ], + [ + "\u2581zin", + -12.201974868774414 + ], + [ + "akte", + -12.202077865600586 + ], + [ + "\u2581Wagner", + -12.20213508605957 + ], + [ + "Widget", + -12.202178001403809 + ], + [ + "\u2581soi", + -12.202399253845217 + ], + [ + "assign", + -12.202505111694336 + ], + [ + "otimes", + -12.202577590942385 + ], + [ + "\u2581regression", + -12.20258617401123 + ], + [ + "\u2581Clube", + -12.202876091003418 + ], + [ + "Prop", + -12.202987670898438 + ], + [ + "\u2581Citt\u00e0", + -12.203038215637209 + ], + [ + "\u2581Work", + -12.203107833862305 + ], + [ + "\u2581Gerais", + -12.203254699707031 + ], + [ + "ologische", + -12.203274726867676 + ], + [ + "She", + -12.20334529876709 + ], + [ + "\u2581Leon", + -12.203516960144045 + ], + [ + "Gu", + -12.203601837158203 + ], + [ + "\u2581female", + -12.203620910644531 + ], + [ + "angular", + -12.20363998413086 + ], + [ + "\u2581ander", + -12.203653335571287 + ], + [ + "BM", + -12.203814506530762 + ], + [ + "\u2581Aspekte", + -12.203869819641112 + ], + [ + "\u2581bande", + -12.203993797302246 + ], + [ + "lists", + -12.204113006591797 + ], + [ + "\u2581objets", + -12.204144477844238 + ], + [ + "\u2581Voci", + -12.204243659973145 + ], + [ + "arn", + -12.20425796508789 + ], + [ + "\u2581vari\u00e1veis", + -12.204302787780762 + ], + [ + "\u2581Vir", + -12.20432949066162 + ], + [ + "\u2581offrono", + -12.204445838928224 + ], + [ + "\u2581contenu", + -12.204469680786133 + ], + [ + "gno", + -12.204543113708496 + ], + [ + "azienda", + -12.204608917236328 + ], + [ + "\u2581sonora", + -12.204756736755373 + ], + [ + "\u2581Richtlinien", + -12.204769134521484 + ], + [ + "Child", + -12.204843521118164 + ], + [ + "\u2581bureau", + -12.204863548278809 + ], + [ + "\u2581municipalit\u00e9", + -12.204917907714844 + ], + [ + "pipe", + -12.20496940612793 + ], + [ + "\u2581validation", + -12.204974174499512 + ], + [ + "\u2581melhores", + -12.205120086669922 + ], + [ + "\u2581distingue", + -12.205185890197754 + ], + [ + "\u2581Sex", + -12.20534324645996 + ], + [ + "\u2581animals", + -12.205366134643556 + ], + [ + "\u2581haya", + -12.205498695373535 + ], + [ + "\u2581pagare", + -12.205527305603027 + ], + [ + "\u2581omvat", + -12.205682754516602 + ], + [ + "\u2581certainly", + -12.205726623535156 + ], + [ + "\u2581Cinema", + -12.205877304077148 + ], + [ + "\u2581Greek", + -12.206077575683594 + ], + [ + "\u2581signe", + -12.206220626831056 + ], + [ + "mic", + -12.20633316040039 + ], + [ + "\u2581Gewicht", + -12.206391334533691 + ], + [ + "\u2581battle", + -12.206439018249512 + ], + [ + "\u2581scientific", + -12.206450462341309 + ], + [ + "\u2581opleiding", + -12.206510543823242 + ], + [ + "iente", + -12.20657730102539 + ], + [ + "\u2581s\u00fcdlich", + -12.20664119720459 + ], + [ + "\u2581papier", + -12.206703186035156 + ], + [ + "World", + -12.206705093383787 + ], + [ + "\u2581\u00e4hnlich", + -12.206817626953123 + ], + [ + "\u2581bleek", + -12.20689296722412 + ], + [ + "\u2581Paesi", + -12.20691204071045 + ], + [ + "\u2581Still", + -12.20694637298584 + ], + [ + "\u2581Einheit", + -12.2069673538208 + ], + [ + "cz", + -12.206985473632812 + ], + [ + "\u2581poder\u00e1", + -12.207003593444824 + ], + [ + "haltung", + -12.207019805908203 + ], + [ + "\u2581Dadurch", + -12.207032203674316 + ], + [ + "\u2581Poco", + -12.207141876220703 + ], + [ + "\u2581potencial", + -12.207208633422852 + ], + [ + "\u2581mus\u00e9e", + -12.20724391937256 + ], + [ + "RF", + -12.207244873046877 + ], + [ + "\u2581objective", + -12.207447052001951 + ], + [ + "berwachung", + -12.207822799682615 + ], + [ + "sus", + -12.20786952972412 + ], + [ + "rios", + -12.207965850830078 + ], + [ + "\u2581nove", + -12.207971572875977 + ], + [ + "\u2581dog", + -12.207972526550291 + ], + [ + "Final", + -12.208069801330566 + ], + [ + "\u2581Core", + -12.208280563354492 + ], + [ + "\u2581Medio", + -12.208436012268066 + ], + [ + "acht", + -12.208590507507324 + ], + [ + "Afrika", + -12.208626747131348 + ], + [ + "\u2581animales", + -12.208699226379396 + ], + [ + "rac", + -12.208714485168455 + ], + [ + "\u2581campaign", + -12.208892822265623 + ], + [ + "\u2581vicini", + -12.20895004272461 + ], + [ + "\u2581candidate", + -12.208992958068848 + ], + [ + "uti", + -12.209076881408691 + ], + [ + "\u2581Muster", + -12.2091064453125 + ], + [ + "\u2581Regeln", + -12.209121704101562 + ], + [ + "pw", + -12.209230422973633 + ], + [ + "Cerambycidae", + -12.209327697753906 + ], + [ + "\u2581aircraft", + -12.20934009552002 + ], + [ + "\u2581verbonden", + -12.209388732910156 + ], + [ + "\u2581Beziehung", + -12.209432601928713 + ], + [ + "\u2581mainly", + -12.209553718566896 + ], + [ + "\u2581fede", + -12.209773063659668 + ], + [ + "blank", + -12.210070610046388 + ], + [ + "\u2581Heart", + -12.21027660369873 + ], + [ + "\u2581Baloncestistas", + -12.21044635772705 + ], + [ + "\u2581Volk", + -12.21053409576416 + ], + [ + "\u2581coordination", + -12.210553169250488 + ], + [ + "\u2581Kommunikation", + -12.210628509521484 + ], + [ + "bord", + -12.21072483062744 + ], + [ + "KP", + -12.21093463897705 + ], + [ + "\u2581belang", + -12.211033821105955 + ], + [ + "\u2581aura", + -12.21137237548828 + ], + [ + "\u2581Militar", + -12.211420059204102 + ], + [ + "\u2581guitarra", + -12.211496353149414 + ], + [ + "\u2581atteint", + -12.21160888671875 + ], + [ + "\u2581Bari", + -12.211644172668455 + ], + [ + "Italie", + -12.21182918548584 + ], + [ + "\u2581Status", + -12.211848258972168 + ], + [ + "\u2581genetic", + -12.211870193481444 + ], + [ + "\u2581hulp", + -12.211946487426758 + ], + [ + "\u2581Pictures", + -12.212069511413574 + ], + [ + "\u2581formule", + -12.212103843688965 + ], + [ + "\u2581Oggi", + -12.21216869354248 + ], + [ + "eza", + -12.212294578552246 + ], + [ + "Neu", + -12.212312698364258 + ], + [ + "\u2581auteur", + -12.212532997131348 + ], + [ + "\u2581ganar", + -12.212538719177246 + ], + [ + "\u2581Heim", + -12.212574005126951 + ], + [ + "\u2581M\u00fcnster", + -12.212645530700684 + ], + [ + "\u2581conocimiento", + -12.212835311889648 + ], + [ + "\u2581verkiezingen", + -12.212892532348633 + ], + [ + "\u2581Pla", + -12.212900161743164 + ], + [ + "Lei", + -12.212969779968262 + ], + [ + "\u2581significato", + -12.213006019592283 + ], + [ + "\u2581entered", + -12.21302890777588 + ], + [ + "\u2581fight", + -12.213042259216309 + ], + [ + "\u2581tung", + -12.21312141418457 + ], + [ + "\u2581Betracht", + -12.213128089904783 + ], + [ + "\u2581Rua", + -12.213293075561523 + ], + [ + "\u2581langer", + -12.21332836151123 + ], + [ + "\u2581Void", + -12.213396072387695 + ], + [ + "PK", + -12.21379566192627 + ], + [ + "\u2581Censo", + -12.213830947875977 + ], + [ + "bes", + -12.213930130004885 + ], + [ + "HK", + -12.213964462280272 + ], + [ + "\u2581ordered", + -12.214059829711914 + ], + [ + "\u2581fatta", + -12.214080810546877 + ], + [ + "Cu", + -12.214118957519531 + ], + [ + "\u2581Notas", + -12.21412754058838 + ], + [ + "\u2581vit", + -12.214140892028809 + ], + [ + "\u00f3w", + -12.214189529418944 + ], + [ + "\u2581Geral", + -12.214263916015623 + ], + [ + "\u2581gedaan", + -12.214303970336914 + ], + [ + "\u2581Jay", + -12.214383125305176 + ], + [ + "\u2581n\u00e4chste", + -12.214384078979492 + ], + [ + "\u2581Aussagen", + -12.21438694000244 + ], + [ + "\u2581sinnvoll", + -12.214404106140137 + ], + [ + "\u2581Battle", + -12.214426040649414 + ], + [ + "\u2581diverso", + -12.214460372924805 + ], + [ + "\u2581Adolf", + -12.214526176452637 + ], + [ + "\u2581ATP", + -12.21455192565918 + ], + [ + "\u2581contea", + -12.214557647705078 + ], + [ + "chsten", + -12.214594841003418 + ], + [ + "\u2581vital", + -12.214600563049316 + ], + [ + "\u2581technical", + -12.21465301513672 + ], + [ + "\u2581cuarto", + -12.214696884155272 + ], + [ + "\u2581plasma", + -12.214696884155272 + ], + [ + "\u2581spinnensoort", + -12.21469783782959 + ], + [ + "\u2581leaves", + -12.2147216796875 + ], + [ + "\u2581modes", + -12.214800834655762 + ], + [ + "arme", + -12.214813232421877 + ], + [ + "\u2581prepare", + -12.214892387390137 + ], + [ + "\u2581directions", + -12.215007781982422 + ], + [ + "\u2581risulta", + -12.21510410308838 + ], + [ + "\u2581setzte", + -12.215217590332031 + ], + [ + "\u2581provision", + -12.21522045135498 + ], + [ + "symmetric", + -12.215447425842283 + ], + [ + "abort", + -12.215469360351562 + ], + [ + "\u2581nessun", + -12.215577125549316 + ], + [ + "\u2581fur", + -12.215638160705566 + ], + [ + "\u2581macchina", + -12.21570873260498 + ], + [ + "\u2581capture", + -12.215883255004885 + ], + [ + "\u2581pel\u00edculas", + -12.21593952178955 + ], + [ + "\u2581Nelle", + -12.216060638427734 + ], + [ + "\u2581lijkt", + -12.216127395629885 + ], + [ + "\u2581delen", + -12.216227531433104 + ], + [ + "\u2581Country", + -12.216238021850586 + ], + [ + "subset", + -12.216259956359863 + ], + [ + "\u2581Fahrrad", + -12.216360092163086 + ], + [ + "\u2581Pac\u00edfico", + -12.216508865356444 + ], + [ + "grund", + -12.216557502746582 + ], + [ + "\u2581anima", + -12.21656322479248 + ], + [ + "\u2581onderfamilie", + -12.216679573059082 + ], + [ + "\u2581STRE", + -12.216711044311523 + ], + [ + "\u2581aufgehoben", + -12.216711044311523 + ], + [ + "\u2581mine", + -12.216732025146484 + ], + [ + "\u2581taxable", + -12.216792106628418 + ], + [ + "Mont", + -12.216798782348633 + ], + [ + "onia", + -12.21684455871582 + ], + [ + "aligned", + -12.21685791015625 + ], + [ + "\u2581Beschl\u00fcsse", + -12.217005729675291 + ], + [ + "\u2581Michigan", + -12.217050552368164 + ], + [ + "\u2581doubt", + -12.217065811157228 + ], + [ + "\u2581participe", + -12.217172622680664 + ], + [ + "\u2581Hochschul", + -12.217190742492676 + ], + [ + "FOR", + -12.217222213745115 + ], + [ + "\u2581terminar", + -12.217241287231444 + ], + [ + "\u2581Prime", + -12.217249870300291 + ], + [ + "elem", + -12.217265129089355 + ], + [ + "\u2581dr", + -12.217350006103516 + ], + [ + "\u2581conclusion", + -12.217401504516602 + ], + [ + "studie", + -12.21742820739746 + ], + [ + "\u2581teste", + -12.21749496459961 + ], + [ + "\u2581acque", + -12.217540740966797 + ], + [ + "\u2581gepr\u00fcft", + -12.217573165893556 + ], + [ + "\u2581Vladimir", + -12.217577934265137 + ], + [ + "RED", + -12.217605590820312 + ], + [ + "\u2581Ger\u00e4te", + -12.217731475830078 + ], + [ + "RUN", + -12.2177734375 + ], + [ + "\u2581temporal", + -12.21788215637207 + ], + [ + "\u2581flex", + -12.217923164367676 + ], + [ + "\u2581Cali", + -12.218050003051758 + ], + [ + "\u2581Thor", + -12.218064308166504 + ], + [ + "\u2581sci", + -12.218080520629885 + ], + [ + "iki", + -12.218188285827637 + ], + [ + "\u2581Shakespeare", + -12.218188285827637 + ], + [ + "\u2581Jason", + -12.21828556060791 + ], + [ + "machine", + -12.218294143676758 + ], + [ + "\u2581dispone", + -12.218317031860352 + ], + [ + "repository", + -12.218317985534668 + ], + [ + "\u2581entsteht", + -12.21834659576416 + ], + [ + "\u2581mark", + -12.218426704406738 + ], + [ + "oides", + -12.218499183654783 + ], + [ + "\u2581equipment", + -12.218576431274414 + ], + [ + "\u2581Ern\u00e4hrung", + -12.218618392944336 + ], + [ + "\u2581stuff", + -12.218650817871094 + ], + [ + "\u2581televisie", + -12.21865177154541 + ], + [ + "\u2581vento", + -12.21867847442627 + ], + [ + "\u2581Bef", + -12.21873950958252 + ], + [ + "\u2581componentes", + -12.218865394592283 + ], + [ + "\u2581matching", + -12.21889877319336 + ], + [ + "\u2581verify", + -12.21890640258789 + ], + [ + "\u2581zetten", + -12.219120025634766 + ], + [ + "bur", + -12.219138145446776 + ], + [ + "into", + -12.219197273254396 + ], + [ + "\u2581bedreigd", + -12.219423294067385 + ], + [ + "reform", + -12.219484329223633 + ], + [ + "\u2581Abstand", + -12.219557762145996 + ], + [ + "\u2581keerde", + -12.219646453857422 + ], + [ + "\u2581religione", + -12.21971321105957 + ], + [ + "ggi", + -12.219854354858398 + ], + [ + "\u2581Leiden", + -12.219884872436523 + ], + [ + "\u2581internacionales", + -12.219911575317385 + ], + [ + "Rh", + -12.219955444335938 + ], + [ + "\u2581commerce", + -12.22005844116211 + ], + [ + "\u2581cambia", + -12.220170021057127 + ], + [ + "reason", + -12.22019386291504 + ], + [ + "\u2581Bes", + -12.22021198272705 + ], + [ + "\u2581Estos", + -12.220250129699709 + ], + [ + "\u2581arms", + -12.220312118530272 + ], + [ + "\u2581atribu\u00eddo", + -12.22038459777832 + ], + [ + "Hymenoptera", + -12.220491409301758 + ], + [ + "\u2581Ferrari", + -12.220605850219728 + ], + [ + "\u2581t\u00e9cnico", + -12.220619201660156 + ], + [ + "ueste", + -12.220685005187988 + ], + [ + "\u2581diez", + -12.22073459625244 + ], + [ + "groups", + -12.220795631408691 + ], + [ + "Sal", + -12.221029281616213 + ], + [ + "gat", + -12.221054077148438 + ], + [ + "\u2581remained", + -12.221168518066406 + ], + [ + "\u2581workers", + -12.221192359924316 + ], + [ + "\u2581f\u00e4hrt", + -12.221324920654297 + ], + [ + "\u2581berechnet", + -12.221446990966797 + ], + [ + "\u2581suitable", + -12.221463203430176 + ], + [ + "\u2581Carmen", + -12.221653938293455 + ], + [ + "\u2581vent", + -12.221665382385254 + ], + [ + "\u2581Carrera", + -12.221713066101074 + ], + [ + "\u2581coefficient", + -12.221758842468262 + ], + [ + "schein", + -12.221763610839844 + ], + [ + "\u2581connaissance", + -12.221805572509766 + ], + [ + "\u2581protest", + -12.221846580505373 + ], + [ + "\u2581Price", + -12.22189712524414 + ], + [ + "\u2581installation", + -12.221912384033203 + ], + [ + "kammer", + -12.22197151184082 + ], + [ + "kor", + -12.221996307373049 + ], + [ + "\u2581Energy", + -12.2221040725708 + ], + [ + "\u2581symptoms", + -12.22210693359375 + ], + [ + "\u2581Ireland", + -12.222135543823242 + ], + [ + "\u2581physique", + -12.222149848937988 + ], + [ + "\u2581flight", + -12.222207069396973 + ], + [ + "\u2581merge", + -12.222309112548828 + ], + [ + "Mat", + -12.222312927246094 + ], + [ + "hoek", + -12.222474098205566 + ], + [ + "socket", + -12.222481727600098 + ], + [ + "\u2581sufficient", + -12.222490310668944 + ], + [ + "Weight", + -12.222511291503906 + ], + [ + "Cloud", + -12.222512245178224 + ], + [ + "\u2581corner", + -12.222574234008787 + ], + [ + "\u2581Ry", + -12.222623825073242 + ], + [ + "\u2581stopped", + -12.222639083862305 + ], + [ + "\u2581managed", + -12.222675323486328 + ], + [ + "\u2581brug", + -12.222705841064451 + ], + [ + "helm", + -12.22276496887207 + ], + [ + "\u2581partita", + -12.222810745239258 + ], + [ + "pio", + -12.22281265258789 + ], + [ + "\u2581B\u00e9", + -12.222968101501465 + ], + [ + "enko", + -12.222999572753906 + ], + [ + "\u2581Latin", + -12.223041534423828 + ], + [ + "\u2581chambre", + -12.223118782043455 + ], + [ + "\u2581variation", + -12.223118782043455 + ], + [ + "\u2581Bundesamt", + -12.223125457763672 + ], + [ + "\u2581interpretation", + -12.223138809204102 + ], + [ + "\u2581medaille", + -12.223206520080566 + ], + [ + "\u2581Bundesministers", + -12.223343849182127 + ], + [ + "footer", + -12.223358154296877 + ], + [ + "\u2581Anders", + -12.223379135131836 + ], + [ + "\u2581interactions", + -12.223464965820312 + ], + [ + "\u2581behaviour", + -12.223548889160156 + ], + [ + "\u2581Daarna", + -12.223572731018066 + ], + [ + "\u2581wann", + -12.224040985107422 + ], + [ + "\u2581verschiedener", + -12.224081993103027 + ], + [ + "PU", + -12.22419261932373 + ], + [ + "\u2581infinite", + -12.224194526672363 + ], + [ + "\u2581efeito", + -12.22421169281006 + ], + [ + "\u2581Vers", + -12.224353790283203 + ], + [ + "\u2581Michele", + -12.224410057067873 + ], + [ + "Kon", + -12.22450828552246 + ], + [ + "\u2581Arzt", + -12.224573135375977 + ], + [ + "\u2581discovered", + -12.224581718444824 + ], + [ + "\u2581arbeiten", + -12.224717140197754 + ], + [ + "ci\u00f3", + -12.224738121032717 + ], + [ + "\u2581conducted", + -12.224916458129885 + ], + [ + "volumen", + -12.224925994873049 + ], + [ + "aar", + -12.224985122680664 + ], + [ + "wet", + -12.225019454956056 + ], + [ + "\u2581programs", + -12.225191116333008 + ], + [ + "\u2581assumed", + -12.225382804870604 + ], + [ + "\u2581prepara", + -12.22551155090332 + ], + [ + "\u2581coraz\u00f3n", + -12.225530624389648 + ], + [ + "\u2581Pala", + -12.22556972503662 + ], + [ + "\u2581paga", + -12.225570678710938 + ], + [ + "\u2581Referenz", + -12.225630760192873 + ], + [ + "sudo", + -12.225634574890137 + ], + [ + "\u2581fines", + -12.225679397583008 + ], + [ + "\u2581Alters", + -12.225689888000488 + ], + [ + "\u2581gew\u00e4hrleisten", + -12.22573471069336 + ], + [ + "illi", + -12.225801467895508 + ], + [ + "\u2581eindeutig", + -12.225822448730469 + ], + [ + "\u2581tratamento", + -12.225886344909668 + ], + [ + "tik", + -12.225918769836426 + ], + [ + "\u2581Nationen", + -12.225945472717283 + ], + [ + "\u2581gobernador", + -12.226025581359863 + ], + [ + "apa", + -12.226106643676758 + ], + [ + "\u00eds", + -12.22616481781006 + ], + [ + "\u2581Weltkrieg", + -12.226242065429688 + ], + [ + "\u2581econom\u00eda", + -12.226288795471191 + ], + [ + "ration", + -12.226364135742188 + ], + [ + "Bl", + -12.226418495178224 + ], + [ + "\u2581respons\u00e1vel", + -12.226425170898438 + ], + [ + "\u2581Log", + -12.226444244384766 + ], + [ + "Geschiedenis", + -12.22646427154541 + ], + [ + "\u2581unser", + -12.226542472839355 + ], + [ + "\u2581soma", + -12.226606369018556 + ], + [ + "\u2581Creek", + -12.226738929748535 + ], + [ + "collection", + -12.226761817932127 + ], + [ + "\u2581\u00e9lections", + -12.226832389831545 + ], + [ + "macro", + -12.226923942565918 + ], + [ + "compute", + -12.22696018218994 + ], + [ + "hold", + -12.22696018218994 + ], + [ + "\u2581Inhalte", + -12.226993560791016 + ], + [ + "lor", + -12.227005958557127 + ], + [ + "tim", + -12.227044105529783 + ], + [ + "\u2581algorithms", + -12.227059364318848 + ], + [ + "cional", + -12.227083206176758 + ], + [ + "\u2581huge", + -12.227153778076172 + ], + [ + "wick", + -12.227184295654297 + ], + [ + "\u2581langage", + -12.22724437713623 + ], + [ + "\u2581occasione", + -12.227302551269531 + ], + [ + "ders", + -12.227357864379885 + ], + [ + "pointer", + -12.22736644744873 + ], + [ + "\u2581Russell", + -12.227477073669434 + ], + [ + "keyserver", + -12.227551460266112 + ], + [ + "\u2581Gesicht", + -12.22764015197754 + ], + [ + "\u2581dispositivos", + -12.227750778198242 + ], + [ + "Santo", + -12.227890968322754 + ], + [ + "\u2581schrijven", + -12.227909088134766 + ], + [ + "\u2581domestic", + -12.227928161621094 + ], + [ + "Conf", + -12.22799015045166 + ], + [ + "\u2581Marte", + -12.228022575378418 + ], + [ + "\u2581Schwierigkeiten", + -12.228035926818848 + ], + [ + "\u2581diff", + -12.22806167602539 + ], + [ + "\u2581correctly", + -12.228142738342283 + ], + [ + "\u2581permis", + -12.228158950805664 + ], + [ + "sdorf", + -12.22817325592041 + ], + [ + "\u2581agente", + -12.228201866149902 + ], + [ + "Mapping", + -12.228328704833984 + ], + [ + "normalize", + -12.228633880615234 + ], + [ + "arra", + -12.228919982910156 + ], + [ + "\u2581happy", + -12.229021072387695 + ], + [ + "Find", + -12.229032516479492 + ], + [ + "\u2581albums", + -12.229047775268556 + ], + [ + "\u2581resist", + -12.22911548614502 + ], + [ + "\u2581oggetto", + -12.229206085205078 + ], + [ + "Track", + -12.229220390319824 + ], + [ + "\u2581Antoine", + -12.229246139526367 + ], + [ + "\u2581identifier", + -12.22931671142578 + ], + [ + "politische", + -12.229414939880373 + ], + [ + "\u2581whatever", + -12.229480743408203 + ], + [ + "Standard", + -12.229496955871582 + ], + [ + "\u2581continuar", + -12.229551315307615 + ], + [ + "\u2581Reis", + -12.229557991027832 + ], + [ + "\u2581speech", + -12.229583740234377 + ], + [ + "n\u00e9s", + -12.229599952697754 + ], + [ + "\u2581Boys", + -12.229643821716309 + ], + [ + "Here", + -12.229668617248535 + ], + [ + "\u2581Vielzahl", + -12.22979736328125 + ], + [ + "Gateway", + -12.229808807373049 + ], + [ + "\u2581observar", + -12.229853630065918 + ], + [ + "\u2581stranieri", + -12.229891777038574 + ], + [ + "\u2581quantit\u00e0", + -12.229978561401367 + ], + [ + "raad", + -12.229997634887695 + ], + [ + "\u2581#[", + -12.230059623718262 + ], + [ + "activit\u00e9", + -12.230096817016602 + ], + [ + "distance", + -12.23026180267334 + ], + [ + "\u2581Linien", + -12.230308532714844 + ], + [ + "\u2581Arbitro", + -12.23032283782959 + ], + [ + "\u2581prijs", + -12.230463027954102 + ], + [ + "\u2581Trio", + -12.230477333068848 + ], + [ + "\u2581HD", + -12.230595588684082 + ], + [ + "\u2581genug", + -12.230597496032717 + ], + [ + "\u2581reine", + -12.230600357055664 + ], + [ + "\u2581Justin", + -12.23067569732666 + ], + [ + "dessous", + -12.230819702148438 + ], + [ + "\u2581Anh", + -12.230831146240234 + ], + [ + "\u2581Castelo", + -12.230910301208496 + ], + [ + "\u2581Ihrer", + -12.231091499328612 + ], + [ + "Second", + -12.231093406677246 + ], + [ + "\u2581elenco", + -12.231122970581056 + ], + [ + "\u2581Lie", + -12.231182098388672 + ], + [ + "\u2581Theatre", + -12.231202125549316 + ], + [ + "OU", + -12.231219291687012 + ], + [ + "Arr", + -12.231314659118652 + ], + [ + "\u2581opts", + -12.231409072875977 + ], + [ + "\u2581sogenannten", + -12.231477737426758 + ], + [ + "upload", + -12.23153591156006 + ], + [ + "AI", + -12.231596946716309 + ], + [ + "\u2581Consiglio", + -12.23159885406494 + ], + [ + "\u2581motivos", + -12.231622695922852 + ], + [ + "verkehrs", + -12.231684684753418 + ], + [ + "aro", + -12.231781959533691 + ], + [ + "\u2581velocidad", + -12.231904029846191 + ], + [ + "\u2581wit", + -12.23194694519043 + ], + [ + "\u2581Wol", + -12.232025146484377 + ], + [ + "\u2581dinastia", + -12.23203945159912 + ], + [ + "\u2581abzu", + -12.232147216796877 + ], + [ + "\u2581Sei", + -12.232158660888672 + ], + [ + "\u2581Touristen", + -12.23233127593994 + ], + [ + "\u2581Reserve", + -12.232367515563965 + ], + [ + "\u2581learned", + -12.232406616210938 + ], + [ + "\u2581beziehen", + -12.23245620727539 + ], + [ + "navigation", + -12.232478141784668 + ], + [ + "vliesvleugeligen", + -12.23249053955078 + ], + [ + "Jan", + -12.232519149780272 + ], + [ + "\u2581Onderstaande", + -12.23253345489502 + ], + [ + "dont", + -12.232542991638184 + ], + [ + "\u2581polic\u00eda", + -12.232583999633787 + ], + [ + "\u2581ronda", + -12.232872009277344 + ], + [ + "\u2581Bier", + -12.23301601409912 + ], + [ + "\u2581Religion", + -12.23310375213623 + ], + [ + "\u2581zeggen", + -12.233113288879396 + ], + [ + "\u2581caccia", + -12.23313045501709 + ], + [ + "\u2581inicia", + -12.233177185058594 + ], + [ + "arrivo", + -12.23324489593506 + ], + [ + "\u2581quarta", + -12.233386039733888 + ], + [ + "tors", + -12.233455657958984 + ], + [ + "\u2581scala", + -12.2334623336792 + ], + [ + "\u2581'$", + -12.233515739440918 + ], + [ + "Carabidae", + -12.233529090881348 + ], + [ + "\u2581salir", + -12.233681678771973 + ], + [ + "wegen", + -12.233838081359863 + ], + [ + "\u2581opposition", + -12.233881950378418 + ], + [ + "\u2581fuego", + -12.233939170837402 + ], + [ + "autostrada", + -12.233979225158691 + ], + [ + "\u2581delay", + -12.234006881713867 + ], + [ + "\u2581cuisine", + -12.23411464691162 + ], + [ + "\u2581sarebbero", + -12.234185218811035 + ], + [ + "\u2581miteinander", + -12.234258651733398 + ], + [ + "TI", + -12.23432731628418 + ], + [ + "\u2581presa", + -12.234331130981444 + ], + [ + "known", + -12.234335899353027 + ], + [ + "\u2581evolu", + -12.234512329101562 + ], + [ + "\u2581Magos", + -12.23463535308838 + ], + [ + "\u2581extremo", + -12.234642028808594 + ], + [ + "ncio", + -12.234790802001951 + ], + [ + "\u2581contato", + -12.23484230041504 + ], + [ + "\u2581aire", + -12.235011100769045 + ], + [ + "\u2581caracter\u00edstica", + -12.235013008117676 + ], + [ + "Full", + -12.235103607177734 + ], + [ + "wege", + -12.235114097595217 + ], + [ + "spe", + -12.235373497009276 + ], + [ + "\u2581sog", + -12.235381126403809 + ], + [ + "\u2581clubes", + -12.23538589477539 + ], + [ + "\u2581pone", + -12.235454559326172 + ], + [ + "\u2581Erde", + -12.235478401184082 + ], + [ + "\u2581accident", + -12.235575675964355 + ], + [ + "equals", + -12.235715866088867 + ], + [ + "uh", + -12.235851287841797 + ], + [ + "\u2581Chance", + -12.23585319519043 + ], + [ + "\u2581Jeff", + -12.236008644104004 + ], + [ + "\u2581marked", + -12.236008644104004 + ], + [ + "\u2581betroffen", + -12.23605251312256 + ], + [ + "deel", + -12.236135482788086 + ], + [ + "\u2581moesten", + -12.236233711242676 + ], + [ + "\u2581Understand", + -12.236326217651367 + ], + [ + "\u2581Sobre", + -12.236383438110352 + ], + [ + "\u2581greco", + -12.23646354675293 + ], + [ + "\u2581blijft", + -12.236628532409668 + ], + [ + "\u2581francesi", + -12.236720085144045 + ], + [ + "\u2581anywhere", + -12.236831665039062 + ], + [ + "\u2581Premios", + -12.236891746520996 + ], + [ + "\u2581observation", + -12.236894607543944 + ], + [ + "\u2581trouble", + -12.237284660339355 + ], + [ + "\u2581finanziellen", + -12.237296104431152 + ], + [ + "cov", + -12.237311363220217 + ], + [ + "\u2581Singles", + -12.237367630004885 + ], + [ + "\u2581Gut", + -12.237513542175291 + ], + [ + "social", + -12.237597465515137 + ], + [ + "\u2581officiel", + -12.2376070022583 + ], + [ + "\u2581conoce", + -12.237667083740234 + ], + [ + "yang", + -12.237690925598145 + ], + [ + "\u2581Instead", + -12.237801551818848 + ], + [ + "tm", + -12.23785400390625 + ], + [ + "eitschrift", + -12.237885475158691 + ], + [ + "\u2581OP", + -12.237926483154297 + ], + [ + "\u2581Ai", + -12.23802375793457 + ], + [ + "\u2581Spanien", + -12.238081932067873 + ], + [ + "\u2581yield", + -12.238085746765137 + ], + [ + "komen", + -12.238393783569336 + ], + [ + "\u2581quant", + -12.238426208496094 + ], + [ + "\u2581vostra", + -12.238429069519045 + ], + [ + "\u2581trifft", + -12.238530158996582 + ], + [ + "\u2581anderes", + -12.23853588104248 + ], + [ + "aq", + -12.238543510437012 + ], + [ + "\u2581erf\u00fcllen", + -12.23854923248291 + ], + [ + "\u2581centres", + -12.238592147827148 + ], + [ + "\u2581viol", + -12.238687515258787 + ], + [ + "\u2581Adams", + -12.23873233795166 + ], + [ + "\u2581geringe", + -12.238798141479492 + ], + [ + "\u2581titular", + -12.23885440826416 + ], + [ + "\u2581ferramentas", + -12.238936424255373 + ], + [ + "wg", + -12.238967895507812 + ], + [ + "iani", + -12.238969802856444 + ], + [ + "\u2581slot", + -12.238969802856444 + ], + [ + "indo", + -12.239075660705566 + ], + [ + "\u2581tf", + -12.23917007446289 + ], + [ + "\u2581Nancy", + -12.23952579498291 + ], + [ + "\u2581seres", + -12.239544868469238 + ], + [ + "gono", + -12.239554405212402 + ], + [ + "upper", + -12.239615440368652 + ], + [ + "typen", + -12.239672660827637 + ], + [ + "\u2581(...)", + -12.23969268798828 + ], + [ + "\u2581llama", + -12.239697456359863 + ], + [ + "mischen", + -12.239710807800291 + ], + [ + "lw", + -12.23979377746582 + ], + [ + "uve", + -12.239811897277832 + ], + [ + "\u2581linked", + -12.239861488342283 + ], + [ + "KG", + -12.239943504333496 + ], + [ + "\u2581konkreten", + -12.24008083343506 + ], + [ + "tsch", + -12.24014663696289 + ], + [ + "named", + -12.240240097045898 + ], + [ + "stria", + -12.240309715270996 + ], + [ + "\u2581kilom", + -12.240333557128906 + ], + [ + "\u2581limites", + -12.24046802520752 + ], + [ + "\u2581Lincoln", + -12.240545272827148 + ], + [ + "\u2581erkl\u00e4ren", + -12.240645408630373 + ], + [ + "\u2581professeur", + -12.2406587600708 + ], + [ + "\u2581Scha", + -12.240694046020508 + ], + [ + "\u2581rapide", + -12.240697860717772 + ], + [ + "\u2581sinal", + -12.240767478942873 + ], + [ + "ters", + -12.240856170654297 + ], + [ + "schnitt", + -12.24093532562256 + ], + [ + "\u2581Ak", + -12.241069793701172 + ], + [ + "\u2581layout", + -12.241166114807127 + ], + [ + "rende", + -12.24117946624756 + ], + [ + "ditions", + -12.241198539733888 + ], + [ + "\u2581tornando", + -12.2412691116333 + ], + [ + "jahr", + -12.24127960205078 + ], + [ + "\u2581rosso", + -12.24138069152832 + ], + [ + "\u2581definitivamente", + -12.241385459899902 + ], + [ + "\u2581corto", + -12.241472244262695 + ], + [ + "gcc", + -12.241501808166504 + ], + [ + "tiche", + -12.241506576538086 + ], + [ + "vul", + -12.241527557373049 + ], + [ + "\u2581Wereld", + -12.241571426391602 + ], + [ + "aud", + -12.241683959960938 + ], + [ + "FOLDER", + -12.241691589355469 + ], + [ + "\u2581chanson", + -12.24170207977295 + ], + [ + "\u2581zul\u00e4ssig", + -12.24174976348877 + ], + [ + "\u2581coast", + -12.241750717163086 + ], + [ + "opencv", + -12.24175262451172 + ], + [ + "dtype", + -12.241766929626465 + ], + [ + "kant", + -12.24203109741211 + ], + [ + "Basic", + -12.242045402526855 + ], + [ + "rente", + -12.242121696472168 + ], + [ + "\u2581Oslo", + -12.242149353027344 + ], + [ + "\u2581commission", + -12.242501258850098 + ], + [ + "\u2581Ian", + -12.242578506469728 + ], + [ + "\u2581construct", + -12.242895126342772 + ], + [ + "\u2581Fleisch", + -12.242944717407228 + ], + [ + "\u2581Keep", + -12.243036270141602 + ], + [ + "gradient", + -12.24307918548584 + ], + [ + "Master", + -12.243170738220217 + ], + [ + "\u2581Atlanta", + -12.243273735046388 + ], + [ + "mengen", + -12.24341106414795 + ], + [ + "\u2581expand", + -12.243515014648438 + ], + [ + "\u2581Salz", + -12.243557929992676 + ], + [ + "\u2581danger", + -12.243590354919434 + ], + [ + "say", + -12.243597984313965 + ], + [ + "\u2581Cour", + -12.243817329406738 + ], + [ + "\u2581estiver", + -12.243833541870115 + ], + [ + "\u2581neutral", + -12.243905067443848 + ], + [ + "\u2581CON", + -12.244007110595703 + ], + [ + "\u2581geogr\u00e1fica", + -12.244010925292969 + ], + [ + "\u2581opportunity", + -12.244210243225098 + ], + [ + "RV", + -12.244302749633787 + ], + [ + "chu", + -12.244322776794434 + ], + [ + "zeta", + -12.244340896606444 + ], + [ + "\u2581montagna", + -12.244388580322266 + ], + [ + "\u2581studenti", + -12.244412422180176 + ], + [ + "\u2581situations", + -12.244428634643556 + ], + [ + "\u2581Pr\u00e4", + -12.244543075561523 + ], + [ + "\u2581ciencia", + -12.244669914245604 + ], + [ + "\u2581Aufwand", + -12.244768142700195 + ], + [ + "\u2581geringer", + -12.24488639831543 + ], + [ + "\u2581brother", + -12.245022773742676 + ], + [ + "wang", + -12.24502944946289 + ], + [ + "\u2581lagen", + -12.24508285522461 + ], + [ + "\u2581principaux", + -12.245322227478027 + ], + [ + "dog", + -12.245366096496582 + ], + [ + "zur", + -12.24546718597412 + ], + [ + "\u2581Mix", + -12.245482444763184 + ], + [ + "\u2581morti", + -12.245523452758787 + ], + [ + "\u2581Papier", + -12.2455415725708 + ], + [ + "\u2581besoins", + -12.245575904846191 + ], + [ + "\u2581genera", + -12.245681762695312 + ], + [ + "\u2581comuns", + -12.245755195617676 + ], + [ + "\u2581orienta", + -12.24578857421875 + ], + [ + "\u2581precursor", + -12.245792388916016 + ], + [ + "\u2581Camera", + -12.245929718017578 + ], + [ + "\u2581verr\u00e0", + -12.246176719665527 + ], + [ + "\u2581franco", + -12.24619960784912 + ], + [ + "\u2581geleistet", + -12.246356964111328 + ], + [ + "bier", + -12.24640941619873 + ], + [ + "\u2581Puis", + -12.246463775634766 + ], + [ + "\u2581Groupe", + -12.246563911437988 + ], + [ + "\u2581feed", + -12.246597290039062 + ], + [ + "leitung", + -12.246607780456545 + ], + [ + "\u2581ABC", + -12.246618270874023 + ], + [ + "nese", + -12.246622085571287 + ], + [ + "\u2581taxa", + -12.246651649475098 + ], + [ + "\u2581Dead", + -12.246724128723145 + ], + [ + "h\u00e4lt", + -12.246733665466309 + ], + [ + "\u2581ferner", + -12.24676513671875 + ], + [ + "\u2581guess", + -12.24677276611328 + ], + [ + "\u2581darstellen", + -12.246851921081545 + ], + [ + "uanto", + -12.24687385559082 + ], + [ + "\u2581Hinter", + -12.24689483642578 + ], + [ + "Support", + -12.246923446655272 + ], + [ + "\u2581entstand", + -12.246999740600586 + ], + [ + "\u2581proteger", + -12.247249603271484 + ], + [ + "\u2581efficiency", + -12.247251510620115 + ], + [ + "\u2581Private", + -12.24736785888672 + ], + [ + "\u2581Arbeitsmarkt", + -12.247447967529297 + ], + [ + "posi", + -12.247459411621094 + ], + [ + "\u2581administrativa", + -12.247490882873535 + ], + [ + "Warning", + -12.247520446777344 + ], + [ + "\u2581earth", + -12.247682571411133 + ], + [ + "\u2581inv\u00e9s", + -12.24794864654541 + ], + [ + "\u2581Sovjet", + -12.247950553894045 + ], + [ + "\u2581haupts\u00e4chlich", + -12.248011589050291 + ], + [ + "\u2581\"]\"}],", + -12.248031616210938 + ], + [ + "\u2581buildings", + -12.248045921325684 + ], + [ + "Ku", + -12.248132705688477 + ], + [ + "\u2581ontstond", + -12.24815559387207 + ], + [ + "mot", + -12.24831485748291 + ], + [ + "kv", + -12.248373985290527 + ], + [ + "ierenden", + -12.248374938964844 + ], + [ + "\u2581Grundsatz", + -12.24844741821289 + ], + [ + "\u2581Huis", + -12.248462677001951 + ], + [ + "\u2581fragment", + -12.248531341552734 + ], + [ + "Ac", + -12.248554229736328 + ], + [ + "\u2581coach", + -12.248672485351562 + ], + [ + "\u2581crea", + -12.248926162719728 + ], + [ + "rede", + -12.248964309692385 + ], + [ + "Luc", + -12.249041557312012 + ], + [ + "bung", + -12.249073028564451 + ], + [ + "\u2581Asociaci\u00f3n", + -12.249093055725098 + ], + [ + "t\u00e4tigkeit", + -12.2492036819458 + ], + [ + "\u2581inwonertal", + -12.249419212341309 + ], + [ + "\u2581finalement", + -12.249502182006836 + ], + [ + "\u2581alimenta", + -12.249555587768556 + ], + [ + "dh", + -12.249621391296388 + ], + [ + "\u2581Stern", + -12.249624252319336 + ], + [ + "\u2581T\u00e4ter", + -12.250028610229492 + ], + [ + "\u2581Wechsel", + -12.250100135803224 + ], + [ + "\u2581contraire", + -12.250195503234863 + ], + [ + "\u2581d\u00fcrfte", + -12.250405311584473 + ], + [ + "rzte", + -12.250496864318848 + ], + [ + "\u2581begint", + -12.250536918640137 + ], + [ + "t\u00e1", + -12.250539779663086 + ], + [ + "aje", + -12.250565528869627 + ], + [ + "kai", + -12.25057315826416 + ], + [ + "Let", + -12.250672340393066 + ], + [ + "gni", + -12.250786781311035 + ], + [ + "\u2581Gebiete", + -12.250816345214844 + ], + [ + "\u2581Tai", + -12.250941276550291 + ], + [ + "\u2581m\u00ednimo", + -12.251015663146973 + ], + [ + "\u2581offered", + -12.251046180725098 + ], + [ + "dfffdf", + -12.251091003417969 + ], + [ + "cancel", + -12.251127243041992 + ], + [ + "pole", + -12.25118350982666 + ], + [ + "\u2581basse", + -12.251276969909668 + ], + [ + "\u2581trattamento", + -12.251386642456056 + ], + [ + "\u2581materiale", + -12.251484870910645 + ], + [ + "\u2581figures", + -12.251497268676758 + ], + [ + "\u00fcge", + -12.25179672241211 + ], + [ + "\u00e9r", + -12.252129554748535 + ], + [ + "nella", + -12.252349853515623 + ], + [ + "Expected", + -12.25236701965332 + ], + [ + "arbeiten", + -12.252479553222656 + ], + [ + "visible", + -12.252498626708984 + ], + [ + "\u2581\\..", + -12.252625465393066 + ], + [ + "\u2581\u00e9quipes", + -12.252768516540527 + ], + [ + "\u2581institui", + -12.25277328491211 + ], + [ + "\u2581Italy", + -12.252827644348145 + ], + [ + "\u2581Kindes", + -12.25298023223877 + ], + [ + "\u2581pont", + -12.253090858459473 + ], + [ + "\u2581puissance", + -12.253222465515137 + ], + [ + "Altri", + -12.253246307373049 + ], + [ + "\u2581starts", + -12.25324821472168 + ], + [ + "\u2581degrees", + -12.25326156616211 + ], + [ + "take", + -12.253293991088867 + ], + [ + "\u2581Alejandro", + -12.253310203552246 + ], + [ + "ensuremath", + -12.253432273864746 + ], + [ + "\u2581Paraguay", + -12.25344944000244 + ], + [ + "\u2581Bernardo", + -12.25345230102539 + ], + [ + "\u2581stijl", + -12.253496170043944 + ], + [ + "\u2581doet", + -12.253637313842772 + ], + [ + "Come", + -12.253690719604492 + ], + [ + "\u2581identificar", + -12.253690719604492 + ], + [ + "bruch", + -12.253716468811035 + ], + [ + "rechte", + -12.25375747680664 + ], + [ + "\u2581Hierbei", + -12.253758430480955 + ], + [ + "\u2581Gestorben", + -12.253785133361816 + ], + [ + "paragraph", + -12.253801345825195 + ], + [ + "\u2581lettre", + -12.253838539123535 + ], + [ + "\u2581sebbene", + -12.253947257995604 + ], + [ + "\u2581Silver", + -12.25402545928955 + ], + [ + "Span", + -12.254120826721191 + ], + [ + "oh", + -12.254179954528809 + ], + [ + "Stra", + -12.254446983337402 + ], + [ + "problem", + -12.254534721374512 + ], + [ + "\u2581retrouve", + -12.25454044342041 + ], + [ + "\u2581artigo", + -12.254627227783203 + ], + [ + "\u2581Navy", + -12.254637718200684 + ], + [ + "\u2581Dockerfile", + -12.254638671875 + ], + [ + "\u2581tension", + -12.254685401916504 + ], + [ + "\u2581electric", + -12.254844665527344 + ], + [ + "care", + -12.2550048828125 + ], + [ + "intero", + -12.255131721496582 + ], + [ + "\u2581Tradition", + -12.25527572631836 + ], + [ + "shim", + -12.255278587341309 + ], + [ + "runner", + -12.25537395477295 + ], + [ + "PRO", + -12.255388259887695 + ], + [ + "bereinkommen", + -12.255456924438477 + ], + [ + "\u2581jugadores", + -12.255459785461426 + ], + [ + "azi", + -12.255492210388184 + ], + [ + "\u2581hors", + -12.255521774291992 + ], + [ + "\u2581asteroides", + -12.255657196044922 + ], + [ + "\u2581Distribution", + -12.255990982055664 + ], + [ + "\u2581advantage", + -12.256032943725586 + ], + [ + "\u2581bright", + -12.256049156188965 + ], + [ + "\u2581termes", + -12.256094932556152 + ], + [ + "Para", + -12.256097793579102 + ], + [ + "\u2581acaba", + -12.256118774414062 + ], + [ + "\u2581silence", + -12.25611972808838 + ], + [ + "HB", + -12.256243705749512 + ], + [ + "\u2581Stimme", + -12.256268501281738 + ], + [ + "week", + -12.256292343139648 + ], + [ + "\u2581problemen", + -12.256378173828123 + ], + [ + "\u2581derniers", + -12.25645637512207 + ], + [ + "\u2581Fallecidos", + -12.256540298461914 + ], + [ + "\u2581underlying", + -12.25662612915039 + ], + [ + "\u2581Clara", + -12.2566499710083 + ], + [ + "\u2581prompt", + -12.25670337677002 + ], + [ + "\u2581muri\u00f3", + -12.256704330444336 + ], + [ + "\u2581extreme", + -12.25671672821045 + ], + [ + "\u2581Ausl\u00e4nder", + -12.25676155090332 + ], + [ + "\u2581publiek", + -12.25688934326172 + ], + [ + "\u2581alcuna", + -12.25700855255127 + ], + [ + "mani", + -12.257050514221191 + ], + [ + "\u2581bisherige", + -12.25708293914795 + ], + [ + "\u2581boktorren", + -12.257102012634276 + ], + [ + "\u2581herself", + -12.257186889648438 + ], + [ + "camera", + -12.257240295410156 + ], + [ + "issues", + -12.257266998291016 + ], + [ + "\u2581actualidad", + -12.257304191589355 + ], + [ + "\u2581Sergio", + -12.257318496704102 + ], + [ + "\u2581Mus", + -12.257418632507324 + ], + [ + "\u2581believed", + -12.257455825805664 + ], + [ + "\u2581euros", + -12.257501602172852 + ], + [ + "hall", + -12.257587432861328 + ], + [ + "\u2581seguente", + -12.257590293884276 + ], + [ + "Counter", + -12.257644653320312 + ], + [ + "\u2581oudste", + -12.257831573486328 + ], + [ + "\u2581magazine", + -12.257841110229492 + ], + [ + "\u2581terrestre", + -12.25786304473877 + ], + [ + "\u2581riesce", + -12.25790309906006 + ], + [ + "\u2581autori", + -12.257944107055664 + ], + [ + "VT", + -12.258005142211914 + ], + [ + "\u2581adjetivo", + -12.25808048248291 + ], + [ + "will", + -12.258186340332031 + ], + [ + "\u2581necesario", + -12.258198738098145 + ], + [ + "Login", + -12.25826930999756 + ], + [ + "\u2581blijkt", + -12.258432388305664 + ], + [ + "\u2581hubiera", + -12.258475303649902 + ], + [ + "Free", + -12.258499145507812 + ], + [ + "\u2581Royaume", + -12.258615493774414 + ], + [ + "\u2581\u00fc", + -12.258686065673828 + ], + [ + "\u2581barrio", + -12.258689880371094 + ], + [ + "lein", + -12.258726119995115 + ], + [ + "warn", + -12.25877285003662 + ], + [ + "\u2581Nesse", + -12.258794784545898 + ], + [ + "\u2581meilleure", + -12.258874893188477 + ], + [ + "isches", + -12.258952140808104 + ], + [ + "bond", + -12.2589750289917 + ], + [ + "karte", + -12.259103775024414 + ], + [ + "\u2581bestimmter", + -12.25918674468994 + ], + [ + "\u2581Negro", + -12.259241104125977 + ], + [ + "\u2581Edition", + -12.259337425231934 + ], + [ + "wirkung", + -12.259368896484377 + ], + [ + "\u2581Vergangenheit", + -12.25945281982422 + ], + [ + "\u2581growing", + -12.25946044921875 + ], + [ + "\u2581weather", + -12.25946044921875 + ], + [ + "\u2581Mus\u00e9e", + -12.259535789489746 + ], + [ + "plein", + -12.259563446044922 + ], + [ + "nc", + -12.25963020324707 + ], + [ + "stal", + -12.259770393371582 + ], + [ + "\u2581minuten", + -12.259773254394531 + ], + [ + "einer", + -12.260008811950684 + ], + [ + "toernooi", + -12.260281562805176 + ], + [ + "\u2581verbessern", + -12.260303497314451 + ], + [ + "\u2581Classifica", + -12.260369300842283 + ], + [ + "\u2581mocht", + -12.260383605957031 + ], + [ + "\u2581Allgemeine", + -12.260462760925291 + ], + [ + "\u2581adv\u00e9rbio", + -12.26047706604004 + ], + [ + "\u2581Nuevo", + -12.260592460632324 + ], + [ + "abc", + -12.260612487792969 + ], + [ + "\u2581hall", + -12.260729789733888 + ], + [ + "\u2581Julio", + -12.260846138000488 + ], + [ + "\u2581Baum", + -12.26098918914795 + ], + [ + "\u2581leidde", + -12.261011123657228 + ], + [ + "\u2581Mah", + -12.261134147644045 + ], + [ + "Addr", + -12.261337280273438 + ], + [ + "quiet", + -12.261436462402344 + ], + [ + "\u2581mittleren", + -12.261446952819824 + ], + [ + "nic", + -12.261466979980469 + ], + [ + "\u2581parlement", + -12.26172924041748 + ], + [ + "\u2581forum", + -12.26176929473877 + ], + [ + "\u2581Billy", + -12.261844635009766 + ], + [ + "\u2581translate", + -12.26185131072998 + ], + [ + "Register", + -12.261911392211914 + ], + [ + "Ok", + -12.261950492858888 + ], + [ + "clip", + -12.261964797973633 + ], + [ + "\u2581Nobel", + -12.261990547180176 + ], + [ + "\u2581navigation", + -12.261999130249023 + ], + [ + "\u2581capela", + -12.262008666992188 + ], + [ + "\u2581Superior", + -12.262208938598633 + ], + [ + "\u2581Madame", + -12.26222801208496 + ], + [ + "tzlich", + -12.262250900268556 + ], + [ + "\u2581achieved", + -12.262408256530762 + ], + [ + "\u2581vermeiden", + -12.262513160705566 + ], + [ + "\u2581Weber", + -12.26253604888916 + ], + [ + "\u2581Gebieten", + -12.26254653930664 + ], + [ + "OPEN", + -12.262652397155762 + ], + [ + "\u2581Support", + -12.262653350830078 + ], + [ + "\u2581Sebastian", + -12.262734413146973 + ], + [ + "\u2581continu", + -12.262786865234377 + ], + [ + "vaart", + -12.262858390808104 + ], + [ + "\u2581Vorlage", + -12.262862205505373 + ], + [ + "\u2581prop\u00f3sito", + -12.26301383972168 + ], + [ + "\u2581Pri", + -12.263029098510742 + ], + [ + "enbach", + -12.263035774230955 + ], + [ + "deg", + -12.263060569763184 + ], + [ + "abi", + -12.26323127746582 + ], + [ + "arono", + -12.263360977172852 + ], + [ + "\u2581unidade", + -12.263504981994627 + ], + [ + "\u2581Hochschulen", + -12.263568878173828 + ], + [ + "\u2581studie", + -12.263680458068848 + ], + [ + "\u2581veniva", + -12.263742446899414 + ], + [ + "\u2581Leonardo", + -12.26390552520752 + ], + [ + "ult", + -12.263999938964844 + ], + [ + "\u2581eingestellt", + -12.264154434204102 + ], + [ + "\u2581criteria", + -12.264183044433594 + ], + [ + "\u2581Palmar", + -12.264208793640137 + ], + [ + "\u2581Jugendlichen", + -12.264252662658691 + ], + [ + "TCC", + -12.26425552368164 + ], + [ + "\u2581Verteidigung", + -12.264256477355955 + ], + [ + "\u2581Ersten", + -12.264293670654297 + ], + [ + "vorschriften", + -12.264297485351562 + ], + [ + "\u2581Change", + -12.264382362365724 + ], + [ + "\u2581competition", + -12.26438331604004 + ], + [ + "\u2581GO", + -12.264437675476074 + ], + [ + "\u2581scalar", + -12.264463424682615 + ], + [ + "Wie", + -12.264643669128418 + ], + [ + "\u2581numeri", + -12.26466464996338 + ], + [ + "\u2581CIA", + -12.264711380004885 + ], + [ + "cini", + -12.264726638793944 + ], + [ + "\u2581Pascal", + -12.264815330505373 + ], + [ + "\u2581colorido", + -12.265007019042969 + ], + [ + "\u2581Alma", + -12.265032768249512 + ], + [ + "\u2581Notwendigkeit", + -12.265104293823242 + ], + [ + "\u2581assigned", + -12.265131950378418 + ], + [ + "\u2581Carter", + -12.265154838562012 + ], + [ + "\u2581Mala", + -12.265196800231934 + ], + [ + "\u2581atualmente", + -12.265238761901855 + ], + [ + "\u2581viajar", + -12.265396118164062 + ], + [ + "\u2581launch", + -12.26543140411377 + ], + [ + "linger", + -12.2654447555542 + ], + [ + "\u2581Every", + -12.265480995178224 + ], + [ + "\u2581Ibid", + -12.265543937683104 + ], + [ + "\u2581construit", + -12.265786170959473 + ], + [ + "\u2581Joan", + -12.265789031982422 + ], + [ + "geb\u00e4ude", + -12.26580810546875 + ], + [ + "\u2581Sociedad", + -12.26595973968506 + ], + [ + "\u2581Sele", + -12.26599407196045 + ], + [ + "cul", + -12.26602554321289 + ], + [ + "\u2581nesta", + -12.266096115112305 + ], + [ + "\u2581trabajos", + -12.26613712310791 + ], + [ + "\u2581directed", + -12.266139030456545 + ], + [ + "\u2581sistemi", + -12.266182899475098 + ], + [ + "Afrique", + -12.266197204589844 + ], + [ + "\u2581faisait", + -12.266241073608398 + ], + [ + "\u2581intera", + -12.266275405883787 + ], + [ + "bersetzung", + -12.266315460205078 + ], + [ + "\u2581Nachfrage", + -12.26633071899414 + ], + [ + "\u2581wenigen", + -12.266392707824709 + ], + [ + "\u2581talking", + -12.266434669494627 + ], + [ + "gus", + -12.266440391540527 + ], + [ + "\u2581aware", + -12.266483306884766 + ], + [ + "tone", + -12.266524314880373 + ], + [ + "\u2581....", + -12.266581535339355 + ], + [ + "avo", + -12.266619682312012 + ], + [ + "NF", + -12.266693115234377 + ], + [ + "mung", + -12.26669979095459 + ], + [ + "\u2581naturali", + -12.266717910766602 + ], + [ + "\u2581standards", + -12.266915321350098 + ], + [ + "\u2581Food", + -12.26691722869873 + ], + [ + "\u2581plataforma", + -12.26694107055664 + ], + [ + "\u2581tanti", + -12.267062187194824 + ], + [ + "stu", + -12.267077445983888 + ], + [ + "\u2581ichidan", + -12.267093658447266 + ], + [ + "stern", + -12.267345428466797 + ], + [ + "\u2581Erwerb", + -12.267352104187012 + ], + [ + "\u2581trees", + -12.267468452453612 + ], + [ + "\u2581mulheres", + -12.267471313476562 + ], + [ + "\u2581Valverde", + -12.267486572265623 + ], + [ + "\u2581dispon\u00edveis", + -12.267523765563965 + ], + [ + "\u2581Its", + -12.267577171325684 + ], + [ + "\u2581manifesta", + -12.267610549926758 + ], + [ + "\u2581zus\u00e4tzlichen", + -12.267617225646973 + ], + [ + "\u2581Erg\u00e4nzung", + -12.267627716064451 + ], + [ + "John", + -12.267696380615234 + ], + [ + "werken", + -12.267696380615234 + ], + [ + "Resources", + -12.267744064331056 + ], + [ + "tellingen", + -12.267826080322266 + ], + [ + "\u2581langues", + -12.267847061157228 + ], + [ + "delegate", + -12.267927169799805 + ], + [ + "dbus", + -12.267985343933104 + ], + [ + "\u2581nomi", + -12.268021583557127 + ], + [ + "\u2581Rentenversicher", + -12.268040657043455 + ], + [ + "\u2581Abstract", + -12.268102645874023 + ], + [ + "\u2581Lohn", + -12.26817798614502 + ], + [ + "\u2581loopkevers", + -12.268412590026855 + ], + [ + "Symbol", + -12.268424987792969 + ], + [ + "\u2581Friday", + -12.268577575683594 + ], + [ + "\u2581d\u00e9p", + -12.268651008605955 + ], + [ + "\u2581impression", + -12.268693923950195 + ], + [ + "astro", + -12.268698692321776 + ], + [ + "Adapter", + -12.26871395111084 + ], + [ + "\u2581globale", + -12.26876735687256 + ], + [ + "\u2581kil\u00f3metros", + -12.268824577331545 + ], + [ + "\u2581r\u00e9gionales", + -12.2688627243042 + ], + [ + "UA", + -12.268956184387209 + ], + [ + "\u2581references", + -12.269041061401367 + ], + [ + "\u2581detected", + -12.269225120544434 + ], + [ + "pital", + -12.269417762756348 + ], + [ + "Ip", + -12.26945686340332 + ], + [ + "jj", + -12.26949691772461 + ], + [ + "\u2581Vereinbarung", + -12.269612312316896 + ], + [ + "blog", + -12.2697114944458 + ], + [ + "\u2581classical", + -12.26972484588623 + ], + [ + "\u2581Corona", + -12.269739151000977 + ], + [ + "PN", + -12.269755363464355 + ], + [ + "\u2581duda", + -12.269774436950684 + ], + [ + "\u2581middel", + -12.269874572753906 + ], + [ + "\u2581truppe", + -12.26990795135498 + ], + [ + "sqlite", + -12.269936561584473 + ], + [ + "\u2581provenienti", + -12.269951820373535 + ], + [ + "\u2581Campe", + -12.269987106323242 + ], + [ + "\u2581authorities", + -12.27004623413086 + ], + [ + "\u2581Cagliari", + -12.270188331604004 + ], + [ + "\u2581anual", + -12.270275115966797 + ], + [ + "\u2581Nordrhein", + -12.270292282104492 + ], + [ + "\u2581Banken", + -12.270397186279297 + ], + [ + "\u2581sezione", + -12.270424842834473 + ], + [ + "\u2581stood", + -12.270442008972168 + ], + [ + "\u2581matrices", + -12.2706298828125 + ], + [ + "\u2581urbana", + -12.270674705505373 + ], + [ + "\u2581pad", + -12.270920753479004 + ], + [ + "\u2581jungen", + -12.27092742919922 + ], + [ + "touch", + -12.271031379699709 + ], + [ + "instrument", + -12.271040916442873 + ], + [ + "\u2581personali", + -12.27116870880127 + ], + [ + "\u2581divided", + -12.271389961242676 + ], + [ + "verantwoordelijk", + -12.271453857421877 + ], + [ + "\u2581senior", + -12.271469116210938 + ], + [ + "\u2581laisser", + -12.271541595458984 + ], + [ + "kommission", + -12.271586418151855 + ], + [ + "\u2581entrevista", + -12.27166748046875 + ], + [ + "\u2581pression", + -12.27170753479004 + ], + [ + "\u2581bewertet", + -12.271727561950684 + ], + [ + "\u2581differential", + -12.27186107635498 + ], + [ + "topic", + -12.271909713745115 + ], + [ + "\u2581secr\u00e9taire", + -12.271986961364746 + ], + [ + "MODE", + -12.272025108337402 + ], + [ + "wt", + -12.272116661071776 + ], + [ + "omi", + -12.2721529006958 + ], + [ + "\u2581CC", + -12.272215843200684 + ], + [ + "\u00e4ren", + -12.272283554077148 + ], + [ + "\u2581Ave", + -12.27235221862793 + ], + [ + "zig", + -12.27241039276123 + ], + [ + "contract", + -12.272446632385254 + ], + [ + "\u2581statut", + -12.272531509399414 + ], + [ + "existence", + -12.272624969482422 + ], + [ + "anga", + -12.272710800170898 + ], + [ + "\u2581kun", + -12.272802352905272 + ], + [ + "\u2581dialect", + -12.272972106933594 + ], + [ + "\u2581patch", + -12.272972106933594 + ], + [ + "\u2581gouverneur", + -12.272977828979492 + ], + [ + "\u2581vielmehr", + -12.272977828979492 + ], + [ + "\u2581Remove", + -12.273115158081056 + ], + [ + "concat", + -12.27316951751709 + ], + [ + "HI", + -12.273321151733398 + ], + [ + "Example", + -12.273358345031738 + ], + [ + "\u2581climate", + -12.27341079711914 + ], + [ + "RES", + -12.273418426513672 + ], + [ + "stro", + -12.273500442504885 + ], + [ + "halten", + -12.273598670959473 + ], + [ + "\u2581Errichtung", + -12.273632049560549 + ], + [ + "\u2581werkt", + -12.273651123046877 + ], + [ + "\u2581Jong", + -12.273652076721191 + ], + [ + "bertragung", + -12.27381420135498 + ], + [ + "\u2581Cloud", + -12.27385139465332 + ], + [ + "heer", + -12.273880958557127 + ], + [ + "\u2581cambios", + -12.273911476135254 + ], + [ + "\u2581breed", + -12.273991584777832 + ], + [ + "\u2581Exp", + -12.274045944213867 + ], + [ + "\u2581variet\u00e0", + -12.274160385131836 + ], + [ + "\u2581derecha", + -12.274194717407228 + ], + [ + "\u2581drink", + -12.274263381958008 + ], + [ + "bie", + -12.274314880371094 + ], + [ + "\u2581overzicht", + -12.274356842041016 + ], + [ + "informations", + -12.274433135986328 + ], + [ + "Rows", + -12.27445125579834 + ], + [ + "\u2581Nonostante", + -12.274463653564451 + ], + [ + "\u2581campe\u00f3n", + -12.274755477905272 + ], + [ + "\u2581Dialog", + -12.274892807006836 + ], + [ + "Deutscher", + -12.274901390075684 + ], + [ + "\u2581junge", + -12.274903297424316 + ], + [ + "\u2581economia", + -12.274989128112791 + ], + [ + "\u2581Konzentration", + -12.275068283081056 + ], + [ + "\u2581diagram", + -12.275103569030762 + ], + [ + "\u2581Taiwan", + -12.275178909301758 + ], + [ + "\u2581quiere", + -12.275350570678713 + ], + [ + "\u2581mudar", + -12.275362968444824 + ], + [ + "\u2581historical", + -12.275398254394531 + ], + [ + "schip", + -12.27546215057373 + ], + [ + "uote", + -12.275492668151855 + ], + [ + "\u2581boeken", + -12.275524139404297 + ], + [ + "\u2581hist\u00f3rica", + -12.275602340698242 + ], + [ + "\u2581About", + -12.275671005249023 + ], + [ + "\u2581amplia", + -12.275705337524414 + ], + [ + "\u2581Hyper", + -12.27581787109375 + ], + [ + "\u2581isn", + -12.275843620300291 + ], + [ + "onen", + -12.275873184204102 + ], + [ + "\u2581async", + -12.275877952575684 + ], + [ + "\u2581Imperial", + -12.275958061218262 + ], + [ + "\u2581limits", + -12.276042938232422 + ], + [ + "\u2581miei", + -12.276089668273926 + ], + [ + "\u2581plural", + -12.276193618774414 + ], + [ + "Byte", + -12.276311874389648 + ], + [ + "\u2581Have", + -12.276349067687988 + ], + [ + "therapie", + -12.27636432647705 + ], + [ + "\u2581conde", + -12.276371955871582 + ], + [ + "\u2581Castilla", + -12.27647590637207 + ], + [ + "\u2581ontwerp", + -12.276588439941406 + ], + [ + "\u2581tenido", + -12.276592254638672 + ], + [ + "\u2581Pot", + -12.276638984680176 + ], + [ + "east", + -12.276683807373049 + ], + [ + "\u2581gew\u00e4hrleistet", + -12.276705741882324 + ], + [ + "\u2581\u00e4ndern", + -12.276724815368652 + ], + [ + "\u2581implies", + -12.276748657226562 + ], + [ + "LOAD", + -12.27678680419922 + ], + [ + "\u2581Parma", + -12.276851654052734 + ], + [ + "\u2581Vorgaben", + -12.277077674865724 + ], + [ + "sap", + -12.277114868164062 + ], + [ + "\u2581Garten", + -12.277178764343262 + ], + [ + "\u2581MHz", + -12.277216911315918 + ], + [ + "\u2581futbolista", + -12.277274131774902 + ], + [ + "\u2581Halb", + -12.277325630187988 + ], + [ + "\u2581estamos", + -12.27740478515625 + ], + [ + "\u2581deben", + -12.27755355834961 + ], + [ + "\u2581visitar", + -12.2776460647583 + ], + [ + "\u2581Angebote", + -12.277674674987791 + ], + [ + "\u2581whereas", + -12.277676582336426 + ], + [ + "CKEDITOR", + -12.277737617492676 + ], + [ + "\u2581assai", + -12.277743339538574 + ], + [ + "cdots", + -12.277761459350586 + ], + [ + "ssem", + -12.277762413024902 + ], + [ + "\u2581projects", + -12.277833938598633 + ], + [ + "Binding", + -12.278103828430176 + ], + [ + "\u2581Elisabeth", + -12.27810764312744 + ], + [ + "\u2581wijk", + -12.278112411499023 + ], + [ + "\u2581Chart", + -12.278114318847656 + ], + [ + "eda", + -12.278146743774414 + ], + [ + "HE", + -12.278178215026855 + ], + [ + "\u2581Lisa", + -12.278213500976562 + ], + [ + "\u2581pieno", + -12.278274536132812 + ], + [ + "\u2581doble", + -12.27829933166504 + ], + [ + "\u2581relativo", + -12.278310775756836 + ], + [ + "\u2581accepted", + -12.278334617614746 + ], + [ + "\u2581grau", + -12.278359413146973 + ], + [ + "\u2581curva", + -12.278398513793944 + ], + [ + "Simple", + -12.27846908569336 + ], + [ + "\u2581apesar", + -12.27847957611084 + ], + [ + "\u2581acentua", + -12.278528213500977 + ], + [ + "Animation", + -12.278565406799316 + ], + [ + "\u2581southern", + -12.278576850891112 + ], + [ + "\u2581colonial", + -12.27858829498291 + ], + [ + "\u2581minuto", + -12.278637886047363 + ], + [ + "\u2581Maastricht", + -12.278743743896484 + ], + [ + "\u2581capire", + -12.278752326965332 + ], + [ + "hub", + -12.278753280639648 + ], + [ + "eranno", + -12.278770446777344 + ], + [ + "defined", + -12.2789888381958 + ], + [ + "\u2581typical", + -12.27910327911377 + ], + [ + "lc", + -12.279166221618652 + ], + [ + "\u2581coordinates", + -12.279269218444824 + ], + [ + "importe", + -12.279373168945312 + ], + [ + "\u2581confirmed", + -12.279458999633787 + ], + [ + "\u2581Oriental", + -12.279547691345217 + ], + [ + "\u2581drag", + -12.279633522033691 + ], + [ + "\u2581ST", + -12.27967643737793 + ], + [ + "\u2581Mean", + -12.27979564666748 + ], + [ + "\u2581Ala", + -12.279810905456545 + ], + [ + "\u2581fell", + -12.27988624572754 + ], + [ + "atura", + -12.279909133911133 + ], + [ + "\u2581Hause", + -12.280163764953612 + ], + [ + "\u2581Abraham", + -12.280407905578612 + ], + [ + "\u2581dry", + -12.280437469482422 + ], + [ + "fal", + -12.280451774597168 + ], + [ + "\u2581t\u00e1buas", + -12.280476570129396 + ], + [ + "\u2581gewann", + -12.280536651611328 + ], + [ + "\u2581IT", + -12.280617713928224 + ], + [ + "\u2581keiner", + -12.280637741088867 + ], + [ + "\u2581Aktien", + -12.280685424804688 + ], + [ + "b\u00fcrger", + -12.280716896057127 + ], + [ + "izada", + -12.280728340148926 + ], + [ + "\u2581Steven", + -12.280755996704102 + ], + [ + "\u2581Harris", + -12.280799865722656 + ], + [ + "\u2581Mund", + -12.280820846557615 + ], + [ + "\u2581dicha", + -12.280895233154297 + ], + [ + "EST", + -12.28105640411377 + ], + [ + "ister", + -12.281058311462402 + ], + [ + "\u2581torn", + -12.281083106994627 + ], + [ + "\u2581supports", + -12.281112670898438 + ], + [ + "\u2581pietra", + -12.281177520751951 + ], + [ + "\u2581jogador", + -12.28119659423828 + ], + [ + "\u2581speler", + -12.281198501586914 + ], + [ + "\u2581haute", + -12.281320571899414 + ], + [ + "\u2581contributions", + -12.281363487243652 + ], + [ + "\u2581creates", + -12.281408309936523 + ], + [ + "\u2581auszu", + -12.281436920166016 + ], + [ + "\u2581benefits", + -12.281452178955078 + ], + [ + "\u2581baseado", + -12.281474113464355 + ], + [ + "\u2581daughter", + -12.281559944152832 + ], + [ + "\u2581traitement", + -12.281668663024902 + ], + [ + "\u2581oriental", + -12.28166961669922 + ], + [ + "\u2581modification", + -12.281670570373535 + ], + [ + "sources", + -12.281688690185549 + ], + [ + "\u2581Mag", + -12.281731605529783 + ], + [ + "\u2581Taxi", + -12.281798362731934 + ], + [ + "\u2581leste", + -12.282015800476074 + ], + [ + "fil", + -12.282122611999512 + ], + [ + "\u2581Mejor", + -12.282133102416992 + ], + [ + "ema", + -12.282135009765623 + ], + [ + "\u2581Handlungs", + -12.282156944274902 + ], + [ + "\u2581crescita", + -12.282185554504396 + ], + [ + "temperatur", + -12.282232284545898 + ], + [ + "\u2581Besch\u00e4ftigten", + -12.282232284545898 + ], + [ + "\u2581Fal", + -12.282297134399414 + ], + [ + "\u2581Wrestling", + -12.282360076904297 + ], + [ + "hd", + -12.282394409179688 + ], + [ + "\u2581recuperar", + -12.282597541809082 + ], + [ + "\u2581boom", + -12.282673835754396 + ], + [ + "\u2581anime", + -12.282694816589355 + ], + [ + "complete", + -12.282721519470217 + ], + [ + "\u2581jeunesse", + -12.282808303833008 + ], + [ + "\u2581fronteira", + -12.28284740447998 + ], + [ + "\u2581entirely", + -12.2829008102417 + ], + [ + "provider", + -12.282907485961914 + ], + [ + "\u2581Marshall", + -12.282917022705078 + ], + [ + "\u2581Unfall", + -12.282918930053713 + ], + [ + "dans", + -12.282947540283203 + ], + [ + "repeat", + -12.28300952911377 + ], + [ + "\u2581compuesto", + -12.283108711242676 + ], + [ + "\u2581klooster", + -12.28323459625244 + ], + [ + "\u2581acredita", + -12.28323745727539 + ], + [ + "\u2581visa", + -12.283330917358398 + ], + [ + "India", + -12.28338623046875 + ], + [ + "\u2581organic", + -12.283604621887209 + ], + [ + "\u2581stammen", + -12.283717155456545 + ], + [ + "Dialog", + -12.283848762512209 + ], + [ + "\u2581kent", + -12.28404140472412 + ], + [ + "\u2581bezieht", + -12.284123420715332 + ], + [ + "chino", + -12.284217834472656 + ], + [ + "\u2581rhs", + -12.284331321716309 + ], + [ + "\u2581concernant", + -12.284428596496582 + ], + [ + "oku", + -12.284445762634276 + ], + [ + "\u2581outre", + -12.284565925598145 + ], + [ + "wel", + -12.284619331359863 + ], + [ + "\u2581Stefano", + -12.284652709960938 + ], + [ + "\u2581dollari", + -12.284708976745604 + ], + [ + "\u2581Six", + -12.284754753112791 + ], + [ + "\u2581malgr\u00e9", + -12.284881591796877 + ], + [ + "\u2581vertex", + -12.284924507141112 + ], + [ + "s\u00e9", + -12.284941673278809 + ], + [ + "medium", + -12.284960746765137 + ], + [ + "\u2581gaz", + -12.284976959228516 + ], + [ + "\u2581chegou", + -12.285077095031738 + ], + [ + "hiver", + -12.28512191772461 + ], + [ + "general", + -12.285139083862305 + ], + [ + "\u2581m\u00e9dio", + -12.285204887390137 + ], + [ + "\u2581Hierzu", + -12.28528118133545 + ], + [ + "\u2581collegamenti", + -12.28530216217041 + ], + [ + "\u2581marco", + -12.285340309143066 + ], + [ + "\u2581Christmas", + -12.28535270690918 + ], + [ + "\u2581Festlegung", + -12.28536605834961 + ], + [ + "popl", + -12.28546905517578 + ], + [ + "\u2581Ty", + -12.285587310791016 + ], + [ + "\u2581montre", + -12.285795211791992 + ], + [ + "RK", + -12.285808563232422 + ], + [ + "\u2581Guido", + -12.285813331604004 + ], + [ + "\u2581Challenge", + -12.285843849182127 + ], + [ + "Acad\u00e9mie", + -12.285860061645508 + ], + [ + "\u2581betrokken", + -12.285882949829102 + ], + [ + "\u2581feste", + -12.286093711853027 + ], + [ + "\u2581chapitre", + -12.28614616394043 + ], + [ + "\u2581carica", + -12.286252975463867 + ], + [ + "\u2581batalha", + -12.286284446716309 + ], + [ + "dit", + -12.28632926940918 + ], + [ + "nez", + -12.28642749786377 + ], + [ + "\u2581evening", + -12.286457061767578 + ], + [ + "\u2581scrive", + -12.286480903625488 + ], + [ + "\u2581granted", + -12.28648567199707 + ], + [ + "\u2581publica", + -12.286524772644045 + ], + [ + "\u2581mountain", + -12.28663158416748 + ], + [ + "\u2581Rec", + -12.286643981933594 + ], + [ + "\u2581erwartet", + -12.286675453186035 + ], + [ + "GW", + -12.286858558654783 + ], + [ + "\u2581directamente", + -12.28704071044922 + ], + [ + "\u2581pr\u00edncipe", + -12.287283897399902 + ], + [ + "asi", + -12.28738021850586 + ], + [ + "\u2581esp\u00e9cies", + -12.287432670593262 + ], + [ + "\u2581understood", + -12.287437438964844 + ], + [ + "\u2581comunidades", + -12.287638664245604 + ], + [ + "Arn", + -12.287792205810549 + ], + [ + "\u2581trovato", + -12.287792205810549 + ], + [ + "aggi", + -12.287894248962402 + ], + [ + "\u2581ayudar", + -12.28795337677002 + ], + [ + "\u2581ease", + -12.287988662719728 + ], + [ + "\u2581fish", + -12.28802490234375 + ], + [ + "\u2581mura", + -12.288097381591797 + ], + [ + "\u2581religious", + -12.288124084472656 + ], + [ + "\u2581radius", + -12.288146018981934 + ], + [ + "\u2581Besucher", + -12.28817653656006 + ], + [ + "\u2581Liu", + -12.288213729858398 + ], + [ + "tle", + -12.28822422027588 + ], + [ + "\u2581direita", + -12.288248062133787 + ], + [ + "\u2581Bruder", + -12.288384437561035 + ], + [ + "\u2581juntos", + -12.28842544555664 + ], + [ + "\u2581empez\u00f3", + -12.288439750671388 + ], + [ + "\u2581efeitos", + -12.2884521484375 + ], + [ + "\u2581s\u00e9ries", + -12.28848934173584 + ], + [ + "\u2581N\u00e9", + -12.288634300231934 + ], + [ + "\u2581Minnesota", + -12.288673400878906 + ], + [ + "\u2581Nam", + -12.288873672485352 + ], + [ + "\u2581Gem\u00e4", + -12.288901329040527 + ], + [ + "\u2581accanto", + -12.288928985595703 + ], + [ + "\u2581Family", + -12.288932800292969 + ], + [ + "\u2581entreprises", + -12.288954734802246 + ], + [ + "\u2581ter\u00e1", + -12.289008140563965 + ], + [ + "\u2581Anordnung", + -12.289177894592283 + ], + [ + "\u2581correlation", + -12.28920555114746 + ], + [ + "\u2581journalist", + -12.289243698120115 + ], + [ + "\u2581angesichts", + -12.289283752441406 + ], + [ + "haven", + -12.289292335510254 + ], + [ + "Win", + -12.289374351501465 + ], + [ + "sz", + -12.289436340332031 + ], + [ + "\u2581Oude", + -12.289468765258787 + ], + [ + "\u2581Clubes", + -12.289470672607422 + ], + [ + "tha", + -12.28947639465332 + ], + [ + "bedrijf", + -12.28950023651123 + ], + [ + "z\u00fcge", + -12.28950309753418 + ], + [ + "\u2581piste", + -12.289643287658691 + ], + [ + "\u2581moyens", + -12.289665222167969 + ], + [ + "\u2581Prinzip", + -12.2896728515625 + ], + [ + "\u2581Kredit", + -12.289679527282717 + ], + [ + "\u2581simplesmente", + -12.28971004486084 + ], + [ + "\u2581Interview", + -12.289810180664062 + ], + [ + "dynamic", + -12.289831161499023 + ], + [ + "misc", + -12.289831161499023 + ], + [ + "istisch", + -12.289839744567873 + ], + [ + "\u2581hield", + -12.28993034362793 + ], + [ + "\u2581d\u00e9cadas", + -12.289936065673828 + ], + [ + "\u2581tradi", + -12.290053367614746 + ], + [ + "\u2581vasta", + -12.290246963500977 + ], + [ + "\u2581husband", + -12.290287017822266 + ], + [ + "\u2581concrete", + -12.290379524230955 + ], + [ + "\u2581Ainda", + -12.290492057800291 + ], + [ + "\u2581erreichbar", + -12.290493965148926 + ], + [ + "generic", + -12.29050636291504 + ], + [ + "\u2581sex", + -12.2905855178833 + ], + [ + "\u2581Pel", + -12.290596961975098 + ], + [ + "failure", + -12.29061508178711 + ], + [ + "\u2581Arena", + -12.290650367736816 + ], + [ + "gon", + -12.29071807861328 + ], + [ + "\u2581coefficients", + -12.290749549865724 + ], + [ + "erano", + -12.290769577026367 + ], + [ + "rop", + -12.290823936462402 + ], + [ + "LK", + -12.290915489196776 + ], + [ + "\u2581nascita", + -12.290958404541016 + ], + [ + "Comment", + -12.29120922088623 + ], + [ + "\u2581faster", + -12.291213035583496 + ], + [ + "Chart", + -12.291213989257812 + ], + [ + "\u2581inferiore", + -12.29122543334961 + ], + [ + "\u2581Bit", + -12.291250228881836 + ], + [ + "\u2581econ\u00f3mica", + -12.29146957397461 + ], + [ + "\u2581western", + -12.291491508483888 + ], + [ + "\u2581vastgesteld", + -12.291519165039062 + ], + [ + "\u2581naissance", + -12.291552543640137 + ], + [ + "\u2581objetivos", + -12.29160499572754 + ], + [ + "systemen", + -12.291607856750488 + ], + [ + "\u2581Frederik", + -12.291712760925291 + ], + [ + "\u2581tratar", + -12.291739463806152 + ], + [ + "bury", + -12.291740417480469 + ], + [ + "\u2581driving", + -12.291749954223633 + ], + [ + "\u2581habla", + -12.291754722595217 + ], + [ + "\u2581Dur", + -12.29179573059082 + ], + [ + "\u2581ah\u00ed", + -12.291825294494627 + ], + [ + "arro", + -12.29188060760498 + ], + [ + "\u2581entscheiden", + -12.291892051696776 + ], + [ + "Light", + -12.29190731048584 + ], + [ + "\u2581Elemente", + -12.29191780090332 + ], + [ + "\u2581unbe", + -12.291919708251951 + ], + [ + "baum", + -12.292016983032228 + ], + [ + "\u2581issued", + -12.292085647583008 + ], + [ + "\u2581Rechtsprechung", + -12.292139053344728 + ], + [ + "gp", + -12.292165756225586 + ], + [ + "ave", + -12.2921781539917 + ], + [ + "ntica", + -12.2921781539917 + ], + [ + "\u2581Franklin", + -12.292325973510742 + ], + [ + "\u2581Bundesanstalt", + -12.292370796203612 + ], + [ + "\u2581Betroffenen", + -12.292424201965332 + ], + [ + "\u2581compatible", + -12.292494773864746 + ], + [ + "\u2581producto", + -12.292534828186035 + ], + [ + "trigger", + -12.292577743530272 + ], + [ + "\u2581Pendant", + -12.292612075805664 + ], + [ + "inus", + -12.292675018310549 + ], + [ + "\u2581criada", + -12.292712211608888 + ], + [ + "EH", + -12.292763710021973 + ], + [ + "Install", + -12.292771339416504 + ], + [ + "\u2581Philipp", + -12.29282283782959 + ], + [ + "\u2581Arzneimittel", + -12.292928695678713 + ], + [ + "\u2581rank", + -12.293242454528809 + ], + [ + "VR", + -12.293395042419434 + ], + [ + "\u2581Amerika", + -12.293472290039062 + ], + [ + "\u2581sun", + -12.293495178222656 + ], + [ + "\u2581escrever", + -12.293619155883787 + ], + [ + "\u2581Bett", + -12.2936372756958 + ], + [ + "\u2581hemos", + -12.293719291687012 + ], + [ + "\u2581diffusion", + -12.293845176696776 + ], + [ + "\u2581robot", + -12.294004440307615 + ], + [ + "\u2581collected", + -12.29422664642334 + ], + [ + "idas", + -12.2942533493042 + ], + [ + "\u2581Ogni", + -12.29433822631836 + ], + [ + "\u2581scienza", + -12.294377326965332 + ], + [ + "rada", + -12.29462432861328 + ], + [ + "MIT", + -12.294645309448242 + ], + [ + "\u2581Barry", + -12.294659614562988 + ], + [ + "\u2581besitzen", + -12.294673919677734 + ], + [ + "ACT", + -12.294711112976074 + ], + [ + "\u2581precisamente", + -12.29490089416504 + ], + [ + "\u2581flash", + -12.295096397399902 + ], + [ + "\u2581passant", + -12.295233726501465 + ], + [ + "\u2581vergangenen", + -12.295344352722168 + ], + [ + "\u2581dynamics", + -12.295361518859863 + ], + [ + "\u2581regelmatig", + -12.29539966583252 + ], + [ + "\u2581esquerda", + -12.295419692993164 + ], + [ + "\u2581pasa", + -12.295421600341797 + ], + [ + "\u2581socio", + -12.295456886291504 + ], + [ + "\u2581suivi", + -12.295490264892578 + ], + [ + "crypt", + -12.295533180236816 + ], + [ + "\u2581Maas", + -12.295599937438965 + ], + [ + "\u2581teria", + -12.295639991760254 + ], + [ + "kei", + -12.295661926269531 + ], + [ + "\u2581ufficiali", + -12.295695304870604 + ], + [ + "\u2581verst\u00e4rkt", + -12.295798301696776 + ], + [ + "\u2581gerichtet", + -12.295995712280272 + ], + [ + "\u2581d\u00e9cision", + -12.296090126037598 + ], + [ + "\u2581onderstaande", + -12.29612159729004 + ], + [ + "\u2581demonstra", + -12.296133995056152 + ], + [ + "\u2581Domingo", + -12.2962064743042 + ], + [ + "direction", + -12.29622745513916 + ], + [ + "\u2581plaza", + -12.296259880065918 + ], + [ + "\u2581tira", + -12.296307563781738 + ], + [ + "pus", + -12.296323776245115 + ], + [ + "weak", + -12.29640769958496 + ], + [ + "\u2581collective", + -12.296432495117188 + ], + [ + "\u2581Datenschutz", + -12.296537399291992 + ], + [ + "\u2581optimization", + -12.296568870544434 + ], + [ + "zak", + -12.296687126159668 + ], + [ + "\u2581Veel", + -12.29672908782959 + ], + [ + "\u2581flexible", + -12.29676628112793 + ], + [ + "\u2581clique", + -12.296867370605469 + ], + [ + "\u2581chega", + -12.296974182128906 + ], + [ + "evo", + -12.29697608947754 + ], + [ + "\u2581plants", + -12.297082901000977 + ], + [ + "\u2581dreams", + -12.297279357910156 + ], + [ + "\u2581MI", + -12.297286033630373 + ], + [ + "\u2581arco", + -12.297286033630373 + ], + [ + "\u2581Save", + -12.297417640686035 + ], + [ + "\u2581empfiehlt", + -12.297438621520996 + ], + [ + "\u2581hai", + -12.29746437072754 + ], + [ + "\u2581pr\u00e1ctica", + -12.29753589630127 + ], + [ + "\u2581chant", + -12.297567367553713 + ], + [ + "\u2581gratuito", + -12.29759407043457 + ], + [ + "oxy", + -12.29760456085205 + ], + [ + "\u2581Jul", + -12.297640800476074 + ], + [ + "\u2581Cabo", + -12.297723770141602 + ], + [ + "\u2581explicar", + -12.297804832458496 + ], + [ + "\u2581AB", + -12.297903060913086 + ], + [ + "\u2581forced", + -12.298014640808104 + ], + [ + "\u2581historiques", + -12.298032760620115 + ], + [ + "\u2581ausgef\u00fchrt", + -12.29807186126709 + ], + [ + "\u2581Studios", + -12.298100471496582 + ], + [ + "edizione", + -12.29810905456543 + ], + [ + "gather", + -12.29824161529541 + ], + [ + "Amerika", + -12.298299789428713 + ], + [ + "\u2581necesidad", + -12.298299789428713 + ], + [ + "\u2581reader", + -12.298377990722656 + ], + [ + "\u2581condizione", + -12.298494338989258 + ], + [ + "\u2581Haute", + -12.298609733581545 + ], + [ + "\u2581chemical", + -12.298646926879885 + ], + [ + "waren", + -12.29874038696289 + ], + [ + "waar", + -12.29875373840332 + ], + [ + "bestand", + -12.298813819885254 + ], + [ + "attrs", + -12.298883438110352 + ], + [ + "used", + -12.299015998840332 + ], + [ + "\u2581ga", + -12.299032211303713 + ], + [ + "mpi", + -12.29908847808838 + ], + [ + "\u2581europei", + -12.299116134643556 + ], + [ + "\u2581Beschwerde", + -12.299144744873049 + ], + [ + "\u2581Schon", + -12.299155235290527 + ], + [ + "\u2581Wallace", + -12.299169540405272 + ], + [ + "l\u00e9e", + -12.299212455749512 + ], + [ + "\u2581atra", + -12.299220085144045 + ], + [ + "\u2581Aktivit\u00e4t", + -12.299261093139648 + ], + [ + "\u2581perci", + -12.29936981201172 + ], + [ + "\u2581Sy", + -12.29943561553955 + ], + [ + "fan", + -12.299461364746094 + ], + [ + "\u2581estudos", + -12.299530982971191 + ], + [ + "miss", + -12.29953670501709 + ], + [ + "\u2581cree", + -12.299564361572266 + ], + [ + "\u2581Lange", + -12.299623489379885 + ], + [ + "\u2581twice", + -12.299625396728516 + ], + [ + "\u2581madera", + -12.299649238586426 + ], + [ + "\u2581m\u00e1quinas", + -12.299678802490234 + ], + [ + "\u2581jouer", + -12.299738883972168 + ], + [ + "utter", + -12.299752235412598 + ], + [ + "\u2581F\u00fchrung", + -12.299765586853027 + ], + [ + "\u2581sicuro", + -12.299870491027832 + ], + [ + "STATE", + -12.299883842468262 + ], + [ + "Returns", + -12.299915313720703 + ], + [ + "\u2581cita", + -12.300026893615724 + ], + [ + "nlichen", + -12.300067901611328 + ], + [ + "reads", + -12.300106048583984 + ], + [ + "\u2581daarbij", + -12.30017375946045 + ], + [ + "fg", + -12.30032444000244 + ], + [ + "\u2581objet", + -12.30038356781006 + ], + [ + "\u2581aim", + -12.30049991607666 + ], + [ + "KB", + -12.300517082214355 + ], + [ + "zet", + -12.300546646118164 + ], + [ + "ibile", + -12.30056858062744 + ], + [ + "\u2581mixture", + -12.300588607788086 + ], + [ + "osamente", + -12.3006010055542 + ], + [ + "sicherung", + -12.300762176513672 + ], + [ + "\u2581schepen", + -12.300780296325684 + ], + [ + "\u2581Norm", + -12.30090045928955 + ], + [ + "\u2581victoire", + -12.301034927368164 + ], + [ + "Ost", + -12.301103591918944 + ], + [ + "hnen", + -12.301108360290527 + ], + [ + "hon", + -12.301108360290527 + ], + [ + "\u2581Lloyd", + -12.3011474609375 + ], + [ + "ili", + -12.301148414611816 + ], + [ + "\u2581ploeg", + -12.301202774047852 + ], + [ + "gewicht", + -12.301299095153809 + ], + [ + "\u2581Mei", + -12.301301956176758 + ], + [ + "\u2581Railway", + -12.301340103149414 + ], + [ + "weden", + -12.301369667053224 + ], + [ + "want", + -12.301427841186523 + ], + [ + "metrics", + -12.30150032043457 + ], + [ + "\u2581concepts", + -12.301599502563477 + ], + [ + "\u2581Springer", + -12.301663398742676 + ], + [ + "qualit\u00e4t", + -12.301838874816896 + ], + [ + "\u2581maisons", + -12.30185890197754 + ], + [ + "\u2581Handlung", + -12.302176475524902 + ], + [ + "\u2581Baby", + -12.30224323272705 + ], + [ + "pra", + -12.302282333374023 + ], + [ + "\u2581\\\"-", + -12.302282333374023 + ], + [ + "spin", + -12.302392959594728 + ], + [ + "\u2581programming", + -12.30243968963623 + ], + [ + "\u2581gesto", + -12.302447319030762 + ], + [ + "\u2581UIKit", + -12.3026762008667 + ], + [ + "\u2581tested", + -12.30271339416504 + ], + [ + "Term", + -12.302741050720217 + ], + [ + "\u2581Angst", + -12.302756309509276 + ], + [ + "\u2581constitution", + -12.302861213684082 + ], + [ + "WO", + -12.302882194519045 + ], + [ + "PDF", + -12.302931785583496 + ], + [ + "ssimo", + -12.30297565460205 + ], + [ + "ifica", + -12.302989959716797 + ], + [ + "\u2581regionalen", + -12.30300521850586 + ], + [ + "\u2581antico", + -12.303040504455566 + ], + [ + "\u2581spend", + -12.303046226501465 + ], + [ + "\u2581Keine", + -12.30319595336914 + ], + [ + "rino", + -12.30323314666748 + ], + [ + "torch", + -12.303277015686035 + ], + [ + "\u2581esas", + -12.303338050842283 + ], + [ + "\u2581bestehende", + -12.30341625213623 + ], + [ + "\u2581Soul", + -12.303603172302246 + ], + [ + "\u2581Entenda", + -12.3036527633667 + ], + [ + "\u2581Volumen", + -12.303666114807127 + ], + [ + "\u2581sais", + -12.303771018981934 + ], + [ + "avier", + -12.303784370422363 + ], + [ + "\u2581appare", + -12.303786277770996 + ], + [ + "\u2581creare", + -12.303794860839844 + ], + [ + "\u2581erhebliche", + -12.304165840148926 + ], + [ + "\u2581bos", + -12.304169654846191 + ], + [ + "ghe", + -12.30423355102539 + ], + [ + "Describe", + -12.304242134094238 + ], + [ + "\u2581maggioranza", + -12.304275512695312 + ], + [ + "\u2581Pic", + -12.304308891296388 + ], + [ + "\u2581wouldn", + -12.30433177947998 + ], + [ + "\u2581economy", + -12.304377555847168 + ], + [ + "\u2581Escritores", + -12.3043851852417 + ], + [ + "BI", + -12.304396629333496 + ], + [ + "Selected", + -12.304442405700684 + ], + [ + "\u2581peak", + -12.304461479187012 + ], + [ + "\u2581chiaro", + -12.304463386535645 + ], + [ + "\u2581mettere", + -12.304472923278809 + ], + [ + "\u2581tipi", + -12.304521560668944 + ], + [ + "\u2581Middle", + -12.3045654296875 + ], + [ + "\u2581passing", + -12.304706573486328 + ], + [ + "\u2581accord", + -12.304742813110352 + ], + [ + "\u2581Termin", + -12.30475902557373 + ], + [ + "\u2581Pf", + -12.304821014404297 + ], + [ + "\u2581cool", + -12.304835319519045 + ], + [ + "\u2581acts", + -12.304891586303713 + ], + [ + "\u2581valori", + -12.304929733276367 + ], + [ + "\u2581vivir", + -12.304948806762695 + ], + [ + "\u2581Moscou", + -12.304975509643556 + ], + [ + "Dame", + -12.305060386657717 + ], + [ + "\u2581indicated", + -12.305073738098145 + ], + [ + "\u2581ritmo", + -12.305082321166992 + ], + [ + "usch\u00fcsse", + -12.305094718933104 + ], + [ + "\u2581Generation", + -12.30510425567627 + ], + [ + "yellow", + -12.305241584777832 + ], + [ + "\u2581Ubuntu", + -12.305265426635742 + ], + [ + "\u2581kaart", + -12.30537223815918 + ], + [ + "Game", + -12.305383682250977 + ], + [ + "\u2581Andy", + -12.305500030517578 + ], + [ + "\u2581Darwin", + -12.30562686920166 + ], + [ + "compare", + -12.30563735961914 + ], + [ + "mie", + -12.30564785003662 + ], + [ + "bundle", + -12.305721282958984 + ], + [ + "\u2581restos", + -12.305742263793944 + ], + [ + "\u2581Thi", + -12.305745124816896 + ], + [ + "tici", + -12.305888175964355 + ], + [ + "\u2581Governo", + -12.305901527404783 + ], + [ + "\u2581faccia", + -12.305990219116213 + ], + [ + "pour", + -12.306002616882324 + ], + [ + "\u2581Louise", + -12.30600643157959 + ], + [ + "ill", + -12.306013107299805 + ], + [ + "\u2581Hochschule", + -12.306044578552246 + ], + [ + "\u2581dimens", + -12.306052207946776 + ], + [ + "Email", + -12.306190490722656 + ], + [ + "syntax", + -12.306246757507324 + ], + [ + "\u2581strip", + -12.306254386901855 + ], + [ + "\u2581metodo", + -12.306260108947754 + ], + [ + "\u2581Studium", + -12.30638027191162 + ], + [ + "\u2581Negli", + -12.306451797485352 + ], + [ + "\u2581diverses", + -12.306525230407717 + ], + [ + "\u2581leiden", + -12.306537628173828 + ], + [ + "\u2581altitude", + -12.306610107421877 + ], + [ + "\u2581fuel", + -12.306655883789062 + ], + [ + "\u2581hockey", + -12.306663513183594 + ], + [ + "potential", + -12.306855201721191 + ], + [ + "TER", + -12.306924819946287 + ], + [ + "nitz", + -12.30710792541504 + ], + [ + "\u2581DES", + -12.307120323181152 + ], + [ + "\u2581Thailand", + -12.307127952575684 + ], + [ + "\u2581diret\u00f3rio", + -12.30720043182373 + ], + [ + "\u2581versus", + -12.307215690612791 + ], + [ + "TRUE", + -12.30721950531006 + ], + [ + "\u2581ski", + -12.307535171508787 + ], + [ + "\u2581Erfahrung", + -12.307574272155762 + ], + [ + "\u2581lanzamiento", + -12.307771682739258 + ], + [ + "\u2581despite", + -12.307835578918455 + ], + [ + "\u2581mondial", + -12.307883262634276 + ], + [ + "\u2581Soviet", + -12.3079252243042 + ], + [ + "\u2581casado", + -12.307930946350098 + ], + [ + "\u2581olympiques", + -12.308232307434082 + ], + [ + "\u2581CGPoint", + -12.308287620544434 + ], + [ + "\u2581l\u00e9g", + -12.308290481567385 + ], + [ + "tensorflow", + -12.308385848999023 + ], + [ + "\u2581faceva", + -12.308398246765137 + ], + [ + "Modell", + -12.308444023132324 + ], + [ + "\u2581Tourismus", + -12.308521270751951 + ], + [ + "mono", + -12.308565139770508 + ], + [ + "\u2581Catherine", + -12.308627128601074 + ], + [ + "\u2581acqua", + -12.308741569519045 + ], + [ + "\u2581Melbourne", + -12.308802604675291 + ], + [ + "vendor", + -12.308829307556152 + ], + [ + "\u2581entries", + -12.308899879455566 + ], + [ + "FN", + -12.308917045593262 + ], + [ + "\u2581Singapore", + -12.308951377868652 + ], + [ + "\u2581hell", + -12.309103965759276 + ], + [ + "\u2581Field", + -12.30927848815918 + ], + [ + "Flow", + -12.309619903564451 + ], + [ + "\u2581suporte", + -12.309907913208008 + ], + [ + "\u2581Monaco", + -12.309908866882324 + ], + [ + "\u2581ARM", + -12.30992317199707 + ], + [ + "\u2581\\[", + -12.309950828552246 + ], + [ + "\u2581Sel", + -12.309988975524902 + ], + [ + "\u2581sprach", + -12.31003761291504 + ], + [ + "\u2581Wagen", + -12.3102445602417 + ], + [ + "\u2581nosso", + -12.310317993164062 + ], + [ + "\u2581pueda", + -12.31035614013672 + ], + [ + "\u2581utili", + -12.31041145324707 + ], + [ + "\u2581escolha", + -12.310457229614258 + ], + [ + "\u2581f\u00f3rmula", + -12.310564994812012 + ], + [ + "Doc", + -12.310585975646973 + ], + [ + "\u2581concern", + -12.310791969299316 + ], + [ + "\u2581Obwohl", + -12.310830116271973 + ], + [ + "\u2581segno", + -12.310831069946287 + ], + [ + "\u2581descend", + -12.31083869934082 + ], + [ + "is\u00e9e", + -12.310853958129885 + ], + [ + "\u2581connections", + -12.310879707336426 + ], + [ + "wedstrijd", + -12.310931205749512 + ], + [ + "\u2581tedeschi", + -12.311038970947266 + ], + [ + "\u2581Kansas", + -12.311098098754885 + ], + [ + "meno", + -12.311233520507812 + ], + [ + "Snapshot", + -12.311243057250977 + ], + [ + "\u2581projets", + -12.311274528503418 + ], + [ + "\u2581graaf", + -12.31134033203125 + ], + [ + "\u2581fol", + -12.31142807006836 + ], + [ + "\u2581Funk", + -12.311450958251951 + ], + [ + "\u2581petites", + -12.311521530151367 + ], + [ + "\u2581associa", + -12.311589241027832 + ], + [ + "abri", + -12.311650276184082 + ], + [ + "\u2581sup\u00e9rieur", + -12.311725616455078 + ], + [ + "\u2581Staatsangeh", + -12.31174373626709 + ], + [ + "\u2581Regen", + -12.311773300170898 + ], + [ + "\u2581dintorni", + -12.311795234680176 + ], + [ + "\u2581flores", + -12.3118257522583 + ], + [ + "\u2581Iron", + -12.311912536621094 + ], + [ + "\u2581Mul", + -12.311929702758787 + ], + [ + "dent", + -12.311991691589355 + ], + [ + "hostname", + -12.31204319000244 + ], + [ + "\u2581Ste", + -12.312088966369627 + ], + [ + "\u2581bias", + -12.312137603759766 + ], + [ + "\u2581Color", + -12.31218433380127 + ], + [ + "\u2581Bil", + -12.312227249145508 + ], + [ + "\u2581pens\u00e9e", + -12.312252044677734 + ], + [ + "nb", + -12.31229019165039 + ], + [ + "\u2581poucos", + -12.312366485595703 + ], + [ + "\u2581formes", + -12.312368392944336 + ], + [ + "details", + -12.312485694885254 + ], + [ + "Operator", + -12.312498092651367 + ], + [ + "\u2581conversation", + -12.312507629394531 + ], + [ + "\u2581brevi", + -12.312580108642578 + ], + [ + "\u2581Galerie", + -12.312627792358398 + ], + [ + "nm", + -12.312677383422852 + ], + [ + "\u2581Living", + -12.312847137451172 + ], + [ + "Gl", + -12.312867164611816 + ], + [ + "\u2581Rita", + -12.31300163269043 + ], + [ + "\u2581frequentemente", + -12.313042640686035 + ], + [ + "\u2581surprise", + -12.313161849975586 + ], + [ + "wave", + -12.313231468200684 + ], + [ + "\u2581geldt", + -12.31346607208252 + ], + [ + "\u2581Fernandes", + -12.313547134399414 + ], + [ + "\u2581nearby", + -12.313613891601562 + ], + [ + "Marshal", + -12.313700675964355 + ], + [ + "\u2581Marcus", + -12.313817977905272 + ], + [ + "\u2581kr", + -12.31382179260254 + ], + [ + "ades", + -12.313888549804688 + ], + [ + "\u2581Arti", + -12.313949584960938 + ], + [ + "qquad", + -12.314133644104004 + ], + [ + "\u2581prices", + -12.314285278320312 + ], + [ + "\u2581vingt", + -12.31436252593994 + ], + [ + "virtual", + -12.314375877380373 + ], + [ + "\u2581viaggi", + -12.314523696899414 + ], + [ + "OV", + -12.314568519592283 + ], + [ + "\u2581AL", + -12.314675331115724 + ], + [ + "life", + -12.314740180969238 + ], + [ + "\u2581Cook", + -12.314777374267578 + ], + [ + "\u2581Record", + -12.31482219696045 + ], + [ + "\u2581Anschlie", + -12.314949035644531 + ], + [ + "h\u00e4user", + -12.315071105957031 + ], + [ + "usammenfassung", + -12.315081596374512 + ], + [ + "\u2581receptor", + -12.3151216506958 + ], + [ + "\u2581vio", + -12.315135955810549 + ], + [ + "\u2581paix", + -12.315142631530762 + ], + [ + "\u2581Lu\u00eds", + -12.315217971801758 + ], + [ + "blauw", + -12.315240859985352 + ], + [ + "agi", + -12.31532382965088 + ], + [ + "\u2581cambiar", + -12.31533145904541 + ], + [ + "\u2581collaboration", + -12.31533432006836 + ], + [ + "Verlag", + -12.315443992614746 + ], + [ + "\u2581approximation", + -12.315503120422363 + ], + [ + "\u2581placa", + -12.315519332885742 + ], + [ + "\u2581Voi", + -12.315735816955566 + ], + [ + "completion", + -12.31582260131836 + ], + [ + "\u2581Bitte", + -12.315855026245115 + ], + [ + "strukturen", + -12.315876007080078 + ], + [ + "\u2581acciones", + -12.315973281860352 + ], + [ + "tivi", + -12.316058158874512 + ], + [ + "\u2581tappa", + -12.316170692443848 + ], + [ + "\u2581Maison", + -12.31617832183838 + ], + [ + "\u2581adelante", + -12.31618595123291 + ], + [ + "\u2581folgen", + -12.316332817077637 + ], + [ + "\u2581Schluss", + -12.31633472442627 + ], + [ + "\u2581explicit", + -12.31633472442627 + ], + [ + "wire", + -12.316370964050291 + ], + [ + "bass", + -12.316375732421877 + ], + [ + "Certificate", + -12.316414833068848 + ], + [ + "\u2581nieder", + -12.316454887390137 + ], + [ + "\u2581sozial", + -12.31649398803711 + ], + [ + "\u2581avrebbero", + -12.316574096679688 + ], + [ + "\u2581Temple", + -12.316667556762695 + ], + [ + "\u2581Einstellung", + -12.31667709350586 + ], + [ + "\u2581nenhuma", + -12.31671142578125 + ], + [ + "\u2581railway", + -12.316864013671877 + ], + [ + "\u2581vescovo", + -12.316877365112305 + ], + [ + "\u2581Pit", + -12.316987037658691 + ], + [ + "\u2581Cape", + -12.317030906677246 + ], + [ + "\u2581hip", + -12.317144393920898 + ], + [ + "\u2581Visual", + -12.317160606384276 + ], + [ + "\u2581Bangkok", + -12.317316055297852 + ], + [ + "\u2581Memorial", + -12.317343711853027 + ], + [ + "Move", + -12.317344665527344 + ], + [ + "\u2581zugelassen", + -12.317371368408203 + ], + [ + "oxid", + -12.317380905151367 + ], + [ + "\u2581weisen", + -12.317487716674805 + ], + [ + "geschwindigkeit", + -12.31757640838623 + ], + [ + "\u2581tableView", + -12.31764793395996 + ], + [ + "\u2581Nuova", + -12.317676544189451 + ], + [ + "\u2581Ukraine", + -12.317859649658203 + ], + [ + "\u2581Erweiterung", + -12.317950248718262 + ], + [ + "\u2581retro", + -12.318018913269045 + ], + [ + "\u2581Enrico", + -12.318120956420898 + ], + [ + "\u2581Europea", + -12.318161010742188 + ], + [ + "PHP", + -12.318251609802246 + ], + [ + "r\u00fcck", + -12.318251609802246 + ], + [ + "\u2581extremely", + -12.318251609802246 + ], + [ + "\u2581visione", + -12.318251609802246 + ], + [ + "\u2581conduce", + -12.31828784942627 + ], + [ + "hf", + -12.318294525146484 + ], + [ + "\u2581theater", + -12.31833839416504 + ], + [ + "\u2581poids", + -12.318342208862305 + ], + [ + "\u2581conoscere", + -12.318360328674316 + ], + [ + "\u2581mM", + -12.318367958068848 + ], + [ + "fel", + -12.318496704101562 + ], + [ + "\u2581nul", + -12.31862735748291 + ], + [ + "\u2581Junta", + -12.318631172180176 + ], + [ + "\u2581vivre", + -12.318646430969238 + ], + [ + "\u2581Italiaans", + -12.31869888305664 + ], + [ + "\u2581spiagge", + -12.318795204162598 + ], + [ + "\u2581locations", + -12.318808555603027 + ], + [ + "leden", + -12.31884765625 + ], + [ + "\u00e1rios", + -12.318882942199709 + ], + [ + "\u2581liep", + -12.3189115524292 + ], + [ + "special", + -12.318988800048828 + ], + [ + "TW", + -12.319064140319824 + ], + [ + "\u2581explora", + -12.319091796875 + ], + [ + "\u2581VS", + -12.319138526916504 + ], + [ + "rechnung", + -12.319154739379885 + ], + [ + "\u2581priv\u00e9", + -12.319156646728516 + ], + [ + "\u2581annonce", + -12.319162368774414 + ], + [ + "Comp", + -12.319236755371094 + ], + [ + "ratio", + -12.31935214996338 + ], + [ + "WH", + -12.319408416748049 + ], + [ + "terminal", + -12.319429397583008 + ], + [ + "\u2581neer", + -12.319494247436523 + ], + [ + "listen", + -12.319499969482422 + ], + [ + "elen", + -12.319544792175291 + ], + [ + "\u2581mediados", + -12.31956958770752 + ], + [ + "\u2581pega", + -12.319579124450684 + ], + [ + "obobob", + -12.319613456726074 + ], + [ + "\u2581Outras", + -12.319708824157717 + ], + [ + "\u2581bezit", + -12.319785118103027 + ], + [ + "Ur", + -12.31979751586914 + ], + [ + "door", + -12.31981372833252 + ], + [ + "\u2581attraversa", + -12.320028305053713 + ], + [ + "\u2581Partito", + -12.320094108581545 + ], + [ + "oshi", + -12.320160865783691 + ], + [ + "\u2581viola", + -12.320162773132324 + ], + [ + "\u2581unidad", + -12.32027816772461 + ], + [ + "ulus", + -12.320282936096191 + ], + [ + "\u2581probable", + -12.320293426513672 + ], + [ + "ExpressionUUID", + -12.320295333862305 + ], + [ + "\u2581neural", + -12.320324897766112 + ], + [ + "\u2581sand", + -12.320334434509276 + ], + [ + "GV", + -12.320364952087402 + ], + [ + "\u2581(**", + -12.320390701293944 + ], + [ + "Impero", + -12.320465087890623 + ], + [ + "\u2581belge", + -12.320552825927734 + ], + [ + "\u2581fourth", + -12.32061767578125 + ], + [ + "\u2581tornare", + -12.320782661437988 + ], + [ + "eiros", + -12.32088565826416 + ], + [ + "\u2581\u00e9trang", + -12.320897102355955 + ], + [ + "\u2581romanzo", + -12.320929527282717 + ], + [ + "hg", + -12.320972442626951 + ], + [ + "\u2581Proc", + -12.321043014526367 + ], + [ + "UK", + -12.321064949035645 + ], + [ + "Unknown", + -12.321100234985352 + ], + [ + "\u2581Greg", + -12.321105003356934 + ], + [ + "\u2581prince", + -12.321115493774414 + ], + [ + "dice", + -12.321145057678224 + ], + [ + "\u2581zust\u00e4ndig", + -12.321207046508787 + ], + [ + "\u2581monumento", + -12.321233749389648 + ], + [ + "pv", + -12.321378707885742 + ], + [ + "\u2581gl", + -12.321430206298828 + ], + [ + "\u2581Unternehmer", + -12.32143497467041 + ], + [ + "\u2581Tempel", + -12.321436882019045 + ], + [ + "\u2581diretta", + -12.321547508239746 + ], + [ + "KUBE", + -12.321677207946776 + ], + [ + "\u2581Champion", + -12.321691513061523 + ], + [ + "Mon", + -12.321722984313965 + ], + [ + "\u2581notation", + -12.32178020477295 + ], + [ + "IJ", + -12.32179069519043 + ], + [ + "\u2581automatisch", + -12.321850776672363 + ], + [ + "\u2581relacionados", + -12.321868896484377 + ], + [ + "pred", + -12.321877479553224 + ], + [ + "sf\u00e4higkeit", + -12.321969985961914 + ], + [ + "\u2581Gol", + -12.322004318237305 + ], + [ + "KD", + -12.322114944458008 + ], + [ + "chy", + -12.322124481201172 + ], + [ + "\u2581coin", + -12.322209358215332 + ], + [ + "\u2581autorit\u00e0", + -12.322320938110352 + ], + [ + "coli", + -12.322338104248049 + ], + [ + "\u2581Films", + -12.32242202758789 + ], + [ + "\u2581llega", + -12.322436332702637 + ], + [ + "\u2581formada", + -12.322622299194336 + ], + [ + "\u2581Rh", + -12.3226318359375 + ], + [ + "\u2581Autoren", + -12.322639465332031 + ], + [ + "\u2581electron", + -12.322751998901367 + ], + [ + "\u2581rang", + -12.322751998901367 + ], + [ + "\u2581stads", + -12.322763442993164 + ], + [ + "variant", + -12.322782516479492 + ], + [ + "kri", + -12.322839736938477 + ], + [ + "TEMP", + -12.32284927368164 + ], + [ + "\u2581contient", + -12.322912216186523 + ], + [ + "\u2581bereiken", + -12.322983741760254 + ], + [ + "kapital", + -12.323005676269531 + ], + [ + "\u2581peda", + -12.32304859161377 + ], + [ + "\u2581besch\u00e4ftigt", + -12.323055267333984 + ], + [ + "\u2581reeds", + -12.323062896728516 + ], + [ + "\u2581Secret", + -12.323101043701172 + ], + [ + "ggio", + -12.323251724243164 + ], + [ + "ann", + -12.32325839996338 + ], + [ + "nliche", + -12.32326602935791 + ], + [ + "\u2581mayores", + -12.323328971862791 + ], + [ + "\u2581\u00e9pouse", + -12.32342529296875 + ], + [ + "\u2581CF", + -12.323522567749023 + ], + [ + "\u2581Versammlung", + -12.323532104492188 + ], + [ + "\u2581tiempos", + -12.323616027832031 + ], + [ + "endorf", + -12.323644638061523 + ], + [ + "\u2581appel", + -12.32369899749756 + ], + [ + "Che", + -12.323707580566406 + ], + [ + "\u2581chart", + -12.323758125305176 + ], + [ + "sser", + -12.32381534576416 + ], + [ + "\u2581tradizionale", + -12.323845863342283 + ], + [ + "\u2581gros", + -12.32386589050293 + ], + [ + "Required", + -12.323881149291992 + ], + [ + "\u2581Pennsylvania", + -12.323883056640623 + ], + [ + "\u2581an\u00e1lisis", + -12.323906898498535 + ], + [ + "\u2581varinha", + -12.323906898498535 + ], + [ + "\u2581Jules", + -12.323914527893066 + ], + [ + "\u2581Low", + -12.32392120361328 + ], + [ + "\u2581l\u00ednguas", + -12.323955535888672 + ], + [ + "\u2581cancel", + -12.323993682861328 + ], + [ + "\u2581Entsch\u00e4digung", + -12.324121475219728 + ], + [ + "\u2581G\u00fcter", + -12.324158668518066 + ], + [ + "\u2581verantwortlich", + -12.324179649353027 + ], + [ + "anse", + -12.324206352233888 + ], + [ + "\u2581assunto", + -12.324213027954102 + ], + [ + "\u2581Ari", + -12.324228286743164 + ], + [ + "Alt", + -12.324385643005373 + ], + [ + "\u2581interno", + -12.324396133422852 + ], + [ + "toc", + -12.324442863464355 + ], + [ + "\u2581Gilbert", + -12.324505805969238 + ], + [ + "mph", + -12.324538230895996 + ], + [ + "\u2581neither", + -12.324560165405272 + ], + [ + "ezza", + -12.324594497680664 + ], + [ + "flug", + -12.324625968933104 + ], + [ + "\u2581equivalente", + -12.324719429016112 + ], + [ + "\u2581ziehen", + -12.324719429016112 + ], + [ + "\u2581pourtant", + -12.3247652053833 + ], + [ + "\u2581Verhandlungen", + -12.3247709274292 + ], + [ + "\u2581bons", + -12.324939727783203 + ], + [ + "RNA", + -12.325060844421388 + ], + [ + "\u2581beach", + -12.32507610321045 + ], + [ + "\u2581Medizin", + -12.325128555297852 + ], + [ + "Kernel", + -12.325156211853027 + ], + [ + "\u2581juegos", + -12.325227737426758 + ], + [ + "dus", + -12.325326919555664 + ], + [ + "\u2581dependent", + -12.32538604736328 + ], + [ + "\u2581resposta", + -12.325474739074709 + ], + [ + "\u2581spoorlijn", + -12.325624465942385 + ], + [ + "\u2581staatliche", + -12.325671195983888 + ], + [ + "\u2581syntax", + -12.32573413848877 + ], + [ + "Men", + -12.325773239135742 + ], + [ + "Score", + -12.32578468322754 + ], + [ + "\u2581MB", + -12.325791358947754 + ], + [ + "vtk", + -12.325919151306152 + ], + [ + "laden", + -12.326030731201172 + ], + [ + "rbi", + -12.32625961303711 + ], + [ + "nonumber", + -12.326338768005373 + ], + [ + "Mac", + -12.326393127441406 + ], + [ + "\u2581piedra", + -12.32644271850586 + ], + [ + "\u2581cento", + -12.326457023620604 + ], + [ + "tief", + -12.326478004455566 + ], + [ + "Merge", + -12.326482772827148 + ], + [ + "\u2581im\u00e1genes", + -12.32652187347412 + ], + [ + "\u2581Klassen", + -12.32656192779541 + ], + [ + "\u2581Blood", + -12.326579093933104 + ], + [ + "\u2581instant", + -12.326622009277344 + ], + [ + "\u2581Kate", + -12.326640129089355 + ], + [ + "\u2581domina", + -12.326685905456545 + ], + [ + "\u2581Nombre", + -12.326712608337402 + ], + [ + "\u2581Lemma", + -12.326714515686035 + ], + [ + "\u2581reforma", + -12.32673168182373 + ], + [ + "effect", + -12.326738357543944 + ], + [ + "eman", + -12.326770782470703 + ], + [ + "unsigned", + -12.326904296875 + ], + [ + "oggi", + -12.3271484375 + ], + [ + "\u2581roll", + -12.327287673950195 + ], + [ + "alia", + -12.327309608459473 + ], + [ + "\u2581Baker", + -12.327427864074709 + ], + [ + "\u2581attached", + -12.327458381652832 + ], + [ + "Done", + -12.327619552612305 + ], + [ + "mv", + -12.327651023864746 + ], + [ + "Transport", + -12.327685356140137 + ], + [ + "thi", + -12.327861785888672 + ], + [ + "\u2581Rijk", + -12.327889442443848 + ], + [ + "DOCKER", + -12.328046798706056 + ], + [ + "\u2581Feb", + -12.328303337097168 + ], + [ + "\u2581sangre", + -12.328322410583496 + ], + [ + "kow", + -12.328354835510254 + ], + [ + "\u2581soggetto", + -12.328368186950684 + ], + [ + "\u2581kosten", + -12.328530311584473 + ], + [ + "\u2581beschlie", + -12.328575134277344 + ], + [ + "rom", + -12.328601837158203 + ], + [ + "MESSAGE", + -12.328660011291504 + ], + [ + "\u2581bundle", + -12.328667640686035 + ], + [ + "stroke", + -12.328741073608398 + ], + [ + "Area", + -12.328827857971191 + ], + [ + "\u2581Armee", + -12.328837394714355 + ], + [ + "\u2581chief", + -12.329004287719728 + ], + [ + "\u2581realizadas", + -12.329020500183104 + ], + [ + "aco", + -12.329021453857422 + ], + [ + "\u2581Extra", + -12.329113960266112 + ], + [ + "organisationen", + -12.329115867614746 + ], + [ + "cera", + -12.32919979095459 + ], + [ + "wart", + -12.329432487487791 + ], + [ + "\u2581niemand", + -12.32956600189209 + ], + [ + "jin", + -12.329577445983888 + ], + [ + "tuple", + -12.329611778259276 + ], + [ + "\u2581protect", + -12.329632759094238 + ], + [ + "fish", + -12.329763412475586 + ], + [ + "\u2581georganiseerd", + -12.32981777191162 + ], + [ + "\u2581circuito", + -12.32985496520996 + ], + [ + "cx", + -12.329878807067873 + ], + [ + "FU", + -12.329890251159668 + ], + [ + "\u2581Consider", + -12.329989433288574 + ], + [ + "\u2581Operation", + -12.330025672912598 + ], + [ + "\u2581biglietti", + -12.330086708068848 + ], + [ + "WF", + -12.33022689819336 + ], + [ + "\u2581sales", + -12.330242156982422 + ], + [ + "\u2581remporte", + -12.33024787902832 + ], + [ + "\u2581lingue", + -12.330286979675291 + ], + [ + "\u2581reasonable", + -12.330351829528809 + ], + [ + "\u2581ehemalige", + -12.330392837524414 + ], + [ + "\u2581hermanos", + -12.33039665222168 + ], + [ + "bullet", + -12.33046817779541 + ], + [ + "\u2581considerable", + -12.330589294433594 + ], + [ + "stedt", + -12.330644607543944 + ], + [ + "\u2581Messung", + -12.33068561553955 + ], + [ + "sender", + -12.330723762512209 + ], + [ + "BV", + -12.330755233764648 + ], + [ + "\u2581Roque", + -12.33081340789795 + ], + [ + "\u2581fruto", + -12.331121444702148 + ], + [ + "\u2581naturalmente", + -12.331122398376465 + ], + [ + "\u2581baby", + -12.331134796142578 + ], + [ + "\u2581ordine", + -12.331218719482422 + ], + [ + "ET", + -12.33122730255127 + ], + [ + "polis", + -12.331398963928224 + ], + [ + "\u2581standing", + -12.33144760131836 + ], + [ + "midi", + -12.331454277038574 + ], + [ + "\u2581edition", + -12.331546783447266 + ], + [ + "\u2581lies", + -12.331592559814451 + ], + [ + "ridge", + -12.331597328186035 + ], + [ + "\u2581messo", + -12.331720352172852 + ], + [ + "\u2581mismos", + -12.331786155700684 + ], + [ + "\u2581anch", + -12.331806182861328 + ], + [ + "RW", + -12.331847190856934 + ], + [ + "jaar", + -12.331867218017578 + ], + [ + "\u2581mock", + -12.33187484741211 + ], + [ + "limits", + -12.331950187683104 + ], + [ + "\u2581Tous", + -12.331958770751951 + ], + [ + "\u2581richten", + -12.33203125 + ], + [ + "tiv", + -12.332032203674316 + ], + [ + "i\u00f3n", + -12.332145690917969 + ], + [ + "\u2581bronce", + -12.332161903381348 + ], + [ + "\u2581Latina", + -12.332205772399902 + ], + [ + "\u2581spiaggia", + -12.332236289978027 + ], + [ + "\u2581concetto", + -12.332237243652344 + ], + [ + "\u2581troca", + -12.332237243652344 + ], + [ + "logging", + -12.33223819732666 + ], + [ + "\u2581neun", + -12.332318305969238 + ], + [ + "\u2581geringen", + -12.33246612548828 + ], + [ + "packet", + -12.332542419433594 + ], + [ + "linien", + -12.332559585571287 + ], + [ + "\u2581sat", + -12.332680702209473 + ], + [ + "\u2581ice", + -12.332681655883787 + ], + [ + "\u2581epoca", + -12.332802772521973 + ], + [ + "fluss", + -12.332815170288086 + ], + [ + "Wo", + -12.332890510559082 + ], + [ + "half", + -12.33292007446289 + ], + [ + "environment", + -12.332967758178713 + ], + [ + "have", + -12.333081245422363 + ], + [ + "indices", + -12.333388328552246 + ], + [ + "history", + -12.33342456817627 + ], + [ + "saison", + -12.333433151245115 + ], + [ + "\u2581Tsu", + -12.333452224731444 + ], + [ + "backup", + -12.333456039428713 + ], + [ + "preview", + -12.333477973937988 + ], + [ + "\u2581decimal", + -12.333478927612305 + ], + [ + "\u2581Constitution", + -12.333494186401367 + ], + [ + "\u2581Avant", + -12.333578109741213 + ], + [ + "\u2581devrait", + -12.333678245544434 + ], + [ + "\u2581dieren", + -12.33379077911377 + ], + [ + "Detail", + -12.33381462097168 + ], + [ + "\u2581constructor", + -12.33392333984375 + ], + [ + "itis", + -12.334047317504885 + ], + [ + "\u2581Europees", + -12.33408546447754 + ], + [ + "\u2581Innern", + -12.33413791656494 + ], + [ + "\u2581respeito", + -12.334240913391112 + ], + [ + "\u2581lojas", + -12.334258079528809 + ], + [ + "programme", + -12.334599494934082 + ], + [ + "sq", + -12.334696769714355 + ], + [ + "\u2581personaggi", + -12.334701538085938 + ], + [ + "\u2581debuut", + -12.334718704223633 + ], + [ + "\u2581r\u00e1pida", + -12.33481216430664 + ], + [ + "\u2581drugs", + -12.334935188293455 + ], + [ + "\u2581OK", + -12.33493995666504 + ], + [ + "avano", + -12.334988594055176 + ], + [ + "Scroll", + -12.335020065307615 + ], + [ + "\u2581joined", + -12.33502197265625 + ], + [ + "\u2581statistics", + -12.335071563720703 + ], + [ + "\u2581tante", + -12.335095405578612 + ], + [ + "\u2581Abgeordnete", + -12.335119247436523 + ], + [ + "\u2581relativa", + -12.33514404296875 + ], + [ + "\u2581sugli", + -12.335205078125 + ], + [ + "functions", + -12.335223197937012 + ], + [ + "citep", + -12.335294723510742 + ], + [ + "\u2581elektrische", + -12.335334777832031 + ], + [ + "mag", + -12.33535385131836 + ], + [ + "Loader", + -12.33536148071289 + ], + [ + "\u2581Dach", + -12.335387229919434 + ], + [ + "\u2581volumes", + -12.335394859313965 + ], + [ + "pfung", + -12.335485458374023 + ], + [ + "openssl", + -12.33563232421875 + ], + [ + "\u2581bambino", + -12.33575439453125 + ], + [ + "\u2581habilidades", + -12.335841178894045 + ], + [ + "\u2581l\u00e4", + -12.335952758789062 + ], + [ + "\u2581obtient", + -12.335989952087402 + ], + [ + "\u2581Masse", + -12.336004257202148 + ], + [ + "\u2581Future", + -12.336122512817385 + ], + [ + "\u2581tedesca", + -12.33621311187744 + ], + [ + "lava", + -12.336259841918944 + ], + [ + "wissenschaften", + -12.336325645446776 + ], + [ + "dez", + -12.336498260498049 + ], + [ + "ager", + -12.336588859558104 + ], + [ + "\u2581gun", + -12.336759567260742 + ], + [ + "\u2581Faktor", + -12.336793899536133 + ], + [ + "\u2581campus", + -12.336836814880373 + ], + [ + "\u2581Engineering", + -12.336861610412598 + ], + [ + "\u2581nano", + -12.336872100830078 + ], + [ + "cula", + -12.336934089660645 + ], + [ + "\u2581Nieuwe", + -12.336938858032228 + ], + [ + "\u2581ontdekt", + -12.336941719055176 + ], + [ + "\u2581gelegt", + -12.336949348449709 + ], + [ + "deep", + -12.337006568908691 + ], + [ + "\u2581Dra", + -12.337180137634276 + ], + [ + "\u2581Konflikt", + -12.337310791015623 + ], + [ + "\u2581defender", + -12.337310791015623 + ], + [ + "\u2581langen", + -12.337342262268066 + ], + [ + "\u2581\u00fcbermittelt", + -12.337361335754396 + ], + [ + "\u2581certificate", + -12.337364196777344 + ], + [ + "\u2581Renaissance", + -12.337366104125977 + ], + [ + "corr", + -12.337396621704102 + ], + [ + "\u2581zaken", + -12.337453842163086 + ], + [ + "\u2581industria", + -12.337750434875488 + ], + [ + "\u2581Jin", + -12.337775230407717 + ], + [ + "\u2581Compa", + -12.337779998779297 + ], + [ + "\u2581alcanzar", + -12.337990760803224 + ], + [ + "cata", + -12.338122367858888 + ], + [ + "\u2581doi", + -12.338154792785645 + ], + [ + "sens", + -12.33823299407959 + ], + [ + "\u2581Rond", + -12.338375091552734 + ], + [ + "\u2581t\u00e9l\u00e9vis\u00e9e", + -12.338464736938477 + ], + [ + "\u2581caro", + -12.338508605957031 + ], + [ + "\u2581Economic", + -12.338565826416016 + ], + [ + "wn", + -12.338580131530762 + ], + [ + "\u2581definido", + -12.338583946228027 + ], + [ + "\u2581iron", + -12.338635444641112 + ], + [ + "\u2581loaded", + -12.338759422302246 + ], + [ + "\u2581stam", + -12.338760375976562 + ], + [ + "\u2581Norman", + -12.338770866394045 + ], + [ + "\u2581numerous", + -12.338815689086914 + ], + [ + "\u2581unconscious", + -12.338841438293455 + ], + [ + "VF", + -12.338972091674805 + ], + [ + "Espagne", + -12.33898639678955 + ], + [ + "\u2581reso", + -12.33908462524414 + ], + [ + "\u2581Ruhe", + -12.33910083770752 + ], + [ + "\u2581Campionato", + -12.339136123657228 + ], + [ + "lista", + -12.339322090148926 + ], + [ + "\u2581Ciencias", + -12.33934497833252 + ], + [ + "Home", + -12.339361190795898 + ], + [ + "\u2581Nigeria", + -12.33940601348877 + ], + [ + "\u2581Petit", + -12.339473724365234 + ], + [ + "prompt", + -12.339607238769531 + ], + [ + "\u2581codes", + -12.339651107788086 + ], + [ + "qq", + -12.339659690856934 + ], + [ + "chel", + -12.33973789215088 + ], + [ + "\u2581adopt", + -12.339738845825195 + ], + [ + "\u2581Einkommens", + -12.33977508544922 + ], + [ + "\u2581v\u00e9rit\u00e9", + -12.339821815490724 + ], + [ + "\u2581bassa", + -12.339900016784668 + ], + [ + "dimension", + -12.340190887451172 + ], + [ + "efefef", + -12.34031581878662 + ], + [ + "Gruppe", + -12.340332984924316 + ], + [ + "\u2581coffee", + -12.340431213378906 + ], + [ + "annotation", + -12.34044361114502 + ], + [ + "than", + -12.340453147888184 + ], + [ + "\u2581salida", + -12.34045696258545 + ], + [ + "burn", + -12.340462684631348 + ], + [ + "\u2581revealed", + -12.340550422668455 + ], + [ + "\u2581besloot", + -12.340673446655272 + ], + [ + "dependent", + -12.340740203857422 + ], + [ + "\u2581icon", + -12.340770721435549 + ], + [ + "\u2581Orde", + -12.34080696105957 + ], + [ + "\u2581universo", + -12.340807914733888 + ], + [ + "ats", + -12.340867042541504 + ], + [ + "\u2581campe", + -12.340867042541504 + ], + [ + "prob", + -12.34095287322998 + ], + [ + "HT", + -12.340961456298828 + ], + [ + "\u2581Rin", + -12.340962409973145 + ], + [ + "\u2581DJ", + -12.341064453125 + ], + [ + "\u2581Austausch", + -12.341070175170898 + ], + [ + "\u2581possiamo", + -12.341115951538086 + ], + [ + "\u2581medico", + -12.34117317199707 + ], + [ + "\u2581cursor", + -12.341175079345703 + ], + [ + "\u2581Face", + -12.341192245483398 + ], + [ + "\u2581dada", + -12.341257095336914 + ], + [ + "Bau", + -12.341435432434082 + ], + [ + "\u2581manda", + -12.341463088989258 + ], + [ + "Ke", + -12.341525077819824 + ], + [ + "\u2581wichtigen", + -12.341564178466797 + ], + [ + "Espa", + -12.34157943725586 + ], + [ + "\u2581inline", + -12.341582298278809 + ], + [ + "\u2581Wahrnehmung", + -12.34163761138916 + ], + [ + "\u2581Laufe", + -12.341651916503906 + ], + [ + "\u2581constructed", + -12.341913223266602 + ], + [ + "\u2581Spelen", + -12.341936111450195 + ], + [ + "\u2581Fri", + -12.342040061950684 + ], + [ + "\u2581[];", + -12.342041969299316 + ], + [ + "Screen", + -12.34208869934082 + ], + [ + "Berlin", + -12.342138290405272 + ], + [ + "\u2581funciones", + -12.34213924407959 + ], + [ + "amount", + -12.342156410217283 + ], + [ + "\u2581broken", + -12.34230136871338 + ], + [ + "\u2581Entstehung", + -12.342324256896973 + ], + [ + "\u2581sto", + -12.34234619140625 + ], + [ + "vio", + -12.342373847961426 + ], + [ + "\u2581Folgenden", + -12.34238338470459 + ], + [ + "\u2581obvious", + -12.342452049255373 + ], + [ + "\u2581Dalla", + -12.342486381530762 + ], + [ + "\u2581Pieter", + -12.342487335205078 + ], + [ + "gaan", + -12.34250259399414 + ], + [ + "sw", + -12.342570304870604 + ], + [ + "Adv\u00e9rbio", + -12.34258270263672 + ], + [ + "Hello", + -12.342596054077148 + ], + [ + "\u2581Graham", + -12.342655181884766 + ], + [ + "\u2581aten", + -12.342674255371094 + ], + [ + "\u2581mouth", + -12.3427152633667 + ], + [ + "\u2581Turner", + -12.342728614807127 + ], + [ + "\u2581gusta", + -12.342772483825684 + ], + [ + "\u2581getragen", + -12.342839241027832 + ], + [ + "\u2581hart", + -12.34285831451416 + ], + [ + "condition", + -12.342901229858398 + ], + [ + "\u2581straalvinnige", + -12.342971801757812 + ], + [ + "onda", + -12.342995643615724 + ], + [ + "sis", + -12.34305477142334 + ], + [ + "\u2581Enfin", + -12.343066215515137 + ], + [ + "imperatore", + -12.343145370483398 + ], + [ + "\u2581usare", + -12.34315586090088 + ], + [ + "\u2581Dance", + -12.343331336975098 + ], + [ + "\u2581tient", + -12.343498229980469 + ], + [ + "\u2581physics", + -12.343607902526855 + ], + [ + "\u2581deserto", + -12.343624114990234 + ], + [ + "niveau", + -12.343626022338867 + ], + [ + "Green", + -12.343633651733398 + ], + [ + "\u2581janela", + -12.343671798706056 + ], + [ + "\u2581Erw\u00e4gung", + -12.343820571899414 + ], + [ + "\u2581yellow", + -12.343830108642578 + ], + [ + "\u2581tuple", + -12.343854904174805 + ], + [ + "\u2581nahezu", + -12.34388256072998 + ], + [ + "\u2581Russland", + -12.343892097473145 + ], + [ + "\u2581mestre", + -12.34390926361084 + ], + [ + "\u2581devenu", + -12.343954086303713 + ], + [ + "Remote", + -12.344318389892578 + ], + [ + "\u2581verb", + -12.344350814819336 + ], + [ + "\u2581radiation", + -12.344452857971191 + ], + [ + "\u2581Abkommens", + -12.344717979431152 + ], + [ + "\u2581narrow", + -12.344733238220217 + ], + [ + "\u2581tratado", + -12.344733238220217 + ], + [ + "\u2581altar", + -12.34473705291748 + ], + [ + "vspace", + -12.344796180725098 + ], + [ + "\u2581devait", + -12.344874382019045 + ], + [ + "\u2581goles", + -12.344884872436523 + ], + [ + "\u2581marina", + -12.344889640808104 + ], + [ + "\u2581Herbst", + -12.344916343688965 + ], + [ + "\u2581esteja", + -12.344932556152344 + ], + [ + "\u2581Matthew", + -12.344943046569824 + ], + [ + "\u2581Javier", + -12.344955444335938 + ], + [ + "\u2581Saturday", + -12.344976425170898 + ], + [ + "\u2581coordinate", + -12.345101356506348 + ], + [ + "\u2581rational", + -12.345158576965332 + ], + [ + "\u2581Actualmente", + -12.345288276672363 + ], + [ + "\u00e9criture", + -12.345304489135742 + ], + [ + "escu", + -12.345316886901855 + ], + [ + "tera", + -12.345402717590332 + ], + [ + "\u2581Kurs", + -12.345447540283203 + ], + [ + "\u2581Beweis", + -12.345627784729004 + ], + [ + "\u2581Pha", + -12.345627784729004 + ], + [ + "\u2581Felix", + -12.34566879272461 + ], + [ + "\u2581Mind", + -12.345680236816406 + ], + [ + "\u2581occidental", + -12.345715522766112 + ], + [ + "\u2581vervoer", + -12.345785140991213 + ], + [ + "\u2581bridge", + -12.345803260803224 + ], + [ + "\u2581hermana", + -12.345831871032717 + ], + [ + "\u2581plek", + -12.345890045166016 + ], + [ + "\u2581medalla", + -12.345908164978027 + ], + [ + "rey", + -12.345914840698242 + ], + [ + "\u2581Magazine", + -12.34600830078125 + ], + [ + "Und", + -12.346029281616213 + ], + [ + "\u2581Golfo", + -12.346095085144045 + ], + [ + "decl", + -12.346284866333008 + ], + [ + "\u2581married", + -12.3463134765625 + ], + [ + "\u2581sp\u00e4testens", + -12.346317291259766 + ], + [ + "\u2581publicada", + -12.346343040466309 + ], + [ + "Cert", + -12.34634780883789 + ], + [ + "\u2581exemplos", + -12.346376419067385 + ], + [ + "\u2581certeza", + -12.346400260925291 + ], + [ + "\u2581vectors", + -12.346406936645508 + ], + [ + "\u2581dennoch", + -12.34642505645752 + ], + [ + "\u2581St\u00e4dten", + -12.34646224975586 + ], + [ + "isce", + -12.346480369567873 + ], + [ + "\u2581ol\u00edmpicos", + -12.34658432006836 + ], + [ + "\u2581assessment", + -12.34664535522461 + ], + [ + "\u2581transit", + -12.346755027770996 + ], + [ + "\u2581UIColor", + -12.346766471862791 + ], + [ + "\u2581poesia", + -12.346840858459473 + ], + [ + "\u2581Melhor", + -12.346858024597168 + ], + [ + "\u2581antichi", + -12.346959114074709 + ], + [ + "\u2581encima", + -12.347123146057127 + ], + [ + "\u2581javax", + -12.34726905822754 + ], + [ + "\u2581terceira", + -12.347277641296388 + ], + [ + "\u2581notification", + -12.347291946411133 + ], + [ + "hill", + -12.347373008728027 + ], + [ + "\u2581cama", + -12.34746551513672 + ], + [ + "Encoding", + -12.347515106201172 + ], + [ + "\u2581Access", + -12.347594261169434 + ], + [ + "\u2581Thompson", + -12.34760284423828 + ], + [ + "\u2581Mitteln", + -12.34760570526123 + ], + [ + "aime", + -12.34763240814209 + ], + [ + "redis", + -12.34768772125244 + ], + [ + "moto", + -12.347713470458984 + ], + [ + "\u2581diretti", + -12.347725868225098 + ], + [ + "\u2581zeigten", + -12.347795486450195 + ], + [ + "moz", + -12.34782886505127 + ], + [ + "jest", + -12.347901344299316 + ], + [ + "atar", + -12.347926139831545 + ], + [ + "anta", + -12.348028182983398 + ], + [ + "\u2581Schrift", + -12.348082542419434 + ], + [ + "\u2581lied", + -12.348169326782228 + ], + [ + "inos", + -12.348194122314451 + ], + [ + "\u2581trait\u00e9", + -12.348237037658691 + ], + [ + "\u2581Job", + -12.348353385925291 + ], + [ + "\u2581possibly", + -12.348356246948242 + ], + [ + "hnlich", + -12.348481178283691 + ], + [ + "\u2581gerne", + -12.348540306091309 + ], + [ + "\u2581verloor", + -12.348615646362305 + ], + [ + "\u2581daarvan", + -12.34865951538086 + ], + [ + "\u2581Klage", + -12.348721504211426 + ], + [ + "\u2581Lorsque", + -12.34886360168457 + ], + [ + "\u2581mulher", + -12.348925590515137 + ], + [ + "\u2581politiek", + -12.349000930786133 + ], + [ + "once", + -12.349031448364258 + ], + [ + "\u2581seguire", + -12.34904670715332 + ], + [ + "\u2581territorial", + -12.349090576171877 + ], + [ + "\u2581stores", + -12.349111557006836 + ], + [ + "MN", + -12.349113464355469 + ], + [ + "\u2581diff\u00e9rence", + -12.349138259887695 + ], + [ + "\u2581Learning", + -12.349143981933594 + ], + [ + "IK", + -12.349326133728027 + ], + [ + "\u2581DS", + -12.349353790283203 + ], + [ + "\u2581oficiales", + -12.349395751953123 + ], + [ + "\u2581ger", + -12.349535942077637 + ], + [ + "\u2581motivi", + -12.349535942077637 + ], + [ + "\u2581t\u00e4glich", + -12.349579811096191 + ], + [ + "\u2581provoca", + -12.34972858428955 + ], + [ + "\u2581Schaffung", + -12.349729537963867 + ], + [ + "\u2581positivo", + -12.349750518798828 + ], + [ + "\u2581Erhaltung", + -12.34976577758789 + ], + [ + "cont", + -12.349781036376951 + ], + [ + "\u2581Podemos", + -12.349814414978027 + ], + [ + "\u2581Cooper", + -12.349835395812988 + ], + [ + "\u2581gevallen", + -12.349855422973633 + ], + [ + "\u2581chama", + -12.349961280822754 + ], + [ + "\u2581decorativo", + -12.349983215332031 + ], + [ + "\u2581weltweit", + -12.350013732910156 + ], + [ + "RSA", + -12.35006332397461 + ], + [ + "USA", + -12.350069999694824 + ], + [ + "\u2581Korea", + -12.350173950195312 + ], + [ + "ambiente", + -12.350333213806152 + ], + [ + "Pe", + -12.350337028503418 + ], + [ + "\u2581parking", + -12.350350379943848 + ], + [ + "UNG", + -12.35037899017334 + ], + [ + "\u2581convention", + -12.350390434265137 + ], + [ + "\u2581officials", + -12.350483894348145 + ], + [ + "writer", + -12.350529670715332 + ], + [ + "\u2581Associa", + -12.350582122802734 + ], + [ + "\u2581Trade", + -12.35063934326172 + ], + [ + "\u2581vir", + -12.350666999816896 + ], + [ + "\u2581Schlacht", + -12.350717544555664 + ], + [ + "\u2581urspr\u00fcnglich", + -12.350750923156738 + ], + [ + "\u2581beruflichen", + -12.350814819335938 + ], + [ + "bergang", + -12.350894927978516 + ], + [ + "\u2581mala", + -12.350909233093262 + ], + [ + "\u2581Maschinen", + -12.350926399230955 + ], + [ + "\u2581obstante", + -12.350985527038574 + ], + [ + "\u2581Gala", + -12.351043701171877 + ], + [ + "cot", + -12.351078987121582 + ], + [ + "pia", + -12.351207733154297 + ], + [ + "leven", + -12.35122013092041 + ], + [ + "vas", + -12.351385116577148 + ], + [ + "Band", + -12.351550102233888 + ], + [ + "\u2581Clinton", + -12.351658821105955 + ], + [ + "sequence", + -12.351719856262209 + ], + [ + "\u2581colori", + -12.351792335510254 + ], + [ + "osos", + -12.351832389831545 + ], + [ + "\u2581ragazza", + -12.351861953735352 + ], + [ + "accesso", + -12.351892471313477 + ], + [ + "\u2581basa", + -12.351893424987791 + ], + [ + "\u2581cr\u00e9\u00e9e", + -12.351929664611816 + ], + [ + "\u2581gestione", + -12.352060317993164 + ], + [ + "\u2581specifically", + -12.352078437805176 + ], + [ + "\u2581marriage", + -12.352088928222656 + ], + [ + "Platform", + -12.352097511291504 + ], + [ + "zum", + -12.35215187072754 + ], + [ + "lach", + -12.352158546447754 + ], + [ + "bw", + -12.35223388671875 + ], + [ + "\u2581environmental", + -12.352374076843262 + ], + [ + "\u2581Verst\u00e4ndnis", + -12.352436065673828 + ], + [ + "\u2581KOMMISSION", + -12.352535247802734 + ], + [ + "\u2581t\u00e9l\u00e9vision", + -12.352554321289062 + ], + [ + "\u2581hoher", + -12.352612495422363 + ], + [ + "Res", + -12.352622032165527 + ], + [ + "\u2581Drie", + -12.352630615234377 + ], + [ + "bits", + -12.352663040161133 + ], + [ + "elf", + -12.352709770202637 + ], + [ + "\u2581tratamiento", + -12.352737426757812 + ], + [ + "\u2581Race", + -12.352849006652832 + ], + [ + "Cor", + -12.352875709533691 + ], + [ + "\u2581destinazione", + -12.352944374084473 + ], + [ + "\u2581Antragsteller", + -12.353106498718262 + ], + [ + "\u2581phrase", + -12.353109359741213 + ], + [ + "\u2581urban", + -12.353249549865724 + ], + [ + "\u2581eat", + -12.353270530700684 + ], + [ + "mkdir", + -12.353301048278809 + ], + [ + "\u2581erkl\u00e4rte", + -12.353311538696287 + ], + [ + "\u2581Gary", + -12.353471755981444 + ], + [ + "\u2581comporta", + -12.353521347045898 + ], + [ + "\u2581hole", + -12.353667259216309 + ], + [ + "\u2581endpoint", + -12.353671073913574 + ], + [ + "SSL", + -12.353856086730955 + ], + [ + "except", + -12.353924751281738 + ], + [ + "\u2581cristiana", + -12.35402011871338 + ], + [ + "\u2581Luther", + -12.354063034057615 + ], + [ + "\u2581notas", + -12.35416316986084 + ], + [ + "charge", + -12.354208946228027 + ], + [ + "\u2581conduct", + -12.354244232177734 + ], + [ + "\u2581acquistare", + -12.354323387145996 + ], + [ + "\u2581Matrix", + -12.354365348815918 + ], + [ + "\u2581Kompetenz", + -12.354398727416992 + ], + [ + "\u2581Chan", + -12.354448318481444 + ], + [ + "sect", + -12.354535102844238 + ], + [ + "\u2581Verona", + -12.354640007019045 + ], + [ + "\u2581widely", + -12.35466766357422 + ], + [ + "\u2581Instrument", + -12.3547945022583 + ], + [ + "Mor", + -12.354838371276855 + ], + [ + "tine", + -12.354867935180664 + ], + [ + "\u2581representar", + -12.35499382019043 + ], + [ + "\u2581pri", + -12.355008125305176 + ], + [ + "\u2581indices", + -12.355164527893066 + ], + [ + "\u2581Giro", + -12.355352401733398 + ], + [ + "\u2581televisiva", + -12.355366706848145 + ], + [ + "\u2581entschieden", + -12.355517387390137 + ], + [ + "ske", + -12.355523109436035 + ], + [ + "\u2581propriedade", + -12.355524063110352 + ], + [ + "\u2581alimentos", + -12.355584144592283 + ], + [ + "sbereich", + -12.355623245239258 + ], + [ + "\u2581Vas", + -12.35564422607422 + ], + [ + "\u2581ense", + -12.355728149414062 + ], + [ + "\u2581addirittura", + -12.355748176574709 + ], + [ + "\u2581Por\u00e9m", + -12.355749130249023 + ], + [ + "\u2581Direct", + -12.355783462524414 + ], + [ + "\u2581Evans", + -12.355853080749512 + ], + [ + "\u2581className", + -12.3558988571167 + ], + [ + "\u2581Vel", + -12.356023788452148 + ], + [ + "izer", + -12.356103897094728 + ], + [ + "\u2581zentralen", + -12.35612678527832 + ], + [ + "\u2581moiti\u00e9", + -12.356194496154783 + ], + [ + "gif", + -12.356293678283691 + ], + [ + "\u2581Iraq", + -12.356310844421388 + ], + [ + "\u2581complet", + -12.35632610321045 + ], + [ + "r\u00fc", + -12.35651683807373 + ], + [ + "shire", + -12.35653305053711 + ], + [ + "\u2581d\u00e9clar\u00e9", + -12.356603622436523 + ], + [ + "\u2581attacks", + -12.356639862060549 + ], + [ + "rian", + -12.356667518615724 + ], + [ + "\u2581weiteres", + -12.356708526611328 + ], + [ + "\u2581puisque", + -12.356781959533691 + ], + [ + "\u2581Ausf\u00fchrung", + -12.356785774230955 + ], + [ + "Abbildung", + -12.356853485107422 + ], + [ + "\u2581temporary", + -12.356879234313965 + ], + [ + "had", + -12.35695457458496 + ], + [ + "\u2581kracht", + -12.356989860534668 + ], + [ + "\u2581configure", + -12.357025146484377 + ], + [ + "\u2581erreichte", + -12.35708236694336 + ], + [ + "\u2581longueur", + -12.357224464416504 + ], + [ + "\u2581Bron", + -12.357381820678713 + ], + [ + "\u2581contenido", + -12.357391357421877 + ], + [ + "\u2581Build", + -12.357418060302734 + ], + [ + "\u2581SD", + -12.357439041137695 + ], + [ + "\u2581umgesetzt", + -12.357518196105955 + ], + [ + "\u2581satellite", + -12.357542037963867 + ], + [ + "\u2581analog", + -12.357542991638184 + ], + [ + "remo", + -12.357548713684082 + ], + [ + "\u2581Toulouse", + -12.357605934143066 + ], + [ + "\u2581vorhandenen", + -12.357645988464355 + ], + [ + "\u2581lock", + -12.357707977294922 + ], + [ + "lker", + -12.357749938964844 + ], + [ + "\u2581tribu", + -12.35790729522705 + ], + [ + "\u2581reset", + -12.357924461364746 + ], + [ + "jon", + -12.358062744140623 + ], + [ + "\u2581especiais", + -12.358089447021484 + ], + [ + "\u2581Bundesrat", + -12.358176231384276 + ], + [ + "\u2581auteurs", + -12.358267784118652 + ], + [ + "unknown", + -12.358327865600586 + ], + [ + "\u2581bel", + -12.358360290527344 + ], + [ + "Association", + -12.358424186706545 + ], + [ + "SERVICE", + -12.358424186706545 + ], + [ + "\u2581computed", + -12.358440399169922 + ], + [ + "\u2581channels", + -12.358442306518556 + ], + [ + "seg", + -12.358448028564451 + ], + [ + "\u2581contacto", + -12.358549118041992 + ], + [ + "\u2581nov", + -12.35862922668457 + ], + [ + "\u2581formando", + -12.358646392822266 + ], + [ + "\u2581tiro", + -12.358735084533691 + ], + [ + "\u2581sorta", + -12.358939170837402 + ], + [ + "\u2581proximit\u00e9", + -12.358963012695312 + ], + [ + "rium", + -12.358969688415527 + ], + [ + "\u2581terremoto", + -12.35897445678711 + ], + [ + "\u2581direttore", + -12.359010696411133 + ], + [ + "\u2581repr\u00e9sente", + -12.359064102172852 + ], + [ + "\u2581starke", + -12.359247207641602 + ], + [ + "binding", + -12.359314918518066 + ], + [ + "\u2581disposizione", + -12.359329223632812 + ], + [ + "\u2581tief", + -12.35940170288086 + ], + [ + "\u2581r\u00e9ponse", + -12.359434127807615 + ], + [ + "alba", + -12.35944938659668 + ], + [ + "\u2581FM", + -12.35955047607422 + ], + [ + "\u2581duque", + -12.359551429748535 + ], + [ + "Cha", + -12.3595609664917 + ], + [ + "\u2581tinham", + -12.359576225280762 + ], + [ + "hua", + -12.35964584350586 + ], + [ + "Loc", + -12.359668731689451 + ], + [ + "nice", + -12.359703063964844 + ], + [ + "Har", + -12.359704971313477 + ], + [ + "\u2581Protokoll", + -12.359723091125488 + ], + [ + "Transition", + -12.359801292419434 + ], + [ + "\u2581nucleo", + -12.359807014465332 + ], + [ + "\u2581mask", + -12.35986328125 + ], + [ + "\u2581pressi", + -12.359920501708984 + ], + [ + "crypto", + -12.360005378723145 + ], + [ + "zustand", + -12.360026359558104 + ], + [ + "\u2581Deutschlands", + -12.360040664672852 + ], + [ + "\u2581recommended", + -12.36007595062256 + ], + [ + "\u2581Karriere", + -12.360118865966797 + ], + [ + "\u2581tombe", + -12.360187530517578 + ], + [ + "\u2581Montr\u00e9al", + -12.360325813293455 + ], + [ + "issen", + -12.3603515625 + ], + [ + "\u2581diario", + -12.36042022705078 + ], + [ + "CHAR", + -12.36042308807373 + ], + [ + "\u2581processos", + -12.360455513000488 + ], + [ + "\u2581circumstances", + -12.360538482666016 + ], + [ + "\u2581Lombardia", + -12.360578536987305 + ], + [ + "\u2581Dutch", + -12.360583305358888 + ], + [ + "\u2581handicap", + -12.360595703125 + ], + [ + "\u2581Belastung", + -12.360638618469238 + ], + [ + "\u2581classique", + -12.360687255859377 + ], + [ + "\u2581personaggio", + -12.360699653625488 + ], + [ + "\u2581linguaggio", + -12.360736846923828 + ], + [ + "ever", + -12.36087703704834 + ], + [ + "\u2581Anbieter", + -12.36093521118164 + ], + [ + "\u2581Streit", + -12.360981941223145 + ], + [ + "Bibliografia", + -12.361101150512695 + ], + [ + "\u2581Physics", + -12.36111068725586 + ], + [ + "\u2581umano", + -12.361160278320312 + ], + [ + "datetime", + -12.361363410949709 + ], + [ + "\u2581practical", + -12.361577033996582 + ], + [ + "\u2581raggiunge", + -12.361644744873049 + ], + [ + "\u2581dual", + -12.361689567565918 + ], + [ + "\u2581\\.$(", + -12.361735343933104 + ], + [ + "\u2581fr\u00fchen", + -12.361751556396484 + ], + [ + "typename", + -12.361754417419434 + ], + [ + "\u2581rimase", + -12.361754417419434 + ], + [ + "cate", + -12.36176300048828 + ], + [ + "kol", + -12.36176872253418 + ], + [ + "\u00edveis", + -12.36179256439209 + ], + [ + "\u2581birth", + -12.361947059631348 + ], + [ + "\u2581Raad", + -12.361948013305664 + ], + [ + "\u2581morreu", + -12.361958503723145 + ], + [ + "plant", + -12.36201000213623 + ], + [ + "adapter", + -12.362030982971191 + ], + [ + "flat", + -12.36207103729248 + ], + [ + "\u2581Study", + -12.362101554870604 + ], + [ + "\u2581assieme", + -12.3622465133667 + ], + [ + "\u2581Ferner", + -12.362342834472656 + ], + [ + "\u2581Comics", + -12.362438201904297 + ], + [ + "WITH", + -12.36246109008789 + ], + [ + "CK", + -12.362504959106444 + ], + [ + "\u2581erscheinen", + -12.362546920776367 + ], + [ + "\u2581festgesetzt", + -12.36258029937744 + ], + [ + "NULL", + -12.362613677978516 + ], + [ + "NU", + -12.36263656616211 + ], + [ + "ar\u00e1", + -12.36270809173584 + ], + [ + "\u2581Elektro", + -12.362801551818848 + ], + [ + "Bad", + -12.362909317016602 + ], + [ + "Timer", + -12.36294937133789 + ], + [ + "\u2581Betrachtung", + -12.362953186035156 + ], + [ + "\u2581ontwikkeld", + -12.362984657287598 + ], + [ + "brief", + -12.363015174865724 + ], + [ + "\u2581characteristic", + -12.363070487976074 + ], + [ + "\u2581piena", + -12.36311149597168 + ], + [ + "tels", + -12.363338470458984 + ], + [ + "\u2581lettres", + -12.363475799560549 + ], + [ + "\u2581ataques", + -12.363500595092772 + ], + [ + "\u2581dolor", + -12.36351490020752 + ], + [ + "letter", + -12.36354160308838 + ], + [ + "\u2581Alternative", + -12.363545417785645 + ], + [ + "\u2581bens", + -12.36361026763916 + ], + [ + "\u2581Tech", + -12.36369800567627 + ], + [ + "\u2581WHERE", + -12.363737106323242 + ], + [ + "\u2581allowing", + -12.363800048828123 + ], + [ + "\u2581Cur", + -12.363917350769045 + ], + [ + "\u2581verletzt", + -12.363967895507812 + ], + [ + "\u2581frontera", + -12.363969802856444 + ], + [ + "\u2581walking", + -12.36398696899414 + ], + [ + "dro", + -12.364046096801758 + ], + [ + "nau", + -12.364105224609377 + ], + [ + "gata", + -12.364123344421388 + ], + [ + "journal", + -12.36414909362793 + ], + [ + "\u2581riusc", + -12.364176750183104 + ], + [ + "\u2581Egli", + -12.364191055297852 + ], + [ + "\u2581importa", + -12.364325523376465 + ], + [ + "wu", + -12.364343643188477 + ], + [ + "\u2581mezcla", + -12.364375114440918 + ], + [ + "jp", + -12.36449909210205 + ], + [ + "\u2581exige", + -12.364578247070312 + ], + [ + "Rate", + -12.36460304260254 + ], + [ + "suffix", + -12.364604949951172 + ], + [ + "\u2581jovem", + -12.364642143249512 + ], + [ + "\u2581elei", + -12.364648818969728 + ], + [ + "\u2581coste", + -12.36469841003418 + ], + [ + "\u2581Granada", + -12.364763259887695 + ], + [ + "\u2581Tang", + -12.364791870117188 + ], + [ + "\u2581bezogen", + -12.36479663848877 + ], + [ + "ose", + -12.364850997924805 + ], + [ + "CW", + -12.364870071411133 + ], + [ + "istica", + -12.364954948425291 + ], + [ + "clang", + -12.365017890930176 + ], + [ + "\u2581painel", + -12.365097045898438 + ], + [ + "\u2581pixel", + -12.365263938903809 + ], + [ + "\u2581survey", + -12.36534309387207 + ], + [ + "Cancel", + -12.365433692932127 + ], + [ + "\u2581decisi\u00f3n", + -12.365476608276367 + ], + [ + "\u2581Vlaams", + -12.365528106689451 + ], + [ + "\u2581tierras", + -12.365582466125488 + ], + [ + "Asset", + -12.365638732910156 + ], + [ + "c\u00ed", + -12.365675926208496 + ], + [ + "Air", + -12.365756034851074 + ], + [ + "\u2581Robinson", + -12.365796089172363 + ], + [ + "iko", + -12.365827560424805 + ], + [ + "\u2581bol", + -12.36589241027832 + ], + [ + "\u2581implements", + -12.365952491760254 + ], + [ + "\u2581conference", + -12.365970611572266 + ], + [ + "\u2581Mond", + -12.366048812866213 + ], + [ + "\u2581strongly", + -12.366087913513184 + ], + [ + "\u2581Mineral", + -12.3660888671875 + ], + [ + "\u2581Wetter", + -12.36621379852295 + ], + [ + "\u2581abschlie", + -12.36624813079834 + ], + [ + "\u2581Warren", + -12.366329193115234 + ], + [ + "Timestamp", + -12.366342544555664 + ], + [ + "orden", + -12.3663911819458 + ], + [ + "\u2581puso", + -12.366397857666016 + ], + [ + "\u2581toren", + -12.366424560546877 + ], + [ + "nder", + -12.366429328918455 + ], + [ + "\u2581disc", + -12.366456031799316 + ], + [ + "\u2581Oeste", + -12.366503715515137 + ], + [ + "\u2581mate", + -12.366531372070312 + ], + [ + "\u2581goud", + -12.366568565368652 + ], + [ + "eeland", + -12.366619110107422 + ], + [ + "\u2581gusto", + -12.366663932800291 + ], + [ + "READ", + -12.366804122924805 + ], + [ + "\u2581ind\u00edgenas", + -12.366819381713867 + ], + [ + "\u2581migra", + -12.366829872131348 + ], + [ + "bobobob", + -12.366924285888672 + ], + [ + "kla", + -12.36697769165039 + ], + [ + "bbe", + -12.36704444885254 + ], + [ + "berblick", + -12.36709690093994 + ], + [ + "\u2581faces", + -12.367263793945312 + ], + [ + "\u2581all\u00e1", + -12.367691040039062 + ], + [ + "\u2581discorso", + -12.36777687072754 + ], + [ + "Mem", + -12.367842674255373 + ], + [ + "\u2581Alten", + -12.367942810058594 + ], + [ + "\u2581r\u00e9serve", + -12.36795139312744 + ], + [ + "\u2581Dall", + -12.368071556091309 + ], + [ + "\u2581Small", + -12.368074417114258 + ], + [ + "\u2581Salt", + -12.368096351623535 + ], + [ + "Bit", + -12.368193626403809 + ], + [ + "\u2581Kammer", + -12.368193626403809 + ], + [ + "\u2581gravi", + -12.368200302124023 + ], + [ + "\u2581representing", + -12.368204116821287 + ], + [ + "\u2581Flu", + -12.368228912353516 + ], + [ + "\u2581nossa", + -12.36832332611084 + ], + [ + "\u2581\\\"${", + -12.36833953857422 + ], + [ + "\u2581translation", + -12.368690490722656 + ], + [ + "odo", + -12.3687105178833 + ], + [ + "asco", + -12.368717193603516 + ], + [ + "Sh", + -12.368741035461426 + ], + [ + "PRE", + -12.368770599365234 + ], + [ + "mr", + -12.368857383728027 + ], + [ + "\u2581Off", + -12.369123458862305 + ], + [ + "ambo", + -12.369126319885254 + ], + [ + "due", + -12.369159698486328 + ], + [ + "\u2581repository", + -12.369293212890623 + ], + [ + "ubi", + -12.369296073913574 + ], + [ + "edificio", + -12.36939525604248 + ], + [ + "\u2581sequences", + -12.369426727294922 + ], + [ + "vorm", + -12.36947536468506 + ], + [ + "\u00e9tude", + -12.369482040405272 + ], + [ + "\u2581infra", + -12.369540214538574 + ], + [ + "\u2581Apollo", + -12.369569778442385 + ], + [ + "\u2581erkennbar", + -12.369637489318848 + ], + [ + "cker", + -12.369691848754885 + ], + [ + "oog", + -12.369744300842283 + ], + [ + "\u2581caff", + -12.369744300842283 + ], + [ + "\u2581aprendizagem", + -12.369823455810549 + ], + [ + "\u2581Fonds", + -12.369839668273926 + ], + [ + "\u2581posibilidad", + -12.370091438293455 + ], + [ + "\u2581explanation", + -12.370174407958984 + ], + [ + "strings", + -12.370197296142578 + ], + [ + "\u2581SET", + -12.370224952697754 + ], + [ + "tam", + -12.3702974319458 + ], + [ + "\u2581tentativo", + -12.370479583740234 + ], + [ + "occhio", + -12.370525360107422 + ], + [ + "\u2581vin", + -12.37060546875 + ], + [ + "\u2581Algunos", + -12.370795249938965 + ], + [ + "\u2581italiane", + -12.370808601379396 + ], + [ + "Psi", + -12.37082862854004 + ], + [ + "wikipedia", + -12.370850563049316 + ], + [ + "country", + -12.37096118927002 + ], + [ + "\u2581Fair", + -12.370988845825195 + ], + [ + "Person", + -12.370994567871094 + ], + [ + "\u2581immagini", + -12.371089935302734 + ], + [ + "\u2581duro", + -12.371150970458984 + ], + [ + "\u2581Australi", + -12.371153831481934 + ], + [ + "forEach", + -12.371326446533203 + ], + [ + "linewidth", + -12.371347427368164 + ], + [ + "\u2581login", + -12.371353149414062 + ], + [ + "nous", + -12.371423721313477 + ], + [ + "\u2581Hierdoor", + -12.371454238891602 + ], + [ + "\u2581TH", + -12.371489524841309 + ], + [ + "\u2581stesse", + -12.371502876281738 + ], + [ + "dz", + -12.371537208557127 + ], + [ + "CPU", + -12.371670722961426 + ], + [ + "\u2581epi", + -12.371766090393066 + ], + [ + "\u2581cu", + -12.371935844421388 + ], + [ + "indent", + -12.372072219848633 + ], + [ + "\u2581disposition", + -12.372087478637695 + ], + [ + "\u2581improved", + -12.372115135192873 + ], + [ + "\u2581bestuur", + -12.37222957611084 + ], + [ + "sei", + -12.372279167175291 + ], + [ + "\u2581Mein", + -12.372282028198242 + ], + [ + "\u2581regola", + -12.37228775024414 + ], + [ + "UInt", + -12.372371673583984 + ], + [ + "\u2581Tru", + -12.372453689575195 + ], + [ + "\u2581regula", + -12.372498512268066 + ], + [ + "\u2581Verpflichtungen", + -12.372514724731444 + ], + [ + "\u2581Houston", + -12.372587203979492 + ], + [ + "\u2581oferece", + -12.372588157653809 + ], + [ + "\u2581reicht", + -12.372639656066896 + ], + [ + "\u2581controlled", + -12.372681617736816 + ], + [ + "\u2581bodies", + -12.37272834777832 + ], + [ + "\u2581god", + -12.372743606567385 + ], + [ + "windows", + -12.372750282287598 + ], + [ + "voll", + -12.372847557067873 + ], + [ + "\u2581Andr\u00e9s", + -12.372859954833984 + ], + [ + "\u2581optical", + -12.372963905334473 + ], + [ + "\u2581Honor", + -12.373001098632812 + ], + [ + "\u2581Wright", + -12.373022079467772 + ], + [ + "\u2581arrived", + -12.373052597045898 + ], + [ + "\u2581cit\u00e9", + -12.373075485229492 + ], + [ + "\u2581interven", + -12.373077392578123 + ], + [ + "\u2581ler", + -12.37325382232666 + ], + [ + "Well", + -12.373266220092772 + ], + [ + "Trigger", + -12.373343467712402 + ], + [ + "\u2581Graph", + -12.373350143432615 + ], + [ + "\u2581hubo", + -12.373458862304688 + ], + [ + "\u2581potenza", + -12.373482704162598 + ], + [ + "\u2581legno", + -12.373589515686035 + ], + [ + "hle", + -12.373600006103516 + ], + [ + "\u2581G\u00e9ographie", + -12.37360668182373 + ], + [ + "\u2581neve", + -12.37362289428711 + ], + [ + "\u2581GL", + -12.373751640319824 + ], + [ + "fw", + -12.37379264831543 + ], + [ + "\u2581toutefois", + -12.373833656311035 + ], + [ + "\u2581Mata", + -12.373845100402832 + ], + [ + "\u2581G\u00e9rard", + -12.37389087677002 + ], + [ + "Ci", + -12.373923301696776 + ], + [ + "cena", + -12.373923301696776 + ], + [ + "\u2581Vienna", + -12.373997688293455 + ], + [ + "\u2581Lanka", + -12.37400245666504 + ], + [ + "\u2581agency", + -12.374031066894531 + ], + [ + "\u2581Full", + -12.37406063079834 + ], + [ + "\u2581Application", + -12.37409496307373 + ], + [ + "\u2581Comensais", + -12.374120712280272 + ], + [ + "betrag", + -12.374235153198242 + ], + [ + "Changed", + -12.374269485473633 + ], + [ + "fee", + -12.374296188354492 + ], + [ + "Unter", + -12.374308586120604 + ], + [ + "approx", + -12.374324798583984 + ], + [ + "Editor", + -12.374351501464844 + ], + [ + "\u2581Romeinse", + -12.374451637268066 + ], + [ + "Bean", + -12.374500274658203 + ], + [ + "\u2581Wohnung", + -12.37453269958496 + ], + [ + "\u00e9dition", + -12.374632835388184 + ], + [ + "logie", + -12.374693870544434 + ], + [ + "NM", + -12.374712944030762 + ], + [ + "\u2581circulation", + -12.374717712402344 + ], + [ + "\u2581jeux", + -12.37473487854004 + ], + [ + "dina", + -12.374764442443848 + ], + [ + "\u2581couleurs", + -12.374808311462402 + ], + [ + "\u2581Alb", + -12.37492561340332 + ], + [ + "\u2581Vie", + -12.37493896484375 + ], + [ + "englisch", + -12.374958038330078 + ], + [ + "\u2581Kos", + -12.37496566772461 + ], + [ + "mathfrak", + -12.374979972839355 + ], + [ + "\u2581northern", + -12.375042915344238 + ], + [ + "\u2581pedido", + -12.37505054473877 + ], + [ + "\u2581fala", + -12.375057220458984 + ], + [ + "\u2581Datum", + -12.375060081481934 + ], + [ + "\u2581perdido", + -12.375080108642578 + ], + [ + "\u2581vraag", + -12.37508487701416 + ], + [ + "\u2581perteneciente", + -12.375277519226074 + ], + [ + "\u2581dur", + -12.375306129455566 + ], + [ + "architecture", + -12.37540340423584 + ], + [ + "amerikanischer", + -12.37545394897461 + ], + [ + "\u2581giustizia", + -12.375731468200684 + ], + [ + "\u2581appearance", + -12.375771522521973 + ], + [ + "dur", + -12.3757905960083 + ], + [ + "\u2581armi", + -12.375807762145996 + ], + [ + "moi", + -12.375821113586426 + ], + [ + "\u2581arrest", + -12.375834465026855 + ], + [ + "stof", + -12.375844955444336 + ], + [ + "\u2581paura", + -12.375855445861816 + ], + [ + "Gro", + -12.375962257385254 + ], + [ + "\u2581Tol", + -12.375962257385254 + ], + [ + "\u2581explore", + -12.375993728637695 + ], + [ + "\u2581centros", + -12.37606716156006 + ], + [ + "klassen", + -12.3761568069458 + ], + [ + "\u2581EUROP", + -12.376164436340332 + ], + [ + "\u2581fotos", + -12.376254081726074 + ], + [ + "\u2581Britain", + -12.376255989074709 + ], + [ + "validation", + -12.376283645629885 + ], + [ + "\u2581administra", + -12.376299858093262 + ], + [ + "\u2581Noi", + -12.37632942199707 + ], + [ + "\u2581Hilfs", + -12.376569747924805 + ], + [ + "fixed", + -12.376587867736816 + ], + [ + "\u2581iemand", + -12.376716613769531 + ], + [ + "\u2581Male", + -12.376928329467772 + ], + [ + "\u2581Mos", + -12.377010345458984 + ], + [ + "\u2581beweging", + -12.377080917358398 + ], + [ + "BER", + -12.37711238861084 + ], + [ + "\u2581Hope", + -12.377159118652344 + ], + [ + "\u2581edges", + -12.377317428588867 + ], + [ + "\u2581halt", + -12.377318382263184 + ], + [ + "\u2581Mali", + -12.377348899841309 + ], + [ + "\u2581terrible", + -12.377389907836914 + ], + [ + "\u2581mensagem", + -12.37740993499756 + ], + [ + "\u2581ph\u00e9nom", + -12.377450942993164 + ], + [ + "\u2581SU", + -12.37754249572754 + ], + [ + "qt", + -12.37754726409912 + ], + [ + "\u2581Trama", + -12.377598762512209 + ], + [ + "\u2581Index", + -12.37761402130127 + ], + [ + "urus", + -12.37768840789795 + ], + [ + "\u2581einzu", + -12.377729415893556 + ], + [ + "\u2581births", + -12.377896308898926 + ], + [ + "Abstract", + -12.378066062927246 + ], + [ + "\u2581Schl\u00fcssel", + -12.378134727478027 + ], + [ + "\u2581inputs", + -12.378143310546877 + ], + [ + "erland", + -12.378230094909668 + ], + [ + "mais", + -12.378233909606934 + ], + [ + "\u2581extr", + -12.378273010253906 + ], + [ + "\u2581Heil", + -12.378291130065918 + ], + [ + "\u2581tratti", + -12.378303527832031 + ], + [ + "sprache", + -12.378509521484377 + ], + [ + "mata", + -12.37851619720459 + ], + [ + "pres", + -12.378540992736816 + ], + [ + "\u2581numerical", + -12.3785982131958 + ], + [ + "\u2581esperar", + -12.378649711608888 + ], + [ + "stoffe", + -12.37887954711914 + ], + [ + "\u2581Alpen", + -12.378945350646973 + ], + [ + "\u2581classement", + -12.378949165344238 + ], + [ + "icons", + -12.379056930541992 + ], + [ + "\u2581naturel", + -12.379095077514648 + ], + [ + "grenzen", + -12.379388809204102 + ], + [ + "\u2581npm", + -12.379399299621582 + ], + [ + "rules", + -12.379400253295898 + ], + [ + "\u2581Vorjahr", + -12.379423141479492 + ], + [ + "sv", + -12.379590034484863 + ], + [ + "wit", + -12.379695892333984 + ], + [ + "\u2581garde", + -12.37973976135254 + ], + [ + "\u2581z\u00e4hlen", + -12.379947662353516 + ], + [ + "Render", + -12.379953384399414 + ], + [ + "\u2581Vil", + -12.380049705505373 + ], + [ + "rh", + -12.380078315734863 + ], + [ + "BN", + -12.380105018615724 + ], + [ + "nch", + -12.380194664001465 + ], + [ + "\u2581sogenannte", + -12.38023853302002 + ], + [ + "\u2581Gama", + -12.380290031433104 + ], + [ + "\u2581beobachtet", + -12.380342483520508 + ], + [ + "\u2581enjoy", + -12.380369186401367 + ], + [ + "solo", + -12.380681991577148 + ], + [ + "utiliser", + -12.38068389892578 + ], + [ + "\u2581aandacht", + -12.38068962097168 + ], + [ + "Price", + -12.380770683288574 + ], + [ + "\u2581Bak", + -12.38082790374756 + ], + [ + "\u2581Aufhebung", + -12.380877494812012 + ], + [ + "\u2581iedereen", + -12.380946159362791 + ], + [ + "BU", + -12.380952835083008 + ], + [ + "oka", + -12.380955696105955 + ], + [ + "\u2581pleno", + -12.38115406036377 + ], + [ + "\u2581afl", + -12.381155014038086 + ], + [ + "\u2581Method", + -12.381211280822754 + ], + [ + "Contents", + -12.38124942779541 + ], + [ + "\u2581entrenador", + -12.381377220153809 + ], + [ + "\u2581atua", + -12.38143253326416 + ], + [ + "\u2581Stamm", + -12.381458282470703 + ], + [ + "\u2581Herausforderung", + -12.381518363952637 + ], + [ + "LOCAL", + -12.381566047668455 + ], + [ + "\u2581amico", + -12.381629943847656 + ], + [ + "\u2581Cesare", + -12.381661415100098 + ], + [ + "\u2581constitutional", + -12.38171100616455 + ], + [ + "att", + -12.381711959838867 + ], + [ + "\u2581Gleich", + -12.381719589233398 + ], + [ + "\u2581Merkmale", + -12.381817817687988 + ], + [ + "ned", + -12.381969451904297 + ], + [ + "\u2581capacit\u00e9", + -12.382071495056152 + ], + [ + "\u2581viva", + -12.38219165802002 + ], + [ + "\u2581Tale", + -12.382216453552246 + ], + [ + "sci", + -12.382365226745604 + ], + [ + "\u2581angelegt", + -12.38254165649414 + ], + [ + "\u2581poner", + -12.382594108581545 + ], + [ + "vars", + -12.382596969604492 + ], + [ + "\u2581grow", + -12.382606506347656 + ], + [ + "chste", + -12.38261890411377 + ], + [ + "\u2581outcome", + -12.382631301879885 + ], + [ + "\u2581explicitly", + -12.382780075073242 + ], + [ + "kopf", + -12.382789611816406 + ], + [ + "\u2581levar", + -12.382826805114746 + ], + [ + "\u2581Experten", + -12.382853507995604 + ], + [ + "ntico", + -12.38294506072998 + ], + [ + "\u2581cr\u00edticas", + -12.382946968078612 + ], + [ + "\u2581Risiken", + -12.38295078277588 + ], + [ + "\u2581huit", + -12.38308334350586 + ], + [ + "\u2581passagem", + -12.383155822753906 + ], + [ + "\u2581mains", + -12.3831787109375 + ], + [ + "\u2581malattia", + -12.38320255279541 + ], + [ + "\u2581betrug", + -12.38321018218994 + ], + [ + "emit", + -12.383272171020508 + ], + [ + "marca", + -12.38327980041504 + ], + [ + "\u2581Ursprung", + -12.383304595947266 + ], + [ + "\u2581statements", + -12.383347511291504 + ], + [ + "\u2581Diana", + -12.383367538452148 + ], + [ + "\u2581regelt", + -12.383414268493652 + ], + [ + "\u2581Absatzes", + -12.383665084838867 + ], + [ + "\u2581permesso", + -12.383672714233398 + ], + [ + "\u2581Beste", + -12.38369369506836 + ], + [ + "\u2581impacto", + -12.38372039794922 + ], + [ + "\u2581salva", + -12.38372802734375 + ], + [ + "\u2581justify", + -12.383779525756836 + ], + [ + "umanit\u00e0", + -12.38385772705078 + ], + [ + "\u2581colline", + -12.38387680053711 + ], + [ + "\u2581studenten", + -12.38400650024414 + ], + [ + "\u2581ex\u00e9rcito", + -12.38406467437744 + ], + [ + "\u2581somme", + -12.384081840515137 + ], + [ + "\u2581artificial", + -12.384099960327148 + ], + [ + "equiv", + -12.38410186767578 + ], + [ + "\u2581l\u00f3gica", + -12.38410472869873 + ], + [ + "\u2581definitiva", + -12.384206771850586 + ], + [ + "\u2581developing", + -12.384258270263672 + ], + [ + "\u2581slakkensoort", + -12.384451866149902 + ], + [ + "argento", + -12.38448715209961 + ], + [ + "\u2581fails", + -12.384538650512695 + ], + [ + "\u2581Mercedes", + -12.38454246520996 + ], + [ + "\u2581oorspronkelijk", + -12.384544372558594 + ], + [ + "\u2581Dinge", + -12.384591102600098 + ], + [ + "OW", + -12.384600639343262 + ], + [ + "\u2581verbindlich", + -12.384652137756348 + ], + [ + "\u2581UV", + -12.38469409942627 + ], + [ + "soft", + -12.384740829467772 + ], + [ + "\u2581requested", + -12.384769439697266 + ], + [ + "\u2581salvar", + -12.384787559509276 + ], + [ + "\u2581Ficha", + -12.385004043579102 + ], + [ + "\u2581fotografia", + -12.385025024414062 + ], + [ + "layers", + -12.385051727294922 + ], + [ + "\u2581elezioni", + -12.38521957397461 + ], + [ + "\u2581signals", + -12.385250091552734 + ], + [ + "\u2581describes", + -12.385284423828123 + ], + [ + "\u2581cat\u00f3lica", + -12.38532543182373 + ], + [ + "\u2581humor", + -12.38534164428711 + ], + [ + "ota", + -12.385622024536133 + ], + [ + "\u2581Schneider", + -12.385668754577637 + ], + [ + "\u2581Kent", + -12.38567352294922 + ], + [ + "\u2581Slag", + -12.3857421875 + ], + [ + "\u2581d\u00e9couverte", + -12.385899543762209 + ], + [ + "Private", + -12.38593864440918 + ], + [ + "\u2581Gew\u00e4hrung", + -12.385950088500977 + ], + [ + "\u2581receber", + -12.38596248626709 + ], + [ + "Sha", + -12.386019706726074 + ], + [ + "\u2581Schlu", + -12.386103630065918 + ], + [ + "\u2581vaut", + -12.38610553741455 + ], + [ + "escape", + -12.38614559173584 + ], + [ + "missing", + -12.386157989501951 + ], + [ + "\u2581wesentliche", + -12.386301040649414 + ], + [ + "\u2581lengte", + -12.386310577392578 + ], + [ + "\u2581Marvel", + -12.386499404907228 + ], + [ + "pico", + -12.386545181274414 + ], + [ + "gebiete", + -12.386587142944336 + ], + [ + "\u2581{},", + -12.3866605758667 + ], + [ + "atta", + -12.38668155670166 + ], + [ + "\u2581Verbot", + -12.386703491210938 + ], + [ + "\u2581pergunta", + -12.386724472045898 + ], + [ + "separator", + -12.387059211730955 + ], + [ + "\u2581zunehmend", + -12.38706398010254 + ], + [ + "Uint", + -12.387154579162598 + ], + [ + "asset", + -12.387282371520996 + ], + [ + "\u2581restare", + -12.387288093566896 + ], + [ + "Language", + -12.387369155883787 + ], + [ + "\u2581betrifft", + -12.38741683959961 + ], + [ + "Mixed", + -12.387444496154783 + ], + [ + "\u2581gegevens", + -12.387493133544922 + ], + [ + "\u2581Challenger", + -12.38776969909668 + ], + [ + "\u2581visage", + -12.387798309326172 + ], + [ + "\u2581Ferro", + -12.387858390808104 + ], + [ + "\u2581straat", + -12.387893676757812 + ], + [ + "ahlung", + -12.387946128845217 + ], + [ + "\u2581d\u00e9sir", + -12.387972831726074 + ], + [ + "\u2581ziet", + -12.387999534606934 + ], + [ + "\u2581J\u00fcrgen", + -12.38800048828125 + ], + [ + "iglio", + -12.388018608093262 + ], + [ + "\u2581barra", + -12.388154029846191 + ], + [ + "\u2581numerosos", + -12.388178825378418 + ], + [ + "\u2581braucht", + -12.388358116149902 + ], + [ + "\u2581monuments", + -12.3883638381958 + ], + [ + "\u2581fanden", + -12.388472557067873 + ], + [ + "\u2581nasceu", + -12.388489723205566 + ], + [ + "\u2581finanzielle", + -12.388503074645996 + ], + [ + "\u2581present\u00f3", + -12.388579368591309 + ], + [ + "LO", + -12.388588905334473 + ], + [ + "\u2581Word", + -12.38859748840332 + ], + [ + "\u2581Machine", + -12.388604164123535 + ], + [ + "\u2581idade", + -12.388659477233888 + ], + [ + "\u2581enviar", + -12.388666152954102 + ], + [ + "\u2581Dean", + -12.38867473602295 + ], + [ + "\u2581respond", + -12.38870620727539 + ], + [ + "\u2581Begin", + -12.388713836669922 + ], + [ + "\u2581bringt", + -12.388718605041504 + ], + [ + "\u2581Malta", + -12.3887300491333 + ], + [ + "\u2581alberghi", + -12.388754844665527 + ], + [ + "\u2581Filippo", + -12.388801574707031 + ], + [ + "\u2581nummers", + -12.388813972473145 + ], + [ + "ral", + -12.388826370239258 + ], + [ + "\u2581territori", + -12.38888168334961 + ], + [ + "\u2581Limburg", + -12.388912200927734 + ], + [ + "\u2581UND", + -12.388978004455566 + ], + [ + "\u2581pertencente", + -12.389007568359377 + ], + [ + "\u2581Rail", + -12.389052391052246 + ], + [ + "\u2581Portanto", + -12.389079093933104 + ], + [ + "\u2581skills", + -12.389097213745115 + ], + [ + "uses", + -12.38911247253418 + ], + [ + "\u2581Parker", + -12.389138221740724 + ], + [ + "ION", + -12.389153480529783 + ], + [ + "microsoft", + -12.389161109924316 + ], + [ + "\u2581bind", + -12.389291763305664 + ], + [ + "JAVA", + -12.38929843902588 + ], + [ + "\u2581lasciare", + -12.389381408691406 + ], + [ + "\u2581demander", + -12.389639854431152 + ], + [ + "SN", + -12.389643669128418 + ], + [ + "vement", + -12.389692306518556 + ], + [ + "\u2581tube", + -12.389758110046388 + ], + [ + "\u2581polynomial", + -12.389760971069336 + ], + [ + "\u2581deciso", + -12.38979148864746 + ], + [ + "\u2581pocos", + -12.38979434967041 + ], + [ + "JP", + -12.389801025390623 + ], + [ + "\u2581stanza", + -12.389820098876951 + ], + [ + "\u2581pieces", + -12.389837265014648 + ], + [ + "\u2581m\u00fcsse", + -12.389873504638672 + ], + [ + "\u2581qua", + -12.390023231506348 + ], + [ + "\u2581r\u00e9gions", + -12.390117645263672 + ], + [ + "\u2581Gun", + -12.390151023864746 + ], + [ + "\u2581accurate", + -12.390225410461426 + ], + [ + "CALC", + -12.39029312133789 + ], + [ + "\u2581Stanley", + -12.39033317565918 + ], + [ + "losen", + -12.39044189453125 + ], + [ + "\u2581Sonntag", + -12.390451431274414 + ], + [ + "\u2581Bang", + -12.390666961669922 + ], + [ + "\u2581secondary", + -12.390682220458984 + ], + [ + "\u2581unseren", + -12.390695571899414 + ], + [ + "\u2581Cidade", + -12.390756607055664 + ], + [ + "mitteln", + -12.390783309936523 + ], + [ + "\u2581Bek\u00e4mpfung", + -12.390795707702637 + ], + [ + "Empire", + -12.390826225280762 + ], + [ + "ugriff", + -12.390849113464355 + ], + [ + "\u2581vall\u00e9e", + -12.390883445739746 + ], + [ + "\u2581Einhaltung", + -12.39090347290039 + ], + [ + "l\u00e9s", + -12.390942573547363 + ], + [ + "\u2581historischen", + -12.390952110290527 + ], + [ + "\u2581gate", + -12.391077995300291 + ], + [ + "wein", + -12.391135215759276 + ], + [ + "dialog", + -12.391161918640137 + ], + [ + "\u2581ahead", + -12.391303062438965 + ], + [ + "cada", + -12.391488075256348 + ], + [ + "\u2581goals", + -12.391582489013672 + ], + [ + "\u2581Gre", + -12.391608238220217 + ], + [ + "\u2581Orange", + -12.391646385192873 + ], + [ + "ude", + -12.391653060913086 + ], + [ + "weite", + -12.391809463500977 + ], + [ + "\u00e1l", + -12.391921997070312 + ], + [ + "reduce", + -12.392087936401367 + ], + [ + "\u2581doce", + -12.39208984375 + ], + [ + "\u2581argumento", + -12.392090797424316 + ], + [ + "\u2581caldo", + -12.392134666442873 + ], + [ + "\u2581absence", + -12.392182350158691 + ], + [ + "\u2581billion", + -12.392205238342283 + ], + [ + "\u2581Ocean", + -12.39222812652588 + ], + [ + "nische", + -12.39239501953125 + ], + [ + "\u2581responses", + -12.392501831054688 + ], + [ + "misch", + -12.39259147644043 + ], + [ + "\u2581Nan", + -12.39268398284912 + ], + [ + "\u2581Truppen", + -12.39281940460205 + ], + [ + "n\u00e1", + -12.392868995666504 + ], + [ + "\u2581severe", + -12.39289379119873 + ], + [ + "\u2581tens", + -12.392911911010742 + ], + [ + "gren", + -12.392926216125488 + ], + [ + "\u2581T\u00e4tigkeiten", + -12.392952919006348 + ], + [ + "\u2581Conte", + -12.393033981323242 + ], + [ + "\u2581existen", + -12.393071174621582 + ], + [ + "\u2581coh\u00e9sion", + -12.393074989318848 + ], + [ + "\u2581Bayerischen", + -12.393224716186523 + ], + [ + "\u2581beteiligten", + -12.39323616027832 + ], + [ + "gmail", + -12.39328956604004 + ], + [ + "\u2581cinese", + -12.39328956604004 + ], + [ + "hara", + -12.39330768585205 + ], + [ + "setzen", + -12.393308639526367 + ], + [ + "\u2581snow", + -12.393321990966797 + ], + [ + "integr", + -12.393339157104492 + ], + [ + "muziek", + -12.39341163635254 + ], + [ + "\u2581possibilit\u00e9", + -12.39341163635254 + ], + [ + "\u2581Pos", + -12.393507957458496 + ], + [ + "\u2581declared", + -12.393534660339355 + ], + [ + "periode", + -12.3937349319458 + ], + [ + "\u2581CR", + -12.393743515014648 + ], + [ + "\u2581annual", + -12.393948554992676 + ], + [ + "\u2581Marseille", + -12.394006729125977 + ], + [ + "mil", + -12.39401149749756 + ], + [ + "witz", + -12.394034385681152 + ], + [ + "\u2581registros", + -12.394086837768556 + ], + [ + "\u2581prev", + -12.3941650390625 + ], + [ + "\u2581forti", + -12.394177436828612 + ], + [ + "\u2581Henrique", + -12.394292831420898 + ], + [ + "\u2581crucial", + -12.39461898803711 + ], + [ + "\u2581representam", + -12.394627571105955 + ], + [ + "\u2581Nicola", + -12.394766807556152 + ], + [ + "\u2581diversa", + -12.394784927368164 + ], + [ + "\u2581pla", + -12.39480209350586 + ], + [ + "\u2581denaro", + -12.394978523254396 + ], + [ + "akt", + -12.394981384277344 + ], + [ + "\u2581neemt", + -12.395038604736328 + ], + [ + "\u2581meinem", + -12.395071029663086 + ], + [ + "\u2581Claudio", + -12.395112991333008 + ], + [ + "\u2581Gallery", + -12.395126342773438 + ], + [ + "\u2581${_", + -12.395181655883787 + ], + [ + "\u2581occupa", + -12.395325660705566 + ], + [ + "quant", + -12.39535903930664 + ], + [ + "ttfamily", + -12.395359992980955 + ], + [ + "\u2581precision", + -12.395432472229004 + ], + [ + "\u2581Austin", + -12.395512580871582 + ], + [ + "\u2581Medical", + -12.39555835723877 + ], + [ + "Mal", + -12.395565032958984 + ], + [ + "Wi", + -12.395602226257324 + ], + [ + "schaften", + -12.39568042755127 + ], + [ + "\u2581Anspr\u00fcche", + -12.395696640014648 + ], + [ + "\u2581Wit", + -12.395906448364258 + ], + [ + "\u2581unit\u00e0", + -12.3959321975708 + ], + [ + "\u2581originally", + -12.396024703979492 + ], + [ + "\u2581lance", + -12.396100044250488 + ], + [ + "zell", + -12.396106719970703 + ], + [ + "\u2581Widerspruch", + -12.396123886108398 + ], + [ + "\u2581treat", + -12.396132469177246 + ], + [ + "\u2581pueblos", + -12.396154403686523 + ], + [ + "\u2581bike", + -12.396197319030762 + ], + [ + "\u2581Kil", + -12.39620590209961 + ], + [ + "tritt", + -12.396207809448242 + ], + [ + "suite", + -12.396302223205566 + ], + [ + "\u2581vinto", + -12.39630889892578 + ], + [ + "\u2581vermeld", + -12.39633560180664 + ], + [ + "\u2581Warner", + -12.396404266357422 + ], + [ + "\u2581redor", + -12.396453857421877 + ], + [ + "\u2581personnage", + -12.396455764770508 + ], + [ + "LIBRARIES", + -12.396480560302734 + ], + [ + "\u2581Haltung", + -12.396543502807615 + ], + [ + "\u2581atribu\u00eddas", + -12.396566390991213 + ], + [ + "\u2581ervoor", + -12.396567344665527 + ], + [ + "\u2581Ginny", + -12.396653175354004 + ], + [ + "\u2581Angola", + -12.396842956542969 + ], + [ + "outline", + -12.396843910217283 + ], + [ + "\u2581cro", + -12.396885871887209 + ], + [ + "\u2581comunicazione", + -12.396947860717772 + ], + [ + "\u2581ferma", + -12.39695644378662 + ], + [ + "mathsf", + -12.397017478942873 + ], + [ + "ope", + -12.397018432617188 + ], + [ + "\u2581occidentali", + -12.397056579589844 + ], + [ + "\u2581ferme", + -12.397199630737305 + ], + [ + "\u2581cloud", + -12.397209167480469 + ], + [ + "\u2581timeout", + -12.397287368774414 + ], + [ + "Ly", + -12.397303581237791 + ], + [ + "aci", + -12.39735507965088 + ], + [ + "\u2581propres", + -12.39739227294922 + ], + [ + "Chain", + -12.397602081298828 + ], + [ + "schie", + -12.39767074584961 + ], + [ + "GD", + -12.397706985473633 + ], + [ + "alg", + -12.397708892822266 + ], + [ + "\u2581claimed", + -12.397772789001465 + ], + [ + "Pair", + -12.397788047790527 + ], + [ + "\u2581fortemente", + -12.397829055786133 + ], + [ + "tidae", + -12.397900581359863 + ], + [ + "\u2581dedicato", + -12.397931098937988 + ], + [ + "\u2581Einstein", + -12.397951126098633 + ], + [ + "Ext", + -12.397958755493164 + ], + [ + "\u2581fundado", + -12.398118019104004 + ], + [ + "\u2581bu", + -12.39812183380127 + ], + [ + "\u2581assumption", + -12.398223876953123 + ], + [ + "\u2581Reynaldo", + -12.398239135742188 + ], + [ + "\u2581successivi", + -12.398274421691896 + ], + [ + "nor", + -12.398275375366213 + ], + [ + "\u2581costituito", + -12.39830493927002 + ], + [ + "\u2581notable", + -12.398387908935549 + ], + [ + "\u2581turns", + -12.398475646972656 + ], + [ + "\u2581aparecer", + -12.39852809906006 + ], + [ + "\u2581Murray", + -12.398618698120115 + ], + [ + "\u2581gesloten", + -12.398639678955078 + ], + [ + "\u2581Antr\u00e4ge", + -12.39865493774414 + ], + [ + "\u2581upload", + -12.398762702941896 + ], + [ + "\u2581Boot", + -12.39881420135498 + ], + [ + "\u2581Gr\u00fcn", + -12.39887237548828 + ], + [ + "factory", + -12.398962020874023 + ], + [ + "\u2581Emma", + -12.3990478515625 + ], + [ + "\u2581Territori", + -12.399103164672852 + ], + [ + "srv", + -12.39915943145752 + ], + [ + "SLO", + -12.399213790893556 + ], + [ + "Attr", + -12.399282455444336 + ], + [ + "\u2581Sony", + -12.399293899536133 + ], + [ + "\u2581Oder", + -12.39931297302246 + ], + [ + "\u2581Budapest", + -12.399314880371094 + ], + [ + "\u2581ocorreu", + -12.399346351623535 + ], + [ + "\u2581dance", + -12.399359703063965 + ], + [ + "\u2581isto", + -12.399431228637695 + ], + [ + "eron", + -12.39949893951416 + ], + [ + "\u2581vgl", + -12.399510383605955 + ], + [ + "\u2581fiscal", + -12.399601936340332 + ], + [ + "\u2581executed", + -12.399721145629885 + ], + [ + "\u2581overheid", + -12.399749755859377 + ], + [ + "\u2581purchase", + -12.3998384475708 + ], + [ + "\u2581Corps", + -12.399867057800291 + ], + [ + "\u2581orkest", + -12.39991855621338 + ], + [ + "TK", + -12.399919509887695 + ], + [ + "\u2581Aero", + -12.400171279907228 + ], + [ + "ossa", + -12.40023708343506 + ], + [ + "assertEquals", + -12.400331497192385 + ], + [ + "\u2581pal", + -12.400358200073242 + ], + [ + "\u2581beruht", + -12.400362968444824 + ], + [ + "atrice", + -12.400429725646973 + ], + [ + "tru", + -12.40049171447754 + ], + [ + "\u2581flags", + -12.400500297546388 + ], + [ + "\u2581lateral", + -12.400550842285156 + ], + [ + "\u2581notizia", + -12.40056037902832 + ], + [ + "ivos", + -12.400728225708008 + ], + [ + "avant", + -12.400911331176758 + ], + [ + "\u2581kant", + -12.400993347167969 + ], + [ + "\u2581efectos", + -12.401046752929688 + ], + [ + "\u2581wichtiger", + -12.401082038879396 + ], + [ + "\u2581daarop", + -12.401129722595217 + ], + [ + "\u2581Individual", + -12.401204109191896 + ], + [ + "\u2581plain", + -12.40128231048584 + ], + [ + "\u2581Duke", + -12.401415824890137 + ], + [ + "tudiant", + -12.401487350463867 + ], + [ + "\u2581volkstelling", + -12.40152645111084 + ], + [ + "werden", + -12.401603698730469 + ], + [ + "\u2581modi", + -12.401623725891112 + ], + [ + "\u2581termin\u00f3", + -12.401678085327148 + ], + [ + "\u2581elem", + -12.401766777038574 + ], + [ + "\u2581Italiana", + -12.401773452758787 + ], + [ + "\u2581vemos", + -12.401809692382812 + ], + [ + "virus", + -12.40191650390625 + ], + [ + "\u2581Ted", + -12.402037620544434 + ], + [ + "\u2581Mid", + -12.402165412902832 + ], + [ + "\u2581avalia", + -12.402311325073242 + ], + [ + "\u2581discos", + -12.402382850646973 + ], + [ + "\u2581deseja", + -12.402402877807615 + ], + [ + "\u2581Tisch", + -12.402406692504885 + ], + [ + "\u2581namens", + -12.40249729156494 + ], + [ + "\u2581destaca", + -12.402501106262209 + ], + [ + "\u2581polar", + -12.402525901794434 + ], + [ + "Play", + -12.40255355834961 + ], + [ + "\u2581prof", + -12.40256690979004 + ], + [ + "\u2581sufixo", + -12.402607917785645 + ], + [ + "\u2581actie", + -12.40263557434082 + ], + [ + "\u2581zivil", + -12.40268325805664 + ], + [ + "\u2581l\u00edneas", + -12.402690887451172 + ], + [ + "\u2581conosciuto", + -12.402779579162598 + ], + [ + "\u2581copia", + -12.402844429016112 + ], + [ + "\u2581comandos", + -12.402865409851074 + ], + [ + "\u2581Collection", + -12.402870178222656 + ], + [ + "\u2581onda", + -12.40292263031006 + ], + [ + "Scheme", + -12.402932167053224 + ], + [ + "Available", + -12.402959823608398 + ], + [ + "PID", + -12.403057098388672 + ], + [ + "Ent", + -12.403122901916504 + ], + [ + "\u2581Vegas", + -12.403182983398438 + ], + [ + "\u2581illegal", + -12.403240203857422 + ], + [ + "\u2581Bag", + -12.40330410003662 + ], + [ + "\u2581begrenzt", + -12.403350830078123 + ], + [ + "audio", + -12.403438568115234 + ], + [ + "\u2581Juden", + -12.403587341308594 + ], + [ + "Rel", + -12.403687477111816 + ], + [ + "\u2581Untersuchungs", + -12.403789520263672 + ], + [ + "\u2581Beruf", + -12.403810501098633 + ], + [ + "\u2581communities", + -12.403883934020996 + ], + [ + "\u2581cittadina", + -12.403891563415527 + ], + [ + "boom", + -12.40389919281006 + ], + [ + "\u2581vegeta", + -12.403921127319336 + ], + [ + "\u2581conflitto", + -12.404007911682127 + ], + [ + "\u2581mattina", + -12.404078483581545 + ], + [ + "iet", + -12.404191970825195 + ], + [ + "\u2581Again", + -12.40419864654541 + ], + [ + "\u2581escena", + -12.40422534942627 + ], + [ + "\u2581Florence", + -12.40428638458252 + ], + [ + "fusion", + -12.404398918151855 + ], + [ + "\u2581USD", + -12.404431343078612 + ], + [ + "\u2581instrumentos", + -12.404452323913574 + ], + [ + "\u2581oorspronkelijke", + -12.404507637023926 + ], + [ + "plane", + -12.404537200927734 + ], + [ + "\u2581Heer", + -12.404546737670898 + ], + [ + "\u2581GT", + -12.404560089111328 + ], + [ + "\u2581helfen", + -12.404584884643556 + ], + [ + "uil", + -12.404601097106934 + ], + [ + "\u2581plaisir", + -12.404699325561523 + ], + [ + "steen", + -12.404738426208496 + ], + [ + "Click", + -12.404783248901367 + ], + [ + "including", + -12.404814720153809 + ], + [ + "\u2581estudiantes", + -12.404818534851074 + ], + [ + "Cast", + -12.404840469360352 + ], + [ + "Environment", + -12.404851913452148 + ], + [ + "\u2581echt", + -12.405021667480469 + ], + [ + "tiques", + -12.405047416687012 + ], + [ + "\u2581hauteur", + -12.405096054077148 + ], + [ + "\u2581Comuni", + -12.405121803283691 + ], + [ + "\u2581LP", + -12.405147552490234 + ], + [ + "\u2581arbitrary", + -12.40523910522461 + ], + [ + "\u2581lanz\u00f3", + -12.405242919921877 + ], + [ + "\u2581Nintendo", + -12.40527057647705 + ], + [ + "organ", + -12.405290603637695 + ], + [ + "\u2581populations", + -12.405314445495604 + ], + [ + "\u2581delivery", + -12.405567169189451 + ], + [ + "\u2581nuovamente", + -12.40561294555664 + ], + [ + "\u2581parecer", + -12.405620574951172 + ], + [ + "impero", + -12.4056978225708 + ], + [ + "\u2581Mare", + -12.405800819396973 + ], + [ + "\u2581Congresso", + -12.40584659576416 + ], + [ + "ates", + -12.405943870544434 + ], + [ + "\u2581dom\u00ednio", + -12.40598487854004 + ], + [ + "\u2581Oorlog", + -12.406067848205566 + ], + [ + "teurs", + -12.406094551086426 + ], + [ + "\u2581quarter", + -12.406095504760742 + ], + [ + "\u2581Luc", + -12.406098365783691 + ], + [ + "geb", + -12.406161308288574 + ], + [ + "\u2581Guillaume", + -12.406169891357422 + ], + [ + "\u2581gemessen", + -12.406274795532228 + ], + [ + "\u2581potente", + -12.406411170959473 + ], + [ + "\u2581doden", + -12.406444549560549 + ], + [ + "\u2581satisfaction", + -12.406495094299316 + ], + [ + "\u2581Hunter", + -12.40652561187744 + ], + [ + "\u2581Beispiele", + -12.406578063964844 + ], + [ + "RPC", + -12.406606674194336 + ], + [ + "sheet", + -12.406688690185549 + ], + [ + "\u2581Bud", + -12.406733512878418 + ], + [ + "\u2581PlayStation", + -12.406749725341797 + ], + [ + "\u2581pacotes", + -12.40688705444336 + ], + [ + "\u2581gap", + -12.407045364379885 + ], + [ + "\u2581domenica", + -12.407074928283691 + ], + [ + "\u2581betreffende", + -12.407175064086914 + ], + [ + "\u2581hicieron", + -12.407340049743652 + ], + [ + "itch", + -12.407342910766602 + ], + [ + "Ki", + -12.407426834106444 + ], + [ + "\u2581Migration", + -12.407447814941406 + ], + [ + "Single", + -12.407525062561035 + ], + [ + "\u2581Gui", + -12.40767765045166 + ], + [ + "\u2581fondata", + -12.407705307006836 + ], + [ + "\u2581spiega", + -12.407971382141112 + ], + [ + "\u2581dahin", + -12.40799617767334 + ], + [ + "\u2581Sans", + -12.408117294311523 + ], + [ + "grand", + -12.408177375793455 + ], + [ + "\u2581zitten", + -12.408241271972656 + ], + [ + "\u2581nemmeno", + -12.40830135345459 + ], + [ + "\u2581consecuencia", + -12.408349990844728 + ], + [ + "\u2581variante", + -12.40837287902832 + ], + [ + "ether", + -12.408398628234863 + ], + [ + "\u2581Strategie", + -12.408401489257812 + ], + [ + "\u2581weken", + -12.408406257629396 + ], + [ + "\u2581Gerhard", + -12.408434867858888 + ], + [ + "\u2581cercare", + -12.408519744873049 + ], + [ + "when", + -12.408527374267578 + ], + [ + "\u2581pruebas", + -12.40854549407959 + ], + [ + "\u2581Array", + -12.408568382263184 + ], + [ + "tana", + -12.40871524810791 + ], + [ + "\u2581richiede", + -12.40873908996582 + ], + [ + "\u2581principi", + -12.408750534057615 + ], + [ + "wig", + -12.408767700195312 + ], + [ + "\u2581ideia", + -12.408775329589844 + ], + [ + "\u2581SELECT", + -12.408809661865234 + ], + [ + "revision", + -12.408873558044434 + ], + [ + "\u2581findings", + -12.408902168273926 + ], + [ + "\u2581calculation", + -12.40897274017334 + ], + [ + "\u2581Bed", + -12.409071922302246 + ], + [ + "\u2581Dun", + -12.409074783325195 + ], + [ + "DEF", + -12.409079551696776 + ], + [ + "Boolean", + -12.409136772155762 + ], + [ + "fassung", + -12.409162521362305 + ], + [ + "\u2581thick", + -12.409164428710938 + ], + [ + "\u2581Selecci\u00f3n", + -12.4091796875 + ], + [ + "Dict", + -12.40920352935791 + ], + [ + "\u2581erg\u00e4nzt", + -12.409239768981934 + ], + [ + "perm", + -12.409292221069336 + ], + [ + "\u2581gekennzeichnet", + -12.409358978271484 + ], + [ + "\u2581Bordeaux", + -12.409427642822266 + ], + [ + "ARG", + -12.40947437286377 + ], + [ + "\u2581Catholic", + -12.409488677978516 + ], + [ + "\u2581estoy", + -12.409567832946776 + ], + [ + "cro", + -12.40966796875 + ], + [ + "\u2581consenso", + -12.409668922424316 + ], + [ + "\u2581changement", + -12.409723281860352 + ], + [ + "\u00e9is", + -12.40982723236084 + ], + [ + "\u2581wine", + -12.409871101379396 + ], + [ + "\u2581Mainz", + -12.40988826751709 + ], + [ + "zas", + -12.40991497039795 + ], + [ + "\u2581acabar", + -12.410021781921388 + ], + [ + "\u2581passi", + -12.410033226013184 + ], + [ + "\u2581Castillo", + -12.410072326660156 + ], + [ + "\u2581nessuna", + -12.41008758544922 + ], + [ + "\u2581Pa\u00eds", + -12.410111427307127 + ], + [ + "Bottom", + -12.41013240814209 + ], + [ + "\u2581getrennt", + -12.410225868225098 + ], + [ + "\u2581\u00e9tablissements", + -12.410282135009766 + ], + [ + "\u2581divisa", + -12.41030979156494 + ], + [ + "setzung", + -12.410348892211914 + ], + [ + "\u2581Genova", + -12.41036891937256 + ], + [ + "us\u00e4tzlich", + -12.410390853881836 + ], + [ + "\u2581Metal", + -12.410393714904783 + ], + [ + "\u2581B\u00e9lgica", + -12.410406112670898 + ], + [ + "\u2581Rue", + -12.410551071166992 + ], + [ + "vest", + -12.410636901855469 + ], + [ + "\u2581DA", + -12.410748481750488 + ], + [ + "Axis", + -12.410797119140623 + ], + [ + "Self", + -12.410861015319824 + ], + [ + "accept", + -12.410870552062988 + ], + [ + "aren", + -12.411018371582031 + ], + [ + "\u2581imagens", + -12.411044120788574 + ], + [ + "RI", + -12.41111183166504 + ], + [ + "\u2581letteratura", + -12.41111946105957 + ], + [ + "\u2581Somit", + -12.411202430725098 + ], + [ + "\u2581fr\u00fch", + -12.411255836486816 + ], + [ + "\u2581Ida", + -12.4113187789917 + ], + [ + "\u2581ricorda", + -12.411325454711914 + ], + [ + "\u2581Defini", + -12.411358833312988 + ], + [ + "\u2581ver\u00e4ndert", + -12.411370277404783 + ], + [ + "\u2581dolore", + -12.411431312561035 + ], + [ + "\u2581leg", + -12.411439895629885 + ], + [ + "\u2581wants", + -12.411487579345703 + ], + [ + "prima", + -12.411558151245115 + ], + [ + "\u2581thuis", + -12.411735534667969 + ], + [ + "nati", + -12.41179084777832 + ], + [ + "Ju", + -12.411836624145508 + ], + [ + "\u2581Parallel", + -12.411949157714844 + ], + [ + "f\u00e4lle", + -12.412010192871094 + ], + [ + "\u2581langsam", + -12.412034034729004 + ], + [ + "exp\u00e9rience", + -12.412043571472168 + ], + [ + "\u2581discipline", + -12.412055015563965 + ], + [ + "\u2581femininas", + -12.412101745605469 + ], + [ + "\u2581Gustav", + -12.412129402160645 + ], + [ + "\u2581wirkt", + -12.41214656829834 + ], + [ + "\u2581vijfde", + -12.412155151367188 + ], + [ + "samples", + -12.41219425201416 + ], + [ + "sverordnung", + -12.412225723266602 + ], + [ + "\u2581mencionado", + -12.41224479675293 + ], + [ + "\u2581hertog", + -12.412281036376951 + ], + [ + "\u2581Aufenthalt", + -12.412315368652344 + ], + [ + "\u2581complexe", + -12.412330627441406 + ], + [ + "\u2581crede", + -12.412352561950684 + ], + [ + "\u2581Nutzen", + -12.412408828735352 + ], + [ + "EW", + -12.41242218017578 + ], + [ + "\u2581investment", + -12.41243839263916 + ], + [ + "freq", + -12.412446975708008 + ], + [ + "nelle", + -12.412493705749512 + ], + [ + "\u2581mariage", + -12.412535667419434 + ], + [ + "rect", + -12.412551879882812 + ], + [ + "\u2581usato", + -12.412694931030272 + ], + [ + "horizontal", + -12.412721633911133 + ], + [ + "\u2581constitue", + -12.412858963012695 + ], + [ + "\u2581rivoluzione", + -12.41289234161377 + ], + [ + "\u2581registered", + -12.41298007965088 + ], + [ + "\u2581crist", + -12.41308879852295 + ], + [ + "\u2581concepto", + -12.413126945495604 + ], + [ + "\u2581borgo", + -12.413127899169922 + ], + [ + "\u2581Cat\u00f3lica", + -12.413174629211426 + ], + [ + "\u2581Nation", + -12.41318702697754 + ], + [ + "\u2581extend", + -12.413213729858398 + ], + [ + "labels", + -12.41323947906494 + ], + [ + "\u2581Movie", + -12.413427352905272 + ], + [ + "\u2581[]*", + -12.413503646850586 + ], + [ + "examples", + -12.41352081298828 + ], + [ + "dine", + -12.413601875305176 + ], + [ + "\u2581frequ", + -12.413756370544434 + ], + [ + "\u2581Broadway", + -12.413779258728027 + ], + [ + "\u2581Kosovo", + -12.413789749145508 + ], + [ + "\u2581confini", + -12.413795471191406 + ], + [ + "mura", + -12.413816452026367 + ], + [ + "\u2581troepen", + -12.413818359375 + ], + [ + "Execute", + -12.413891792297363 + ], + [ + "\u2581testi", + -12.413968086242676 + ], + [ + "\u2581Rheinland", + -12.41399383544922 + ], + [ + "\u2581Today", + -12.414015769958496 + ], + [ + "FH", + -12.414261817932127 + ], + [ + "\u2581n\u00f3", + -12.414265632629396 + ], + [ + "\u2581untersuchten", + -12.414276123046877 + ], + [ + "MOS", + -12.414361000061035 + ], + [ + "\u2581Fahrzeuge", + -12.414388656616213 + ], + [ + "\u2581deb\u00eda", + -12.41441822052002 + ], + [ + "koppel", + -12.414624214172363 + ], + [ + "\u2581incluyen", + -12.414725303649902 + ], + [ + "\u2581svolge", + -12.414836883544922 + ], + [ + "\u2581Oostenrijk", + -12.415013313293455 + ], + [ + "\u2581decisions", + -12.415020942687988 + ], + [ + "\u2581routine", + -12.415050506591797 + ], + [ + "\u2581beau", + -12.415053367614746 + ], + [ + "\u2581Blo", + -12.415112495422363 + ], + [ + "\u2581Spar", + -12.41518497467041 + ], + [ + "\u2581gedurende", + -12.415228843688965 + ], + [ + "\u2581passes", + -12.415240287780762 + ], + [ + "\u2581lascia", + -12.41524600982666 + ], + [ + "\u2581corresponds", + -12.415356636047363 + ], + [ + "\u2581bairro", + -12.415410041809082 + ], + [ + "Upload", + -12.415477752685549 + ], + [ + "\u2581administraci\u00f3n", + -12.415505409240724 + ], + [ + "constructor", + -12.415637969970703 + ], + [ + "cron", + -12.4156494140625 + ], + [ + "\u2581Heute", + -12.415694236755373 + ], + [ + "\u2581controlar", + -12.415772438049316 + ], + [ + "shin", + -12.41580581665039 + ], + [ + "\u00e9lection", + -12.415846824645996 + ], + [ + "\u2581soil", + -12.415879249572754 + ], + [ + "\u2581turistas", + -12.415908813476562 + ], + [ + "\u2581fat", + -12.41599464416504 + ], + [ + "\u2581cartas", + -12.416014671325684 + ], + [ + "bern", + -12.416015625 + ], + [ + "verbose", + -12.416072845458984 + ], + [ + "\u2581Griekse", + -12.416129112243652 + ], + [ + "interval", + -12.416197776794434 + ], + [ + "\u2581Hai", + -12.416292190551758 + ], + [ + "hop", + -12.416304588317873 + ], + [ + "eugen", + -12.416359901428224 + ], + [ + "\u2581Lub", + -12.416362762451172 + ], + [ + "\u2581capi", + -12.41636848449707 + ], + [ + "ellipse", + -12.416400909423828 + ], + [ + "\u2581marito", + -12.416412353515623 + ], + [ + "\u2581triste", + -12.416454315185549 + ], + [ + "Will", + -12.416548728942873 + ], + [ + "\u2581lien", + -12.416695594787598 + ], + [ + "\u2581Poolse", + -12.416742324829102 + ], + [ + "xz", + -12.416746139526367 + ], + [ + "scha", + -12.416786193847656 + ], + [ + "inen", + -12.416855812072754 + ], + [ + "Wrap", + -12.416906356811523 + ], + [ + "\u2581dizendo", + -12.417181968688965 + ], + [ + "schung", + -12.41737174987793 + ], + [ + "\u2581pequenas", + -12.417398452758787 + ], + [ + "\u2581Todas", + -12.41745948791504 + ], + [ + "\u2581standaard", + -12.41753387451172 + ], + [ + "\u2581Eastern", + -12.417603492736816 + ], + [ + "\u2581Beteiligten", + -12.417619705200195 + ], + [ + "\u2581Malfoy", + -12.417723655700684 + ], + [ + "Fatal", + -12.41779613494873 + ], + [ + "\u2581Prozesse", + -12.417829513549805 + ], + [ + "\u2581baron", + -12.417882919311523 + ], + [ + "\u2581chair", + -12.41789722442627 + ], + [ + "\u2581Haushalt", + -12.417903900146484 + ], + [ + "\u2581Nachrichten", + -12.417929649353027 + ], + [ + "kra", + -12.417946815490724 + ], + [ + "nimo", + -12.418006896972656 + ], + [ + "\u2581calcul", + -12.41812229156494 + ], + [ + "Strategy", + -12.418185234069824 + ], + [ + "Material", + -12.418230056762695 + ], + [ + "\u2581Wayne", + -12.418243408203123 + ], + [ + "\u2581repeat", + -12.418279647827148 + ], + [ + "\u2581Verfassungs", + -12.418289184570312 + ], + [ + "\u2581gr\u00e1fico", + -12.418309211730955 + ], + [ + "CLASS", + -12.418333053588867 + ], + [ + "gebracht", + -12.41840648651123 + ], + [ + "ober", + -12.418421745300291 + ], + [ + "arriv\u00e9e", + -12.418495178222656 + ], + [ + "ural", + -12.418535232543944 + ], + [ + "\u2581santo", + -12.418571472167969 + ], + [ + "Edge", + -12.418627738952637 + ], + [ + "\u2581estimates", + -12.418794631958008 + ], + [ + "\u2581Ausgangs", + -12.41879940032959 + ], + [ + "\u2581Walt", + -12.418801307678224 + ], + [ + "\u2581ilumina", + -12.418810844421388 + ], + [ + "\u2581interests", + -12.418882369995115 + ], + [ + "\u2581spagnolo", + -12.41892147064209 + ], + [ + "pwd", + -12.418928146362305 + ], + [ + "\u2581Mall", + -12.418930053710938 + ], + [ + "\u2581clave", + -12.418980598449709 + ], + [ + "\u2581iniciar", + -12.41903018951416 + ], + [ + "\u2581Care", + -12.41917324066162 + ], + [ + "\u2581Detroit", + -12.419184684753418 + ], + [ + "ory", + -12.41923713684082 + ], + [ + "\u2581colonia", + -12.419262886047363 + ], + [ + "AND", + -12.419275283813477 + ], + [ + "teile", + -12.41931438446045 + ], + [ + "\u2581Heinz", + -12.419344902038574 + ], + [ + "\u2581implementa", + -12.41936492919922 + ], + [ + "tty", + -12.419373512268066 + ], + [ + "endpoint", + -12.41942310333252 + ], + [ + "\u2581Gl\u00fcck", + -12.419474601745604 + ], + [ + "\u2581journey", + -12.419514656066896 + ], + [ + "timer", + -12.4195556640625 + ], + [ + "\u2581Clo", + -12.419585227966309 + ], + [ + "yml", + -12.41965389251709 + ], + [ + "\u2581baixa", + -12.41968822479248 + ], + [ + "\u2581importanza", + -12.419713020324709 + ], + [ + "stem", + -12.419851303100586 + ], + [ + "\u2581bill", + -12.419939994812012 + ], + [ + "\u2581Herkunft", + -12.41995906829834 + ], + [ + "inputs", + -12.42010498046875 + ], + [ + "boy", + -12.42022705078125 + ], + [ + "szeit", + -12.4202299118042 + ], + [ + "\u2581Gewerbe", + -12.420360565185549 + ], + [ + "arca", + -12.420487403869627 + ], + [ + "Progress", + -12.420598983764648 + ], + [ + "\u2581Afrotropisch", + -12.420723915100098 + ], + [ + "\u2581Option", + -12.420750617980955 + ], + [ + "pause", + -12.42088508605957 + ], + [ + "ain", + -12.420939445495604 + ], + [ + "\u2581Ehren", + -12.42101764678955 + ], + [ + "\u2581Liverpool", + -12.42101764678955 + ], + [ + "\u2581informe", + -12.421085357666016 + ], + [ + "\u2581verf\u00fcgen", + -12.421116828918455 + ], + [ + "contact", + -12.421120643615724 + ], + [ + "\u2581vorgelegt", + -12.421188354492188 + ], + [ + "\u2581vriend", + -12.421217918395996 + ], + [ + "\u2581gerecht", + -12.421223640441896 + ], + [ + "\u2581Channel", + -12.42123031616211 + ], + [ + "\u2581fila", + -12.42123794555664 + ], + [ + "\u2581Administration", + -12.421292304992676 + ], + [ + "\u2581diameter", + -12.421307563781738 + ], + [ + "\u2581resultaat", + -12.42138671875 + ], + [ + "\u2581Wisconsin", + -12.421424865722656 + ], + [ + "\u2581aktuelle", + -12.421530723571776 + ], + [ + "\u2581Orchestra", + -12.421538352966309 + ], + [ + "\u2581v\u00e9ritable", + -12.421594619750977 + ], + [ + "\u2581reverse", + -12.421602249145508 + ], + [ + "\u2581confidence", + -12.42162036895752 + ], + [ + "\u2581herum", + -12.42167854309082 + ], + [ + "\u2581tecnica", + -12.421772003173828 + ], + [ + "\u2581gefasst", + -12.42182159423828 + ], + [ + "Ed", + -12.421832084655762 + ], + [ + "\u2581USE", + -12.42185115814209 + ], + [ + "\u2581fuente", + -12.42190170288086 + ], + [ + "\u2581animated", + -12.421921730041504 + ], + [ + "\u2581layers", + -12.422056198120115 + ], + [ + "\u2581\u00e1rabe", + -12.422178268432615 + ], + [ + "\u2581costruito", + -12.422198295593262 + ], + [ + "gos", + -12.422318458557127 + ], + [ + "\u2581Short", + -12.422365188598633 + ], + [ + "\u2581Initiative", + -12.422463417053224 + ], + [ + "\u2581haalde", + -12.422606468200684 + ], + [ + "j\u00e4hrigen", + -12.422693252563477 + ], + [ + "eigen", + -12.42271614074707 + ], + [ + "Disk", + -12.422802925109863 + ], + [ + "\u2581giapponese", + -12.422873497009276 + ], + [ + "\u2581considering", + -12.423117637634276 + ], + [ + "\u2581inserted", + -12.423148155212402 + ], + [ + "\u2581Lind", + -12.423168182373049 + ], + [ + "\u2581sair", + -12.423185348510742 + ], + [ + "viel", + -12.423298835754396 + ], + [ + "\u2581Obras", + -12.423327445983888 + ], + [ + "Valid", + -12.423377990722656 + ], + [ + "\u2581Goethe", + -12.423531532287598 + ], + [ + "Nav", + -12.423626899719238 + ], + [ + "\u2581posee", + -12.423626899719238 + ], + [ + "\u2581Contra", + -12.423666000366213 + ], + [ + "\u2581proportion", + -12.42372226715088 + ], + [ + "\u2581ends", + -12.42372989654541 + ], + [ + "\u2581generator", + -12.42390251159668 + ], + [ + "\u2581Comune", + -12.423938751220703 + ], + [ + "grenze", + -12.423962593078612 + ], + [ + "\u2581terror", + -12.423983573913574 + ], + [ + "\u2581reserva", + -12.424067497253418 + ], + [ + "\u2581konkrete", + -12.42408561706543 + ], + [ + "\u2581charged", + -12.42415714263916 + ], + [ + "\u2581distributions", + -12.42417049407959 + ], + [ + "\u2581Commons", + -12.424233436584473 + ], + [ + "\u2581operador", + -12.424286842346191 + ], + [ + "\u2581int\u00e9r", + -12.42432689666748 + ], + [ + "\u2581Wohnungs", + -12.424328804016112 + ], + [ + "ext\u00e9rieur", + -12.424371719360352 + ], + [ + "Headers", + -12.424421310424805 + ], + [ + "\u2581prediction", + -12.424615859985352 + ], + [ + "\u2581fisica", + -12.424741744995115 + ], + [ + "\u2581Altstadt", + -12.424753189086914 + ], + [ + "\u2581warning", + -12.424798965454102 + ], + [ + "\u2581Kre", + -12.424845695495604 + ], + [ + "\u2581sacerdote", + -12.4248628616333 + ], + [ + "\u2581zugunsten", + -12.42490005493164 + ], + [ + "\u2581facto", + -12.42495346069336 + ], + [ + "\u2581t\u00e9rminos", + -12.425074577331545 + ], + [ + "\u2581darum", + -12.425183296203612 + ], + [ + "ija", + -12.42520523071289 + ], + [ + "\u2581decisione", + -12.425247192382812 + ], + [ + "\u2581d\u00e9fense", + -12.42527198791504 + ], + [ + "ctl", + -12.425297737121582 + ], + [ + "\u2581pregunta", + -12.42534065246582 + ], + [ + "\u2581aqueles", + -12.425413131713867 + ], + [ + "\u2581Rum", + -12.425497055053713 + ], + [ + "\u2581Natal", + -12.42564582824707 + ], + [ + "\u2581corta", + -12.425698280334473 + ], + [ + "\u2581writer", + -12.42579460144043 + ], + [ + "fond", + -12.42594051361084 + ], + [ + "\u2581autoria", + -12.426007270812988 + ], + [ + "stri", + -12.426060676574709 + ], + [ + "blocks", + -12.4260835647583 + ], + [ + "\u2581noroeste", + -12.426305770874023 + ], + [ + "\u2581literatuur", + -12.426353454589844 + ], + [ + "\u2581dubbio", + -12.426379203796388 + ], + [ + "maat", + -12.42648220062256 + ], + [ + "\u2581ruas", + -12.426498413085938 + ], + [ + "gedeelte", + -12.42650032043457 + ], + [ + "\u2581jug\u00f3", + -12.426589965820312 + ], + [ + "\u2581Comisi\u00f3n", + -12.426608085632324 + ], + [ + "Conn", + -12.426639556884766 + ], + [ + "\u2581Further", + -12.42670440673828 + ], + [ + "cita", + -12.426780700683594 + ], + [ + "apps", + -12.426852226257324 + ], + [ + "\u2581aufgef\u00fchrt", + -12.426860809326172 + ], + [ + "\u2581facilement", + -12.426878929138184 + ], + [ + "\u2581suffit", + -12.426881790161133 + ], + [ + "Anti", + -12.426905632019045 + ], + [ + "\u2581philosophie", + -12.426968574523926 + ], + [ + "\u2581odd", + -12.42705249786377 + ], + [ + "\u2581parcheggio", + -12.42707061767578 + ], + [ + "\u2581eco", + -12.427096366882324 + ], + [ + "\u2581partite", + -12.427144050598145 + ], + [ + "reisen", + -12.427189826965332 + ], + [ + "\u2581Intel", + -12.427202224731444 + ], + [ + "\u2581relacionadas", + -12.427298545837402 + ], + [ + "enstein", + -12.42733097076416 + ], + [ + "\u2581terras", + -12.42735195159912 + ], + [ + "\u2581manque", + -12.427388191223145 + ], + [ + "\u2581SV", + -12.42739486694336 + ], + [ + "away", + -12.427445411682127 + ], + [ + "\u2581zugeordnet", + -12.427635192871094 + ], + [ + "stil", + -12.42774772644043 + ], + [ + "\u2581rango", + -12.427834510803224 + ], + [ + "IST", + -12.42788028717041 + ], + [ + "upgrade", + -12.427940368652344 + ], + [ + "\u2581expensive", + -12.427968978881836 + ], + [ + "\u2581Integer", + -12.428152084350586 + ], + [ + "\u2581becoming", + -12.428232192993164 + ], + [ + "\u2581rechnen", + -12.428250312805176 + ], + [ + "ERR", + -12.428278923034668 + ], + [ + "footnote", + -12.428318977355955 + ], + [ + "\u2581BMW", + -12.428332328796388 + ], + [ + "nur", + -12.428366661071776 + ], + [ + "\u2581dtype", + -12.428375244140623 + ], + [ + "\u2581viaggiatori", + -12.428528785705566 + ], + [ + "\u2581unverz\u00fcglich", + -12.428576469421388 + ], + [ + "\u2581Kooperation", + -12.428585052490234 + ], + [ + "\u2581fortes", + -12.428598403930664 + ], + [ + "\u2581permettre", + -12.428629875183104 + ], + [ + "\u2581Bestandteil", + -12.42874240875244 + ], + [ + "\u2581amea", + -12.42885971069336 + ], + [ + "\u2581coverage", + -12.42890739440918 + ], + [ + "\u2581ancient", + -12.4290132522583 + ], + [ + "Wei", + -12.42906379699707 + ], + [ + "\u2581creado", + -12.429088592529297 + ], + [ + "\u2581geplant", + -12.429184913635254 + ], + [ + "\u2581Herrschaft", + -12.42922306060791 + ], + [ + "\u2581ggf", + -12.429265975952148 + ], + [ + "posto", + -12.429278373718262 + ], + [ + "\u00e1tico", + -12.429450035095217 + ], + [ + "\u2581uniquement", + -12.429505348205566 + ], + [ + "\u2581beschikbaar", + -12.429546356201172 + ], + [ + "\u2581publiques", + -12.42959976196289 + ], + [ + "\u2581roads", + -12.42963409423828 + ], + [ + "Elements", + -12.429635047912598 + ], + [ + "\u2581Stewart", + -12.429661750793455 + ], + [ + "rias", + -12.429704666137695 + ], + [ + "\u2581activation", + -12.42971420288086 + ], + [ + "\u2581Verenigd", + -12.42973804473877 + ], + [ + "\u2581Ano", + -12.429810523986816 + ], + [ + "\u2581Niveau", + -12.429835319519045 + ], + [ + "\u2581frequent", + -12.429868698120115 + ], + [ + "\u2581coscienza", + -12.429890632629396 + ], + [ + "Identity", + -12.42996597290039 + ], + [ + "\u2581loading", + -12.429976463317873 + ], + [ + "\u2581GE", + -12.430152893066406 + ], + [ + "\u2581s\u00e9lection", + -12.43017292022705 + ], + [ + "\u2581exce", + -12.430174827575684 + ], + [ + "\u2581et\u00e0", + -12.430176734924316 + ], + [ + "NMR", + -12.43022632598877 + ], + [ + "\u2581nabijgelegen", + -12.430267333984377 + ], + [ + "pure", + -12.430463790893556 + ], + [ + "\u2581publish", + -12.430583953857422 + ], + [ + "\u2581Outros", + -12.430594444274902 + ], + [ + "\u2581puro", + -12.430594444274902 + ], + [ + "\u2581Dragon", + -12.430634498596191 + ], + [ + "\u2581gestrichen", + -12.430731773376465 + ], + [ + "\u2581summary", + -12.430776596069336 + ], + [ + "\u2581displayed", + -12.430824279785156 + ], + [ + "\u2581pare", + -12.430829048156738 + ], + [ + "\u2581gesch", + -12.43087387084961 + ], + [ + "\u2581recognized", + -12.43089199066162 + ], + [ + "\u2581wolle", + -12.430991172790527 + ], + [ + "\u2581lived", + -12.431049346923828 + ], + [ + "stderr", + -12.431138038635254 + ], + [ + "\u2581accent", + -12.431180953979492 + ], + [ + "Scan", + -12.431267738342283 + ], + [ + "\u2581Marcos", + -12.43129539489746 + ], + [ + "LLVM", + -12.4313325881958 + ], + [ + "\u2581compile", + -12.431368827819824 + ], + [ + "\u2581homo", + -12.431414604187012 + ], + [ + "\u2581Tokio", + -12.431495666503906 + ], + [ + "\u2581examine", + -12.431509971618652 + ], + [ + "\u2581Evaluation", + -12.431522369384766 + ], + [ + "\u2581transmiss", + -12.431554794311523 + ], + [ + "AWS", + -12.43156909942627 + ], + [ + "\u2581vragen", + -12.431611061096191 + ], + [ + "\u2581medieval", + -12.431843757629396 + ], + [ + "\u2581habitual", + -12.431902885437012 + ], + [ + "contrib", + -12.431903839111328 + ], + [ + "\u2581vormt", + -12.431973457336426 + ], + [ + "rete", + -12.431984901428224 + ], + [ + "beeld", + -12.432010650634766 + ], + [ + "\u2581preocupa", + -12.432025909423828 + ], + [ + "bergangs", + -12.432077407836914 + ], + [ + "ojo", + -12.432092666625977 + ], + [ + "\u2581Ram\u00f3n", + -12.432109832763672 + ], + [ + "\u2581confirm", + -12.432125091552734 + ], + [ + "\u2581Nice", + -12.432180404663086 + ], + [ + "\u2581standen", + -12.43223476409912 + ], + [ + "\u2581appunto", + -12.432293891906738 + ], + [ + "j\u00f3", + -12.43231964111328 + ], + [ + "\u2581Sr", + -12.43234157562256 + ], + [ + "Enable", + -12.43241024017334 + ], + [ + "\u2581gesprochen", + -12.432465553283691 + ], + [ + "\u2581invas", + -12.432595252990724 + ], + [ + "\u2581sizeof", + -12.432640075683594 + ], + [ + "neq", + -12.432711601257324 + ], + [ + "arlo", + -12.4327974319458 + ], + [ + "BH", + -12.43285083770752 + ], + [ + "\u2581besonderer", + -12.432866096496582 + ], + [ + "\u2581crecimiento", + -12.43288516998291 + ], + [ + "\u2581branco", + -12.432899475097656 + ], + [ + "\u2581escribir", + -12.432901382446287 + ], + [ + "\u2581logger", + -12.432916641235352 + ], + [ + "institut", + -12.43298053741455 + ], + [ + "\u2581creazione", + -12.432992935180664 + ], + [ + "sbeh", + -12.433039665222168 + ], + [ + "chef", + -12.433086395263672 + ], + [ + "\u2581significativa", + -12.43312931060791 + ], + [ + "\u2581creo", + -12.4331693649292 + ], + [ + "\u2581saint", + -12.433263778686523 + ], + [ + "dash", + -12.433267593383787 + ], + [ + "mapping", + -12.433269500732422 + ], + [ + "\u2581intent", + -12.433409690856934 + ], + [ + "\u2581Fil", + -12.433446884155272 + ], + [ + "\u2581umani", + -12.43354034423828 + ], + [ + "\u2581Delhi", + -12.433645248413086 + ], + [ + "\u2581bela", + -12.433664321899414 + ], + [ + "\u2581winnen", + -12.433727264404297 + ], + [ + "\u2581Brun", + -12.433826446533203 + ], + [ + "\u2581Baptista", + -12.434060096740724 + ], + [ + "\u2581provider", + -12.434415817260742 + ], + [ + "\u2581champion", + -12.434422492980955 + ], + [ + "\u2581quer\u00eda", + -12.434513092041016 + ], + [ + "ues", + -12.4346342086792 + ], + [ + "JO", + -12.434638023376465 + ], + [ + "Socket", + -12.434672355651855 + ], + [ + "\u2581Agrar", + -12.434720039367676 + ], + [ + "thm", + -12.434846878051758 + ], + [ + "\u2581denominado", + -12.434934616088867 + ], + [ + "chin", + -12.43498420715332 + ], + [ + "TG", + -12.435084342956545 + ], + [ + "micos", + -12.435089111328123 + ], + [ + "aktion", + -12.43510627746582 + ], + [ + "\u2581Spain", + -12.435123443603516 + ], + [ + "\u2581vermutlich", + -12.435145378112791 + ], + [ + "\u2581powers", + -12.435262680053713 + ], + [ + "\u2581esperienza", + -12.435288429260254 + ], + [ + "\u2581Patent", + -12.435357093811035 + ], + [ + "\u2581apareci\u00f3", + -12.435389518737791 + ], + [ + "\u2581Roll", + -12.435399055480955 + ], + [ + "\u2581outer", + -12.435433387756348 + ], + [ + "halle", + -12.435502052307127 + ], + [ + "\u2581econ\u00f3mico", + -12.43552589416504 + ], + [ + "\u2581Mitteilung", + -12.43553352355957 + ], + [ + "\u2581intelligence", + -12.435537338256836 + ], + [ + "mobile", + -12.435542106628418 + ], + [ + "\u2581Kau", + -12.435604095458984 + ], + [ + "tern", + -12.435625076293944 + ], + [ + "\u2581versch", + -12.435650825500488 + ], + [ + "\u2581strumenti", + -12.4356689453125 + ], + [ + "weifel", + -12.43570041656494 + ], + [ + "\u2581Phys", + -12.435748100280762 + ], + [ + "\u2581Classic", + -12.43580436706543 + ], + [ + "\u00edcio", + -12.435824394226074 + ], + [ + "\u2581worm", + -12.435927391052246 + ], + [ + "\u2581anzi", + -12.435948371887209 + ], + [ + "\u2581zogenaamde", + -12.43616771697998 + ], + [ + "produkt", + -12.436220169067385 + ], + [ + "\u2581trok", + -12.4362211227417 + ], + [ + "serialize", + -12.436312675476074 + ], + [ + "UG", + -12.43636989593506 + ], + [ + "\u2581suggests", + -12.436376571655272 + ], + [ + "\u2581Simple", + -12.436485290527344 + ], + [ + "\u2581electro", + -12.436555862426758 + ], + [ + "\u2581fins", + -12.436670303344728 + ], + [ + "\u2581romance", + -12.43667984008789 + ], + [ + "aises", + -12.4367036819458 + ], + [ + "altezza", + -12.436742782592772 + ], + [ + "\u2581Strecken", + -12.43682861328125 + ], + [ + "\u2581rejoint", + -12.436850547790527 + ], + [ + "\u2581Helsinki", + -12.436860084533691 + ], + [ + "\u2581stability", + -12.436965942382812 + ], + [ + "\u2581Ran", + -12.437030792236328 + ], + [ + "\u2581policies", + -12.43703842163086 + ], + [ + "ancienne", + -12.43704891204834 + ], + [ + "\u2581incluir", + -12.437050819396973 + ], + [ + "ualit\u00e4ts", + -12.43706226348877 + ], + [ + "ming", + -12.437088966369627 + ], + [ + "\u2581bereikte", + -12.43709945678711 + ], + [ + "tunnel", + -12.437105178833008 + ], + [ + "\u2581erschien", + -12.437105178833008 + ], + [ + "\u2581Sebbene", + -12.437161445617676 + ], + [ + "\u2581particolari", + -12.43716812133789 + ], + [ + "\u2581nations", + -12.437214851379396 + ], + [ + "\u2581Forderung", + -12.43726634979248 + ], + [ + "\u2581Schuld", + -12.437292098999023 + ], + [ + "\u2581officers", + -12.437372207641602 + ], + [ + "\u2581Ernest", + -12.437418937683104 + ], + [ + "\u2581geeignete", + -12.437419891357422 + ], + [ + "tot", + -12.437573432922363 + ], + [ + "inverse", + -12.437676429748535 + ], + [ + "strategie", + -12.437699317932127 + ], + [ + "\u2581Luz", + -12.437734603881836 + ], + [ + "\u2581dichiarato", + -12.437872886657717 + ], + [ + "\u2581barre", + -12.43792724609375 + ], + [ + "\u2581Bernhard", + -12.437969207763672 + ], + [ + "\u2581\u00e9lu", + -12.43818473815918 + ], + [ + "\u2581regra", + -12.438236236572266 + ], + [ + "\u2581sensor", + -12.438257217407228 + ], + [ + "huizen", + -12.438261985778809 + ], + [ + "EFEFEF", + -12.438262939453123 + ], + [ + "\u2581Performance", + -12.438411712646484 + ], + [ + "\u2581Campbell", + -12.438413619995115 + ], + [ + "Wrapper", + -12.438457489013672 + ], + [ + "\u2581chiama", + -12.438465118408203 + ], + [ + "RCA", + -12.438498497009276 + ], + [ + "\u2581componente", + -12.43850040435791 + ], + [ + "\u2581Statistik", + -12.43855094909668 + ], + [ + "\u2581Tres", + -12.43878936767578 + ], + [ + "\u2581supposed", + -12.438801765441896 + ], + [ + "stable", + -12.438830375671388 + ], + [ + "\u2581uniforme", + -12.438840866088867 + ], + [ + "\u2581Marino", + -12.438887596130373 + ], + [ + "\u2581collect", + -12.438899993896484 + ], + [ + "\u2581Industrial", + -12.439053535461426 + ], + [ + "\u2581apk", + -12.439058303833008 + ], + [ + "\u2581qui\u00e9n", + -12.439064025878906 + ], + [ + "effet", + -12.43906593322754 + ], + [ + "\u2581Wy", + -12.43913745880127 + ], + [ + "\u2581laser", + -12.4391508102417 + ], + [ + "\u2581Eco", + -12.439157485961914 + ], + [ + "\u2581aspetti", + -12.439191818237305 + ], + [ + "\u2581Knochen", + -12.439200401306152 + ], + [ + "\u2581assembly", + -12.439255714416504 + ], + [ + "\u2581verl\u00e4uft", + -12.439294815063477 + ], + [ + "sich", + -12.439332962036133 + ], + [ + "\u2581rain", + -12.439358711242676 + ], + [ + "Trace", + -12.43939208984375 + ], + [ + "sektor", + -12.439457893371582 + ], + [ + "\u2581ultime", + -12.43955135345459 + ], + [ + "\u2581Vin", + -12.439619064331056 + ], + [ + "\u2581spec", + -12.43968105316162 + ], + [ + "\u2581mapa", + -12.439692497253418 + ], + [ + "\u2581utilis\u00e9e", + -12.439805030822754 + ], + [ + "\u2581dritte", + -12.439873695373535 + ], + [ + "cq", + -12.439886093139648 + ], + [ + "\u2581Bali", + -12.439936637878418 + ], + [ + "tables", + -12.43995189666748 + ], + [ + "\u2581natal", + -12.439974784851074 + ], + [ + "icia", + -12.44000244140625 + ], + [ + "\u2581Did", + -12.44015121459961 + ], + [ + "\u2581acontece", + -12.440255165100098 + ], + [ + "\u2581lindo", + -12.44025707244873 + ], + [ + "Michel", + -12.440284729003906 + ], + [ + "\u2581bestanden", + -12.440375328063965 + ], + [ + "\u2581recupera", + -12.44037914276123 + ], + [ + "\u2581Urban", + -12.440434455871582 + ], + [ + "\u2581encuentro", + -12.440476417541504 + ], + [ + "\u2581histoire", + -12.440499305725098 + ], + [ + "\u2581basket", + -12.44060516357422 + ], + [ + "tlich", + -12.440631866455078 + ], + [ + "orig", + -12.440658569335938 + ], + [ + "\u2581vliegensoort", + -12.440658569335938 + ], + [ + "\u2581Colin", + -12.440669059753418 + ], + [ + "\u2581v\u00eda", + -12.440784454345703 + ], + [ + "\u2581successive", + -12.440811157226562 + ], + [ + "\u2581doordat", + -12.44084644317627 + ], + [ + "\u2581Algumas", + -12.440866470336914 + ], + [ + "\u2581theoretical", + -12.440984725952148 + ], + [ + "Swift", + -12.441015243530272 + ], + [ + "selection", + -12.441027641296388 + ], + [ + "vibration", + -12.44105339050293 + ], + [ + "\u2581Ulrich", + -12.441072463989258 + ], + [ + "\u2581Mecklenburg", + -12.441143989562988 + ], + [ + "what", + -12.441184043884276 + ], + [ + "\u2581Dritte", + -12.441237449645996 + ], + [ + "\u2581aufge", + -12.441295623779297 + ], + [ + "\u2581detr\u00e1s", + -12.44141674041748 + ], + [ + "\u2581dispara", + -12.44153118133545 + ], + [ + "kontrolle", + -12.441614151000977 + ], + [ + "\u2581\"./", + -12.441632270812988 + ], + [ + "gd", + -12.441706657409668 + ], + [ + "\u2581Abstimmung", + -12.441716194152832 + ], + [ + "\u2581ricevuto", + -12.44182014465332 + ], + [ + "rhs", + -12.441874504089355 + ], + [ + "\u2581Akademie", + -12.441923141479492 + ], + [ + "\u2581windows", + -12.44199275970459 + ], + [ + "\u2581Wissens", + -12.442044258117676 + ], + [ + "its", + -12.442120552062988 + ], + [ + "\u2581frequently", + -12.442181587219238 + ], + [ + "\u2581Links", + -12.442187309265137 + ], + [ + "unt", + -12.442347526550291 + ], + [ + "\u2581Portal", + -12.442456245422363 + ], + [ + "\u2581estimation", + -12.442523956298828 + ], + [ + "\u2581Deep", + -12.44255828857422 + ], + [ + "\u2581gast", + -12.44259548187256 + ], + [ + "accordo", + -12.442723274230955 + ], + [ + "\u2581Sai", + -12.442767143249512 + ], + [ + "\u2581economici", + -12.442806243896484 + ], + [ + "\u2581provinciale", + -12.442832946777344 + ], + [ + "\u2581Betreuung", + -12.442934036254885 + ], + [ + "\u2581Stoff", + -12.443044662475586 + ], + [ + "\u2581ferry", + -12.443164825439451 + ], + [ + "\u2581EE", + -12.443257331848145 + ], + [ + "Fragment", + -12.443281173706056 + ], + [ + "\u2581fichiers", + -12.44328498840332 + ], + [ + "\u2581drawn", + -12.443381309509276 + ], + [ + "VN", + -12.443453788757324 + ], + [ + "\u2581mur", + -12.44349765777588 + ], + [ + "\u2581fenomeno", + -12.443530082702637 + ], + [ + "\u2581Erfassung", + -12.443679809570312 + ], + [ + "\u2581Docker", + -12.443686485290527 + ], + [ + "\u2581hiervan", + -12.44375991821289 + ], + [ + "verlauf", + -12.443790435791016 + ], + [ + "\u2581surrounding", + -12.443832397460938 + ], + [ + "\u2581proved", + -12.443840980529783 + ], + [ + "ndi", + -12.443845748901367 + ], + [ + "\u2581caracteriza", + -12.443877220153809 + ], + [ + "\u2581beam", + -12.444002151489258 + ], + [ + "\u2581Almeida", + -12.44403839111328 + ], + [ + "mix", + -12.444295883178713 + ], + [ + "\u2581fundador", + -12.444295883178713 + ], + [ + "iff", + -12.444320678710938 + ], + [ + "\u2581Gerichts", + -12.444366455078123 + ], + [ + "\u2581betrieben", + -12.44437026977539 + ], + [ + "burger", + -12.444382667541504 + ], + [ + "Phase", + -12.444457054138184 + ], + [ + "\u2581steun", + -12.444467544555664 + ], + [ + "\u2581estimada", + -12.444567680358888 + ], + [ + "\u2581raccolta", + -12.444650650024414 + ], + [ + "theater", + -12.444694519042969 + ], + [ + "\u2581\u00e9poque", + -12.444706916809082 + ], + [ + "\u2581hotels", + -12.44472885131836 + ], + [ + "\u2581processor", + -12.44482421875 + ], + [ + "\u2581documenti", + -12.444851875305176 + ], + [ + "\u2581Chaque", + -12.44485855102539 + ], + [ + "imi", + -12.444965362548828 + ], + [ + "\u2581heure", + -12.445012092590332 + ], + [ + "\u2581oog", + -12.445025444030762 + ], + [ + "\u2581recognize", + -12.44507122039795 + ], + [ + "\u2581vapor", + -12.445141792297363 + ], + [ + "\u2581canzone", + -12.445191383361816 + ], + [ + "\u2581Versuchs", + -12.445237159729004 + ], + [ + "\u2581Baron", + -12.445304870605469 + ], + [ + "\u2581bag", + -12.445331573486328 + ], + [ + "\u2581gris", + -12.445341110229492 + ], + [ + "cond", + -12.445505142211914 + ], + [ + "Deutschland", + -12.44550609588623 + ], + [ + "\u2581teacher", + -12.445513725280762 + ], + [ + "\u2581Forma", + -12.445530891418455 + ], + [ + "\u2581connue", + -12.445643424987791 + ], + [ + "lice", + -12.44568157196045 + ], + [ + "j\u00e4hrige", + -12.44573211669922 + ], + [ + "\u2581veld", + -12.445816040039062 + ], + [ + "elements", + -12.445897102355955 + ], + [ + "Partition", + -12.445950508117676 + ], + [ + "\u2581commonly", + -12.445979118347168 + ], + [ + "\u2581notevole", + -12.446002006530762 + ], + [ + "\u2581Mosca", + -12.446022033691406 + ], + [ + "gpg", + -12.446054458618164 + ], + [ + "\u2581verhuisde", + -12.446063995361328 + ], + [ + "luft", + -12.446084976196287 + ], + [ + "\u2581soldati", + -12.44613552093506 + ], + [ + "\u2581county", + -12.446168899536133 + ], + [ + "\u2581comienza", + -12.4462251663208 + ], + [ + "\u2581ideale", + -12.44631576538086 + ], + [ + "\u2581soutien", + -12.446372985839844 + ], + [ + "WD", + -12.446385383605955 + ], + [ + "Execution", + -12.446398735046388 + ], + [ + "\u2581expresi\u00f3n", + -12.446401596069336 + ], + [ + "\u2581statistical", + -12.44644546508789 + ], + [ + "\u2581Stuart", + -12.446595191955566 + ], + [ + "\u2581mittlere", + -12.446722984313965 + ], + [ + "rz", + -12.446759223937988 + ], + [ + "\u2581aplicaci\u00f3n", + -12.446784019470217 + ], + [ + "\u2581volle", + -12.44691562652588 + ], + [ + "\u2581sp\u00e4teren", + -12.446971893310549 + ], + [ + "chunk", + -12.446986198425291 + ], + [ + "rez", + -12.447013854980469 + ], + [ + "\u2581Drittel", + -12.447077751159668 + ], + [ + "gem\u00e4", + -12.447100639343262 + ], + [ + "\u2581retorno", + -12.447166442871094 + ], + [ + "\u2581Never", + -12.4472074508667 + ], + [ + "poort", + -12.44724464416504 + ], + [ + "del\u00e0", + -12.447463035583496 + ], + [ + "\u2581Buck", + -12.447467803955078 + ], + [ + "collect", + -12.447510719299316 + ], + [ + "gers", + -12.447604179382324 + ], + [ + "Wa", + -12.44760513305664 + ], + [ + "\u2581Olivier", + -12.4476318359375 + ], + [ + "rische", + -12.44766330718994 + ], + [ + "Objects", + -12.447684288024902 + ], + [ + "\u2581ended", + -12.447731018066406 + ], + [ + "\u2581nuevamente", + -12.447744369506836 + ], + [ + "\u2581Hills", + -12.44781494140625 + ], + [ + "\u2581leerlingen", + -12.447961807250977 + ], + [ + "l\u00f3", + -12.447982788085938 + ], + [ + "\u2581Leitung", + -12.448007583618164 + ], + [ + "\u2581efficace", + -12.448033332824709 + ], + [ + "\u2581Stiftung", + -12.448219299316406 + ], + [ + "\u2581D\u00edaz", + -12.448262214660645 + ], + [ + "ssi", + -12.448328018188477 + ], + [ + "\u2581variance", + -12.44836139678955 + ], + [ + "\u2581fee", + -12.448453903198242 + ], + [ + "\u2581regulations", + -12.44847297668457 + ], + [ + "\u2581acu", + -12.448519706726074 + ], + [ + "Galeria", + -12.448619842529297 + ], + [ + "\u2581Besonders", + -12.4486722946167 + ], + [ + "\u2581Institutionen", + -12.44869327545166 + ], + [ + "\u2581gal", + -12.448760032653809 + ], + [ + "\u2581pequenos", + -12.44876194000244 + ], + [ + "\u2581beraten", + -12.448762893676758 + ], + [ + "\u2581aluno", + -12.448946952819824 + ], + [ + "\u2581repo", + -12.448966979980469 + ], + [ + "\u2581closer", + -12.44898509979248 + ], + [ + "\u2581teaching", + -12.449073791503906 + ], + [ + "\u2581radar", + -12.449188232421877 + ], + [ + "\u2581Ebenso", + -12.449201583862305 + ], + [ + "gr\u00fcn", + -12.449203491210938 + ], + [ + "sensor", + -12.449213027954102 + ], + [ + "\u2581Amendment", + -12.44923496246338 + ], + [ + "\u2581seat", + -12.449264526367188 + ], + [ + "\u2581introduction", + -12.449341773986816 + ], + [ + "br\u00fccke", + -12.449400901794434 + ], + [ + "\u2581propone", + -12.449457168579102 + ], + [ + "\u2581soleil", + -12.449471473693848 + ], + [ + "POINT", + -12.449501991271973 + ], + [ + "alloc", + -12.449543952941896 + ], + [ + "\u2581judicial", + -12.449612617492676 + ], + [ + "devel", + -12.449799537658691 + ], + [ + "\u2581BGCOLOR", + -12.449840545654297 + ], + [ + "Haushaltsvermerk", + -12.449922561645508 + ], + [ + "\u2581Umbridge", + -12.450063705444336 + ], + [ + "\u2581soluzione", + -12.450088500976562 + ], + [ + "\u2581Kla", + -12.450127601623535 + ], + [ + "may", + -12.450156211853027 + ], + [ + "\u2581matem\u00e1tica", + -12.450187683105469 + ], + [ + "Forward", + -12.45024299621582 + ], + [ + "\u2581Buy", + -12.45024299621582 + ], + [ + "\u2581receiver", + -12.4502534866333 + ], + [ + "\u2581instruction", + -12.450570106506348 + ], + [ + "\u2581Hua", + -12.450621604919434 + ], + [ + "Signature", + -12.450695037841797 + ], + [ + "\u2581d\u00e9couvrir", + -12.450709342956545 + ], + [ + "\u2581moteur", + -12.45102596282959 + ], + [ + "devices", + -12.451032638549805 + ], + [ + "Security", + -12.451200485229492 + ], + [ + "\u2581rooms", + -12.451200485229492 + ], + [ + "\u2581filmes", + -12.451295852661133 + ], + [ + "Sport", + -12.451363563537598 + ], + [ + "folge", + -12.451366424560549 + ], + [ + "\u2581tenemos", + -12.451375961303713 + ], + [ + "jk", + -12.4514741897583 + ], + [ + "May", + -12.451523780822754 + ], + [ + "\u2581\u00e4hnliche", + -12.451536178588867 + ], + [ + "\u2581directe", + -12.451571464538574 + ], + [ + "\u2581Objekt", + -12.451593399047852 + ], + [ + "ABl", + -12.451602935791016 + ], + [ + "\u2581discurso", + -12.451726913452148 + ], + [ + "\u2581temporadas", + -12.451742172241213 + ], + [ + "\u2581Possui", + -12.45174789428711 + ], + [ + "vie", + -12.451786041259766 + ], + [ + "aller", + -12.451800346374512 + ], + [ + "\u2581Kanton", + -12.451910972595217 + ], + [ + "relative", + -12.451922416687012 + ], + [ + "hel", + -12.45206356048584 + ], + [ + "\u2581Staates", + -12.452072143554688 + ], + [ + "\u2581faixa", + -12.452142715454102 + ], + [ + "\u2581Idee", + -12.452218055725098 + ], + [ + "opacity", + -12.452239990234377 + ], + [ + "\u2581Julius", + -12.45225715637207 + ], + [ + "\u2581numpy", + -12.452308654785156 + ], + [ + "LF", + -12.452313423156738 + ], + [ + "\u2581lasciato", + -12.452404022216797 + ], + [ + "rar", + -12.452418327331545 + ], + [ + "\u2581Certains", + -12.452577590942385 + ], + [ + "\u2581gebruikte", + -12.452601432800291 + ], + [ + "\u2581franceses", + -12.452616691589355 + ], + [ + "\u2581telde", + -12.45263671875 + ], + [ + "\u2581Jewish", + -12.452645301818848 + ], + [ + "\u2581Trotz", + -12.452658653259276 + ], + [ + "\u2581arquitetura", + -12.45267105102539 + ], + [ + "\u2581desses", + -12.45280933380127 + ], + [ + "helpers", + -12.452987670898438 + ], + [ + "\u2581groter", + -12.453060150146484 + ], + [ + "\u2581Dicho", + -12.45307445526123 + ], + [ + "\u2581Does", + -12.453132629394531 + ], + [ + "\u2581Import", + -12.4531888961792 + ], + [ + "Dim", + -12.453275680541992 + ], + [ + "\u2581situe", + -12.4533109664917 + ], + [ + "submit", + -12.453335762023926 + ], + [ + "\u2581Educaci\u00f3n", + -12.453394889831545 + ], + [ + "\u2581coincide", + -12.453486442565918 + ], + [ + "\u2581Bischof", + -12.453516960144045 + ], + [ + "Props", + -12.453543663024902 + ], + [ + "IBOutlet", + -12.45356273651123 + ], + [ + "\u2581Karlsruhe", + -12.45361042022705 + ], + [ + "\u2581amateur", + -12.45364761352539 + ], + [ + "\u2581promotion", + -12.453686714172363 + ], + [ + "overlay", + -12.45370101928711 + ], + [ + "itos", + -12.453929901123049 + ], + [ + "OUR", + -12.453941345214844 + ], + [ + "making", + -12.453951835632324 + ], + [ + "\u2581Vereinten", + -12.453967094421388 + ], + [ + "\u2581Cl", + -12.453990936279297 + ], + [ + "\u2581Variante", + -12.454057693481444 + ], + [ + "DIRECTOR", + -12.454069137573242 + ], + [ + "\u2581erstellt", + -12.454129219055176 + ], + [ + "oga", + -12.454237937927246 + ], + [ + "\u2581Grazie", + -12.45427417755127 + ], + [ + "\u2581peace", + -12.45431137084961 + ], + [ + "\u2581Liberal", + -12.454440116882324 + ], + [ + "\u2581crescente", + -12.454487800598145 + ], + [ + "\u2581volont\u00e9", + -12.454682350158691 + ], + [ + "\u2581verstanden", + -12.45468807220459 + ], + [ + "\u2581Rap", + -12.454833030700684 + ], + [ + "\u2581russa", + -12.454927444458008 + ], + [ + "\u2581frecuencia", + -12.454931259155272 + ], + [ + "\u2581Sonnen", + -12.455048561096191 + ], + [ + "\u2581encontraba", + -12.455118179321287 + ], + [ + "\u2581imagine", + -12.455195426940918 + ], + [ + "\u2581praktisch", + -12.455241203308104 + ], + [ + "\u2581com\u00e9rcio", + -12.455243110656738 + ], + [ + "acca", + -12.455263137817385 + ], + [ + "\u2581cri", + -12.455329895019531 + ], + [ + "\u2581nabij", + -12.455522537231444 + ], + [ + "\u2581ouvert", + -12.455546379089355 + ], + [ + "\u2581Restaurants", + -12.455578804016112 + ], + [ + "tok", + -12.45568561553955 + ], + [ + "\u2581europ\u00e4ische", + -12.455761909484863 + ], + [ + "\u2581organismes", + -12.455780982971191 + ], + [ + "\u2581SM", + -12.455804824829102 + ], + [ + "\u2581audience", + -12.455912590026855 + ], + [ + "\u2581celebra", + -12.45598316192627 + ], + [ + "\u2581Horst", + -12.45605182647705 + ], + [ + "\u2581abertura", + -12.456063270568848 + ], + [ + "\u2581Allgemeinen", + -12.456098556518556 + ], + [ + "\u2581Kha", + -12.456214904785156 + ], + [ + "\u2581Tower", + -12.456217765808104 + ], + [ + "\u2581Sing", + -12.456257820129396 + ], + [ + "\u2581hoger", + -12.45626163482666 + ], + [ + "Save", + -12.456445693969728 + ], + [ + "\u2581replica", + -12.456462860107422 + ], + [ + "\u2581estrada", + -12.45650577545166 + ], + [ + "\u2581Monti", + -12.456704139709473 + ], + [ + "\u2581Montana", + -12.456705093383787 + ], + [ + "Conv", + -12.456730842590332 + ], + [ + "\u2581toegevoegd", + -12.456746101379396 + ], + [ + "\u2581vila", + -12.456780433654783 + ], + [ + "\u2581unsigned", + -12.456785202026367 + ], + [ + "\u2581Fur", + -12.456787109375 + ], + [ + "lli", + -12.456971168518066 + ], + [ + "vat", + -12.457075119018556 + ], + [ + "\u2581neues", + -12.457193374633787 + ], + [ + "pfen", + -12.457276344299316 + ], + [ + "\u2581lutte", + -12.457304954528809 + ], + [ + "\u2581Subsec", + -12.457340240478516 + ], + [ + "\u2581prensa", + -12.457353591918944 + ], + [ + "\u2581mesures", + -12.45741081237793 + ], + [ + "\u2581Blues", + -12.457484245300291 + ], + [ + "\u2581Nat", + -12.45748519897461 + ], + [ + "yne", + -12.457500457763672 + ], + [ + "ierende", + -12.45754623413086 + ], + [ + "\u2581frequenti", + -12.457708358764648 + ], + [ + "probe", + -12.45773696899414 + ], + [ + "\u2581complexity", + -12.457863807678224 + ], + [ + "\u2581Us", + -12.457890510559082 + ], + [ + "\u2581incidente", + -12.45789909362793 + ], + [ + "\u2581Monday", + -12.457932472229004 + ], + [ + "fly", + -12.457963943481444 + ], + [ + "boden", + -12.458037376403809 + ], + [ + "hpp", + -12.458115577697754 + ], + [ + "\u2581Guinea", + -12.458128929138184 + ], + [ + "\u2581K\u00fcsten", + -12.458128929138184 + ], + [ + "boost", + -12.458205223083496 + ], + [ + "\u2581Mod", + -12.45827579498291 + ], + [ + "Cat", + -12.458288192749023 + ], + [ + "schied", + -12.458317756652832 + ], + [ + "\u2581Weiteren", + -12.45838737487793 + ], + [ + "\u2581Pia", + -12.458513259887695 + ], + [ + "\u2581dispositifs", + -12.458525657653809 + ], + [ + "pflege", + -12.45853328704834 + ], + [ + "lings", + -12.458555221557615 + ], + [ + "\u2581poderes", + -12.458584785461426 + ], + [ + "\u2581Roe", + -12.45858669281006 + ], + [ + "\u2581vit\u00f3ria", + -12.458602905273438 + ], + [ + "\u2581colpo", + -12.458759307861328 + ], + [ + "\u2581gepr\u00e4gt", + -12.458765029907228 + ], + [ + "\u2581tende", + -12.458805084228516 + ], + [ + "\u2581uitgegeven", + -12.458856582641602 + ], + [ + "\u2581Entfernung", + -12.458903312683104 + ], + [ + "\u2581predict", + -12.458917617797852 + ], + [ + "chim", + -12.458956718444824 + ], + [ + "glia", + -12.458961486816406 + ], + [ + "\u2581electronic", + -12.45896816253662 + ], + [ + "Argument", + -12.458975791931152 + ], + [ + "\u2581obtenir", + -12.459031105041504 + ], + [ + "\u2581Lauf", + -12.459038734436035 + ], + [ + "\u2581consiglio", + -12.459049224853516 + ], + [ + "\u2581Abbau", + -12.45907497406006 + ], + [ + "\u2581koor", + -12.459172248840332 + ], + [ + "FOUND", + -12.459188461303713 + ], + [ + "Figure", + -12.45920753479004 + ], + [ + "\u2581G\u00f3mez", + -12.459236145019531 + ], + [ + "Worker", + -12.459304809570312 + ], + [ + "\u2581immediatamente", + -12.459335327148438 + ], + [ + "\u2581Philadelphia", + -12.459415435791016 + ], + [ + "rien", + -12.459534645080566 + ], + [ + "\u2581inclui", + -12.459654808044434 + ], + [ + "\u2581BGH", + -12.459723472595217 + ], + [ + "\u2581legte", + -12.459726333618164 + ], + [ + "\u2581sup\u00e9rieure", + -12.459775924682615 + ], + [ + "EO", + -12.4597806930542 + ], + [ + "\u2581bessere", + -12.45981502532959 + ], + [ + "nato", + -12.459962844848633 + ], + [ + "\u2581Fr\u00fch", + -12.459976196289062 + ], + [ + "Dev", + -12.45999240875244 + ], + [ + "UU", + -12.460027694702148 + ], + [ + "Declaration", + -12.460068702697754 + ], + [ + "\u2581zug\u00e4nglich", + -12.460111618041992 + ], + [ + "\u2581d\u00e9pend", + -12.460235595703123 + ], + [ + "\u2581Freiburg", + -12.46036434173584 + ], + [ + "\u2581jardin", + -12.460404396057127 + ], + [ + "\u2581Virgen", + -12.460443496704102 + ], + [ + "viv", + -12.460551261901855 + ], + [ + "gor", + -12.460652351379396 + ], + [ + "\u2581bisschop", + -12.460737228393556 + ], + [ + "\u2581Mobile", + -12.460789680480955 + ], + [ + "\u2581Gew", + -12.460848808288574 + ], + [ + "\u2581costituisce", + -12.4608793258667 + ], + [ + "\u2581Weiterhin", + -12.460948944091797 + ], + [ + "Validator", + -12.461174011230469 + ], + [ + "\u2581direitos", + -12.461210250854492 + ], + [ + "\u2581Lost", + -12.461265563964844 + ], + [ + "\u2581muro", + -12.46131706237793 + ], + [ + "awa", + -12.461455345153809 + ], + [ + "\u2581divisione", + -12.46150016784668 + ], + [ + "\u2581personenbezogen", + -12.461518287658691 + ], + [ + "nay", + -12.461572647094728 + ], + [ + "\u2581thermal", + -12.461726188659668 + ], + [ + "\u2581bitte", + -12.461730003356934 + ], + [ + "fac", + -12.46182346343994 + ], + [ + "\u2581Escola", + -12.461877822875977 + ], + [ + "\u2581sols", + -12.461877822875977 + ], + [ + "\u2581chiedere", + -12.46194076538086 + ], + [ + "duc", + -12.462069511413574 + ], + [ + "\u2581legend", + -12.462143898010254 + ], + [ + "\u2581Wachstum", + -12.462150573730469 + ], + [ + "\u2581caracteres", + -12.462319374084473 + ], + [ + "\u2581Wiener", + -12.462410926818848 + ], + [ + "\u2581NA", + -12.462597846984863 + ], + [ + "ood", + -12.462599754333496 + ], + [ + "micro", + -12.462604522705078 + ], + [ + "\u2581sabemos", + -12.462608337402344 + ], + [ + "\u2581quantitative", + -12.462753295898438 + ], + [ + "denken", + -12.462754249572754 + ], + [ + "\u2581fonti", + -12.462875366210938 + ], + [ + "\u2581uscire", + -12.462980270385742 + ], + [ + "\u2581Empf\u00e4nger", + -12.463055610656738 + ], + [ + "\u2581infantil", + -12.463091850280762 + ], + [ + "\u2581Eingabe", + -12.463130950927734 + ], + [ + "CLI", + -12.463156700134276 + ], + [ + "\u2581Derecho", + -12.463162422180176 + ], + [ + "\u2581particularmente", + -12.463178634643556 + ], + [ + "rsa", + -12.463231086730955 + ], + [ + "ativ", + -12.463233947753906 + ], + [ + "\u2581d\u00e9crit", + -12.46340274810791 + ], + [ + "\u2581antica", + -12.463507652282717 + ], + [ + "\u2581inici\u00f3", + -12.463530540466309 + ], + [ + "\u2581Capit", + -12.463534355163574 + ], + [ + "\u2581verteilt", + -12.463604927062988 + ], + [ + "naar", + -12.463667869567873 + ], + [ + "Validation", + -12.463943481445312 + ], + [ + "brigen", + -12.464022636413574 + ], + [ + "\u2581pixels", + -12.46402645111084 + ], + [ + "anne", + -12.464120864868164 + ], + [ + "trap", + -12.464191436767578 + ], + [ + "reader", + -12.464195251464844 + ], + [ + "\u2581kinder", + -12.464285850524902 + ], + [ + "ombra", + -12.46428680419922 + ], + [ + "Nach", + -12.464319229125977 + ], + [ + "RH", + -12.464357376098633 + ], + [ + "\u2581comerciais", + -12.464377403259276 + ], + [ + "\u2581beobachten", + -12.464391708374023 + ], + [ + "\u2581Preu", + -12.464404106140137 + ], + [ + "odi", + -12.464470863342283 + ], + [ + "\u2581Oficial", + -12.464486122131348 + ], + [ + "omerspelen", + -12.464488983154297 + ], + [ + "escaping", + -12.464590072631836 + ], + [ + "\u2581Distribuci\u00f3n", + -12.464601516723633 + ], + [ + "\u2581Betreiber", + -12.46471118927002 + ], + [ + "\u2581frais", + -12.46475887298584 + ], + [ + "\u2581Coimbra", + -12.464763641357422 + ], + [ + "\u2581ofrece", + -12.464807510375977 + ], + [ + "\u2581articoli", + -12.464821815490724 + ], + [ + "artikel", + -12.46485424041748 + ], + [ + "\u2581Estes", + -12.464876174926758 + ], + [ + "\u2581stare", + -12.46506118774414 + ], + [ + "flu", + -12.465089797973633 + ], + [ + "KM", + -12.465206146240234 + ], + [ + "iba", + -12.465231895446776 + ], + [ + "good", + -12.465307235717772 + ], + [ + "\u2581structural", + -12.465323448181152 + ], + [ + "\u2581proyectos", + -12.465328216552734 + ], + [ + "\u2581genaamd", + -12.465448379516602 + ], + [ + "\u2581vroeg", + -12.465452194213867 + ], + [ + "uria", + -12.465497016906738 + ], + [ + "\u2581sente", + -12.465497016906738 + ], + [ + "\u00e9gard", + -12.465569496154783 + ], + [ + "\u2581Palm", + -12.46557331085205 + ], + [ + "\u2581Wunsch", + -12.465576171875 + ], + [ + "\u2581relatie", + -12.465645790100098 + ], + [ + "gado", + -12.465749740600586 + ], + [ + "Ob", + -12.46595287322998 + ], + [ + "\u2581persino", + -12.465957641601562 + ], + [ + "\u2581souvenir", + -12.466060638427734 + ], + [ + "\u2581pelle", + -12.466302871704102 + ], + [ + "\u2581shop", + -12.466363906860352 + ], + [ + "\u2581aufgef\u00fchrten", + -12.466442108154297 + ], + [ + "\u2581helped", + -12.466450691223145 + ], + [ + "Rec", + -12.466483116149902 + ], + [ + "\u2581porti", + -12.466486930847168 + ], + [ + "\u2581Massa", + -12.466510772705078 + ], + [ + "\u00e4n", + -12.466567993164062 + ], + [ + "extensions", + -12.466741561889648 + ], + [ + "REF", + -12.466745376586914 + ], + [ + "\u2581jobs", + -12.466839790344238 + ], + [ + "\u2581riguardo", + -12.46690845489502 + ], + [ + "\u2581quiet", + -12.466915130615234 + ], + [ + "\u2581Lim", + -12.466926574707031 + ], + [ + "tap", + -12.466938018798828 + ], + [ + "\u2581Verkauf", + -12.466992378234863 + ], + [ + "\u2581Christoph", + -12.466995239257812 + ], + [ + "\u2581piani", + -12.467074394226074 + ], + [ + "\u2581opvolger", + -12.467130661010742 + ], + [ + "\u2581Elena", + -12.467164993286133 + ], + [ + "\u2581trama", + -12.467227935791016 + ], + [ + "ark", + -12.467369079589844 + ], + [ + "izzato", + -12.467408180236816 + ], + [ + "created", + -12.467421531677246 + ], + [ + "\u2581similares", + -12.467435836791992 + ], + [ + "\u2581rom", + -12.467458724975586 + ], + [ + "rais", + -12.467516899108888 + ], + [ + "\u2581juicio", + -12.467743873596191 + ], + [ + "Encoder", + -12.467883110046388 + ], + [ + "\u2581norm", + -12.467960357666016 + ], + [ + "\u2581verbal", + -12.467992782592772 + ], + [ + "\u2581academic", + -12.468042373657228 + ], + [ + "\u2581Systeme", + -12.46810817718506 + ], + [ + "Eq", + -12.468238830566406 + ], + [ + "\u2581diskutiert", + -12.468267440795898 + ], + [ + "\u2581suivre", + -12.468306541442873 + ], + [ + "\u2581Arab", + -12.468376159667969 + ], + [ + "\u2581gratis", + -12.468376159667969 + ], + [ + "\u2581orders", + -12.468423843383787 + ], + [ + "\u2581secure", + -12.468487739562988 + ], + [ + "assertTrue", + -12.468506813049316 + ], + [ + "\u2581Gutachten", + -12.468549728393556 + ], + [ + "arma", + -12.468687057495115 + ], + [ + "\u2581mehrfach", + -12.468722343444824 + ], + [ + "isto", + -12.46873950958252 + ], + [ + "\u2581Sleep", + -12.46875 + ], + [ + "parts", + -12.468799591064451 + ], + [ + "\u2581Trois", + -12.468814849853516 + ], + [ + "\u2581An\u00e1lise", + -12.46884822845459 + ], + [ + "\u2581bezig", + -12.468860626220703 + ], + [ + "\u2581Ras", + -12.468864440917969 + ], + [ + "\u00e9tais", + -12.468866348266602 + ], + [ + "\u2581seeing", + -12.468948364257812 + ], + [ + "GPU", + -12.46901512145996 + ], + [ + "compat", + -12.469085693359377 + ], + [ + "\u2581advanced", + -12.469134330749512 + ], + [ + "\u2581Drive", + -12.46922492980957 + ], + [ + "\u2581ADD", + -12.469240188598633 + ], + [ + "\u2581Kategorie", + -12.469252586364746 + ], + [ + "\u2581tenere", + -12.469298362731934 + ], + [ + "\u2581Stockholm", + -12.469301223754885 + ], + [ + "\u2581technologies", + -12.46931266784668 + ], + [ + "\u2581Dallas", + -12.469518661499023 + ], + [ + "lvarez", + -12.46957302093506 + ], + [ + "\u2581Federaci\u00f3n", + -12.469658851623535 + ], + [ + "yr", + -12.46966552734375 + ], + [ + "\u2581blad", + -12.469728469848633 + ], + [ + "\u2581logging", + -12.469743728637695 + ], + [ + "\u2581Centraal", + -12.469759941101074 + ], + [ + "\u2581forest", + -12.469840049743652 + ], + [ + "\u2581waves", + -12.469890594482422 + ], + [ + "\u2581ooit", + -12.469999313354492 + ], + [ + "graf", + -12.470075607299805 + ], + [ + "maal", + -12.47012710571289 + ], + [ + "\u2581collaborazione", + -12.470131874084473 + ], + [ + "lijst", + -12.47018051147461 + ], + [ + "\u2581proposito", + -12.470185279846191 + ], + [ + "\u2581Vita", + -12.47021484375 + ], + [ + "ISS", + -12.47022819519043 + ], + [ + "KU", + -12.470420837402344 + ], + [ + "MW", + -12.47057819366455 + ], + [ + "Holland", + -12.47068977355957 + ], + [ + "\u2581peintre", + -12.470741271972656 + ], + [ + "\u2581gewisse", + -12.470743179321287 + ], + [ + "\u2581Vamos", + -12.47078800201416 + ], + [ + "\u2581deaths", + -12.470834732055664 + ], + [ + "bucket", + -12.470839500427246 + ], + [ + "\u2581Sous", + -12.470898628234863 + ], + [ + "\u2581AWS", + -12.47093677520752 + ], + [ + "\u2581ragazzi", + -12.470943450927734 + ], + [ + "repos", + -12.470979690551758 + ], + [ + "\u2581JavaScript", + -12.471036911010742 + ], + [ + "\u2581Spiegel", + -12.471040725708008 + ], + [ + "news", + -12.471099853515623 + ], + [ + "\u2581Ple", + -12.4712495803833 + ], + [ + "\u2581Pisa", + -12.471397399902344 + ], + [ + "begriff", + -12.471479415893556 + ], + [ + "\u2581Oud", + -12.471525192260742 + ], + [ + "\u2581movie", + -12.471590042114258 + ], + [ + "\u2581manche", + -12.471684455871582 + ], + [ + "monte", + -12.471702575683594 + ], + [ + "\u2581tentar", + -12.471723556518556 + ], + [ + "\u2581manage", + -12.471763610839844 + ], + [ + "\u2581marginal", + -12.47179889678955 + ], + [ + "\u2581Acquisti", + -12.47180461883545 + ], + [ + "\u2581lettere", + -12.471837043762209 + ], + [ + "\u2581fond\u00e9e", + -12.471904754638672 + ], + [ + "\u2581notwendige", + -12.47198486328125 + ], + [ + "\u2581Lega", + -12.472065925598145 + ], + [ + "Off", + -12.472082138061523 + ], + [ + "\u2581Estocolmo", + -12.47213649749756 + ], + [ + "\u2581bedoeld", + -12.472217559814451 + ], + [ + "\u2581wirken", + -12.472248077392578 + ], + [ + "\u2581sender", + -12.472371101379396 + ], + [ + "\u2581Montreal", + -12.472378730773926 + ], + [ + "\u2581reed", + -12.47238540649414 + ], + [ + "OPTIONS", + -12.472386360168455 + ], + [ + "\u2581brit\u00e1nico", + -12.47246551513672 + ], + [ + "Db", + -12.472543716430664 + ], + [ + "\u2581consent", + -12.472725868225098 + ], + [ + "\u2581descrito", + -12.472772598266602 + ], + [ + "\u2581Dublin", + -12.472816467285156 + ], + [ + "\u2581surfaces", + -12.47291374206543 + ], + [ + "tory", + -12.472977638244627 + ], + [ + "rak", + -12.472981452941896 + ], + [ + "\u2581Personnalit\u00e9", + -12.47299575805664 + ], + [ + "Runner", + -12.473029136657717 + ], + [ + "Accept", + -12.473041534423828 + ], + [ + "regel", + -12.473058700561523 + ], + [ + "\u2581cultuur", + -12.473068237304688 + ], + [ + "\u2581Indonesia", + -12.47308349609375 + ], + [ + "\u2581geometry", + -12.47311019897461 + ], + [ + "signature", + -12.473114013671877 + ], + [ + "worker", + -12.473124504089355 + ], + [ + "\u2581maschile", + -12.473159790039062 + ], + [ + "\u2581Corr", + -12.47318172454834 + ], + [ + "\u2581Magic", + -12.473275184631348 + ], + [ + "\u2581Geografia", + -12.473292350769045 + ], + [ + "environnement", + -12.473312377929688 + ], + [ + "\u2581violenza", + -12.473477363586426 + ], + [ + "\u2581confina", + -12.473514556884766 + ], + [ + "\u2581Brescia", + -12.473800659179688 + ], + [ + "\u2581Mitchell", + -12.47386360168457 + ], + [ + "backend", + -12.473876953125 + ], + [ + "GROUP", + -12.473881721496582 + ], + [ + "\u2581Istanbul", + -12.473892211914062 + ], + [ + "ogen", + -12.473958969116213 + ], + [ + "zes", + -12.473983764648438 + ], + [ + "operatorname", + -12.473997116088867 + ], + [ + "\u2581garantir", + -12.4739990234375 + ], + [ + "\u2581saved", + -12.474011421203612 + ], + [ + "\u2581Noruega", + -12.474048614501951 + ], + [ + "\u2581wonder", + -12.47428035736084 + ], + [ + "LAN", + -12.474308967590332 + ], + [ + "CPP", + -12.474319458007812 + ], + [ + "armv", + -12.47436237335205 + ], + [ + "\u2581Captain", + -12.474390983581545 + ], + [ + "\u2581primeiras", + -12.47439670562744 + ], + [ + "frag", + -12.474421501159668 + ], + [ + "\u2581defines", + -12.474437713623049 + ], + [ + "igan", + -12.474465370178224 + ], + [ + "\u2581Lernen", + -12.47446632385254 + ], + [ + "stoffen", + -12.474491119384766 + ], + [ + "\u2581Glen", + -12.47453784942627 + ], + [ + "Peter", + -12.474560737609863 + ], + [ + "\u2581ingresos", + -12.474571228027344 + ], + [ + "\u2581kruis", + -12.474863052368164 + ], + [ + "\u2581tourist", + -12.474889755249023 + ], + [ + "\u2581Ralph", + -12.47506332397461 + ], + [ + "\u2581c\u00e9lebre", + -12.475117683410645 + ], + [ + "ics", + -12.475143432617188 + ], + [ + "\u00e9m", + -12.47521686553955 + ], + [ + "bereinstimmung", + -12.47531032562256 + ], + [ + "\u2581consigui\u00f3", + -12.475349426269531 + ], + [ + "\u2581N\u00fcrnberg", + -12.47535514831543 + ], + [ + "\u2581immediate", + -12.475507736206056 + ], + [ + "\u2581d\u00e9cide", + -12.475513458251951 + ], + [ + "\u2581sai", + -12.475671768188477 + ], + [ + "\u2581adult", + -12.475740432739258 + ], + [ + "\u2581witte", + -12.475741386413574 + ], + [ + "\u2581signs", + -12.475744247436523 + ], + [ + "werke", + -12.475762367248535 + ], + [ + "\u2581struck", + -12.47588348388672 + ], + [ + "\u2581talent", + -12.475912094116213 + ], + [ + "\u2581gek", + -12.475971221923828 + ], + [ + "\u2581attr", + -12.47597312927246 + ], + [ + "\u2581Paran\u00e1", + -12.475996971130373 + ], + [ + "\u2581Unito", + -12.47604751586914 + ], + [ + "\u2581principles", + -12.476065635681152 + ], + [ + "bos", + -12.476283073425291 + ], + [ + "\u2581denote", + -12.476287841796877 + ], + [ + "\u2581Technische", + -12.476340293884276 + ], + [ + "\u2581art\u00edculos", + -12.476364135742188 + ], + [ + "gibt", + -12.476367950439451 + ], + [ + "since", + -12.476432800292969 + ], + [ + "parti", + -12.47657299041748 + ], + [ + "\u2581Exception", + -12.476573944091797 + ], + [ + "verein", + -12.47668743133545 + ], + [ + "uki", + -12.476744651794434 + ], + [ + "\u00e9taient", + -12.476765632629396 + ], + [ + "indipendenza", + -12.476770401000977 + ], + [ + "\u2581Mori", + -12.476861953735352 + ], + [ + "industria", + -12.477115631103516 + ], + [ + "\u2581materiais", + -12.477148056030272 + ], + [ + "\u2581Lille", + -12.477166175842283 + ], + [ + "\u2581vantaggio", + -12.477187156677246 + ], + [ + "\u2581posteriores", + -12.47719955444336 + ], + [ + "\u2581Nie", + -12.47726345062256 + ], + [ + "\u2581gesetzliche", + -12.477456092834473 + ], + [ + "\u2581Born", + -12.477472305297852 + ], + [ + "\u2581Identit\u00e4t", + -12.47749137878418 + ], + [ + "issant", + -12.477530479431152 + ], + [ + "\u2581Musical", + -12.477716445922852 + ], + [ + "\u2581Greenwich", + -12.477931022644045 + ], + [ + "\u2581trabaj\u00f3", + -12.477968215942385 + ], + [ + "\u2581entwickelte", + -12.4779691696167 + ], + [ + "\u2581gebaut", + -12.478012084960938 + ], + [ + "\u2581continent", + -12.478021621704102 + ], + [ + "\u2581aguas", + -12.478082656860352 + ], + [ + "\u2581laufenden", + -12.478082656860352 + ], + [ + "\u2581Prop", + -12.478177070617676 + ], + [ + "\u2581Lis", + -12.478206634521484 + ], + [ + "\u2581credito", + -12.478217124938965 + ], + [ + "kam", + -12.478242874145508 + ], + [ + "\u2581semelhante", + -12.478281021118164 + ], + [ + "\u2581Gottes", + -12.478429794311523 + ], + [ + "\u2581Morris", + -12.478437423706056 + ], + [ + "Software", + -12.47851276397705 + ], + [ + "\u2581lift", + -12.47853183746338 + ], + [ + "\u2581minore", + -12.478555679321287 + ], + [ + "terra", + -12.478559494018556 + ], + [ + "\u2581DNS", + -12.47865104675293 + ], + [ + "Div", + -12.478708267211914 + ], + [ + "\u2581ME", + -12.47872257232666 + ], + [ + "ndarray", + -12.478797912597656 + ], + [ + "ICA", + -12.478800773620604 + ], + [ + "Bei", + -12.478864669799805 + ], + [ + "\u2581Doyle", + -12.47886562347412 + ], + [ + "\u2581Historique", + -12.478974342346191 + ], + [ + "\u2581Despite", + -12.47900390625 + ], + [ + "\u2581maand", + -12.479039192199709 + ], + [ + "\u2581Search", + -12.479081153869627 + ], + [ + "\u2581nominato", + -12.479226112365724 + ], + [ + "\u2581salto", + -12.479307174682615 + ], + [ + "\u2581ouders", + -12.479317665100098 + ], + [ + "\u2581berichtet", + -12.479555130004885 + ], + [ + "\u2581Japanse", + -12.479557037353516 + ], + [ + "\u2581intensity", + -12.479666709899902 + ], + [ + "\u2581resolu", + -12.479670524597168 + ], + [ + "Services", + -12.479763984680176 + ], + [ + "mato", + -12.479779243469238 + ], + [ + "jos", + -12.479809761047363 + ], + [ + "\u2581reduziert", + -12.479817390441896 + ], + [ + "\u2581tv", + -12.479851722717283 + ], + [ + "\u2581Apo", + -12.479862213134766 + ], + [ + "\u2581pago", + -12.47994327545166 + ], + [ + "Am\u00e9rique", + -12.479975700378418 + ], + [ + "\u2581latere", + -12.48008918762207 + ], + [ + "accompagnement", + -12.48011589050293 + ], + [ + "\u2581Pie", + -12.480265617370604 + ], + [ + "\u2581ilhas", + -12.48034954071045 + ], + [ + "\u2581Colle", + -12.480359077453612 + ], + [ + "rati", + -12.480425834655762 + ], + [ + "l\u00e4nge", + -12.480446815490724 + ], + [ + "\u2581cruz", + -12.48049259185791 + ], + [ + "\u2581Milliarden", + -12.480525970458984 + ], + [ + "cons", + -12.480575561523438 + ], + [ + "hp", + -12.480618476867676 + ], + [ + "\u2581noms", + -12.480619430541992 + ], + [ + "\u2581individuelle", + -12.480624198913574 + ], + [ + "Two", + -12.480673789978027 + ], + [ + "Future", + -12.480735778808594 + ], + [ + "\u2581Danny", + -12.480758666992188 + ], + [ + "\u2581salute", + -12.480854988098145 + ], + [ + "\u2581duty", + -12.480879783630373 + ], + [ + "\u2581Legal", + -12.480927467346191 + ], + [ + "\u2581Magnet", + -12.480985641479492 + ], + [ + "landes", + -12.481006622314451 + ], + [ + "\u2581Indiana", + -12.481063842773438 + ], + [ + "erin", + -12.481070518493652 + ], + [ + "\u00e9tudes", + -12.481077194213867 + ], + [ + "weiter", + -12.481119155883787 + ], + [ + "\u2581Gelegenheit", + -12.481120109558104 + ], + [ + "\u2581UInt", + -12.481204986572266 + ], + [ + "\u2581dispon\u00edvel", + -12.481234550476074 + ], + [ + "\u2581piloto", + -12.481261253356934 + ], + [ + "\u2581attach", + -12.481343269348145 + ], + [ + "\u2581thousand", + -12.481380462646484 + ], + [ + "\u2581taste", + -12.48142433166504 + ], + [ + "\u2581simbolo", + -12.481507301330566 + ], + [ + "mios", + -12.481528282165527 + ], + [ + "timo", + -12.481532096862791 + ], + [ + "ellow", + -12.481596946716309 + ], + [ + "\u2581descobrir", + -12.481651306152344 + ], + [ + "\u2581Risultati", + -12.481669425964355 + ], + [ + "\u2581receiving", + -12.481717109680176 + ], + [ + "\u2581danni", + -12.481921195983888 + ], + [ + "uniform", + -12.481969833374023 + ], + [ + "\u2581Perch\u00e9", + -12.482147216796877 + ], + [ + "spflicht", + -12.482171058654783 + ], + [ + "\u2581sert", + -12.482271194458008 + ], + [ + "generation", + -12.482303619384766 + ], + [ + "\u2581T\u00fcrkei", + -12.482333183288574 + ], + [ + "FileName", + -12.482367515563965 + ], + [ + "anz", + -12.482389450073242 + ], + [ + "\u2581autora", + -12.482402801513672 + ], + [ + "\u2581Tempo", + -12.48240852355957 + ], + [ + "\u2581perception", + -12.482455253601074 + ], + [ + "\u2581institution", + -12.482505798339844 + ], + [ + "\u2581unable", + -12.482576370239258 + ], + [ + "\u2581mondiali", + -12.48261547088623 + ], + [ + "\u2581Conan", + -12.482686042785645 + ], + [ + "\u2581deutsch", + -12.482694625854492 + ], + [ + "\u2581Rein", + -12.482749938964844 + ], + [ + "\u2581tap", + -12.482792854309082 + ], + [ + "masse", + -12.48292064666748 + ], + [ + "ADO", + -12.482954025268556 + ], + [ + "\u2581erro", + -12.482999801635742 + ], + [ + "ltimas", + -12.483013153076172 + ], + [ + "\u2581cru", + -12.483026504516602 + ], + [ + "\u2581Kiel", + -12.483149528503418 + ], + [ + "\u2581verlangt", + -12.483174324035645 + ], + [ + "\u2581beziehungsweise", + -12.483217239379885 + ], + [ + "Please", + -12.48324489593506 + ], + [ + "stmt", + -12.483247756958008 + ], + [ + "\u2581Mesa", + -12.48328685760498 + ], + [ + "Hook", + -12.483295440673828 + ], + [ + "Bucket", + -12.483358383178713 + ], + [ + "Anchor", + -12.483400344848633 + ], + [ + "britannien", + -12.48347282409668 + ], + [ + "komst", + -12.483502388000488 + ], + [ + "ery", + -12.483551025390623 + ], + [ + "udo", + -12.48358154296875 + ], + [ + "\u2581variations", + -12.483667373657228 + ], + [ + "\u2581promise", + -12.483697891235352 + ], + [ + "\u2581usadas", + -12.48381233215332 + ], + [ + "\u2581Geh", + -12.483829498291016 + ], + [ + "ANT", + -12.483884811401367 + ], + [ + "\u2581Entwurfs", + -12.484012603759766 + ], + [ + "\u2581creato", + -12.484052658081056 + ], + [ + "\u2581Effekte", + -12.484060287475586 + ], + [ + "\u2581Mou", + -12.484095573425291 + ], + [ + "\u2581promover", + -12.484108924865724 + ], + [ + "\u2581Kommunen", + -12.484142303466797 + ], + [ + "\u2581foreach", + -12.484241485595703 + ], + [ + "\u2581crois", + -12.484280586242676 + ], + [ + "\u2581nostre", + -12.484492301940918 + ], + [ + "\u2581fontcolor", + -12.4845552444458 + ], + [ + "eve", + -12.48458194732666 + ], + [ + "\u2581necesita", + -12.484766006469728 + ], + [ + "\u2581membrane", + -12.484777450561523 + ], + [ + "Theme", + -12.48483943939209 + ], + [ + "\u2581Empfehlungen", + -12.484851837158203 + ], + [ + "zze", + -12.484869956970217 + ], + [ + "ibili", + -12.484874725341797 + ], + [ + "\u2581Conde", + -12.485180854797363 + ], + [ + "subscribe", + -12.485215187072754 + ], + [ + "inski", + -12.48529815673828 + ], + [ + "\u2581vente", + -12.485312461853027 + ], + [ + "\u2581caught", + -12.485360145568848 + ], + [ + "\u2581thin", + -12.48552131652832 + ], + [ + "\u2581stil", + -12.485535621643066 + ], + [ + "\u2581mantiene", + -12.485554695129396 + ], + [ + "\u2581Siena", + -12.48561191558838 + ], + [ + "\u2581Easy", + -12.485617637634276 + ], + [ + "\u2581apertura", + -12.485654830932615 + ], + [ + "\u2581Joachim", + -12.485705375671388 + ], + [ + "GU", + -12.48572826385498 + ], + [ + "\u2581oferta", + -12.48590850830078 + ], + [ + "kampioenschap", + -12.485910415649414 + ], + [ + "moni", + -12.485991477966309 + ], + [ + "\u2581Auskunft", + -12.486000061035156 + ], + [ + "oir", + -12.486047744750977 + ], + [ + "\u2581sending", + -12.486124992370604 + ], + [ + "\u2581Ruth", + -12.486135482788086 + ], + [ + "bezogene", + -12.486163139343262 + ], + [ + "atte", + -12.486279487609863 + ], + [ + "\u2581japonais", + -12.48629665374756 + ], + [ + "\u2581Giacomo", + -12.486371040344238 + ], + [ + "ograf\u00eda", + -12.486527442932127 + ], + [ + "\u2581dictionary", + -12.486589431762695 + ], + [ + "vision", + -12.486600875854492 + ], + [ + "\u2581castillo", + -12.486655235290527 + ], + [ + "\u2581convertido", + -12.48672580718994 + ], + [ + "\u2581statue", + -12.486831665039062 + ], + [ + "\u2581momentos", + -12.486945152282717 + ], + [ + "cols", + -12.48694896697998 + ], + [ + "\u2581trib", + -12.48704719543457 + ], + [ + "hten", + -12.487059593200684 + ], + [ + "Baptiste", + -12.487065315246582 + ], + [ + "\u2581tekende", + -12.487077713012695 + ], + [ + "exclude", + -12.48716640472412 + ], + [ + "\u2581Panzer", + -12.48719596862793 + ], + [ + "ISA", + -12.487200736999512 + ], + [ + "\u2581ganhou", + -12.487296104431152 + ], + [ + "quit", + -12.48735523223877 + ], + [ + "\u2581Primer", + -12.487503051757812 + ], + [ + "\u2581raggiunto", + -12.487525939941406 + ], + [ + "\u2581merci", + -12.487641334533691 + ], + [ + "\u2581Gray", + -12.487667083740234 + ], + [ + "\u2581Kenn", + -12.487752914428713 + ], + [ + "finale", + -12.487820625305176 + ], + [ + "\u2581penser", + -12.487911224365234 + ], + [ + "issa", + -12.487922668457031 + ], + [ + "carri", + -12.487929344177246 + ], + [ + "\u2581semaines", + -12.487930297851562 + ], + [ + "\u2581forKey", + -12.487944602966309 + ], + [ + "\u2581juge", + -12.48794651031494 + ], + [ + "\u2581\u00fcbernehmen", + -12.487959861755373 + ], + [ + "\u2581besetzt", + -12.48802375793457 + ], + [ + "\u2581utilizza", + -12.488066673278809 + ], + [ + "zing", + -12.48817539215088 + ], + [ + "lies", + -12.488224983215332 + ], + [ + "\u2581Alfredo", + -12.488251686096191 + ], + [ + "\u2581hypothesis", + -12.488290786743164 + ], + [ + "\u2581analyses", + -12.48836612701416 + ], + [ + "aver", + -12.488367080688477 + ], + [ + "\u2581quantity", + -12.488399505615234 + ], + [ + "\u2581Lenin", + -12.48840045928955 + ], + [ + "americana", + -12.488402366638184 + ], + [ + "teis", + -12.48842430114746 + ], + [ + "\u2581appel\u00e9e", + -12.488457679748535 + ], + [ + "\u2581Auslegung", + -12.48846435546875 + ], + [ + "\u2581VERORDNUNG", + -12.488482475280762 + ], + [ + "lied", + -12.488525390625 + ], + [ + "\u2581reina", + -12.488580703735352 + ], + [ + "\u2581naturais", + -12.488667488098145 + ], + [ + "\u2581leggere", + -12.488714218139648 + ], + [ + "\u2581feit", + -12.48876667022705 + ], + [ + "\u2581Aufwendungen", + -12.4888334274292 + ], + [ + "\u2581Lamb", + -12.489001274108888 + ], + [ + "\u2581Otros", + -12.489002227783203 + ], + [ + "Append", + -12.489019393920898 + ], + [ + "\u2581nunmehr", + -12.489021301269531 + ], + [ + "\u2581Speicher", + -12.48910903930664 + ], + [ + "StatusCode", + -12.48912525177002 + ], + [ + "\u2581ontworpen", + -12.489126205444336 + ], + [ + "\u2581Toledo", + -12.489150047302246 + ], + [ + "kamer", + -12.489163398742676 + ], + [ + "\u2581grotere", + -12.489163398742676 + ], + [ + "\u2581turistica", + -12.489200592041016 + ], + [ + "\u2581dedica", + -12.489202499389648 + ], + [ + "yk", + -12.489206314086914 + ], + [ + "\u2581weekend", + -12.489211082458496 + ], + [ + "REGE", + -12.48923683166504 + ], + [ + "\u2581incluem", + -12.489277839660645 + ], + [ + "\u2581Messico", + -12.48928165435791 + ], + [ + "\u2581voort", + -12.489294052124023 + ], + [ + "\u2581verdeeld", + -12.489352226257324 + ], + [ + "\u2581h\u00e4ngt", + -12.489450454711914 + ], + [ + "sicht", + -12.489511489868164 + ], + [ + "\u2581leaders", + -12.489577293395996 + ], + [ + "hbox", + -12.489654541015623 + ], + [ + "\u2581reuni", + -12.489718437194824 + ], + [ + "\u2581wahr", + -12.489726066589355 + ], + [ + "\u2581B\u00fcro", + -12.48975658416748 + ], + [ + "\u2581attrazioni", + -12.489779472351074 + ], + [ + "\u2581enfermedad", + -12.489846229553224 + ], + [ + "\u2581troupes", + -12.4898681640625 + ], + [ + "\u2581pacote", + -12.490010261535645 + ], + [ + "\u2581helps", + -12.490056991577148 + ], + [ + "\u2581Missouri", + -12.49009132385254 + ], + [ + "ngeles", + -12.490135192871094 + ], + [ + "\u2581draft", + -12.490141868591309 + ], + [ + "\u2581scientifiques", + -12.490167617797852 + ], + [ + "\u2581casamento", + -12.490168571472168 + ], + [ + "ionen", + -12.490224838256836 + ], + [ + "\u2581segundos", + -12.490325927734377 + ], + [ + "\u2581Beihilfen", + -12.490507125854492 + ], + [ + "\u2581Paula", + -12.490612983703612 + ], + [ + "risiko", + -12.490687370300291 + ], + [ + "\u00e1tica", + -12.490736961364746 + ], + [ + "\u2581Storm", + -12.490777015686035 + ], + [ + "vliegen", + -12.490824699401855 + ], + [ + "\u2581bicicletta", + -12.490866661071776 + ], + [ + "\u2581folgte", + -12.490884780883787 + ], + [ + "\u2581fordert", + -12.490925788879396 + ], + [ + "\u2581Geschlecht", + -12.490939140319824 + ], + [ + "\u2581propri\u00e9t\u00e9", + -12.49096965789795 + ], + [ + "\u2581asking", + -12.490976333618164 + ], + [ + "readable", + -12.490984916687012 + ], + [ + "\u2581sonido", + -12.491087913513184 + ], + [ + "Replace", + -12.491198539733888 + ], + [ + "pie", + -12.4912109375 + ], + [ + "archiv", + -12.49122428894043 + ], + [ + "\u2581artisti", + -12.491287231445312 + ], + [ + "\u2581Program", + -12.491312980651855 + ], + [ + "rode", + -12.491332054138184 + ], + [ + "\u2581cars", + -12.49147891998291 + ], + [ + "\u2581Bento", + -12.491497039794922 + ], + [ + "werten", + -12.49156093597412 + ], + [ + "\u2581Besch\u00e4ftigungs", + -12.491565704345703 + ], + [ + "\u2581antiche", + -12.491613388061523 + ], + [ + "\u2581autonome", + -12.491647720336914 + ], + [ + "\u2581economie", + -12.491713523864746 + ], + [ + "Fetch", + -12.491777420043944 + ], + [ + "Work", + -12.491897583007812 + ], + [ + "\u2581tank", + -12.491904258728027 + ], + [ + "\u2581zwaar", + -12.49208927154541 + ], + [ + "\u2581Parmi", + -12.492107391357422 + ], + [ + "\u2581verlangen", + -12.492132186889648 + ], + [ + "\u2581ciel", + -12.492269515991213 + ], + [ + "laan", + -12.492290496826172 + ], + [ + "\u2581bouwen", + -12.492347717285156 + ], + [ + "\u2581canta", + -12.492466926574709 + ], + [ + "\u2581Gem", + -12.492486000061035 + ], + [ + "\u2581Einen", + -12.492554664611816 + ], + [ + "aque", + -12.492561340332031 + ], + [ + "\u2581comunista", + -12.492584228515623 + ], + [ + "eca", + -12.492589950561523 + ], + [ + "Missing", + -12.492746353149414 + ], + [ + "dw", + -12.492816925048828 + ], + [ + "\u2581Lac", + -12.49288272857666 + ], + [ + "uga", + -12.492918968200684 + ], + [ + "\u2581Kh", + -12.49295425415039 + ], + [ + "\u2581genitori", + -12.492959976196287 + ], + [ + "\u2581Irish", + -12.492964744567873 + ], + [ + "\u2581procedures", + -12.492993354797363 + ], + [ + "\u2581dollar", + -12.49306869506836 + ], + [ + "staaten", + -12.493081092834473 + ], + [ + "Paris", + -12.493086814880373 + ], + [ + "\u2581stories", + -12.493138313293455 + ], + [ + "\u2581Firmen", + -12.493144035339355 + ], + [ + "\u2581crash", + -12.493170738220217 + ], + [ + "legen", + -12.493171691894531 + ], + [ + "\u2581Primeira", + -12.49333667755127 + ], + [ + "\u2581presta", + -12.493535995483398 + ], + [ + "\u2581tumor", + -12.493612289428713 + ], + [ + "schiff", + -12.49376106262207 + ], + [ + "\u2581Estadio", + -12.493892669677734 + ], + [ + "\u2581Ward", + -12.4939546585083 + ], + [ + "etica", + -12.493978500366213 + ], + [ + "\u2581Hab", + -12.494009017944336 + ], + [ + "\u2581Atualmente", + -12.494037628173828 + ], + [ + "\u2581erweitert", + -12.494133949279783 + ], + [ + "Hi", + -12.494171142578123 + ], + [ + "\u2581intento", + -12.494213104248049 + ], + [ + "\u2581dialogue", + -12.494279861450195 + ], + [ + "enta", + -12.49437141418457 + ], + [ + "vader", + -12.49441623687744 + ], + [ + "\u2581clan", + -12.49445629119873 + ], + [ + "\u2581subjects", + -12.494524002075195 + ], + [ + "\u2581vieux", + -12.494540214538574 + ], + [ + "ctrl", + -12.494638442993164 + ], + [ + "\u2581extremamente", + -12.494646072387695 + ], + [ + "\u2581Parc", + -12.494698524475098 + ], + [ + "dense", + -12.49475383758545 + ], + [ + "\u2581verband", + -12.49476718902588 + ], + [ + "\u2581Editorial", + -12.494800567626951 + ], + [ + "\u2581pedir", + -12.494864463806152 + ], + [ + "\u2581Rosario", + -12.494900703430176 + ], + [ + "\u2581mobili", + -12.495028495788574 + ], + [ + "\u2581pulumi", + -12.495041847229004 + ], + [ + "Alias", + -12.49504852294922 + ], + [ + "steps", + -12.49506950378418 + ], + [ + "\u2581fans", + -12.495091438293455 + ], + [ + "\u2581Videojuegos", + -12.495135307312012 + ], + [ + "\u2581chave", + -12.49514389038086 + ], + [ + "\u2581Moyen", + -12.495197296142578 + ], + [ + "Payload", + -12.49525260925293 + ], + [ + "rosa", + -12.495295524597168 + ], + [ + "st\u00e4nde", + -12.495360374450684 + ], + [ + "validator", + -12.49536418914795 + ], + [ + "isEmpty", + -12.49555206298828 + ], + [ + "attention", + -12.495735168457031 + ], + [ + "\u2581amis", + -12.495757102966309 + ], + [ + "\u2581clases", + -12.495793342590332 + ], + [ + "finanzierung", + -12.49586009979248 + ], + [ + "\u2581winnaar", + -12.495896339416504 + ], + [ + "\u2581virt", + -12.495901107788086 + ], + [ + "\u2581Songs", + -12.496111869812012 + ], + [ + "\u2581nazione", + -12.496304512023926 + ], + [ + "idle", + -12.49631690979004 + ], + [ + "\u2581ferrovia", + -12.49636173248291 + ], + [ + "logs", + -12.4964017868042 + ], + [ + "\u2581consiglia", + -12.49642848968506 + ], + [ + "\u2581Caroline", + -12.496442794799805 + ], + [ + "\u2581Palmar\u00e9s", + -12.496620178222656 + ], + [ + "\u2581Dog", + -12.496664047241213 + ], + [ + "\u2581attend", + -12.496682167053224 + ], + [ + "\u2581mut", + -12.496731758117676 + ], + [ + "\u2581raramente", + -12.496912956237791 + ], + [ + "\u2581privacy", + -12.496917724609377 + ], + [ + "\u2581senha", + -12.496986389160156 + ], + [ + "\u2581Seminar", + -12.496992111206056 + ], + [ + "\u2581medievale", + -12.497041702270508 + ], + [ + "\u2581Bearbeitung", + -12.49710178375244 + ], + [ + "\u2581Hoy", + -12.497127532958984 + ], + [ + "Signal", + -12.49721336364746 + ], + [ + "\u2581enviado", + -12.49724578857422 + ], + [ + "Berg", + -12.497314453125 + ], + [ + "rust", + -12.49733543395996 + ], + [ + "fect", + -12.497342109680176 + ], + [ + "behandlung", + -12.497368812561035 + ], + [ + "aris", + -12.49740982055664 + ], + [ + "\u2581ceinture", + -12.49747085571289 + ], + [ + "radi", + -12.497474670410156 + ], + [ + "\u2581Frederick", + -12.497504234313965 + ], + [ + "tabs", + -12.49754238128662 + ], + [ + "vv", + -12.497663497924805 + ], + [ + "\u2581thanks", + -12.497674942016602 + ], + [ + "district", + -12.497689247131348 + ], + [ + "\u2581Esp", + -12.497735977172852 + ], + [ + "\u2581Ahora", + -12.497796058654783 + ], + [ + "\u2581volks", + -12.49780559539795 + ], + [ + "utilisateur", + -12.497828483581545 + ], + [ + "CALL", + -12.4978666305542 + ], + [ + "stlichen", + -12.497981071472168 + ], + [ + "\u2581aberto", + -12.497997283935549 + ], + [ + "\u2581tavola", + -12.498008728027344 + ], + [ + "kers", + -12.498077392578123 + ], + [ + "\u2581Tonnen", + -12.498080253601074 + ], + [ + "\u2581Training", + -12.498167991638184 + ], + [ + "Amount", + -12.498173713684082 + ], + [ + "\u2581Schedule", + -12.498205184936523 + ], + [ + "unicode", + -12.498266220092772 + ], + [ + "\u2581fout", + -12.498291015625 + ], + [ + "\u2581houses", + -12.49830150604248 + ], + [ + "\u2581razas", + -12.498394012451172 + ], + [ + "\u2581beat", + -12.498420715332031 + ], + [ + "Programm", + -12.498435020446776 + ], + [ + "\u2581[(", + -12.498457908630373 + ], + [ + "\u2581hinein", + -12.498486518859863 + ], + [ + "jb", + -12.49853229522705 + ], + [ + "\u2581Gewebe", + -12.498558044433594 + ], + [ + "\u2581Tell", + -12.498576164245604 + ], + [ + "zee", + -12.4985933303833 + ], + [ + "\u2581Sho", + -12.498600959777832 + ], + [ + "\u2581Asyl", + -12.498686790466309 + ], + [ + "\u2581planes", + -12.498690605163574 + ], + [ + "\u2581instruments", + -12.498692512512209 + ], + [ + "\u2581decrease", + -12.498940467834473 + ], + [ + "aja", + -12.498993873596191 + ], + [ + "\u2581atto", + -12.49905014038086 + ], + [ + "\u2581convento", + -12.499194145202637 + ], + [ + "\u2581comercio", + -12.49929428100586 + ], + [ + "\u2581fiori", + -12.499341011047363 + ], + [ + "\u2581Obst", + -12.499342918395996 + ], + [ + "\u2581identification", + -12.499374389648438 + ], + [ + "chapter", + -12.499380111694336 + ], + [ + "\u2581atom", + -12.499409675598145 + ], + [ + "\u2581medi", + -12.499485969543455 + ], + [ + "ride", + -12.499515533447266 + ], + [ + "\u2581ruso", + -12.499597549438477 + ], + [ + "garten", + -12.499682426452637 + ], + [ + "\u2581Sonne", + -12.49972438812256 + ], + [ + "\u2581proteins", + -12.499796867370604 + ], + [ + "\u2581wodurch", + -12.499800682067873 + ], + [ + "lemma", + -12.4998140335083 + ], + [ + "\u2581customer", + -12.499831199645996 + ], + [ + "\u2581propriedades", + -12.49993896484375 + ], + [ + "importance", + -12.499961853027344 + ], + [ + "\u2581vissensoort", + -12.500011444091797 + ], + [ + "\u2581recurso", + -12.500028610229492 + ], + [ + "WC", + -12.500115394592283 + ], + [ + "\u2581Englisch", + -12.500192642211914 + ], + [ + "\u2581gay", + -12.500213623046877 + ], + [ + "\u2581Rem", + -12.500237464904783 + ], + [ + "ians", + -12.50029468536377 + ], + [ + "\u2581spa", + -12.500328063964844 + ], + [ + "Alpes", + -12.500371932983398 + ], + [ + "Shared", + -12.500557899475098 + ], + [ + "\u2581applying", + -12.500611305236816 + ], + [ + "\u2581bere", + -12.500640869140623 + ], + [ + "fried", + -12.50068187713623 + ], + [ + "\u2581experiences", + -12.50070095062256 + ], + [ + "v\u00ed", + -12.500814437866213 + ], + [ + "betriebe", + -12.500844955444336 + ], + [ + "\u2581restriction", + -12.500846862792969 + ], + [ + "\u2581hie", + -12.500849723815918 + ], + [ + "\u2581telles", + -12.500924110412598 + ], + [ + "rain", + -12.500981330871582 + ], + [ + "\u2581internacionais", + -12.50099277496338 + ], + [ + "wich", + -12.50099754333496 + ], + [ + "\u2581probablement", + -12.501020431518556 + ], + [ + "\u2581DATE", + -12.50111198425293 + ], + [ + "prog", + -12.5011625289917 + ], + [ + "Live", + -12.50116729736328 + ], + [ + "ausbildung", + -12.501245498657228 + ], + [ + "\u2581bri", + -12.501450538635254 + ], + [ + "\u2581regole", + -12.50146198272705 + ], + [ + "\u2581Sofia", + -12.501480102539062 + ], + [ + "ym", + -12.50152587890625 + ], + [ + "\u2581army", + -12.501558303833008 + ], + [ + "\u2581arbeitete", + -12.50157642364502 + ], + [ + "\u2581llegada", + -12.50164794921875 + ], + [ + "\u2581fonctionnement", + -12.501686096191406 + ], + [ + "ART", + -12.501819610595703 + ], + [ + "\u2581tours", + -12.50182056427002 + ], + [ + "regelung", + -12.501860618591309 + ], + [ + "\u2581Petro", + -12.501897811889648 + ], + [ + "molen", + -12.50195026397705 + ], + [ + "\u2581determinada", + -12.501971244812012 + ], + [ + "Fail", + -12.502062797546388 + ], + [ + "\u2581Aus\u00fcbung", + -12.50210952758789 + ], + [ + "ithubusercontent", + -12.502147674560549 + ], + [ + "\u2581Fischerei", + -12.502161979675291 + ], + [ + "amba", + -12.50217056274414 + ], + [ + "\u2581marcas", + -12.50222110748291 + ], + [ + "\u2581tip", + -12.50222873687744 + ], + [ + "\u2581turistico", + -12.502278327941896 + ], + [ + "\u2581begr\u00fc", + -12.50228214263916 + ], + [ + "\u2581Gl", + -12.502304077148438 + ], + [ + "\u2581protesta", + -12.502440452575684 + ], + [ + "\u2581packet", + -12.502610206604004 + ], + [ + "\u2581allemande", + -12.502683639526367 + ], + [ + "lust", + -12.50281047821045 + ], + [ + "\u2581Nepal", + -12.502880096435549 + ], + [ + "\u2581Weil", + -12.50289535522461 + ], + [ + "\u2581electoral", + -12.50304126739502 + ], + [ + "\u2581Alegre", + -12.503074645996094 + ], + [ + "aza", + -12.503113746643066 + ], + [ + "mens", + -12.50317096710205 + ], + [ + "\u2581categories", + -12.503190994262695 + ], + [ + "PASSWORD", + -12.50327205657959 + ], + [ + "rant", + -12.503301620483398 + ], + [ + "preise", + -12.503311157226562 + ], + [ + "\u2581Angelegenheiten", + -12.503463745117188 + ], + [ + "SBATCH", + -12.503466606140137 + ], + [ + "\u2581gebouwen", + -12.503531455993652 + ], + [ + "\u2581numerosas", + -12.503609657287598 + ], + [ + "\u2581ouro", + -12.503626823425291 + ], + [ + "\u2581Hundert", + -12.50363063812256 + ], + [ + "\u2581Demokratie", + -12.503850936889648 + ], + [ + "delay", + -12.503878593444824 + ], + [ + "legt", + -12.50393009185791 + ], + [ + "\u2581fluxo", + -12.50399112701416 + ], + [ + "\u2581smart", + -12.504015922546388 + ], + [ + "\u2581musicales", + -12.504124641418455 + ], + [ + "\u2581Bahia", + -12.504140853881836 + ], + [ + "\u2581conduit", + -12.504179000854492 + ], + [ + "\u2581durata", + -12.504194259643556 + ], + [ + "\u2581mijn", + -12.504207611083984 + ], + [ + "\u2581straal", + -12.504276275634766 + ], + [ + "UNESCO", + -12.504295349121094 + ], + [ + "\u2581Formula", + -12.504332542419434 + ], + [ + "\u2581recognition", + -12.50437831878662 + ], + [ + "\u2581Gleichzeitig", + -12.504448890686035 + ], + [ + "Distance", + -12.50449275970459 + ], + [ + "\u2581Internationalen", + -12.504494667053224 + ], + [ + "\u2581Beton", + -12.504515647888184 + ], + [ + "Plaatsen", + -12.504520416259766 + ], + [ + "\u2581Einkaufen", + -12.504642486572266 + ], + [ + "\u2581Herren", + -12.504698753356934 + ], + [ + "ISCHEN", + -12.504708290100098 + ], + [ + "\u2581Laurent", + -12.504714012145996 + ], + [ + "Rank", + -12.504765510559082 + ], + [ + "\u2581atividade", + -12.504846572875977 + ], + [ + "vp", + -12.505049705505373 + ], + [ + "\u2581Polo", + -12.505167007446287 + ], + [ + "\u2581joueurs", + -12.505213737487791 + ], + [ + "\u2581Brad", + -12.505243301391602 + ], + [ + "\u2581changer", + -12.505250930786133 + ], + [ + "\u2581Vancouver", + -12.505252838134766 + ], + [ + "\u2581zuerst", + -12.50528621673584 + ], + [ + "leiding", + -12.50541877746582 + ], + [ + "proj", + -12.505463600158691 + ], + [ + "\u2581vertices", + -12.505475997924805 + ], + [ + "\u2581lenguaje", + -12.505841255187988 + ], + [ + "\u2581netwerk", + -12.505871772766112 + ], + [ + "trainer", + -12.505873680114746 + ], + [ + "\u2581ln", + -12.50607967376709 + ], + [ + "\u2581beslaat", + -12.50608730316162 + ], + [ + "\u2581concurso", + -12.506170272827148 + ], + [ + "optera", + -12.50623893737793 + ], + [ + "\u2581Engel", + -12.506250381469728 + ], + [ + "todo", + -12.506303787231444 + ], + [ + "\u2581Gefahren", + -12.506324768066406 + ], + [ + "\u00fcn", + -12.506403923034668 + ], + [ + "\u2581Alonso", + -12.506484985351562 + ], + [ + "\u2581appeal", + -12.506609916687012 + ], + [ + "\u2581bruxos", + -12.50668239593506 + ], + [ + "\u2581BC", + -12.50678825378418 + ], + [ + "\u2581begins", + -12.506811141967772 + ], + [ + "\u2581momentum", + -12.506854057312012 + ], + [ + "HN", + -12.506874084472656 + ], + [ + "\u2581Verh\u00e4ltnisse", + -12.506892204284668 + ], + [ + "\u2581dress", + -12.506945610046388 + ], + [ + "Ober", + -12.506991386413574 + ], + [ + "\u2581bewegen", + -12.507019996643066 + ], + [ + "anim", + -12.507020950317385 + ], + [ + "\u2581heran", + -12.507028579711914 + ], + [ + "\u2581simplemente", + -12.507030487060549 + ], + [ + "\u2581Centrale", + -12.50709342956543 + ], + [ + "\u2581Erstattung", + -12.50721836090088 + ], + [ + "ures", + -12.507537841796877 + ], + [ + "\u2581starken", + -12.507579803466797 + ], + [ + "\u2581houdt", + -12.50759983062744 + ], + [ + "hotel", + -12.507614135742188 + ], + [ + "\u2581Grupos", + -12.507617950439451 + ], + [ + "\u2581afferma", + -12.50767421722412 + ], + [ + "\u2581Pr\u00fcf", + -12.50774383544922 + ], + [ + "\u2581yes", + -12.507970809936523 + ], + [ + "photo", + -12.507972717285156 + ], + [ + "\u2581answers", + -12.507989883422852 + ], + [ + "\u2581Differenz", + -12.507993698120115 + ], + [ + "\u2581****", + -12.508047103881836 + ], + [ + "kenn", + -12.508076667785645 + ], + [ + "\u2581Alkohol", + -12.508132934570312 + ], + [ + "\u2581plastic", + -12.508200645446776 + ], + [ + "\u2581guia", + -12.508234024047852 + ], + [ + "\u2581esistono", + -12.508338928222656 + ], + [ + "\u2581Municipio", + -12.50839900970459 + ], + [ + "\u2581Sorge", + -12.508400917053224 + ], + [ + "\u2581independente", + -12.508402824401855 + ], + [ + "\u2581UTC", + -12.508440971374512 + ], + [ + "ndolo", + -12.508468627929688 + ], + [ + "\u2581debajo", + -12.508474349975586 + ], + [ + "rice", + -12.508522987365724 + ], + [ + "\u2581commercio", + -12.508593559265137 + ], + [ + "\u2581unver", + -12.508620262145996 + ], + [ + "UPDATE", + -12.508712768554688 + ], + [ + "\u2581knows", + -12.508715629577637 + ], + [ + "\u2581defaults", + -12.508747100830078 + ], + [ + "dienste", + -12.50888442993164 + ], + [ + "\u2581straf", + -12.508929252624512 + ], + [ + "\u2581caduta", + -12.508943557739258 + ], + [ + "\u2581Tin", + -12.50894832611084 + ], + [ + "pal", + -12.509057998657228 + ], + [ + "\u2581Fisher", + -12.509119033813477 + ], + [ + "\u2581produjo", + -12.509145736694336 + ], + [ + "widetilde", + -12.509305000305176 + ], + [ + "eras", + -12.509320259094238 + ], + [ + "dieren", + -12.509385108947754 + ], + [ + "\u2581relief", + -12.509404182434082 + ], + [ + "aufgaben", + -12.509450912475586 + ], + [ + "\u2581Ever", + -12.509465217590332 + ], + [ + "\u2581Flores", + -12.509469985961914 + ], + [ + "\u2581Symbol", + -12.509553909301758 + ], + [ + "\u2581sicuramente", + -12.509559631347656 + ], + [ + "\u2581substitute", + -12.50961971282959 + ], + [ + "\u2581gevormd", + -12.509669303894045 + ], + [ + "\u2581recibir", + -12.509705543518066 + ], + [ + "\u2581Scotland", + -12.509858131408691 + ], + [ + "\u2581quadri", + -12.509900093078612 + ], + [ + "ADD", + -12.510002136230469 + ], + [ + "\u2581necessarily", + -12.51008129119873 + ], + [ + "NNCFConv", + -12.5101318359375 + ], + [ + "\u2581ragazzo", + -12.51021957397461 + ], + [ + "skosten", + -12.510221481323242 + ], + [ + "nja", + -12.510311126708984 + ], + [ + "\u2581ficam", + -12.510337829589844 + ], + [ + "bz", + -12.510348320007324 + ], + [ + "\u2581museu", + -12.510431289672852 + ], + [ + "\u2581Hydro", + -12.510464668273926 + ], + [ + "\u2581Arquitectura", + -12.510512351989746 + ], + [ + "\u2581Wohl", + -12.510605812072754 + ], + [ + "\u2581geproduceerd", + -12.510613441467283 + ], + [ + "\u2581sconfitta", + -12.510613441467283 + ], + [ + "\u2581Mosc", + -12.510666847229004 + ], + [ + "cito", + -12.510683059692385 + ], + [ + "Camera", + -12.510705947875977 + ], + [ + "\u2581inmiddels", + -12.510784149169922 + ], + [ + "\u2581Carbon", + -12.51078987121582 + ], + [ + "\u2581contratto", + -12.510912895202637 + ], + [ + "abel", + -12.510951042175291 + ], + [ + "\u2581retorna", + -12.510995864868164 + ], + [ + "\u2581Berl\u00edn", + -12.511149406433104 + ], + [ + "\u2581rotate", + -12.511162757873535 + ], + [ + "\u2581\u00fcberpr\u00fcft", + -12.51120662689209 + ], + [ + "Encode", + -12.511213302612305 + ], + [ + "\u2581trouv\u00e9", + -12.511260986328123 + ], + [ + "\u2581bars", + -12.51128101348877 + ], + [ + "\u2581Finanzierungs", + -12.511370658874512 + ], + [ + "eder", + -12.511557579040527 + ], + [ + "igung", + -12.511717796325684 + ], + [ + "\u2581universe", + -12.511804580688477 + ], + [ + "Feed", + -12.511805534362791 + ], + [ + "\u2581Select", + -12.511817932128906 + ], + [ + "ringen", + -12.51183795928955 + ], + [ + "\u2581agricultura", + -12.511919021606444 + ], + [ + "\u2581Existe", + -12.512028694152832 + ], + [ + "\u2581rendere", + -12.51208782196045 + ], + [ + "\u2581t\u00e9l\u00e9", + -12.512145042419434 + ], + [ + "\u2581rail", + -12.512176513671877 + ], + [ + "\u2581IBM", + -12.512207984924316 + ], + [ + "\u2581Formule", + -12.512234687805176 + ], + [ + "\u2581\u00e9viter", + -12.512347221374512 + ], + [ + "\u2581K\u00fcste", + -12.51241683959961 + ], + [ + "\u2581Dortmund", + -12.51248836517334 + ], + [ + "\u2581Monument", + -12.512584686279297 + ], + [ + "\u2581PD", + -12.512630462646484 + ], + [ + "\u2581opge", + -12.512686729431152 + ], + [ + "\u2581stelde", + -12.512690544128418 + ], + [ + "OG", + -12.512763023376465 + ], + [ + "mass", + -12.51278591156006 + ], + [ + "\u2581esfor", + -12.512805938720703 + ], + [ + "\u2581Mira", + -12.51280689239502 + ], + [ + "Audio", + -12.512819290161133 + ], + [ + "Nu", + -12.512842178344728 + ], + [ + "\u2581Vorschl\u00e4ge", + -12.51290798187256 + ], + [ + "empfehlung", + -12.512939453125 + ], + [ + "\u2581M\u00e4", + -12.51297378540039 + ], + [ + "\u2581Theodor", + -12.512996673583984 + ], + [ + "oco", + -12.51309585571289 + ], + [ + "istischen", + -12.513127326965332 + ], + [ + "\u2581marathon", + -12.51314640045166 + ], + [ + "\u2581Moody", + -12.51315212249756 + ], + [ + "\u2581altamente", + -12.513208389282228 + ], + [ + "\u2581licence", + -12.513236045837402 + ], + [ + "\u2581Kam", + -12.513298988342283 + ], + [ + "cara", + -12.513335227966309 + ], + [ + "\u2581exports", + -12.513348579406738 + ], + [ + "AW", + -12.513360023498535 + ], + [ + "\u2581ossia", + -12.51339626312256 + ], + [ + "multicolumn", + -12.513421058654783 + ], + [ + "\u2581gigante", + -12.513467788696287 + ], + [ + "Ap", + -12.513477325439451 + ], + [ + "\u2581faith", + -12.513548851013184 + ], + [ + "\u2581mussten", + -12.513553619384766 + ], + [ + "\u2581verbinding", + -12.513594627380373 + ], + [ + "\u2581Direkt", + -12.513606071472168 + ], + [ + "aea", + -12.513663291931152 + ], + [ + "osas", + -12.513761520385742 + ], + [ + "Marker", + -12.513801574707031 + ], + [ + "trici", + -12.51384449005127 + ], + [ + "raten", + -12.513845443725586 + ], + [ + "\u2581beurteilt", + -12.513917922973633 + ], + [ + "\u2581precise", + -12.513949394226074 + ], + [ + "\u2581Weiterbildung", + -12.51398468017578 + ], + [ + "\u2581bug", + -12.514039993286133 + ], + [ + "\u2581towns", + -12.51404094696045 + ], + [ + "qi", + -12.514077186584473 + ], + [ + "\u2581deixou", + -12.514079093933104 + ], + [ + "\u2581poca", + -12.51411247253418 + ], + [ + "WB", + -12.514121055603027 + ], + [ + "lau", + -12.514192581176758 + ], + [ + "\u2581ignored", + -12.514208793640137 + ], + [ + "stall", + -12.51430892944336 + ], + [ + "\u2581Alba", + -12.5143404006958 + ], + [ + "\u2581Chief", + -12.514361381530762 + ], + [ + "\u2581contenuto", + -12.514379501342772 + ], + [ + "\u2581diens", + -12.514384269714355 + ], + [ + "\u2581Lodewijk", + -12.51443862915039 + ], + [ + "\u2581Fen", + -12.514446258544922 + ], + [ + "\u2581portal", + -12.514452934265137 + ], + [ + "\u2581Building", + -12.514517784118652 + ], + [ + "\u2581nomeado", + -12.514548301696776 + ], + [ + "\u2581crescimento", + -12.514620780944824 + ], + [ + "\u2581Ik", + -12.514663696289062 + ], + [ + "\u2581f\u00e1brica", + -12.514694213867188 + ], + [ + "\u2581WITH", + -12.514695167541504 + ], + [ + "bele", + -12.514697074890137 + ], + [ + "l\u00edn", + -12.514699935913086 + ], + [ + "FW", + -12.514700889587402 + ], + [ + "\u2581Stadtteil", + -12.51486110687256 + ], + [ + "\u00e9mission", + -12.51494026184082 + ], + [ + "\u2581Coma", + -12.51503086090088 + ], + [ + "verse", + -12.515076637268066 + ], + [ + "\u2581Kas", + -12.515134811401367 + ], + [ + "\u2581adapt", + -12.515146255493164 + ], + [ + "\u2581gelang", + -12.515233039855955 + ], + [ + "\u2581Senator", + -12.515233993530272 + ], + [ + "\u2581ottenuto", + -12.515256881713867 + ], + [ + "\u2581distinction", + -12.515342712402344 + ], + [ + "\u2581spalle", + -12.515353202819824 + ], + [ + "\u2581worse", + -12.51535701751709 + ], + [ + "\u2581Interpretation", + -12.515420913696287 + ], + [ + "rano", + -12.51544189453125 + ], + [ + "\u2581Sieg", + -12.51548957824707 + ], + [ + "\u2581altas", + -12.51551342010498 + ], + [ + "illy", + -12.515521049499512 + ], + [ + "\u2581tom\u00f3", + -12.515578269958496 + ], + [ + "\u2581Peri", + -12.515653610229492 + ], + [ + "\u2581Kenntnisse", + -12.515686988830566 + ], + [ + "\u2581Gur", + -12.515716552734377 + ], + [ + "\u2581menciona", + -12.515739440917969 + ], + [ + "\u2581Programa", + -12.515750885009766 + ], + [ + "\u2581constitui", + -12.515754699707031 + ], + [ + "\u2581aula", + -12.515759468078612 + ], + [ + "\u2581Pio", + -12.515780448913574 + ], + [ + "gestellt", + -12.515819549560549 + ], + [ + "\u2581Herzog", + -12.51583766937256 + ], + [ + "\u2581requirement", + -12.51597785949707 + ], + [ + "\u2581Roche", + -12.51601791381836 + ], + [ + "\u2581emission", + -12.51616382598877 + ], + [ + "\u2581desenho", + -12.51621913909912 + ], + [ + "tang", + -12.516223907470703 + ], + [ + "stufe", + -12.516225814819336 + ], + [ + "\u2581Action", + -12.51633071899414 + ], + [ + "mehr", + -12.516471862792969 + ], + [ + "\u2581Livre", + -12.51649570465088 + ], + [ + "\u2581Jugendliche", + -12.516512870788574 + ], + [ + "UID", + -12.51656436920166 + ], + [ + "Rest", + -12.516595840454102 + ], + [ + "quelle", + -12.51662826538086 + ], + [ + "\u2581escritos", + -12.516663551330566 + ], + [ + "\u2581Dennis", + -12.516725540161133 + ], + [ + "\u2581Abteilung", + -12.516754150390623 + ], + [ + "JA", + -12.516763687133787 + ], + [ + "Sachverst\u00e4ndigen", + -12.516802787780762 + ], + [ + "\u2581bekannten", + -12.516805648803713 + ], + [ + "\u2581pane", + -12.51685905456543 + ], + [ + "\u2581pipeline", + -12.516894340515137 + ], + [ + "\u2581nat\u00fcrlichen", + -12.5170259475708 + ], + [ + "\u2581discours", + -12.517043113708496 + ], + [ + "\u2581Helen", + -12.517175674438477 + ], + [ + "\u2581orbital", + -12.517404556274414 + ], + [ + "\u2581Boris", + -12.517531394958496 + ], + [ + "\u2581reca", + -12.517586708068848 + ], + [ + "\u2581bounds", + -12.517658233642578 + ], + [ + "\u2581Standards", + -12.5177001953125 + ], + [ + "\u2581Lot", + -12.517743110656738 + ], + [ + "\u2581gesti\u00f3n", + -12.517769813537598 + ], + [ + "\u2581exec", + -12.51780891418457 + ], + [ + "\u2581fate", + -12.517860412597656 + ], + [ + "ARM", + -12.517916679382324 + ], + [ + "\u2581Brooklyn", + -12.517943382263184 + ], + [ + "\u2581Abs\u00e4tze", + -12.518006324768066 + ], + [ + "\u2581r\u00e9aliser", + -12.518012046813965 + ], + [ + "\u2581Landschaft", + -12.518025398254396 + ], + [ + "Documents", + -12.518027305603027 + ], + [ + "\u2581islas", + -12.518109321594238 + ], + [ + "amino", + -12.518162727355955 + ], + [ + "LES", + -12.5181884765625 + ], + [ + "\u2581gang", + -12.518235206604004 + ], + [ + "DATE", + -12.518266677856444 + ], + [ + "bias", + -12.518292427062988 + ], + [ + "\u2581venta", + -12.518476486206056 + ], + [ + "\u2581Dante", + -12.518482208251951 + ], + [ + "noch", + -12.518506050109863 + ], + [ + "\u2581Umst\u00e4nden", + -12.518560409545898 + ], + [ + "await", + -12.518563270568848 + ], + [ + "\u2581Know", + -12.518571853637695 + ], + [ + "\u2581employees", + -12.518807411193848 + ], + [ + "gm", + -12.518820762634276 + ], + [ + "lum", + -12.518848419189451 + ], + [ + "\u2581sortir", + -12.518872261047363 + ], + [ + "\u2581espec\u00edfico", + -12.519022941589355 + ], + [ + "DEV", + -12.51904010772705 + ], + [ + "\u2581privada", + -12.519046783447266 + ], + [ + "\u2581fiumi", + -12.519134521484377 + ], + [ + "Angleterre", + -12.51914405822754 + ], + [ + "\u00e9ro", + -12.51926040649414 + ], + [ + "\u2581editorial", + -12.519268989562988 + ], + [ + "\u2581independiente", + -12.519381523132324 + ], + [ + "\u2581Niedersachsen", + -12.51940631866455 + ], + [ + "sbedingungen", + -12.51943302154541 + ], + [ + "Transfer", + -12.519474029541016 + ], + [ + "\u2581Mode", + -12.519476890563965 + ], + [ + "\u2581existir", + -12.519491195678713 + ], + [ + "\u2581Forderungen", + -12.51958179473877 + ], + [ + "\u2581shock", + -12.519585609436035 + ], + [ + "hab", + -12.519655227661133 + ], + [ + "\u2581gewinnen", + -12.519668579101562 + ], + [ + "Sc", + -12.51968002319336 + ], + [ + "\u2581mandat", + -12.519694328308104 + ], + [ + "\u2581conosce", + -12.51970386505127 + ], + [ + "\u2581entrambe", + -12.519713401794434 + ], + [ + "\u2581norme", + -12.519757270812988 + ], + [ + "t\u00ed", + -12.519770622253418 + ], + [ + "\u2581seed", + -12.519774436950684 + ], + [ + "\u2581possession", + -12.519854545593262 + ], + [ + "\u2581encontram", + -12.519989967346191 + ], + [ + "\u2581Kommunikations", + -12.520020484924316 + ], + [ + "\u2581longa", + -12.52002239227295 + ], + [ + "\u2581relationships", + -12.52004623413086 + ], + [ + "\u2581secci\u00f3n", + -12.52005100250244 + ], + [ + "Uri", + -12.520166397094728 + ], + [ + "\u2581perdeu", + -12.520230293273926 + ], + [ + "ehr", + -12.520299911499023 + ], + [ + "Dictionary", + -12.520320892333984 + ], + [ + "\u00f3logo", + -12.5203857421875 + ], + [ + "\u2581privata", + -12.520445823669434 + ], + [ + "\u2581metade", + -12.520547866821287 + ], + [ + "\u2581Th\u00fcringen", + -12.520638465881348 + ], + [ + "contents", + -12.520686149597168 + ], + [ + "\u2581Sch\u00e4den", + -12.52073097229004 + ], + [ + "Ber", + -12.520846366882324 + ], + [ + "Payment", + -12.521098136901855 + ], + [ + "volu", + -12.521198272705078 + ], + [ + "\u2581seizoenen", + -12.521232604980469 + ], + [ + "\u2581influenza", + -12.521238327026367 + ], + [ + "\u2581rij", + -12.521276473999023 + ], + [ + "sun", + -12.521498680114746 + ], + [ + "\u2581adesso", + -12.52155590057373 + ], + [ + "jq", + -12.521587371826172 + ], + [ + "\u2581Torneo", + -12.521668434143066 + ], + [ + "\u2581cre\u00f3", + -12.521746635437012 + ], + [ + "\u2581Arizona", + -12.521773338317873 + ], + [ + "drive", + -12.521849632263184 + ], + [ + "\u2581Sophie", + -12.521856307983398 + ], + [ + "kos", + -12.52186393737793 + ], + [ + "\u2581hechos", + -12.521893501281738 + ], + [ + "\u2581verbundenen", + -12.52198886871338 + ], + [ + "\u2581UNI", + -12.522000312805176 + ], + [ + "graaf", + -12.522168159484863 + ], + [ + "\u2581direkte", + -12.522242546081545 + ], + [ + "\u2581Galli", + -12.522320747375488 + ], + [ + "\u2581intense", + -12.522404670715332 + ], + [ + "\u2581Monde", + -12.52241039276123 + ], + [ + "\u2581normally", + -12.522497177124023 + ], + [ + "\u2581byte", + -12.522536277770996 + ], + [ + "\u2581Islands", + -12.522605895996094 + ], + [ + "\u2581Harold", + -12.522746086120604 + ], + [ + "\u2581parroquia", + -12.522747039794922 + ], + [ + "\u2581listas", + -12.522775650024414 + ], + [ + "quel", + -12.522804260253906 + ], + [ + "\u2581pulled", + -12.52285385131836 + ], + [ + "BW", + -12.522857666015623 + ], + [ + "\u2581combine", + -12.522866249084473 + ], + [ + "shu", + -12.522868156433104 + ], + [ + "\u2581dominant", + -12.52291488647461 + ], + [ + "\u2581Gel\u00e4nde", + -12.522991180419922 + ], + [ + "\u2581hacerlo", + -12.52301025390625 + ], + [ + "\u2581circula", + -12.523130416870115 + ], + [ + "\u2581rig", + -12.523168563842772 + ], + [ + "\u2581Braun", + -12.52326488494873 + ], + [ + "\u2581emerge", + -12.52333164215088 + ], + [ + "\u2581Publishing", + -12.523487091064451 + ], + [ + "\u2581kern", + -12.523534774780272 + ], + [ + "\u2581scan", + -12.523585319519045 + ], + [ + "\u2581Aux", + -12.52366542816162 + ], + [ + "\u2581zang", + -12.523723602294922 + ], + [ + "\u2581Dienste", + -12.5237455368042 + ], + [ + "bir", + -12.523757934570312 + ], + [ + "\u2581RAM", + -12.523794174194336 + ], + [ + "\u2581brano", + -12.523818016052246 + ], + [ + "\u2581f\u00e9", + -12.523825645446776 + ], + [ + "\u2581rust", + -12.52388858795166 + ], + [ + "\u2581\u00e9ste", + -12.524009704589844 + ], + [ + "\u2581certaine", + -12.52402400970459 + ], + [ + "\u2581fundo", + -12.524029731750488 + ], + [ + "\u2581rand", + -12.524154663085938 + ], + [ + "\u2581considerata", + -12.524170875549316 + ], + [ + "\u2581Verbreitung", + -12.524243354797363 + ], + [ + "Sign", + -12.52427864074707 + ], + [ + "\u2581japonesa", + -12.524334907531738 + ], + [ + "\u2581veio", + -12.524356842041016 + ], + [ + "\u2581avvicina", + -12.524531364440918 + ], + [ + "verbatim", + -12.5245361328125 + ], + [ + "\u2581tecnolog\u00eda", + -12.52458953857422 + ], + [ + "\u2581banca", + -12.52470588684082 + ], + [ + "\u2581jury", + -12.524709701538086 + ], + [ + "\u2581danza", + -12.52475929260254 + ], + [ + "yard", + -12.524849891662598 + ], + [ + "activity", + -12.524981498718262 + ], + [ + "tons", + -12.525076866149902 + ], + [ + "\u2581dispute", + -12.525100708007812 + ], + [ + "\u2581substantial", + -12.525218963623049 + ], + [ + "\u2581bloc", + -12.525278091430664 + ], + [ + "Tour", + -12.525335311889648 + ], + [ + "\u2581Bros", + -12.525339126586914 + ], + [ + "\u2581Virtual", + -12.525434494018556 + ], + [ + "\u2581successiva", + -12.525472640991213 + ], + [ + "\u2581negativo", + -12.52547836303711 + ], + [ + "\u2581Julian", + -12.525516510009766 + ], + [ + "\u2581parec\u00eda", + -12.525529861450195 + ], + [ + "FIND", + -12.52556610107422 + ], + [ + "\u2581gehele", + -12.525641441345217 + ], + [ + "\u2581ValueError", + -12.52567195892334 + ], + [ + "\u2581destruction", + -12.525940895080566 + ], + [ + "\u2581Innen", + -12.525972366333008 + ], + [ + "f\u00e4hig", + -12.525993347167969 + ], + [ + "\u2581entr", + -12.526086807250977 + ], + [ + "\u2581gradient", + -12.526141166687012 + ], + [ + "\u2581CE", + -12.526233673095703 + ], + [ + "\u2581vallen", + -12.526236534118652 + ], + [ + "\u2581patria", + -12.526274681091309 + ], + [ + "\u2581linker", + -12.526309967041016 + ], + [ + "\u2581Nederlanden", + -12.526374816894531 + ], + [ + "\u2581wu", + -12.526382446289062 + ], + [ + "\u2581precio", + -12.526386260986328 + ], + [ + "\u2581industriale", + -12.526403427124023 + ], + [ + "danger", + -12.52643871307373 + ], + [ + "\u2581\"${_", + -12.52647304534912 + ], + [ + "\u2581controls", + -12.526549339294434 + ], + [ + "\u00e9tablissement", + -12.52662754058838 + ], + [ + "router", + -12.526652336120604 + ], + [ + "\u2581potr\u00e0", + -12.526652336120604 + ], + [ + "\u2581posso", + -12.526740074157717 + ], + [ + "Trans", + -12.526787757873535 + ], + [ + "\u2581principes", + -12.5269775390625 + ], + [ + "aragoza", + -12.52707862854004 + ], + [ + "\u2581Finland", + -12.527144432067873 + ], + [ + "turm", + -12.52720546722412 + ], + [ + "\u2581respective", + -12.527219772338867 + ], + [ + "\u2581Eug", + -12.527230262756348 + ], + [ + "\u2581Trennung", + -12.52733325958252 + ], + [ + "auri", + -12.527349472045898 + ], + [ + "tec", + -12.527400970458984 + ], + [ + "\u2581Gay", + -12.527400970458984 + ], + [ + "cis", + -12.527419090270996 + ], + [ + "\u2581imperial", + -12.527420043945312 + ], + [ + "\u2581rester", + -12.527567863464355 + ], + [ + "\u2581glace", + -12.527629852294922 + ], + [ + "\u2581B\u00fc", + -12.527668952941896 + ], + [ + "\u2581Pol\u00edtica", + -12.527762413024902 + ], + [ + "rti", + -12.527765274047852 + ], + [ + "\u2581consente", + -12.527779579162598 + ], + [ + "\u2581erfordert", + -12.527791023254396 + ], + [ + "Begin", + -12.527878761291504 + ], + [ + "verh\u00e4ltnis", + -12.52790069580078 + ], + [ + "\u2581coche", + -12.527917861938477 + ], + [ + "\u2581Enkele", + -12.527928352355955 + ], + [ + "\u2581protecci\u00f3n", + -12.528019905090332 + ], + [ + "KR", + -12.528078079223633 + ], + [ + "spezifische", + -12.528105735778809 + ], + [ + "\u2581Divis", + -12.52810764312744 + ], + [ + "\u2581verbessert", + -12.528130531311035 + ], + [ + "Innen", + -12.528143882751465 + ], + [ + "\u2581eingeschr\u00e4nkt", + -12.528334617614746 + ], + [ + "\u2581Five", + -12.528361320495604 + ], + [ + "\u2581leyes", + -12.528388023376465 + ], + [ + "\u2581Handeln", + -12.528396606445312 + ], + [ + "reise", + -12.528438568115234 + ], + [ + "\u2581Entwicklungen", + -12.528471946716309 + ], + [ + "\u2581escolher", + -12.52853012084961 + ], + [ + "sina", + -12.528559684753418 + ], + [ + "\u2581perde", + -12.528564453125 + ], + [ + "ashi", + -12.528697967529297 + ], + [ + "\u2581Obra", + -12.528740882873535 + ], + [ + "Photo", + -12.52889633178711 + ], + [ + "grave", + -12.528928756713867 + ], + [ + "WEBPACK", + -12.52894115447998 + ], + [ + "\u2581USS", + -12.529065132141112 + ], + [ + "\u2581Linda", + -12.52906894683838 + ], + [ + "\u2581Cher", + -12.529080390930176 + ], + [ + "\u2581RS", + -12.529080390930176 + ], + [ + "\u2581derivative", + -12.529129981994627 + ], + [ + "resize", + -12.529186248779297 + ], + [ + "\u2581sensible", + -12.5292329788208 + ], + [ + "\u2581Grundgesetzes", + -12.529244422912598 + ], + [ + "\u2581cavallo", + -12.529420852661133 + ], + [ + "\u2581triangle", + -12.529467582702637 + ], + [ + "High", + -12.52948760986328 + ], + [ + "\u2581partial", + -12.52955436706543 + ], + [ + "\u2581Vervolgens", + -12.52956485748291 + ], + [ + "EI", + -12.5296049118042 + ], + [ + "\u2581Hon", + -12.529654502868652 + ], + [ + "\u2581Werbe", + -12.529704093933104 + ], + [ + "\u2581ganado", + -12.529709815979004 + ], + [ + "\u2581Pau", + -12.529742240905762 + ], + [ + "\u2581lograr", + -12.529808044433594 + ], + [ + "\u2581Ursache", + -12.529841423034668 + ], + [ + "\u2581upgrade", + -12.529866218566896 + ], + [ + "\u2581libres", + -12.529898643493652 + ], + [ + "centrum", + -12.529929161071776 + ], + [ + "\u2581demonstrated", + -12.529930114746094 + ], + [ + "\u2581confronto", + -12.529934883117676 + ], + [ + "\u2581Glasgow", + -12.530049324035645 + ], + [ + "sic", + -12.530051231384276 + ], + [ + "\u2581lados", + -12.53006076812744 + ], + [ + "\u2581Steuern", + -12.530180931091309 + ], + [ + "\u2581orari", + -12.530243873596191 + ], + [ + "\u2581Schau", + -12.530267715454102 + ], + [ + "\u2581horen", + -12.530268669128418 + ], + [ + "\u2581verhindert", + -12.530303955078123 + ], + [ + "\u2581Eintritt", + -12.53030490875244 + ], + [ + "\u2581yarn", + -12.530341148376465 + ], + [ + "manifest", + -12.53037929534912 + ], + [ + "\u2581Bosch", + -12.53040599822998 + ], + [ + "\u2581Simone", + -12.530441284179688 + ], + [ + "Vert", + -12.530474662780762 + ], + [ + "\u2581tuvieron", + -12.530482292175291 + ], + [ + "\u2581einfache", + -12.530518531799316 + ], + [ + "\u2581cellule", + -12.530542373657228 + ], + [ + "\u2581walked", + -12.530611038208008 + ], + [ + "\u2581Vera", + -12.530620574951172 + ], + [ + "\u2581apre", + -12.53066635131836 + ], + [ + "\u2581ontving", + -12.53067684173584 + ], + [ + "\u2581partijen", + -12.530696868896484 + ], + [ + "\u2581form\u00f3", + -12.530787467956545 + ], + [ + "subject", + -12.530828475952148 + ], + [ + "lui", + -12.530863761901855 + ], + [ + "AAA", + -12.531000137329102 + ], + [ + "\u2581converted", + -12.531082153320312 + ], + [ + "\u2581abandonar", + -12.531085014343262 + ], + [ + "codes", + -12.531115531921388 + ], + [ + "words", + -12.531246185302734 + ], + [ + "wide", + -12.531277656555176 + ], + [ + "\u2581moments", + -12.531327247619627 + ], + [ + "\u2581pension", + -12.53137493133545 + ], + [ + "\u2581pratiques", + -12.53138256072998 + ], + [ + "\u2581fiets", + -12.5314302444458 + ], + [ + "numpy", + -12.531502723693848 + ], + [ + "\u2581noble", + -12.531512260437012 + ], + [ + "OO", + -12.531539916992188 + ], + [ + "p\u00f3", + -12.531570434570312 + ], + [ + "\u2581Resultados", + -12.531655311584473 + ], + [ + "lassen", + -12.531698226928713 + ], + [ + "\u2581carretera", + -12.531744003295898 + ], + [ + "\u2581Azure", + -12.531855583190918 + ], + [ + "\u2581colecci\u00f3n", + -12.531869888305664 + ], + [ + "\u2581arriba", + -12.531878471374512 + ], + [ + "ographie", + -12.531909942626951 + ], + [ + "Folder", + -12.53195095062256 + ], + [ + "lut", + -12.532026290893556 + ], + [ + "Dis", + -12.532029151916504 + ], + [ + "\u2581Unterricht", + -12.53205394744873 + ], + [ + "\u2581Erteilung", + -12.53211498260498 + ], + [ + "Blue", + -12.532187461853027 + ], + [ + "cine", + -12.532190322875977 + ], + [ + "Pa\u00eds", + -12.532428741455078 + ], + [ + "\u2581andar", + -12.532461166381836 + ], + [ + "\u2581Claudia", + -12.532463073730469 + ], + [ + "\u2581claramente", + -12.532538414001465 + ], + [ + "payload", + -12.532598495483398 + ], + [ + "\u2581estremamente", + -12.532610893249512 + ], + [ + "\u2581Farb", + -12.532628059387209 + ], + [ + "mouse", + -12.532631874084473 + ], + [ + "\u2581Championnat", + -12.532637596130373 + ], + [ + "\u2581expans", + -12.532639503479004 + ], + [ + "\u2581plays", + -12.53266429901123 + ], + [ + "\u2581Sulla", + -12.532665252685549 + ], + [ + "GER", + -12.532736778259276 + ], + [ + "\u2581Regie", + -12.532744407653809 + ], + [ + "Sample", + -12.532828330993652 + ], + [ + "\u2581Ek", + -12.532828330993652 + ], + [ + "\u2581voire", + -12.532854080200195 + ], + [ + "\u2581Getreide", + -12.53292179107666 + ], + [ + "\u2581specialmente", + -12.533010482788086 + ], + [ + "\u2581Calle", + -12.53306007385254 + ], + [ + "\u2581Province", + -12.533082962036133 + ], + [ + "Random", + -12.533084869384766 + ], + [ + "\u2581Miglior", + -12.533098220825195 + ], + [ + "COLOR", + -12.533324241638184 + ], + [ + "\u2581royaume", + -12.533330917358398 + ], + [ + "\u2581pointed", + -12.533414840698242 + ], + [ + "\u2581situatie", + -12.533425331115724 + ], + [ + "parallel", + -12.533562660217283 + ], + [ + "kr\u00e4fte", + -12.53374481201172 + ], + [ + "\u2581Busse", + -12.533746719360352 + ], + [ + "Diff", + -12.533750534057615 + ], + [ + "\u2581selezione", + -12.533750534057615 + ], + [ + "\u2581tenga", + -12.533763885498049 + ], + [ + "\u2581provincial", + -12.533814430236816 + ], + [ + "\u2581settimane", + -12.533833503723145 + ], + [ + "\u2581Jerry", + -12.533910751342772 + ], + [ + "acchi", + -12.533928871154783 + ], + [ + "\u2581Ausma", + -12.5339937210083 + ], + [ + "\u2581WWE", + -12.53400421142578 + ], + [ + "\u2581r\u00e9sistance", + -12.534005165100098 + ], + [ + "\u2581vittime", + -12.53402614593506 + ], + [ + "\u2581projection", + -12.53404426574707 + ], + [ + "experiment", + -12.534052848815918 + ], + [ + "Mit", + -12.534134864807127 + ], + [ + "\u2581oral", + -12.53420352935791 + ], + [ + "\u2581merely", + -12.534238815307615 + ], + [ + "\u2581Ante", + -12.534306526184082 + ], + [ + "running", + -12.534308433532717 + ], + [ + "statistik", + -12.534321784973145 + ], + [ + "\u2581Libre", + -12.534368515014648 + ], + [ + "lent", + -12.534398078918455 + ], + [ + "\u2581aufweisen", + -12.534430503845217 + ], + [ + "\u2581pleasure", + -12.534479141235352 + ], + [ + "\u2581Silber", + -12.53452968597412 + ], + [ + "\u2581coro", + -12.534563064575195 + ], + [ + "\u2581Monats", + -12.534570693969728 + ], + [ + "S\u00fcd", + -12.534639358520508 + ], + [ + "\u2581GPU", + -12.53468894958496 + ], + [ + "kur", + -12.534819602966309 + ], + [ + "\u2581fus", + -12.53488540649414 + ], + [ + "\u2581Phasen", + -12.534952163696287 + ], + [ + "\u2581nennen", + -12.534988403320312 + ], + [ + "\u2581suivantes", + -12.534995079040527 + ], + [ + "\u2581somewhat", + -12.53505039215088 + ], + [ + "\u2581latin", + -12.535078048706056 + ], + [ + "\u2581stierf", + -12.535083770751951 + ], + [ + "chas", + -12.535164833068848 + ], + [ + "\u2581rejoindre", + -12.535334587097168 + ], + [ + "vez", + -12.53537368774414 + ], + [ + "setminus", + -12.535429954528809 + ], + [ + "\u2581unbedingt", + -12.535516738891602 + ], + [ + "Fl", + -12.535547256469728 + ], + [ + "z\u00f3", + -12.535680770874023 + ], + [ + "\u2581entorno", + -12.535751342773438 + ], + [ + "\u2581Tam", + -12.535886764526367 + ], + [ + "Unie", + -12.535974502563477 + ], + [ + "\u2581advice", + -12.53600788116455 + ], + [ + "\u2581hub", + -12.53608512878418 + ], + [ + "\u2581Jose", + -12.536128997802734 + ], + [ + "\u2581Wiesbaden", + -12.536176681518556 + ], + [ + "\u2581densidade", + -12.53621768951416 + ], + [ + "\u2581Texte", + -12.536290168762209 + ], + [ + "platte", + -12.536346435546877 + ], + [ + "\u2581Ergebnissen", + -12.536349296569824 + ], + [ + "\u2581Orleans", + -12.53648281097412 + ], + [ + "Old", + -12.53650951385498 + ], + [ + "\u2581mudou", + -12.536584854125977 + ], + [ + "\u2581Stu", + -12.53671169281006 + ], + [ + "shop", + -12.536737442016602 + ], + [ + "itter", + -12.536770820617676 + ], + [ + "Ret", + -12.536858558654783 + ], + [ + "nicamente", + -12.536903381347656 + ], + [ + "\u2581altos", + -12.53691577911377 + ], + [ + "auftrag", + -12.536989212036133 + ], + [ + "\u2581\u00edndice", + -12.53704833984375 + ], + [ + "\u2581mexicano", + -12.537059783935549 + ], + [ + "\u2581Bennett", + -12.537092208862305 + ], + [ + "\u2581Schweden", + -12.53713321685791 + ], + [ + "\u2581Denis", + -12.537160873413086 + ], + [ + "\u2581Seven", + -12.537219047546388 + ], + [ + "\u2581Conselho", + -12.537361145019531 + ], + [ + "\u2581Leopold", + -12.537479400634766 + ], + [ + "volle", + -12.537487030029297 + ], + [ + "\u2581einbezogen", + -12.537492752075195 + ], + [ + "\u2581artikel", + -12.537532806396484 + ], + [ + "\u2581conservation", + -12.537545204162598 + ], + [ + "\u2581Stade", + -12.537585258483888 + ], + [ + "\u2581unterliegen", + -12.537691116333008 + ], + [ + "\u2581USB", + -12.537744522094728 + ], + [ + "\u2581Sum", + -12.53778839111328 + ], + [ + "\u2581Abgabe", + -12.53779411315918 + ], + [ + "UNE", + -12.53782844543457 + ], + [ + "made", + -12.537847518920898 + ], + [ + "rates", + -12.537903785705566 + ], + [ + "\u2581acto", + -12.537969589233398 + ], + [ + "\u2581fehlt", + -12.537972450256348 + ], + [ + "\u2581beider", + -12.537997245788574 + ], + [ + "\u2581d\u00e9finition", + -12.538019180297852 + ], + [ + "clock", + -12.538028717041016 + ], + [ + "\u2581rigid", + -12.538061141967772 + ], + [ + "\u2581amounts", + -12.538114547729492 + ], + [ + "\u2581mathematical", + -12.538148880004885 + ], + [ + "\u2581vorige", + -12.538148880004885 + ], + [ + "g\u00fc", + -12.53819465637207 + ], + [ + "\u2581Merk", + -12.538195610046388 + ], + [ + "negative", + -12.538311958312988 + ], + [ + "\u2581Eat", + -12.538370132446287 + ], + [ + "\u2581costi", + -12.538434028625488 + ], + [ + "\u2581Nassau", + -12.538485527038574 + ], + [ + "\u2581puerto", + -12.53848648071289 + ], + [ + "\u2581Geschwindigkeit", + -12.538529396057127 + ], + [ + "\u2581parcours", + -12.538551330566406 + ], + [ + "\u2581Farm", + -12.538592338562012 + ], + [ + "\u2581baan", + -12.538862228393556 + ], + [ + "\u2581clasificaci\u00f3n", + -12.53886604309082 + ], + [ + "\u2581commenc\u00e9", + -12.538983345031738 + ], + [ + "\u2581verhalen", + -12.538983345031738 + ], + [ + "\u2581Lily", + -12.53901195526123 + ], + [ + "\u2581computing", + -12.539033889770508 + ], + [ + "rischen", + -12.539084434509276 + ], + [ + "assa", + -12.539107322692873 + ], + [ + "vila", + -12.539139747619627 + ], + [ + "Constant", + -12.539143562316896 + ], + [ + "definitions", + -12.539167404174805 + ], + [ + "\u2581Hasta", + -12.539206504821776 + ], + [ + "office", + -12.539297103881836 + ], + [ + "Google", + -12.539385795593262 + ], + [ + "geben", + -12.539423942565918 + ], + [ + "embed", + -12.53946018218994 + ], + [ + "uru", + -12.539525985717772 + ], + [ + "\u2581existiert", + -12.539536476135254 + ], + [ + "\u2581chiede", + -12.539584159851074 + ], + [ + "\u2581probablemente", + -12.539647102355955 + ], + [ + "nin", + -12.539673805236816 + ], + [ + "\u2581continuo", + -12.539727210998535 + ], + [ + "\u2581separated", + -12.539732933044434 + ], + [ + "chia", + -12.539798736572266 + ], + [ + "pipeline", + -12.539912223815918 + ], + [ + "Normal", + -12.53993034362793 + ], + [ + "\u2581anciens", + -12.53993320465088 + ], + [ + "\u2581statale", + -12.540079116821287 + ], + [ + "\u2581establish", + -12.540081024169922 + ], + [ + "\u2581Sonstige", + -12.540095329284668 + ], + [ + "pul", + -12.540104866027832 + ], + [ + "\u2581Vista", + -12.540181159973145 + ], + [ + "\u2581facilities", + -12.540210723876951 + ], + [ + "Driver", + -12.540264129638672 + ], + [ + "\u2581possesso", + -12.540287017822266 + ], + [ + "\u2581Wars", + -12.54031467437744 + ], + [ + "\u2581stieg", + -12.540390014648438 + ], + [ + "\u2581credo", + -12.540398597717283 + ], + [ + "ENT", + -12.540413856506348 + ], + [ + "\u2581temple", + -12.540416717529297 + ], + [ + "\u2581mechanisms", + -12.540427207946776 + ], + [ + "\u2581EK", + -12.540447235107422 + ], + [ + "Mr", + -12.540509223937988 + ], + [ + "mental", + -12.540574073791504 + ], + [ + "\u2581Kir", + -12.540579795837402 + ], + [ + "\u2581rijden", + -12.540626525878906 + ], + [ + "\u2581DEL", + -12.540773391723633 + ], + [ + "\u2581Trail", + -12.540809631347656 + ], + [ + "\u2581sauf", + -12.540811538696287 + ], + [ + "Azure", + -12.540911674499512 + ], + [ + "\u2581Guillermo", + -12.540945053100586 + ], + [ + "\u2581Christus", + -12.540977478027344 + ], + [ + "SPEC", + -12.540996551513672 + ], + [ + "\u2581operate", + -12.54105281829834 + ], + [ + "trag", + -12.541068077087402 + ], + [ + "\u2581fascia", + -12.541083335876465 + ], + [ + "\u2581Want", + -12.541208267211914 + ], + [ + "\u2581checks", + -12.541231155395508 + ], + [ + "\u2581familias", + -12.541324615478516 + ], + [ + "\u2581diejenigen", + -12.54141330718994 + ], + [ + "RAM", + -12.541476249694824 + ], + [ + "\u2581raakte", + -12.541494369506836 + ], + [ + "\u2581emergency", + -12.541614532470703 + ], + [ + "Journal", + -12.541631698608398 + ], + [ + "both", + -12.541637420654297 + ], + [ + "\u2581argentina", + -12.541726112365724 + ], + [ + "aten", + -12.541753768920898 + ], + [ + "\u2581Raw", + -12.541768074035645 + ], + [ + "\u2581art\u00edstica", + -12.541790962219238 + ], + [ + "\u2581UA", + -12.541836738586426 + ], + [ + "\u2581Neil", + -12.541862487792969 + ], + [ + "\u2581canale", + -12.541890144348145 + ], + [ + "\u2581cel", + -12.541906356811523 + ], + [ + "ccio", + -12.541935920715332 + ], + [ + "uindi", + -12.54204559326172 + ], + [ + "\u2581Freund", + -12.542083740234377 + ], + [ + "bres", + -12.542115211486816 + ], + [ + "laag", + -12.542125701904297 + ], + [ + "\u2581cient\u00edfico", + -12.542144775390623 + ], + [ + "\u2581Cost", + -12.542181968688965 + ], + [ + "\u2581tradizionali", + -12.542222023010254 + ], + [ + "\u2581recentemente", + -12.54222297668457 + ], + [ + "\u2581richtet", + -12.542245864868164 + ], + [ + "\u2581vocal", + -12.542255401611328 + ], + [ + "\u2581Ausgleich", + -12.542291641235352 + ], + [ + "\u2581Sat", + -12.54240894317627 + ], + [ + "\u2581Cham", + -12.542617797851562 + ], + [ + "\u2581bloed", + -12.542628288269045 + ], + [ + "nata", + -12.54263401031494 + ], + [ + "\u2581belief", + -12.542641639709473 + ], + [ + "compressed", + -12.542656898498535 + ], + [ + "\u2581Tara", + -12.542722702026367 + ], + [ + "\u2581RT", + -12.542864799499512 + ], + [ + "DNS", + -12.54323387145996 + ], + [ + "witserland", + -12.543327331542969 + ], + [ + "\u2581Cluster", + -12.543375015258787 + ], + [ + "\u2581fatal", + -12.543428421020508 + ], + [ + "\u2581Bezirk", + -12.54343032836914 + ], + [ + "ministerium", + -12.543569564819336 + ], + [ + "Bind", + -12.543593406677246 + ], + [ + "\u2581commandant", + -12.543599128723145 + ], + [ + "\u2581gitaar", + -12.54362678527832 + ], + [ + "\u2581ancienne", + -12.5436429977417 + ], + [ + "colon", + -12.543670654296877 + ], + [ + "\u2581tradici\u00f3n", + -12.543742179870604 + ], + [ + "spi", + -12.54383659362793 + ], + [ + "\u2581modifier", + -12.543915748596191 + ], + [ + "\u2581Napoleon", + -12.543999671936035 + ], + [ + "uka", + -12.544014930725098 + ], + [ + "portal", + -12.544031143188477 + ], + [ + "Authorization", + -12.544112205505373 + ], + [ + "\u2581Unidas", + -12.5441255569458 + ], + [ + "\u2581combinatie", + -12.54413604736328 + ], + [ + "Effect", + -12.544200897216797 + ], + [ + "installer", + -12.54425048828125 + ], + [ + "\u2581scuole", + -12.54428005218506 + ], + [ + "\u2581raisons", + -12.544328689575195 + ], + [ + "\u2581UCI", + -12.544346809387209 + ], + [ + "\u2581sichergestellt", + -12.544358253479004 + ], + [ + "\u2581divina", + -12.544415473937988 + ], + [ + "\u2581comporte", + -12.54446029663086 + ], + [ + "\u2581soldi", + -12.54446792602539 + ], + [ + "\u2581Wehr", + -12.544498443603516 + ], + [ + "\u2581Dennoch", + -12.544523239135742 + ], + [ + "\u2581Fernseh", + -12.544540405273438 + ], + [ + "nisse", + -12.54456901550293 + ], + [ + "\u2581resort", + -12.544595718383787 + ], + [ + "\u2581Command", + -12.544639587402344 + ], + [ + "\u2581tono", + -12.544645309448242 + ], + [ + "Film", + -12.54468822479248 + ], + [ + "tando", + -12.544843673706056 + ], + [ + "dm", + -12.544865608215332 + ], + [ + "DoxyCompact", + -12.544891357421877 + ], + [ + "\u2581Child", + -12.544912338256836 + ], + [ + "\u2581verfolgt", + -12.544939041137695 + ], + [ + "\u2581Ohne", + -12.545024871826172 + ], + [ + "\u2581sec", + -12.545034408569336 + ], + [ + "Pan", + -12.545086860656738 + ], + [ + "\u2581updates", + -12.545089721679688 + ], + [ + "HU", + -12.545124053955078 + ], + [ + "\u2581Entra", + -12.545211791992188 + ], + [ + "\u2581guardia", + -12.545214653015137 + ], + [ + "\u2581collegamento", + -12.54524040222168 + ], + [ + "\u2581crowd", + -12.545272827148438 + ], + [ + "\u2581bur", + -12.545284271240234 + ], + [ + "tral", + -12.545292854309082 + ], + [ + "bereinkommens", + -12.545294761657717 + ], + [ + "\u2581Beamte", + -12.545388221740724 + ], + [ + "\u2581negen", + -12.545433044433594 + ], + [ + "\u2581wonach", + -12.545435905456545 + ], + [ + "\u2581afge", + -12.545449256896973 + ], + [ + "\u2581Israele", + -12.54547882080078 + ], + [ + "bereiche", + -12.545516967773438 + ], + [ + "\u2581Edgar", + -12.545531272888184 + ], + [ + "ARD", + -12.545564651489258 + ], + [ + "\u2581Fro", + -12.545587539672852 + ], + [ + "\u2581chamados", + -12.545677185058594 + ], + [ + "\u2581Existenz", + -12.545701026916504 + ], + [ + "\u2581documentaire", + -12.545741081237791 + ], + [ + "\u2581Werken", + -12.545770645141602 + ], + [ + "\u2581scores", + -12.545842170715332 + ], + [ + "\u2581cash", + -12.545860290527344 + ], + [ + "Decoder", + -12.545913696289062 + ], + [ + "lint", + -12.546061515808104 + ], + [ + "\u2581m\u00f3dulo", + -12.546080589294434 + ], + [ + "\u2581vend", + -12.546122550964355 + ], + [ + "offre", + -12.546171188354492 + ], + [ + "\u2581F\u00e9", + -12.546215057373049 + ], + [ + "etz", + -12.546235084533691 + ], + [ + "\u2581Himmel", + -12.546311378479004 + ], + [ + "\u2581bereikt", + -12.54648494720459 + ], + [ + "\u2581comte", + -12.54651165008545 + ], + [ + "\u2581slowly", + -12.54658031463623 + ], + [ + "tom", + -12.546592712402344 + ], + [ + "checked", + -12.546646118164062 + ], + [ + "\u2581groepen", + -12.546706199645996 + ], + [ + "rath", + -12.546772956848145 + ], + [ + "\u2581Nachtleben", + -12.546833038330078 + ], + [ + "\u2581Production", + -12.546849250793455 + ], + [ + "\u2581diffuse", + -12.546935081481934 + ], + [ + "svorschriften", + -12.54702091217041 + ], + [ + "\u2581lavorare", + -12.547138214111328 + ], + [ + "International", + -12.547176361083984 + ], + [ + "\u2581effets", + -12.547200202941896 + ], + [ + "\u2581dependency", + -12.547213554382324 + ], + [ + "\u2581iniziato", + -12.54723072052002 + ], + [ + "\u2581Sempre", + -12.547249794006348 + ], + [ + "\u2581offenbar", + -12.547459602355955 + ], + [ + "\u2581Jh", + -12.547541618347168 + ], + [ + "kreuz", + -12.54771900177002 + ], + [ + "\u2581checked", + -12.547727584838867 + ], + [ + "\u2581strategies", + -12.54781723022461 + ], + [ + "krieg", + -12.547852516174316 + ], + [ + "\u2581desempenho", + -12.547857284545898 + ], + [ + "\u2581Parliament", + -12.547935485839844 + ], + [ + "\u2581healthy", + -12.547971725463867 + ], + [ + "\u2581Modul", + -12.547990798950195 + ], + [ + "certificates", + -12.548020362854004 + ], + [ + "\u2581Hil", + -12.548055648803713 + ], + [ + "\u2581ami", + -12.548077583312988 + ], + [ + "\u2581Suche", + -12.54816722869873 + ], + [ + "\u2581Durchschnitt", + -12.548419952392578 + ], + [ + "\u2581quotidien", + -12.548446655273438 + ], + [ + "Proto", + -12.54844856262207 + ], + [ + "\u2581attempts", + -12.5485200881958 + ], + [ + "\u2581Inseln", + -12.54856777191162 + ], + [ + "Enter", + -12.548571586608888 + ], + [ + "kou", + -12.548648834228516 + ], + [ + "\u2581responsibility", + -12.548663139343262 + ], + [ + "Med", + -12.548795700073242 + ], + [ + "\u2581tente", + -12.548828125 + ], + [ + "\u2581Schie", + -12.548848152160645 + ], + [ + "\u00e9ducation", + -12.548880577087402 + ], + [ + "\u2581Amy", + -12.548882484436035 + ], + [ + "\u2581pierre", + -12.548901557922363 + ], + [ + "\u2581Define", + -12.549007415771484 + ], + [ + "\u2581r\u00e9forme", + -12.549042701721191 + ], + [ + "\u2581ausl\u00e4ndischen", + -12.54906940460205 + ], + [ + "\u2581gung", + -12.549156188964844 + ], + [ + "eslint", + -12.54931926727295 + ], + [ + "Nil", + -12.549355506896973 + ], + [ + "erei", + -12.549410820007324 + ], + [ + "\u2581traduction", + -12.549432754516602 + ], + [ + "\u2581singles", + -12.549485206604004 + ], + [ + "\u2581Beer", + -12.549538612365724 + ], + [ + "\u2581directo", + -12.549603462219238 + ], + [ + "SIGN", + -12.549627304077148 + ], + [ + "\u2581ending", + -12.549659729003906 + ], + [ + "atore", + -12.549704551696776 + ], + [ + "\u2581serving", + -12.54973316192627 + ], + [ + "Short", + -12.549778938293455 + ], + [ + "bmatrix", + -12.549778938293455 + ], + [ + "\u2581funcionamento", + -12.549798965454102 + ], + [ + "\u2581Festsetzung", + -12.549799919128418 + ], + [ + "heng", + -12.549823760986328 + ], + [ + "\u2581Rich", + -12.549840927124023 + ], + [ + "\u2581Sept", + -12.549996376037598 + ], + [ + "\u2581MW", + -12.550025939941406 + ], + [ + "\u2581erzielt", + -12.550074577331545 + ], + [ + "\u2581operaciones", + -12.550092697143556 + ], + [ + "\u2581fruits", + -12.55011749267578 + ], + [ + "\u2581scrittore", + -12.550161361694336 + ], + [ + "\u2581Asian", + -12.550212860107422 + ], + [ + "\u2581preferred", + -12.550212860107422 + ], + [ + "balance", + -12.55025863647461 + ], + [ + "\u2581identical", + -12.55029582977295 + ], + [ + "lieu", + -12.550357818603516 + ], + [ + "\u2581Campos", + -12.550358772277832 + ], + [ + "\u2581oportunidad", + -12.550373077392578 + ], + [ + "articolo", + -12.550374031066896 + ], + [ + "WM", + -12.550507545471191 + ], + [ + "IND", + -12.550555229187012 + ], + [ + "\u2581ES", + -12.55058765411377 + ], + [ + "\u2581sponsor", + -12.55063533782959 + ], + [ + "\u2581selben", + -12.550654411315918 + ], + [ + "\u2581backup", + -12.55069065093994 + ], + [ + "antico", + -12.550725936889648 + ], + [ + "\u2581cards", + -12.55080223083496 + ], + [ + "\u2581collectie", + -12.550910949707031 + ], + [ + "\u2581pourra", + -12.55098819732666 + ], + [ + "\u2581Faire", + -12.55100440979004 + ], + [ + "\u2581Look", + -12.551006317138672 + ], + [ + "schreiben", + -12.55104923248291 + ], + [ + "\u2581Republiek", + -12.55105209350586 + ], + [ + "\u2581Chemie", + -12.551133155822754 + ], + [ + "\u2581luna", + -12.551139831542969 + ], + [ + "\u2581falsa", + -12.55123805999756 + ], + [ + "coin", + -12.551279067993164 + ], + [ + "\u2581Gespr\u00e4ch", + -12.551300048828123 + ], + [ + "rsync", + -12.55133056640625 + ], + [ + "\u2581utilizadas", + -12.551406860351562 + ], + [ + "\u2581modifications", + -12.551414489746094 + ], + [ + "\u2581Testament", + -12.55142593383789 + ], + [ + "\u2581Primeiro", + -12.55148220062256 + ], + [ + "PLATFORM", + -12.551520347595217 + ], + [ + "\u2581CV", + -12.551522254943848 + ], + [ + "\u2581songs", + -12.551527976989746 + ], + [ + "\u2581daardoor", + -12.551581382751465 + ], + [ + "\u2581avendo", + -12.551595687866213 + ], + [ + "\u2581explique", + -12.551884651184082 + ], + [ + "argv", + -12.552062034606934 + ], + [ + "\u2581angular", + -12.552112579345703 + ], + [ + "\u2581Einsch\u00e4tzung", + -12.552173614501951 + ], + [ + "\u2581zieht", + -12.552210807800291 + ], + [ + "Ev", + -12.552230834960938 + ], + [ + "uintil", + -12.552305221557615 + ], + [ + "sca", + -12.55239486694336 + ], + [ + "\u2581Carol", + -12.552412033081056 + ], + [ + "\u2581arti", + -12.552459716796877 + ], + [ + "\u2581Ontario", + -12.552497863769531 + ], + [ + "ulla", + -12.55250072479248 + ], + [ + "\u2581alti", + -12.55251407623291 + ], + [ + "vado", + -12.552569389343262 + ], + [ + "\u2581Edit", + -12.5526762008667 + ], + [ + "\u2581ressources", + -12.552830696105955 + ], + [ + "\u2581verificar", + -12.55284023284912 + ], + [ + "\u2581concorda", + -12.552888870239258 + ], + [ + "\u2581Benutzer", + -12.552908897399902 + ], + [ + "\u2581alcance", + -12.55298137664795 + ], + [ + "Before", + -12.552996635437012 + ], + [ + "natural", + -12.553092002868652 + ], + [ + "Va", + -12.55309772491455 + ], + [ + "\u2581coppia", + -12.553174018859863 + ], + [ + "\u2581Levi", + -12.55324935913086 + ], + [ + "\u2581cr\u00edtico", + -12.553263664245604 + ], + [ + "Belgi", + -12.553351402282717 + ], + [ + "nent", + -12.55337619781494 + ], + [ + "Van", + -12.553406715393066 + ], + [ + "\u2581elecci\u00f3n", + -12.55341339111328 + ], + [ + "\u2581pies", + -12.553465843200684 + ], + [ + "delen", + -12.553722381591797 + ], + [ + "\u2581Erlaubnis", + -12.55393409729004 + ], + [ + "\u2581zwarte", + -12.554024696350098 + ], + [ + "\u2581continuaci\u00f3n", + -12.554031372070312 + ], + [ + "\u2581farlo", + -12.554033279418944 + ], + [ + "market", + -12.554096221923828 + ], + [ + "deploy", + -12.554190635681152 + ], + [ + "\u2581Griechenland", + -12.554206848144531 + ], + [ + "\u2581Direktor", + -12.554281234741213 + ], + [ + "\u2581limitation", + -12.554301261901855 + ], + [ + "\u2581fuentes", + -12.554326057434082 + ], + [ + "\u2581olympisch", + -12.554359436035156 + ], + [ + "zt", + -12.554367065429688 + ], + [ + "\u2581rug", + -12.55444049835205 + ], + [ + "\u2581gender", + -12.554497718811035 + ], + [ + "\u2581Which", + -12.554519653320312 + ], + [ + "leider", + -12.554540634155272 + ], + [ + "\u2581Vorteile", + -12.554559707641602 + ], + [ + "\u2581biblioth", + -12.554619789123535 + ], + [ + "\u2581Daneben", + -12.554652214050291 + ], + [ + "\u2581expr", + -12.554717063903809 + ], + [ + "\u2581employed", + -12.554760932922363 + ], + [ + "Metric", + -12.554762840270996 + ], + [ + "haupt", + -12.554810523986816 + ], + [ + "timents", + -12.55490779876709 + ], + [ + "\u2581usuario", + -12.554951667785645 + ], + [ + "\u2581automaticamente", + -12.55498218536377 + ], + [ + "t\u00f3rio", + -12.554998397827148 + ], + [ + "geblich", + -12.55504035949707 + ], + [ + "\u2581travailler", + -12.555065155029297 + ], + [ + "spolitik", + -12.555173873901367 + ], + [ + "\u2581trag", + -12.55519676208496 + ], + [ + "schluss", + -12.555198669433594 + ], + [ + "\u2581antigos", + -12.55521011352539 + ], + [ + "\u2581d\u00e9faut", + -12.555397987365724 + ], + [ + "\u2581wijze", + -12.555464744567873 + ], + [ + "\u2581Jakob", + -12.555534362792969 + ], + [ + "dre", + -12.555554389953612 + ], + [ + "odia", + -12.55564022064209 + ], + [ + "\u2581hebt", + -12.55573844909668 + ], + [ + "\u2581pagine", + -12.555789947509766 + ], + [ + "\u2581utilisant", + -12.55585479736328 + ], + [ + "\u2581differ", + -12.55588150024414 + ], + [ + "decoder", + -12.555953979492188 + ], + [ + "\u2581Encyclopedia", + -12.556005477905272 + ], + [ + "nvm", + -12.556089401245115 + ], + [ + "\u2581\u00e1mbito", + -12.55613136291504 + ], + [ + "CAM", + -12.556220054626465 + ], + [ + "\u2581scoperta", + -12.556266784667969 + ], + [ + "\u2581keeping", + -12.556285858154297 + ], + [ + "\u2581Marketing", + -12.556398391723633 + ], + [ + "\u2581regista", + -12.556476593017578 + ], + [ + "\u2581visitantes", + -12.556485176086426 + ], + [ + "\u2581pertanto", + -12.556488990783691 + ], + [ + "\u2581subir", + -12.556492805480955 + ], + [ + "\u2581Publications", + -12.556548118591309 + ], + [ + "\u2581retrouver", + -12.556553840637209 + ], + [ + "\u2581citizens", + -12.556570053100586 + ], + [ + "\u2581filename", + -12.556572914123535 + ], + [ + "Simon", + -12.556612968444824 + ], + [ + "\u2581calc", + -12.556620597839355 + ], + [ + "\u2581sys", + -12.556647300720217 + ], + [ + "\u2581stammt", + -12.556659698486328 + ], + [ + "DK", + -12.556739807128906 + ], + [ + "\u2581Lazio", + -12.556827545166016 + ], + [ + "dingen", + -12.556879043579102 + ], + [ + "\u2581d\u00e9partements", + -12.556885719299316 + ], + [ + "\u2581Common", + -12.556939125061035 + ], + [ + "\u2581Orlando", + -12.55698013305664 + ], + [ + "\u2581Sebasti\u00e1n", + -12.557198524475098 + ], + [ + "\u2581ranking", + -12.557252883911133 + ], + [ + "\u2581sy", + -12.557320594787598 + ], + [ + "\u2581eut", + -12.557413101196287 + ], + [ + "Fatalf", + -12.557785987854004 + ], + [ + "\u2581Duque", + -12.557799339294434 + ], + [ + "\u2581investigate", + -12.557812690734863 + ], + [ + "\u2581Avi", + -12.557828903198242 + ], + [ + "imiento", + -12.557855606079102 + ], + [ + "chstens", + -12.557861328125 + ], + [ + "\u2581Dub", + -12.557865142822266 + ], + [ + "\u2581adopted", + -12.557878494262695 + ], + [ + "\u2581dix", + -12.557893753051758 + ], + [ + "\u2581propaganda", + -12.557982444763184 + ], + [ + "\u2581Radi", + -12.55800724029541 + ], + [ + "\u2581exc", + -12.55801486968994 + ], + [ + "\u2581ramo", + -12.5580472946167 + ], + [ + "\u2581alfabeto", + -12.558135032653809 + ], + [ + "\u2581Dim", + -12.55813980102539 + ], + [ + "\u2581vendita", + -12.558146476745604 + ], + [ + "\u2581Dirk", + -12.55815315246582 + ], + [ + "estero", + -12.55817699432373 + ], + [ + "stellt", + -12.5582275390625 + ], + [ + "\u2581adjacent", + -12.55827808380127 + ], + [ + "\u2581otto", + -12.558320999145508 + ], + [ + "\u2581voordat", + -12.558331489562988 + ], + [ + "phon", + -12.55843734741211 + ], + [ + "\u2581tegenstelling", + -12.55848789215088 + ], + [ + "Projects", + -12.558550834655762 + ], + [ + "\u2581partono", + -12.558622360229492 + ], + [ + "\u2581colonne", + -12.558691024780272 + ], + [ + "\u2581repeated", + -12.558720588684082 + ], + [ + "\u2581cora", + -12.558755874633787 + ], + [ + "COUNT", + -12.55876636505127 + ], + [ + "\u2581aconteceu", + -12.558871269226074 + ], + [ + "Io", + -12.558974266052246 + ], + [ + "\u2581indicating", + -12.55898094177246 + ], + [ + "reichen", + -12.5591459274292 + ], + [ + "ulu", + -12.559202194213867 + ], + [ + "\u2581Hypo", + -12.55920696258545 + ], + [ + "cg", + -12.559232711791992 + ], + [ + "\u2581Memory", + -12.559267044067385 + ], + [ + "\u2581graves", + -12.5592679977417 + ], + [ + "\u2581Montenegro", + -12.559268951416016 + ], + [ + "\u2581schwach", + -12.559274673461914 + ], + [ + "\u2581repr\u00e9sentant", + -12.559321403503418 + ], + [ + "VAL", + -12.559354782104492 + ], + [ + "\u2581anerkannt", + -12.559364318847656 + ], + [ + "\u2581percorsi", + -12.559477806091309 + ], + [ + "\u2581civilt\u00e0", + -12.559478759765623 + ], + [ + "\u2581definida", + -12.559521675109863 + ], + [ + "dera", + -12.559548377990724 + ], + [ + "\u2581Null", + -12.559645652770996 + ], + [ + "\u2581carrying", + -12.559661865234377 + ], + [ + "\u2581largely", + -12.55978012084961 + ], + [ + "\u2581criou", + -12.559825897216797 + ], + [ + "\u2581Function", + -12.559832572937012 + ], + [ + "\u2581Sk", + -12.559852600097656 + ], + [ + "uelques", + -12.5598726272583 + ], + [ + "NoError", + -12.55988311767578 + ], + [ + "\u2581involving", + -12.559934616088867 + ], + [ + "\u2581streets", + -12.55994701385498 + ], + [ + "Fin", + -12.559992790222168 + ], + [ + "\u2581Tau", + -12.56005573272705 + ], + [ + "\u2581parlato", + -12.560076713562012 + ], + [ + "\u2581Erb", + -12.56014633178711 + ], + [ + "Euro", + -12.560174942016602 + ], + [ + "\u2581Following", + -12.560178756713867 + ], + [ + "Subscription", + -12.560239791870115 + ], + [ + "Constants", + -12.560267448425291 + ], + [ + "\u2581beni", + -12.560303688049316 + ], + [ + "\u2581trabalhos", + -12.560359954833984 + ], + [ + "\u2581inclina", + -12.560452461242676 + ], + [ + "\u2581encourage", + -12.560498237609863 + ], + [ + "\u2581Miranda", + -12.560632705688477 + ], + [ + "extract", + -12.560653686523438 + ], + [ + "\u2581thoughts", + -12.560667037963867 + ], + [ + "\u2581exposure", + -12.560744285583496 + ], + [ + "\u2581contratado", + -12.560835838317873 + ], + [ + "\u2581Trust", + -12.560935020446776 + ], + [ + "\u2581choc", + -12.560972213745115 + ], + [ + "MODEL", + -12.561031341552734 + ], + [ + "\u2581gezogen", + -12.561129570007324 + ], + [ + "\u2581gedeelte", + -12.561149597167969 + ], + [ + "\u2581etapas", + -12.561206817626951 + ], + [ + "\u2581Mun", + -12.561264038085938 + ], + [ + "hood", + -12.561283111572266 + ], + [ + "\u2581Bobby", + -12.561290740966797 + ], + [ + "\u2581futur", + -12.561370849609377 + ], + [ + "Literal", + -12.561429977416992 + ], + [ + "Dataset", + -12.561437606811523 + ], + [ + "\u2581St\u00e4rkung", + -12.561513900756836 + ], + [ + "\u2581sorge", + -12.561525344848633 + ], + [ + "Pipeline", + -12.56153392791748 + ], + [ + "\u2581distante", + -12.561553955078123 + ], + [ + "\u2581mail", + -12.56161880493164 + ], + [ + "\u2581Auseinandersetz", + -12.561627388000488 + ], + [ + "\u2581trigger", + -12.561681747436523 + ], + [ + "quet", + -12.561721801757812 + ], + [ + "cover", + -12.56173610687256 + ], + [ + "\u2581Terry", + -12.561756134033203 + ], + [ + "\u2581bist", + -12.561891555786133 + ], + [ + "\u2581Arag\u00f3n", + -12.5619478225708 + ], + [ + "\u2581sprake", + -12.56205940246582 + ], + [ + "Promise", + -12.562085151672363 + ], + [ + "\u2581jederzeit", + -12.562119483947754 + ], + [ + "\u2581indexPath", + -12.562124252319336 + ], + [ + "More", + -12.562172889709473 + ], + [ + "ahlungs", + -12.56222438812256 + ], + [ + "\u2581fonda", + -12.56230926513672 + ], + [ + "gam", + -12.562352180480955 + ], + [ + "\u2581unserem", + -12.562370300292969 + ], + [ + "\u2581Thank", + -12.562416076660156 + ], + [ + "icht", + -12.562417984008787 + ], + [ + "inas", + -12.562417984008787 + ], + [ + "\u2581motore", + -12.562478065490724 + ], + [ + "\u2581minori", + -12.562535285949709 + ], + [ + "Vertragsparteien", + -12.562667846679688 + ], + [ + "\u2581Ey", + -12.562695503234863 + ], + [ + "\u2581terres", + -12.562768936157228 + ], + [ + "gou", + -12.562793731689451 + ], + [ + "\u2581mmol", + -12.562801361083984 + ], + [ + "\u2581Hoog", + -12.562823295593262 + ], + [ + "\u2581supuesto", + -12.562826156616213 + ], + [ + "\u2581Children", + -12.562850952148438 + ], + [ + "\u2581/***/", + -12.562854766845703 + ], + [ + "\u2581serial", + -12.562906265258787 + ], + [ + "\u2581facilita", + -12.562950134277344 + ], + [ + "\u2581racconta", + -12.56298828125 + ], + [ + "\u2581accounts", + -12.562995910644531 + ], + [ + "\u2581Netto", + -12.563000679016112 + ], + [ + "\u2581significativo", + -12.56301975250244 + ], + [ + "\u2581gra", + -12.563047409057615 + ], + [ + "\u2581talen", + -12.563048362731934 + ], + [ + "rons", + -12.56309986114502 + ], + [ + "\u2581Hur", + -12.563188552856444 + ], + [ + "thing", + -12.563254356384276 + ], + [ + "\u2581canon", + -12.563260078430176 + ], + [ + "\u2581ocasi\u00f3n", + -12.563275337219238 + ], + [ + "repr", + -12.563276290893556 + ], + [ + "serv", + -12.563288688659668 + ], + [ + "\u2581spectral", + -12.563380241394045 + ], + [ + "\u2581dedicada", + -12.563398361206056 + ], + [ + "\u2581mice", + -12.563491821289062 + ], + [ + "\u2581Haushalte", + -12.563539505004885 + ], + [ + "\u2581drivers", + -12.563563346862791 + ], + [ + "sud", + -12.563647270202637 + ], + [ + "\u2581realizzato", + -12.563652992248535 + ], + [ + "dien", + -12.563720703125 + ], + [ + "\u2581capit\u00e1n", + -12.563823699951172 + ], + [ + "evoluzione", + -12.563848495483398 + ], + [ + "\u2581Abgrenzung", + -12.563949584960938 + ], + [ + "\u2581localidades", + -12.56403636932373 + ], + [ + "\u2581Jeanne", + -12.564099311828612 + ], + [ + "hook", + -12.564122200012209 + ], + [ + "Fecha", + -12.564136505126951 + ], + [ + "\u2581possibilidade", + -12.564162254333496 + ], + [ + "\u2581Heilige", + -12.564208030700684 + ], + [ + "\u2581department", + -12.564291954040527 + ], + [ + "\u2581verboten", + -12.564298629760742 + ], + [ + "sko", + -12.564336776733398 + ], + [ + "\u2581Gryffindor", + -12.564356803894045 + ], + [ + "\u2581Tumor", + -12.564412117004396 + ], + [ + "\u2581murder", + -12.564427375793455 + ], + [ + "\u2581atriz", + -12.56442928314209 + ], + [ + "vb", + -12.564435005187988 + ], + [ + "\u2581geboten", + -12.56456184387207 + ], + [ + "\u2581revanche", + -12.564647674560549 + ], + [ + "\u2581Friedens", + -12.564732551574709 + ], + [ + "geht", + -12.56479263305664 + ], + [ + "\u2581Grace", + -12.56483554840088 + ], + [ + "\u2581Grunds\u00e4tze", + -12.564854621887209 + ], + [ + "\u2581MSB", + -12.564863204956056 + ], + [ + "\u2581Verfassung", + -12.565041542053224 + ], + [ + "orientierte", + -12.56505298614502 + ], + [ + "yi", + -12.565065383911133 + ], + [ + "\u2581opini\u00f3n", + -12.565153121948242 + ], + [ + "Dec", + -12.565180778503418 + ], + [ + "\u2581Seattle", + -12.56519889831543 + ], + [ + "\u2581Tax", + -12.565218925476074 + ], + [ + "\u2581DR", + -12.565241813659668 + ], + [ + "\u2581Tutto", + -12.565260887145996 + ], + [ + "ffnen", + -12.565367698669434 + ], + [ + "\u2581programmes", + -12.565431594848633 + ], + [ + "\u2581zwart", + -12.565444946289062 + ], + [ + "Just", + -12.56550407409668 + ], + [ + "\u2581Seconde", + -12.565589904785156 + ], + [ + "\u2581probleem", + -12.565603256225586 + ], + [ + "C\u00f3mo", + -12.565651893615724 + ], + [ + "\u2581continental", + -12.565716743469238 + ], + [ + "\u2581volgen", + -12.565771102905272 + ], + [ + "Fixed", + -12.56583309173584 + ], + [ + "\u2581resti", + -12.56597900390625 + ], + [ + "\u2581groeide", + -12.565990447998049 + ], + [ + "\u2581Wander", + -12.566043853759766 + ], + [ + "\u2581l\u00edderes", + -12.566102981567385 + ], + [ + "\u2581Bul", + -12.566107749938965 + ], + [ + "\u2581erstreckt", + -12.566202163696287 + ], + [ + "\u2581vorgesehene", + -12.566253662109377 + ], + [ + "\u2581culpa", + -12.56626033782959 + ], + [ + "\u2581Altre", + -12.5662841796875 + ], + [ + "\u2581Policy", + -12.566330909729004 + ], + [ + "\u2581Semi", + -12.566393852233888 + ], + [ + "esque", + -12.566458702087402 + ], + [ + "\u2581TRC", + -12.56655216217041 + ], + [ + "\u2581eingerichtet", + -12.566563606262209 + ], + [ + "\u2581Paulista", + -12.566600799560549 + ], + [ + "\u2581grego", + -12.56660270690918 + ], + [ + "felder", + -12.566603660583496 + ], + [ + "\u2581Niet", + -12.566603660583496 + ], + [ + "\u2581visitors", + -12.56663703918457 + ], + [ + "mbia", + -12.566672325134276 + ], + [ + "\u2581adicional", + -12.566706657409668 + ], + [ + "\u2581protezione", + -12.566716194152832 + ], + [ + "\u2581flora", + -12.566728591918944 + ], + [ + "\u2581beeinflusst", + -12.56682300567627 + ], + [ + "\u2581Transit", + -12.566823959350586 + ], + [ + "\u2581conosciuta", + -12.56690502166748 + ], + [ + "\u2581parish", + -12.566930770874023 + ], + [ + "\u2581catholique", + -12.566990852355955 + ], + [ + "\u2581infer", + -12.567008018493652 + ], + [ + "\u2581sweet", + -12.567046165466309 + ], + [ + "\u2581litt\u00e9rature", + -12.567069053649902 + ], + [ + "\u2581Winkel", + -12.567078590393066 + ], + [ + "fern", + -12.567275047302246 + ], + [ + "kauf", + -12.567322731018066 + ], + [ + "s\u00e9rie", + -12.567388534545898 + ], + [ + "\u2581AP", + -12.567427635192873 + ], + [ + "\u2581bleu", + -12.567427635192873 + ], + [ + "Alto", + -12.567432403564451 + ], + [ + "\u2581contraste", + -12.567486763000488 + ], + [ + "\u2581Finlandia", + -12.5675630569458 + ], + [ + "beratung", + -12.5675687789917 + ], + [ + "technologie", + -12.567572593688965 + ], + [ + "\u2581jovens", + -12.567601203918455 + ], + [ + "\u2581Jeu", + -12.567623138427734 + ], + [ + "\u2581propios", + -12.567684173583984 + ], + [ + "\u2581Schl", + -12.56773567199707 + ], + [ + "insen", + -12.567824363708496 + ], + [ + "\u2581THEN", + -12.567826271057127 + ], + [ + "\u2581Erwerbs", + -12.56784725189209 + ], + [ + "\u2581hoewel", + -12.567950248718262 + ], + [ + "\u2581annonc\u00e9", + -12.56797981262207 + ], + [ + "sidebar", + -12.568070411682127 + ], + [ + "\u2581sitting", + -12.568095207214355 + ], + [ + "\u2581cercano", + -12.568123817443848 + ], + [ + "\u2581calendar", + -12.56818389892578 + ], + [ + "Pu", + -12.568203926086426 + ], + [ + "\u2581Schnee", + -12.56822395324707 + ], + [ + "\u2581portant", + -12.56824779510498 + ], + [ + "warte", + -12.56826400756836 + ], + [ + "praxis", + -12.568352699279783 + ], + [ + "\u2581significance", + -12.568365097045898 + ], + [ + "\u2581geltend", + -12.568387031555176 + ], + [ + "Sam", + -12.568453788757324 + ], + [ + "\u2581catena", + -12.56846046447754 + ], + [ + "Boost", + -12.568504333496094 + ], + [ + "\u2581evaluated", + -12.568537712097168 + ], + [ + "kehr", + -12.568584442138672 + ], + [ + "\u2581effectively", + -12.568608283996582 + ], + [ + "zicht", + -12.568685531616213 + ], + [ + "\u2581weights", + -12.568721771240234 + ], + [ + "cad", + -12.568761825561523 + ], + [ + "\u2581meteen", + -12.568764686584473 + ], + [ + "VL", + -12.568804740905762 + ], + [ + "\u2581arri", + -12.56888198852539 + ], + [ + "\u2581geplanten", + -12.568950653076172 + ], + [ + "\u2581lentamente", + -12.568973541259766 + ], + [ + "\u2581Nietzsche", + -12.569021224975586 + ], + [ + "\u2581concerns", + -12.569037437438965 + ], + [ + "\u2581B\u00fccher", + -12.569091796875 + ], + [ + "reflect", + -12.569154739379885 + ], + [ + "\u2581perspectiva", + -12.569247245788574 + ], + [ + "\u00f3s", + -12.569252014160156 + ], + [ + "abe", + -12.569255828857422 + ], + [ + "amministrazione", + -12.56926441192627 + ], + [ + "Arial", + -12.569326400756836 + ], + [ + "\u2581Palace", + -12.569334030151367 + ], + [ + "Labels", + -12.56936740875244 + ], + [ + "cycle", + -12.569440841674805 + ], + [ + "\u2581zorgen", + -12.569487571716309 + ], + [ + "ione", + -12.569583892822266 + ], + [ + "\u2581therapy", + -12.56961154937744 + ], + [ + "bh", + -12.569693565368652 + ], + [ + "\u2581retratos", + -12.569709777832031 + ], + [ + "\u2581Plusieurs", + -12.569719314575195 + ], + [ + "\u2581Castello", + -12.569742202758787 + ], + [ + "rner", + -12.569782257080078 + ], + [ + "nj", + -12.569783210754396 + ], + [ + "\u2581Menino", + -12.569830894470217 + ], + [ + "\u2581beitragen", + -12.569890975952148 + ], + [ + "trait", + -12.569913864135742 + ], + [ + "arbeiter", + -12.56997776031494 + ], + [ + "Put", + -12.569997787475586 + ], + [ + "leur", + -12.57007884979248 + ], + [ + "\u2581lattice", + -12.570226669311523 + ], + [ + "\u2581Armada", + -12.570306777954102 + ], + [ + "prepare", + -12.570341110229492 + ], + [ + "\u2581officieel", + -12.570368766784668 + ], + [ + "hoe", + -12.570563316345217 + ], + [ + "ites", + -12.57058048248291 + ], + [ + "\u2581Oui", + -12.570632934570312 + ], + [ + "\u2581intersection", + -12.570696830749512 + ], + [ + "orange", + -12.570754051208496 + ], + [ + "appui", + -12.570767402648926 + ], + [ + "\u2581buf", + -12.57090663909912 + ], + [ + "\u2581betekenis", + -12.57113552093506 + ], + [ + "\u2581Marken", + -12.571174621582031 + ], + [ + "\u2581Menschenrechte", + -12.57124137878418 + ], + [ + "\u2581Titre", + -12.571248054504396 + ], + [ + "gegen", + -12.571252822875977 + ], + [ + "backgroundColor", + -12.571274757385254 + ], + [ + "\u2581bijzonder", + -12.571285247802734 + ], + [ + "oux", + -12.57131004333496 + ], + [ + "\u2581Early", + -12.571324348449709 + ], + [ + "Framework", + -12.571362495422363 + ], + [ + "essen", + -12.571407318115234 + ], + [ + "\u2581Konferenz", + -12.571413040161133 + ], + [ + "\u2581zegt", + -12.57154655456543 + ], + [ + "\u2581constraint", + -12.57163143157959 + ], + [ + "hlen", + -12.57168960571289 + ], + [ + "zien", + -12.571704864501951 + ], + [ + "\u2581origini", + -12.57175636291504 + ], + [ + "\u2581titres", + -12.571840286254885 + ], + [ + "projekt", + -12.571869850158691 + ], + [ + "\u2581Saar", + -12.57200813293457 + ], + [ + "\u2581ucciso", + -12.572184562683104 + ], + [ + "uell", + -12.572193145751951 + ], + [ + "\u2581cittadino", + -12.572376251220703 + ], + [ + "\u2581ocean", + -12.572420120239258 + ], + [ + "\u2581laisse", + -12.57249355316162 + ], + [ + "\u2581hearing", + -12.572510719299316 + ], + [ + "\u2581Bauern", + -12.57256317138672 + ], + [ + "niet", + -12.57258415222168 + ], + [ + "\u2581Mora", + -12.57260799407959 + ], + [ + "\u2581cadena", + -12.57260799407959 + ], + [ + "Sql", + -12.57261085510254 + ], + [ + "\u2581pr\u00f3ximos", + -12.572678565979004 + ], + [ + "eke", + -12.572690963745115 + ], + [ + "\u2581emotional", + -12.572806358337402 + ], + [ + "borough", + -12.572824478149414 + ], + [ + "Mutation", + -12.572839736938477 + ], + [ + "\u2581inscrit", + -12.572972297668455 + ], + [ + "threads", + -12.572990417480469 + ], + [ + "Loop", + -12.573018074035645 + ], + [ + "essi", + -12.573025703430176 + ], + [ + "\u2581promote", + -12.57308578491211 + ], + [ + "\u2581HE", + -12.573244094848633 + ], + [ + "\u2581Infatti", + -12.57334804534912 + ], + [ + "cca", + -12.573378562927246 + ], + [ + "\u2581piatti", + -12.573391914367676 + ], + [ + "stehen", + -12.573427200317385 + ], + [ + "\u2581voet", + -12.57343864440918 + ], + [ + "blas", + -12.573490142822266 + ], + [ + "stelsel", + -12.57357692718506 + ], + [ + "outer", + -12.573637008666992 + ], + [ + "cente", + -12.573700904846191 + ], + [ + "\u2581cout", + -12.573710441589355 + ], + [ + "\u2581Vorgehen", + -12.573882102966309 + ], + [ + "\u2581Partij", + -12.573925971984863 + ], + [ + "\u2581Differenzierung", + -12.573987007141112 + ], + [ + "\u2581Coll", + -12.574003219604492 + ], + [ + "yg", + -12.574036598205566 + ], + [ + "\u2581uitge", + -12.574264526367188 + ], + [ + "ulp", + -12.574295043945312 + ], + [ + "\u2581Sources", + -12.574400901794434 + ], + [ + "\u2581dangerous", + -12.574419975280762 + ], + [ + "Nascimento", + -12.574493408203123 + ], + [ + "lado", + -12.57451057434082 + ], + [ + "\u2581heer", + -12.574528694152832 + ], + [ + "bringen", + -12.574666023254396 + ], + [ + "\u2581gelo", + -12.574721336364746 + ], + [ + "paar", + -12.574737548828123 + ], + [ + "Author", + -12.57475757598877 + ], + [ + "\u2581crimes", + -12.574806213378906 + ], + [ + "Wait", + -12.57495403289795 + ], + [ + "fahr", + -12.57498264312744 + ], + [ + "Benz", + -12.575081825256348 + ], + [ + "\u2581Nationaal", + -12.575085639953612 + ], + [ + "vl", + -12.575096130371094 + ], + [ + "\u2581Indeed", + -12.57509708404541 + ], + [ + "iate", + -12.57512378692627 + ], + [ + "reiche", + -12.575135231018066 + ], + [ + "\u2581Isaac", + -12.575161933898926 + ], + [ + "\u2581Forst", + -12.575224876403809 + ], + [ + "hler", + -12.5752592086792 + ], + [ + "ger\u00e4te", + -12.57526397705078 + ], + [ + "\u2581Asalto", + -12.575274467468262 + ], + [ + "izi", + -12.575297355651855 + ], + [ + "\u2581steel", + -12.575334548950195 + ], + [ + "\u2581Wahrscheinlichk", + -12.575336456298828 + ], + [ + "\u2581pin", + -12.575350761413574 + ], + [ + "\u2581grille", + -12.575450897216797 + ], + [ + "kata", + -12.575479507446287 + ], + [ + "\u2581veramente", + -12.575501441955566 + ], + [ + "\u2581aflevering", + -12.57554817199707 + ], + [ + "\u2581strange", + -12.575549125671388 + ], + [ + "\u2581sorpresa", + -12.575601577758787 + ], + [ + "\u2581vrijwel", + -12.575706481933594 + ], + [ + "\u2581dehors", + -12.57576847076416 + ], + [ + "\u2581repos", + -12.575865745544434 + ], + [ + "\u2581kom", + -12.576062202453612 + ], + [ + "ERO", + -12.576109886169434 + ], + [ + "\u2581Koe", + -12.576183319091797 + ], + [ + "\u2581desiderio", + -12.576245307922363 + ], + [ + "\u2581stone", + -12.576333999633787 + ], + [ + "\u2581L\u00e9on", + -12.576353073120115 + ], + [ + "\u2581Eind", + -12.576356887817385 + ], + [ + "\u2581Process", + -12.576440811157228 + ], + [ + "Sec", + -12.576452255249023 + ], + [ + "\u2581angeh", + -12.576458930969238 + ], + [ + "\u2581Sign", + -12.576459884643556 + ], + [ + "\u2581Level", + -12.576516151428224 + ], + [ + "\u2581recall", + -12.576631546020508 + ], + [ + "\u2581bounded", + -12.576634407043455 + ], + [ + "\u2581publicaci\u00f3n", + -12.576737403869627 + ], + [ + "\u2581textes", + -12.57678508758545 + ], + [ + "este", + -12.576830863952637 + ], + [ + "belastung", + -12.576839447021484 + ], + [ + "\u2581Materialien", + -12.577020645141602 + ], + [ + "pending", + -12.577088356018066 + ], + [ + "\u2581excelente", + -12.577101707458496 + ], + [ + "\u2581Num", + -12.577136993408203 + ], + [ + "\u2581karakter", + -12.577208518981934 + ], + [ + "\u2581legen", + -12.57728099822998 + ], + [ + "actie", + -12.577290534973145 + ], + [ + "\u2581Fla", + -12.577337265014648 + ], + [ + "\u2581organizations", + -12.57738208770752 + ], + [ + "ready", + -12.57744312286377 + ], + [ + "tele", + -12.577455520629885 + ], + [ + "\u2581rese", + -12.577476501464844 + ], + [ + "\u2581wonen", + -12.577521324157717 + ], + [ + "VK", + -12.577549934387209 + ], + [ + "\u2581raza", + -12.577556610107422 + ], + [ + "\u2581pareja", + -12.577607154846191 + ], + [ + "\u2581hetero", + -12.57768726348877 + ], + [ + "\u2581technologie", + -12.57769012451172 + ], + [ + "ved", + -12.577856063842772 + ], + [ + "operazione", + -12.57787036895752 + ], + [ + "\u2581Schnitt", + -12.57801914215088 + ], + [ + "Stat", + -12.57805061340332 + ], + [ + "\u2581Tommy", + -12.578069686889648 + ], + [ + "\u2581posted", + -12.578080177307127 + ], + [ + "\u2581relevante", + -12.5782470703125 + ], + [ + "scss", + -12.578261375427246 + ], + [ + "Best", + -12.578296661376951 + ], + [ + "\u2581emperador", + -12.578312873840332 + ], + [ + "\u2581CP", + -12.578340530395508 + ], + [ + "\u2581funda", + -12.578349113464355 + ], + [ + "agua", + -12.57835578918457 + ], + [ + "\u2581actuellement", + -12.578359603881836 + ], + [ + "\u2581spirit", + -12.57847499847412 + ], + [ + "\u2581jornal", + -12.578526496887209 + ], + [ + "Isola", + -12.578532218933104 + ], + [ + "existe", + -12.578543663024902 + ], + [ + "\u2581suchen", + -12.578619956970217 + ], + [ + "fat", + -12.578722953796388 + ], + [ + "JH", + -12.578744888305664 + ], + [ + "\u2581puisse", + -12.578882217407228 + ], + [ + "FK", + -12.578984260559082 + ], + [ + "\u2581shops", + -12.578997611999512 + ], + [ + "sitz", + -12.57900333404541 + ], + [ + "\u2581villaggi", + -12.579024314880373 + ], + [ + "\u2581aanvankelijk", + -12.579049110412598 + ], + [ + "\u2581indique", + -12.57912540435791 + ], + [ + "\u2581nato", + -12.57913303375244 + ], + [ + "\u2581encontrados", + -12.579169273376465 + ], + [ + "squeda", + -12.579190254211426 + ], + [ + "\u00e4u", + -12.579198837280272 + ], + [ + "\u2581spezifischen", + -12.57924461364746 + ], + [ + "lift", + -12.579248428344728 + ], + [ + "\u2581circuits", + -12.579421997070312 + ], + [ + "runde", + -12.57943630218506 + ], + [ + "cept", + -12.579445838928224 + ], + [ + "\u2581topo", + -12.57947826385498 + ], + [ + "\u2581consid\u00e9r\u00e9", + -12.579512596130373 + ], + [ + "\u2581Becker", + -12.579554557800291 + ], + [ + "\u2581Fle", + -12.579717636108398 + ], + [ + "\u2581Period", + -12.579734802246094 + ], + [ + "\u2581dropped", + -12.579774856567385 + ], + [ + "Lisboa", + -12.579793930053713 + ], + [ + "diensten", + -12.579829216003418 + ], + [ + "\u2581rich", + -12.579888343811035 + ], + [ + "\u2581grosse", + -12.579978942871094 + ], + [ + "si\u00f3n", + -12.57998275756836 + ], + [ + "rst", + -12.580008506774902 + ], + [ + "Sum", + -12.58016300201416 + ], + [ + "underline", + -12.5802001953125 + ], + [ + "\u2581Ihrem", + -12.58030891418457 + ], + [ + "\u2581identificou", + -12.580320358276367 + ], + [ + "plat", + -12.58042812347412 + ], + [ + "\u2581jemand", + -12.580459594726562 + ], + [ + "\u2581Abd", + -12.580486297607422 + ], + [ + "Calendar", + -12.580517768859863 + ], + [ + "konzentration", + -12.580573081970217 + ], + [ + "\u2581recovery", + -12.580639839172363 + ], + [ + "ov\u00e1", + -12.58071517944336 + ], + [ + "\u2581Gian", + -12.580760955810549 + ], + [ + "\u2581Vittorio", + -12.580815315246582 + ], + [ + "\u2581Naval", + -12.580883026123049 + ], + [ + "\u2581passaram", + -12.580957412719728 + ], + [ + "accio", + -12.580999374389648 + ], + [ + "UUID", + -12.58113956451416 + ], + [ + "\u2581returning", + -12.581196784973145 + ], + [ + "\u2581speaking", + -12.581260681152344 + ], + [ + "\u2581Ultra", + -12.581421852111816 + ], + [ + "\u2581TABLE", + -12.58142375946045 + ], + [ + "\u2581verzichtet", + -12.58145809173584 + ], + [ + "\u2581violent", + -12.581467628479004 + ], + [ + "nale", + -12.58146858215332 + ], + [ + "checkbox", + -12.5814847946167 + ], + [ + "vereniging", + -12.581523895263672 + ], + [ + "\u2581amplitude", + -12.581576347351074 + ], + [ + "identity", + -12.581621170043944 + ], + [ + "\u2581Kirk", + -12.581692695617676 + ], + [ + "st\u00fcck", + -12.58181095123291 + ], + [ + "DEN", + -12.581816673278809 + ], + [ + "WW", + -12.581830024719238 + ], + [ + "pari", + -12.581865310668944 + ], + [ + "\u2581encontrada", + -12.58187484741211 + ], + [ + "dj", + -12.581945419311523 + ], + [ + "\u2581bancos", + -12.58200740814209 + ], + [ + "\u2581cuja", + -12.582013130187988 + ], + [ + "\u2581vernoemd", + -12.582014083862305 + ], + [ + "\u2581nazi", + -12.582032203674316 + ], + [ + "\u2581inequality", + -12.582039833068848 + ], + [ + "k\u00e4", + -12.58221435546875 + ], + [ + "Children", + -12.58225154876709 + ], + [ + "sisch", + -12.582345962524414 + ], + [ + "\u2581schneller", + -12.582352638244627 + ], + [ + "\u2581festgelegten", + -12.58249568939209 + ], + [ + "integration", + -12.582545280456545 + ], + [ + "\u2581Maler", + -12.582547187805176 + ], + [ + "ACC", + -12.582565307617188 + ], + [ + "\u2581tickets", + -12.58265209197998 + ], + [ + "\u2581rica", + -12.582667350769045 + ], + [ + "\u2581Europeo", + -12.582697868347168 + ], + [ + "\u2581erheblichen", + -12.582707405090332 + ], + [ + "defini", + -12.582810401916504 + ], + [ + "DateTime", + -12.582853317260742 + ], + [ + "\u2581deed", + -12.58286190032959 + ], + [ + "\u2581Kali", + -12.582884788513184 + ], + [ + "\u2581Basel", + -12.5828857421875 + ], + [ + "\u2581maire", + -12.582923889160156 + ], + [ + "\u2581Ast", + -12.582930564880373 + ], + [ + "\u2581acabou", + -12.582938194274902 + ], + [ + "\u2581Hughes", + -12.582948684692385 + ], + [ + "\u2581incontro", + -12.58322525024414 + ], + [ + "\u2581culturali", + -12.58323860168457 + ], + [ + "bezogenen", + -12.583291053771973 + ], + [ + "\u2581uitgebreid", + -12.58336353302002 + ], + [ + "Site", + -12.583373069763184 + ], + [ + "tomo", + -12.583377838134766 + ], + [ + "visibility", + -12.583426475524902 + ], + [ + "\u2581pericolo", + -12.583507537841797 + ], + [ + "ebra", + -12.58362865447998 + ], + [ + "\u2581Kei", + -12.583710670471191 + ], + [ + "\u2581Earl", + -12.583784103393556 + ], + [ + "\u2581kunstschilder", + -12.58379077911377 + ], + [ + "\u2581Hel", + -12.58383846282959 + ], + [ + "fragment", + -12.583850860595703 + ], + [ + "\u2581Croce", + -12.58386516571045 + ], + [ + "\u2581configured", + -12.583869934082031 + ], + [ + "JM", + -12.584014892578123 + ], + [ + "\u2581precisely", + -12.584035873413086 + ], + [ + "\u2581Dimension", + -12.584092140197754 + ], + [ + "\u2581sab\u00eda", + -12.584246635437012 + ], + [ + "\u2581Mangel", + -12.584303855895996 + ], + [ + "\u2581instanceof", + -12.584395408630373 + ], + [ + "\u2581offensichtlich", + -12.584418296813965 + ], + [ + "linge", + -12.584452629089355 + ], + [ + "\u2581gift", + -12.584561347961426 + ], + [ + "\u2581eleito", + -12.58462619781494 + ], + [ + "\u2581peur", + -12.584636688232422 + ], + [ + "\u2581Synthese", + -12.5846529006958 + ], + [ + "\u2581Gerade", + -12.584712982177734 + ], + [ + "\u00edstica", + -12.584735870361328 + ], + [ + "\u2581escapar", + -12.584935188293455 + ], + [ + "rov", + -12.585034370422363 + ], + [ + "\u2581Alcune", + -12.585064888000488 + ], + [ + "\u2581r\u00e1pidamente", + -12.585119247436523 + ], + [ + "opsis", + -12.585186958312988 + ], + [ + "occi", + -12.5853271484375 + ], + [ + "issement", + -12.585367202758787 + ], + [ + "\u2581hist\u00f3ricos", + -12.585379600524902 + ], + [ + "\u2581customers", + -12.58538055419922 + ], + [ + "\u2581Schu", + -12.585390090942385 + ], + [ + "\u2581contenuti", + -12.585397720336914 + ], + [ + "vd", + -12.585411071777344 + ], + [ + "\u2581demonstrate", + -12.58543586730957 + ], + [ + "\u2581olhar", + -12.58544921875 + ], + [ + "\u2581Abschlu", + -12.585497856140137 + ], + [ + "\u2581checking", + -12.58554744720459 + ], + [ + "\u2581doppio", + -12.58556842803955 + ], + [ + "Groups", + -12.585578918457031 + ], + [ + "\u2581Dentro", + -12.585578918457031 + ], + [ + "\u2581PCR", + -12.5856294631958 + ], + [ + "Slice", + -12.585664749145508 + ], + [ + "\u2581diagonal", + -12.585665702819824 + ], + [ + "\u2581Br\u00fccke", + -12.585702896118164 + ], + [ + "\u2581predicted", + -12.585809707641602 + ], + [ + "\u2581negra", + -12.585851669311523 + ], + [ + "\u2581anxiety", + -12.585917472839355 + ], + [ + "Rules", + -12.585943222045898 + ], + [ + "\u2581pobre", + -12.58601188659668 + ], + [ + "\u2581Delete", + -12.586026191711426 + ], + [ + "\u2581largement", + -12.58604621887207 + ], + [ + "\u2581logs", + -12.586098670959473 + ], + [ + "\u2581Otherwise", + -12.586143493652344 + ], + [ + "\u2581Primo", + -12.586195945739746 + ], + [ + "installation", + -12.58620548248291 + ], + [ + "GOPATH", + -12.586248397827148 + ], + [ + "\u2581goods", + -12.58625316619873 + ], + [ + "\u2581operacional", + -12.586260795593262 + ], + [ + "hadoop", + -12.586371421813965 + ], + [ + "inverno", + -12.586374282836914 + ], + [ + "tiny", + -12.58640193939209 + ], + [ + "\u2581trivial", + -12.586416244506836 + ], + [ + "\u2581devia", + -12.58642578125 + ], + [ + "\u2581Prior", + -12.586694717407228 + ], + [ + "vidas", + -12.586812019348145 + ], + [ + "\u2581Loire", + -12.586821556091309 + ], + [ + "\u2581fogo", + -12.586849212646484 + ], + [ + "\u2581sicherzustellen", + -12.586910247802734 + ], + [ + "\u2581gouden", + -12.586995124816896 + ], + [ + "usammensetzung", + -12.587002754211426 + ], + [ + "\u2581Monta", + -12.587029457092283 + ], + [ + "\u2581bevinden", + -12.58704662322998 + ], + [ + "\u2581utilis\u00e9s", + -12.58707046508789 + ], + [ + "engines", + -12.587084770202637 + ], + [ + "\u2581cursos", + -12.58719253540039 + ], + [ + "\u2581Fahrer", + -12.5872220993042 + ], + [ + "grey", + -12.587241172790527 + ], + [ + "mime", + -12.587306022644045 + ], + [ + "\u2581Maya", + -12.587358474731444 + ], + [ + "utt", + -12.587530136108398 + ], + [ + "\u2581deployment", + -12.58757495880127 + ], + [ + "\u2581React", + -12.587629318237305 + ], + [ + "Columns", + -12.58763599395752 + ], + [ + "\u2581Chat", + -12.587644577026367 + ], + [ + "\u2581Piano", + -12.587665557861328 + ], + [ + "\u2581bomb", + -12.587766647338867 + ], + [ + "\u2581giusto", + -12.587848663330078 + ], + [ + "scroll", + -12.587920188903809 + ], + [ + "\u2581relativement", + -12.587963104248049 + ], + [ + "\u2581impress", + -12.587973594665527 + ], + [ + "r\u00e4ume", + -12.58808708190918 + ], + [ + "\u00e4ch", + -12.588119506835938 + ], + [ + "\u2581afhankelijk", + -12.588248252868652 + ], + [ + "\u2581vertegenwoordig", + -12.58826732635498 + ], + [ + "shed", + -12.588323593139648 + ], + [ + "\u2581adaptation", + -12.588373184204102 + ], + [ + "versammlung", + -12.588386535644531 + ], + [ + "\u2581Miet", + -12.588404655456545 + ], + [ + "\u2581qualunque", + -12.588420867919922 + ], + [ + "\u2581Blau", + -12.588522911071776 + ], + [ + "\u2581Probanden", + -12.588617324829102 + ], + [ + "\u2581habita", + -12.588624000549316 + ], + [ + "meras", + -12.588637351989746 + ], + [ + "sat", + -12.588663101196287 + ], + [ + "\u2581GA", + -12.588760375976562 + ], + [ + "priv", + -12.588799476623535 + ], + [ + "\u2581Palacio", + -12.588827133178713 + ], + [ + "\u2581verschil", + -12.588863372802734 + ], + [ + "treffen", + -12.588865280151367 + ], + [ + "\u2581calles", + -12.588871002197266 + ], + [ + "Const", + -12.588909149169922 + ], + [ + "\u2581blancos", + -12.588953018188477 + ], + [ + "\u2581territory", + -12.588976860046388 + ], + [ + "unk", + -12.589004516601562 + ], + [ + "\u2581robust", + -12.58901023864746 + ], + [ + "\u2581Keller", + -12.589032173156738 + ], + [ + "\u2581tanta", + -12.589102745056152 + ], + [ + "slider", + -12.589170455932615 + ], + [ + "\u2581sugar", + -12.589398384094238 + ], + [ + "amora", + -12.5894193649292 + ], + [ + "\u2581belegt", + -12.589489936828612 + ], + [ + "\u2581Erzeugung", + -12.58953857421875 + ], + [ + "appa", + -12.589642524719238 + ], + [ + "\u2581sampling", + -12.589649200439451 + ], + [ + "\u2581triple", + -12.589656829833984 + ], + [ + "nh", + -12.58967113494873 + ], + [ + "\u2581povos", + -12.58978271484375 + ], + [ + "occhi", + -12.58980941772461 + ], + [ + "\u2581soup", + -12.589845657348633 + ], + [ + "aktiv", + -12.589892387390137 + ], + [ + "\u2581conjuntos", + -12.589909553527832 + ], + [ + "\u2581muita", + -12.589942932128906 + ], + [ + "rah", + -12.589972496032717 + ], + [ + "\u2581afleveringen", + -12.589972496032717 + ], + [ + "\u2581locally", + -12.59005355834961 + ], + [ + "\u2581justo", + -12.590167045593262 + ], + [ + "\u2581indien", + -12.590254783630373 + ], + [ + "\u2581Bala", + -12.590306282043455 + ], + [ + "tick", + -12.590415954589844 + ], + [ + "\u2581historisch", + -12.59043025970459 + ], + [ + "\u2581risale", + -12.590474128723145 + ], + [ + "\u2581derselben", + -12.590490341186523 + ], + [ + "\u2581Nico", + -12.59052276611328 + ], + [ + "RN", + -12.590601921081545 + ], + [ + "\u2581automatic", + -12.590668678283691 + ], + [ + "\u2581Russisch", + -12.590690612792969 + ], + [ + "lex", + -12.59075164794922 + ], + [ + "\u2581capa", + -12.590778350830078 + ], + [ + "\u2581Tennessee", + -12.59084415435791 + ], + [ + "Annotation", + -12.590877532958984 + ], + [ + "generaal", + -12.59091854095459 + ], + [ + "\u2581jeweilige", + -12.591054916381836 + ], + [ + "sache", + -12.591057777404783 + ], + [ + "\u2581certi", + -12.591089248657228 + ], + [ + "geber", + -12.591096878051758 + ], + [ + "loch", + -12.59111213684082 + ], + [ + "\u2581rivela", + -12.591226577758787 + ], + [ + "\u2581Schaden", + -12.591283798217772 + ], + [ + "\u2581courts", + -12.591303825378418 + ], + [ + "llvm", + -12.591412544250488 + ], + [ + "\u2581Fundaci\u00f3n", + -12.59148120880127 + ], + [ + "kracht", + -12.59170150756836 + ], + [ + "\u2581miedo", + -12.59172821044922 + ], + [ + "IER", + -12.591793060302734 + ], + [ + "\u2581regel", + -12.59183120727539 + ], + [ + "\u2581experienced", + -12.591934204101562 + ], + [ + "JU", + -12.591997146606444 + ], + [ + "\u2581Wikidata", + -12.592008590698242 + ], + [ + "igny", + -12.592012405395508 + ], + [ + "\u2581ET", + -12.59204387664795 + ], + [ + "ads", + -12.592047691345217 + ], + [ + "\u2581popolari", + -12.592050552368164 + ], + [ + "\u2581travaille", + -12.592063903808594 + ], + [ + "\u2581brachte", + -12.592087745666504 + ], + [ + "\u2581tarification", + -12.59211540222168 + ], + [ + "\u2581eigener", + -12.592132568359377 + ], + [ + "\u2581Right", + -12.592166900634766 + ], + [ + "\u2581Crime", + -12.592185020446776 + ], + [ + "\u2581unset", + -12.592207908630373 + ], + [ + "DW", + -12.59230899810791 + ], + [ + "sein", + -12.592452049255373 + ], + [ + "elia", + -12.59251594543457 + ], + [ + "\u00e9d", + -12.592524528503418 + ], + [ + "\u2581tocar", + -12.592622756958008 + ], + [ + "ega", + -12.59262752532959 + ], + [ + "\u2581Maybe", + -12.592689514160156 + ], + [ + "\u2581Brit", + -12.592759132385254 + ], + [ + "talk", + -12.592782020568848 + ], + [ + "folgen", + -12.59279441833496 + ], + [ + "\u2581radial", + -12.59285831451416 + ], + [ + "enfant", + -12.592947006225586 + ], + [ + "\u2581estrella", + -12.593124389648438 + ], + [ + "\u2581actuelle", + -12.593218803405762 + ], + [ + "stdout", + -12.593375205993652 + ], + [ + "\u2581tampoco", + -12.593388557434082 + ], + [ + "\u2581Bald", + -12.593451499938965 + ], + [ + "\u2581bello", + -12.593501091003418 + ], + [ + "\u2581chocolate", + -12.59351921081543 + ], + [ + "\u2581\u00e9pisode", + -12.593530654907228 + ], + [ + "\u2581symbols", + -12.593544960021973 + ], + [ + "tcp", + -12.593546867370604 + ], + [ + "\u2581MC", + -12.593549728393556 + ], + [ + "\u2581genoeg", + -12.59357452392578 + ], + [ + "CLOSE", + -12.593597412109377 + ], + [ + "\u2581kaarten", + -12.593610763549805 + ], + [ + "\u2581mancanza", + -12.593610763549805 + ], + [ + "\u2581entendu", + -12.593618392944336 + ], + [ + "\u2581espagnol", + -12.59365940093994 + ], + [ + "ueensland", + -12.593703269958496 + ], + [ + "\u2581assign", + -12.593737602233888 + ], + [ + "\u2581corse", + -12.593795776367188 + ], + [ + "\u2581Brasile", + -12.593843460083008 + ], + [ + "\u2581hot\u00e9is", + -12.59384822845459 + ], + [ + "\u2581zur\u00fcckzuf\u00fchren", + -12.593936920166016 + ], + [ + "\u2581Kit", + -12.59395980834961 + ], + [ + "\u2581possu\u00eda", + -12.59395980834961 + ], + [ + "\u2581einzelner", + -12.594060897827148 + ], + [ + "\u2581naturelle", + -12.594091415405272 + ], + [ + "\u2581algoritmo", + -12.594121932983398 + ], + [ + "h\u00e9", + -12.59416389465332 + ], + [ + "\u2581focused", + -12.594232559204102 + ], + [ + "\u2581Dritter", + -12.59423828125 + ], + [ + "\u2581regen", + -12.594286918640137 + ], + [ + "\u2581Entgelt", + -12.594313621520996 + ], + [ + "\u2581Catania", + -12.59435749053955 + ], + [ + "\u2581Buchstaben", + -12.594429969787598 + ], + [ + "uchi", + -12.59446144104004 + ], + [ + "\u2581silenzio", + -12.594491958618164 + ], + [ + "\u2581Moreno", + -12.594518661499023 + ], + [ + "\u2581reflex", + -12.594676971435549 + ], + [ + "\u2581avviene", + -12.59475040435791 + ], + [ + "\u2581Pay", + -12.594764709472656 + ], + [ + "\u2581Fame", + -12.594782829284668 + ], + [ + "\u2581modalit\u00e0", + -12.59481430053711 + ], + [ + "\u2581morts", + -12.59482479095459 + ], + [ + "\u2581Pho", + -12.594837188720703 + ], + [ + "isatie", + -12.594893455505373 + ], + [ + "Vec", + -12.59489917755127 + ], + [ + "\u2581juist", + -12.595121383666992 + ], + [ + "AMP", + -12.59515380859375 + ], + [ + "\u2581mirror", + -12.595244407653809 + ], + [ + "Texture", + -12.595377922058104 + ], + [ + "\u2581wire", + -12.595441818237305 + ], + [ + "\u2581Helm", + -12.59548568725586 + ], + [ + "\u2581Gef\u00fchl", + -12.595507621765137 + ], + [ + "\u2581Century", + -12.595588684082031 + ], + [ + "\u2581hingewiesen", + -12.595616340637209 + ], + [ + "\u2581Among", + -12.59563159942627 + ], + [ + "\u2581flor", + -12.59563159942627 + ], + [ + "\u2581Trayectoria", + -12.595660209655762 + ], + [ + "\u2581Kann", + -12.59580135345459 + ], + [ + "Foo", + -12.59580421447754 + ], + [ + "\u2581Maryland", + -12.595806121826172 + ], + [ + "cnt", + -12.595832824707031 + ], + [ + "strecke", + -12.595874786376951 + ], + [ + "ieux", + -12.595949172973633 + ], + [ + "\u2581Third", + -12.596028327941896 + ], + [ + "\u2581entier", + -12.596028327941896 + ], + [ + "\u2581differenti", + -12.596142768859863 + ], + [ + "Exp", + -12.596149444580078 + ], + [ + "\u2581saga", + -12.596161842346191 + ], + [ + "\u2581responde", + -12.59620189666748 + ], + [ + "weisen", + -12.596205711364746 + ], + [ + "\u2581westlichen", + -12.596208572387695 + ], + [ + "Segment", + -12.596295356750488 + ], + [ + "\u2581kurze", + -12.596336364746094 + ], + [ + "verlust", + -12.596354484558104 + ], + [ + "eeuws", + -12.596373558044434 + ], + [ + "iOS", + -12.596405029296877 + ], + [ + "\u2581abgelehnt", + -12.596482276916504 + ], + [ + "\u2581construido", + -12.596649169921877 + ], + [ + "vir", + -12.596704483032228 + ], + [ + "Bot", + -12.596747398376465 + ], + [ + "dg", + -12.596890449523926 + ], + [ + "DAC", + -12.596894264221191 + ], + [ + "\u2581Leonard", + -12.596903800964355 + ], + [ + "\u2581femenino", + -12.596969604492188 + ], + [ + "\u2581vert", + -12.597079277038574 + ], + [ + "\u2581trend", + -12.597119331359863 + ], + [ + "\u2581merito", + -12.597138404846191 + ], + [ + "\u2581Nesta", + -12.597224235534668 + ], + [ + "\u2581muerto", + -12.59723949432373 + ], + [ + "\u2581Koninklijke", + -12.59725856781006 + ], + [ + "\u2581photographe", + -12.597294807434082 + ], + [ + "\u2581feitas", + -12.59732151031494 + ], + [ + "\u2581Funda", + -12.59732723236084 + ], + [ + "scene", + -12.597352027893066 + ], + [ + "\u2581voetbalclub", + -12.597413063049316 + ], + [ + "\u2581americani", + -12.597417831420898 + ], + [ + "CAT", + -12.597484588623049 + ], + [ + "\u2581Eingang", + -12.59753704071045 + ], + [ + "\u2581Einfuhren", + -12.597594261169434 + ], + [ + "\u2581talvolta", + -12.597636222839355 + ], + [ + "berlegungen", + -12.597637176513672 + ], + [ + "\u2581architectures", + -12.59773063659668 + ], + [ + "\u2581Umsatz", + -12.59774112701416 + ], + [ + "\u2581cat\u00e9gorie", + -12.597846031188965 + ], + [ + "\u2581stemmen", + -12.597966194152832 + ], + [ + "\u2581clara", + -12.598004341125488 + ], + [ + "\u2581mucha", + -12.598116874694824 + ], + [ + "\u2581Ihren", + -12.598135948181152 + ], + [ + "\u2581traces", + -12.598155975341797 + ], + [ + "\u2581pura", + -12.598217010498049 + ], + [ + "\u2581deveria", + -12.598360061645508 + ], + [ + "\u2581Glo", + -12.59836196899414 + ], + [ + "springframework", + -12.598413467407228 + ], + [ + "\u2581Foreign", + -12.598433494567873 + ], + [ + "\u2581weet", + -12.598511695861816 + ], + [ + "\u2581gelangt", + -12.598556518554688 + ], + [ + "\u2581Moro", + -12.598567962646484 + ], + [ + "\u2581Oekra", + -12.598614692687988 + ], + [ + "\u2581perso", + -12.598623275756836 + ], + [ + "\u2581habilidade", + -12.598641395568848 + ], + [ + "\u2581Those", + -12.59865665435791 + ], + [ + "\u2581trouvent", + -12.598660469055176 + ], + [ + "\u2581longe", + -12.598702430725098 + ], + [ + "forma", + -12.598705291748049 + ], + [ + "\u2581Eigent\u00fcmer", + -12.598769187927246 + ], + [ + "ustria", + -12.598835945129396 + ], + [ + "Cal", + -12.598873138427734 + ], + [ + "\u2581hide", + -12.59891128540039 + ], + [ + "fund", + -12.598986625671388 + ], + [ + "\u2581tegenwoordig", + -12.599029541015623 + ], + [ + "\u2581mogen", + -12.599031448364258 + ], + [ + "\u2581papers", + -12.599050521850586 + ], + [ + "lbuns", + -12.599066734313965 + ], + [ + "\u2581cook", + -12.59908962249756 + ], + [ + "\u2581threads", + -12.599161148071287 + ], + [ + "\u2581dringend", + -12.599252700805664 + ], + [ + "INS", + -12.59929084777832 + ], + [ + "\u2581Ablehnung", + -12.599340438842772 + ], + [ + "mesh", + -12.599397659301758 + ], + [ + "\u2581subset", + -12.59939956665039 + ], + [ + "BIT", + -12.599485397338867 + ], + [ + "\u2581Reference", + -12.599559783935549 + ], + [ + "AUTO", + -12.599644660949709 + ], + [ + "\u2581houve", + -12.599658966064451 + ], + [ + "\u2581Socialista", + -12.599690437316896 + ], + [ + "\u2581historic", + -12.599746704101562 + ], + [ + "\u2581expert", + -12.599888801574709 + ], + [ + "won", + -12.599974632263184 + ], + [ + "\u2581parchi", + -12.600207328796388 + ], + [ + "\u2581Neubau", + -12.60027027130127 + ], + [ + "ejo", + -12.600335121154783 + ], + [ + "\u2581conferma", + -12.60056209564209 + ], + [ + "\u2581vertrok", + -12.600581169128418 + ], + [ + "\u2581Agreement", + -12.600593566894531 + ], + [ + "\u2581clair", + -12.600607872009276 + ], + [ + "\u2581Kok", + -12.600647926330566 + ], + [ + "nine", + -12.600688934326172 + ], + [ + "\u2581Introdu", + -12.60074234008789 + ], + [ + "\u2581mira", + -12.60076904296875 + ], + [ + "\u2581vorgestellt", + -12.600837707519531 + ], + [ + "\u2581trattato", + -12.600852012634276 + ], + [ + "\u2581spoke", + -12.600868225097656 + ], + [ + "\u2581televisieserie", + -12.60092830657959 + ], + [ + "\u2581variedade", + -12.600951194763184 + ], + [ + "\u2581Dissertation", + -12.600982666015623 + ], + [ + "lini", + -12.601038932800291 + ], + [ + "\u2581cant\u00f3n", + -12.601080894470217 + ], + [ + "\u2581befand", + -12.601102828979492 + ], + [ + "\u2581Pereira", + -12.601136207580566 + ], + [ + "\u2581Airways", + -12.601160049438477 + ], + [ + "\u2581Conta", + -12.60126495361328 + ], + [ + "\u2581Bir", + -12.601271629333496 + ], + [ + "\u2581esac", + -12.601301193237305 + ], + [ + "\u2581comprimento", + -12.601472854614258 + ], + [ + "\u2581dung", + -12.601513862609863 + ], + [ + "\u2581performances", + -12.60155200958252 + ], + [ + "\u2581sync", + -12.601555824279783 + ], + [ + "\u2581Mannschaft", + -12.601621627807615 + ], + [ + "\u2581r\u00e9gimen", + -12.60165309906006 + ], + [ + "makers", + -12.601659774780272 + ], + [ + "downloads", + -12.601739883422852 + ], + [ + "\u2581JR", + -12.60184097290039 + ], + [ + "\u2581quiero", + -12.601919174194336 + ], + [ + "\u2581Phoenix", + -12.601924896240234 + ], + [ + "\u2581thousands", + -12.602020263671877 + ], + [ + "DIRS", + -12.60215663909912 + ], + [ + "\u2581Leuven", + -12.602158546447754 + ], + [ + "\u2581igualmente", + -12.602166175842283 + ], + [ + "\u2581Ice", + -12.602176666259766 + ], + [ + "UEST", + -12.602181434631348 + ], + [ + "\u2581Veranstaltungen", + -12.602211952209473 + ], + [ + "\u2581Custom", + -12.602221488952637 + ], + [ + "\u2581judge", + -12.602319717407228 + ], + [ + "\u2581nachstehender", + -12.60232639312744 + ], + [ + "aldo", + -12.602333068847656 + ], + [ + "\u2581parall", + -12.602456092834473 + ], + [ + "\u2581enfant", + -12.602473258972168 + ], + [ + "ierter", + -12.602537155151367 + ], + [ + "\u2581vehicles", + -12.602608680725098 + ], + [ + "\u2581maintenance", + -12.602656364440918 + ], + [ + "\u2581Comunas", + -12.602701187133787 + ], + [ + "\u2581responder", + -12.602740287780762 + ], + [ + "logical", + -12.602754592895508 + ], + [ + "\u2581eigenlijk", + -12.60281753540039 + ], + [ + "\u2581m\u00e9dias", + -12.602823257446287 + ], + [ + "\u2581HA", + -12.602825164794922 + ], + [ + "richt", + -12.602938652038574 + ], + [ + "\u2581destacar", + -12.602941513061523 + ], + [ + "\u2581sight", + -12.602991104125977 + ], + [ + "\u2581aplicar", + -12.60303783416748 + ], + [ + "ausschusses", + -12.603046417236328 + ], + [ + "splan", + -12.603083610534668 + ], + [ + "\u2581istituzioni", + -12.603271484375 + ], + [ + "\u2581Watson", + -12.603277206420898 + ], + [ + "\u2581AV", + -12.603296279907228 + ], + [ + "\u2581periodista", + -12.603296279907228 + ], + [ + "INDE", + -12.603342056274414 + ], + [ + "\u2581c\u00e9lula", + -12.603436470031738 + ], + [ + "\u2581dovrebbero", + -12.603442192077637 + ], + [ + "uco", + -12.60346794128418 + ], + [ + "\u2581closely", + -12.603497505187988 + ], + [ + "\u2581gratuita", + -12.603558540344238 + ], + [ + "\u2581com\u00e9dia", + -12.603592872619627 + ], + [ + "\u2581Antik", + -12.603601455688477 + ], + [ + "\u2581verme", + -12.60365104675293 + ], + [ + "\u2581Leone", + -12.603711128234863 + ], + [ + "\u2581Auslands", + -12.603745460510254 + ], + [ + "tipo", + -12.6038179397583 + ], + [ + "\u2581observer", + -12.603838920593262 + ], + [ + "\u2581Flo", + -12.603842735290527 + ], + [ + "\u2581tropisch", + -12.603888511657717 + ], + [ + "\u2581Kyoto", + -12.603939056396484 + ], + [ + "cyan", + -12.603979110717772 + ], + [ + "trin", + -12.604039192199709 + ], + [ + "\u2581Based", + -12.604049682617188 + ], + [ + "\u2581m\u00e1gico", + -12.604085922241213 + ], + [ + "\u2581beschreibt", + -12.604087829589844 + ], + [ + "\u2581aziende", + -12.604180335998535 + ], + [ + "\u2581tissue", + -12.6043062210083 + ], + [ + "\u2581Mach", + -12.6043701171875 + ], + [ + "\u2581gewoon", + -12.6044282913208 + ], + [ + "tien", + -12.604511260986328 + ], + [ + "metal", + -12.60453987121582 + ], + [ + "glas", + -12.604558944702148 + ], + [ + "\u2581presentation", + -12.604585647583008 + ], + [ + "\u2581colaboraci\u00f3n", + -12.604609489440918 + ], + [ + "cade", + -12.604612350463867 + ], + [ + "\u2581ausgegangen", + -12.604636192321776 + ], + [ + "\u2581COLSPAN", + -12.604676246643066 + ], + [ + "solver", + -12.604686737060549 + ], + [ + "tch", + -12.604830741882324 + ], + [ + "\u2581zh", + -12.60487461090088 + ], + [ + "\u2581scorso", + -12.604878425598145 + ], + [ + "\u2581instrumento", + -12.605010986328123 + ], + [ + "\u2581Donau", + -12.605018615722656 + ], + [ + "lare", + -12.605034828186035 + ], + [ + "KT", + -12.605036735534668 + ], + [ + "distribu", + -12.605047225952148 + ], + [ + "imenti", + -12.605375289916992 + ], + [ + "kill", + -12.605389595031738 + ], + [ + "\u2581Abfall", + -12.605499267578123 + ], + [ + "who", + -12.605546951293944 + ], + [ + "\u2581Bowl", + -12.605560302734377 + ], + [ + "\u2581UIView", + -12.605630874633787 + ], + [ + "\u2581Rundfunk", + -12.605664253234863 + ], + [ + "\u2581colocado", + -12.605680465698242 + ], + [ + "\u2581Andre", + -12.60568904876709 + ], + [ + "\u2581orbit", + -12.605751037597656 + ], + [ + "\u2581Dollar", + -12.60579776763916 + ], + [ + "\u2581Enter", + -12.605817794799805 + ], + [ + "\u2581WTA", + -12.60590934753418 + ], + [ + "wallet", + -12.605926513671877 + ], + [ + "\u2581sister", + -12.605971336364746 + ], + [ + "\u2581Pelo", + -12.606008529663086 + ], + [ + "\u2581clock", + -12.606026649475098 + ], + [ + "\u2581broad", + -12.606040954589844 + ], + [ + "\u2581Kl", + -12.606057167053224 + ], + [ + "r\u00e9s", + -12.60611057281494 + ], + [ + "duct", + -12.606133460998535 + ], + [ + "\u2581Belo", + -12.606253623962402 + ], + [ + "\u2581Berufung", + -12.606264114379885 + ], + [ + "\u2581Kiev", + -12.606367111206056 + ], + [ + "\u2581Rachel", + -12.6063814163208 + ], + [ + "\u2581universiteit", + -12.60643196105957 + ], + [ + "\u2581breath", + -12.606542587280272 + ], + [ + "\u2581Dinamarca", + -12.606569290161133 + ], + [ + "\u2581funcionar", + -12.606585502624512 + ], + [ + "\u2581soggetti", + -12.606605529785156 + ], + [ + "\u2581empfohlen", + -12.606633186340332 + ], + [ + "\u2581Dame", + -12.606649398803713 + ], + [ + "\u2581sensi", + -12.60666847229004 + ], + [ + "\u2581primarily", + -12.606703758239746 + ], + [ + "\u2581Datei", + -12.606783866882324 + ], + [ + "\u2581reconna", + -12.60681438446045 + ], + [ + "\u2581danno", + -12.60682201385498 + ], + [ + "\u2581mejorar", + -12.60682487487793 + ], + [ + "lets", + -12.606840133666992 + ], + [ + "\u2581segu", + -12.60685920715332 + ], + [ + "\u2581Outra", + -12.60689640045166 + ], + [ + "\u2581piel", + -12.606901168823242 + ], + [ + "\u2581Simpson", + -12.606904029846191 + ], + [ + "\u2581fairly", + -12.606976509094238 + ], + [ + "\u2581S\u00e1", + -12.607008934020996 + ], + [ + "\u2581Modelle", + -12.607014656066896 + ], + [ + "\u2581Random", + -12.607065200805664 + ], + [ + "\u2581Spirit", + -12.60715103149414 + ], + [ + "\u2581Salon", + -12.607178688049316 + ], + [ + "\u2581compound", + -12.607189178466797 + ], + [ + "\u2581ragioni", + -12.607264518737791 + ], + [ + "Gar", + -12.607297897338867 + ], + [ + "unit\u00e0", + -12.607366561889648 + ], + [ + "unit\u00e9", + -12.607451438903809 + ], + [ + "\u2581Homo", + -12.607494354248049 + ], + [ + "\u2581meu", + -12.607507705688477 + ], + [ + "\u2581pesce", + -12.607519149780272 + ], + [ + "\u2581livelli", + -12.607550621032717 + ], + [ + "\u2581aves", + -12.607576370239258 + ], + [ + "\u2581charg\u00e9", + -12.607593536376951 + ], + [ + "\u2581reserve", + -12.60763168334961 + ], + [ + "\u2581Angela", + -12.607711791992188 + ], + [ + "stell", + -12.607717514038086 + ], + [ + "\u2581mol", + -12.607718467712402 + ], + [ + "lette", + -12.6077241897583 + ], + [ + "Mod", + -12.607738494873049 + ], + [ + "iao", + -12.60775375366211 + ], + [ + "CERT", + -12.60779857635498 + ], + [ + "\u2581hu", + -12.607802391052246 + ], + [ + "\u2581handling", + -12.607858657836914 + ], + [ + "\u2581Spiele", + -12.607918739318848 + ], + [ + "\u2581Agency", + -12.607951164245604 + ], + [ + "\u2581acquired", + -12.607973098754885 + ], + [ + "\u2581gezin", + -12.607982635498049 + ], + [ + "\u2581Lip", + -12.607996940612791 + ], + [ + "\u2581denuncia", + -12.607998847961426 + ], + [ + "\u2581besloten", + -12.608126640319824 + ], + [ + "pri", + -12.608199119567873 + ], + [ + "\u2581tradu", + -12.608203887939451 + ], + [ + "\u2581op\u00e9rations", + -12.608217239379885 + ], + [ + "\u2581childhood", + -12.608243942260742 + ], + [ + "\u2581dolce", + -12.608253479003906 + ], + [ + "wirtschaftlicher", + -12.608298301696776 + ], + [ + "\u2581Canciones", + -12.608304023742676 + ], + [ + "intel", + -12.608436584472656 + ], + [ + "\u2581conversa", + -12.608466148376465 + ], + [ + "\u2581manuten", + -12.60849380493164 + ], + [ + "tino", + -12.60851001739502 + ], + [ + "gems", + -12.608540534973145 + ], + [ + "\u2581Product", + -12.60855770111084 + ], + [ + "Stub", + -12.6085786819458 + ], + [ + "ruimte", + -12.60859489440918 + ], + [ + "\u2581Medicina", + -12.608613014221191 + ], + [ + "Jacques", + -12.60861873626709 + ], + [ + "\u2581consommation", + -12.608695030212402 + ], + [ + "vere", + -12.608840942382812 + ], + [ + "noise", + -12.608969688415527 + ], + [ + "oria", + -12.60905933380127 + ], + [ + "\u2581gesetzlich", + -12.60909938812256 + ], + [ + "\u2581Oberfl\u00e4chen", + -12.609189987182615 + ], + [ + "f\u00fchren", + -12.609243392944336 + ], + [ + "erer", + -12.609251976013184 + ], + [ + "\u2581lois", + -12.609251976013184 + ], + [ + "\u2581stehenden", + -12.609275817871094 + ], + [ + "\u2581socket", + -12.609309196472168 + ], + [ + "chron", + -12.609460830688477 + ], + [ + "tain", + -12.609527587890623 + ], + [ + "\u2581canvas", + -12.609582901000977 + ], + [ + "Okay", + -12.609599113464355 + ], + [ + "STR", + -12.609624862670898 + ], + [ + "\u2581Carr", + -12.60965061187744 + ], + [ + "\u00e9chelle", + -12.609704971313477 + ], + [ + "LU", + -12.609723091125488 + ], + [ + "\u2581esclusivamente", + -12.609776496887209 + ], + [ + "\u2581possibili", + -12.609942436218262 + ], + [ + "opus", + -12.609954833984377 + ], + [ + "\u2581Gaza", + -12.60996150970459 + ], + [ + "\u2581Sole", + -12.609973907470703 + ], + [ + "inch", + -12.61000633239746 + ], + [ + "partition", + -12.610219955444336 + ], + [ + "\u2581anticipo", + -12.61024284362793 + ], + [ + "landen", + -12.61043930053711 + ], + [ + "\u2581parser", + -12.61044216156006 + ], + [ + "\u2581realidade", + -12.610529899597168 + ], + [ + "esca", + -12.610544204711914 + ], + [ + "\u2581Durant", + -12.610566139221191 + ], + [ + "\u2581deleted", + -12.610607147216797 + ], + [ + "\u2581risco", + -12.610608100891112 + ], + [ + "\u2581reform", + -12.610735893249512 + ], + [ + "nate", + -12.61075210571289 + ], + [ + "\u2581lokalen", + -12.610779762268066 + ], + [ + "Tuple", + -12.61078929901123 + ], + [ + "\u2581estar\u00e1", + -12.610884666442873 + ], + [ + "\u2581materiales", + -12.61105251312256 + ], + [ + "\u2581Jefferson", + -12.611064910888672 + ], + [ + "\u2581verkauft", + -12.611127853393556 + ], + [ + "\u2581Schlaf", + -12.6112060546875 + ], + [ + "verfahrens", + -12.61121654510498 + ], + [ + "\u2581instituciones", + -12.611291885375977 + ], + [ + "\u2581resid", + -12.611297607421877 + ], + [ + "\u2581Todes", + -12.611326217651367 + ], + [ + "\u2581cabinet", + -12.611410140991213 + ], + [ + "\u2581Emilio", + -12.61145305633545 + ], + [ + "White", + -12.611459732055664 + ], + [ + "\u2581pod\u00edan", + -12.61155891418457 + ], + [ + "\u2581carros", + -12.611581802368164 + ], + [ + "\u2581fashion", + -12.611594200134276 + ], + [ + "\u2581Piet", + -12.611628532409668 + ], + [ + "moment", + -12.611753463745115 + ], + [ + "\u2581chunk", + -12.611822128295898 + ], + [ + "oglio", + -12.611842155456545 + ], + [ + "\u2581lavoratori", + -12.611913681030272 + ], + [ + "\u2581suma", + -12.6120023727417 + ], + [ + "NK", + -12.612041473388672 + ], + [ + "\u2581parlamento", + -12.612074851989746 + ], + [ + "\u2581involves", + -12.61213493347168 + ], + [ + "\u2581Schritte", + -12.61214542388916 + ], + [ + "\u2581practices", + -12.612181663513184 + ], + [ + "\u2581ALL", + -12.612215042114258 + ], + [ + "\u2581convergence", + -12.61225700378418 + ], + [ + "\u2581aceita", + -12.612260818481444 + ], + [ + "\u2581mantenere", + -12.61229133605957 + ], + [ + "\u2581recibido", + -12.61233615875244 + ], + [ + "\u2581puedo", + -12.612369537353516 + ], + [ + "lope", + -12.61241626739502 + ], + [ + "\u2581elementen", + -12.612475395202637 + ], + [ + "\u2581Helmut", + -12.612625122070312 + ], + [ + "\u2581Boh", + -12.612662315368652 + ], + [ + "\u2581Erkenntnis", + -12.612710952758787 + ], + [ + "\u2581Uiteindelijk", + -12.612735748291016 + ], + [ + "\u2581nine", + -12.612738609313965 + ], + [ + "\u2581Eddie", + -12.612785339355469 + ], + [ + "\u2581NK", + -12.612794876098633 + ], + [ + "cking", + -12.61281394958496 + ], + [ + "Power", + -12.61284351348877 + ], + [ + "\u2581riserva", + -12.61295223236084 + ], + [ + "\u2581aspetto", + -12.612963676452637 + ], + [ + "\u2581VN", + -12.612966537475586 + ], + [ + "\u2581vorliegende", + -12.613008499145508 + ], + [ + "\u2581Daily", + -12.613030433654783 + ], + [ + "tius", + -12.613035202026367 + ], + [ + "bracket", + -12.613059997558594 + ], + [ + "arre", + -12.613080978393556 + ], + [ + "\u2581wiederholt", + -12.613107681274414 + ], + [ + "leger", + -12.61312484741211 + ], + [ + "\u2581stabil", + -12.613174438476562 + ], + [ + "\u2581Karte", + -12.613265991210938 + ], + [ + "\u2581Vereinbarungen", + -12.613303184509276 + ], + [ + "\u2581Finger", + -12.613327980041504 + ], + [ + "\u2581Messungen", + -12.61333465576172 + ], + [ + "\u2581stick", + -12.613358497619627 + ], + [ + "craft", + -12.61340618133545 + ], + [ + "\u2581edificios", + -12.61345386505127 + ], + [ + "\u2581Pedra", + -12.613483428955078 + ], + [ + "\u2581Brasileiro", + -12.613497734069824 + ], + [ + "\u2581lento", + -12.61350440979004 + ], + [ + "bench", + -12.613547325134276 + ], + [ + "\u2581sguardo", + -12.613567352294922 + ], + [ + "orn", + -12.613614082336426 + ], + [ + "\u2581Honduras", + -12.613682746887209 + ], + [ + "MAN", + -12.61368465423584 + ], + [ + "\u2581Boeing", + -12.613690376281738 + ], + [ + "\u2581sensitive", + -12.613831520080566 + ], + [ + "\u2581Metz", + -12.61391258239746 + ], + [ + "\u2581IR", + -12.613930702209473 + ], + [ + "\u2581Exemple", + -12.61394500732422 + ], + [ + "\u2581militaires", + -12.614046096801758 + ], + [ + "\u2581Population", + -12.614145278930664 + ], + [ + "versie", + -12.61417007446289 + ], + [ + "\u2581Colegio", + -12.614234924316406 + ], + [ + "\u2581imediatamente", + -12.61429214477539 + ], + [ + "Export", + -12.614306449890137 + ], + [ + "\u2581riceve", + -12.614338874816896 + ], + [ + "\u2581vender", + -12.614354133605955 + ], + [ + "\u2581comparable", + -12.61435890197754 + ], + [ + "\u2581v\u00e9hicule", + -12.614365577697754 + ], + [ + "\u2581bellezza", + -12.614372253417969 + ], + [ + "oire", + -12.614392280578612 + ], + [ + "liches", + -12.61439323425293 + ], + [ + "\u2581cari", + -12.614471435546877 + ], + [ + "HV", + -12.614627838134766 + ], + [ + "\u2581limiti", + -12.614628791809082 + ], + [ + "\u2581habitat", + -12.6146879196167 + ], + [ + "\u2581irre", + -12.614788055419922 + ], + [ + "\u2581restri", + -12.614858627319336 + ], + [ + "\u2581Girls", + -12.614877700805664 + ], + [ + "ief", + -12.614930152893066 + ], + [ + "\u2581jornada", + -12.61497974395752 + ], + [ + "unahme", + -12.615013122558594 + ], + [ + "\u2581Objetos", + -12.615015029907228 + ], + [ + "\u2581verf\u00fcgbar", + -12.61518096923828 + ], + [ + "\u2581NEAT", + -12.615184783935549 + ], + [ + "\u00e9r\u00e9", + -12.615192413330078 + ], + [ + "\u2581lesquels", + -12.615226745605469 + ], + [ + "gere", + -12.615328788757324 + ], + [ + "\u2581Gru", + -12.61548900604248 + ], + [ + "\u2581Viertel", + -12.615730285644531 + ], + [ + "\u2581bedrijven", + -12.615799903869627 + ], + [ + "\u2581Mme", + -12.615839004516602 + ], + [ + "\u2581Vega", + -12.615846633911133 + ], + [ + "\u2581partage", + -12.61586093902588 + ], + [ + "\u2581Praia", + -12.615947723388672 + ], + [ + "\u2581Bird", + -12.615961074829102 + ], + [ + "\u2581Roberts", + -12.616018295288086 + ], + [ + "\u2581aproxima", + -12.616028785705566 + ], + [ + "\u2581Copy", + -12.616050720214844 + ], + [ + "\u2581venga", + -12.61611557006836 + ], + [ + "Ratio", + -12.616116523742676 + ], + [ + "Good", + -12.616165161132812 + ], + [ + "\u2581Kel", + -12.616181373596191 + ], + [ + "\u2581acting", + -12.616189002990724 + ], + [ + "hei", + -12.616260528564451 + ], + [ + "\u2581fleuve", + -12.616315841674805 + ], + [ + "dura", + -12.616539001464844 + ], + [ + "\u2581muscle", + -12.616558074951172 + ], + [ + "TOKEN", + -12.61657428741455 + ], + [ + "Hz", + -12.616640090942385 + ], + [ + "\u2581costruire", + -12.616647720336914 + ], + [ + "\u2581Unit", + -12.6168212890625 + ], + [ + "\u2581angef\u00fcgt", + -12.616823196411133 + ], + [ + "\u2581Palearctisch", + -12.616972923278809 + ], + [ + "\u2581Democratic", + -12.61711597442627 + ], + [ + "\u2581niets", + -12.617116928100586 + ], + [ + "\u2581Berlijn", + -12.617173194885254 + ], + [ + "gehen", + -12.617226600646973 + ], + [ + "amenti", + -12.617233276367188 + ], + [ + "\u2581usuarios", + -12.61723518371582 + ], + [ + "\u2581Exemplos", + -12.617290496826172 + ], + [ + "\u2581argue", + -12.61739730834961 + ], + [ + "\u2581Pick", + -12.617425918579102 + ], + [ + "\u2581concreto", + -12.61742877960205 + ], + [ + "\u2581Esses", + -12.617453575134276 + ], + [ + "\u2581Vernon", + -12.617562294006348 + ], + [ + "\u2581horror", + -12.61758518218994 + ], + [ + "\u2581betreffen", + -12.617586135864258 + ], + [ + "\u2581relazioni", + -12.61762237548828 + ], + [ + "risch", + -12.617636680603027 + ], + [ + "\u2581convex", + -12.61764144897461 + ], + [ + "acquisto", + -12.61778163909912 + ], + [ + "\u2581residenti", + -12.61780071258545 + ], + [ + "\u2581Studierenden", + -12.617878913879396 + ], + [ + "\u2581scrivere", + -12.61789608001709 + ], + [ + "\u2581levando", + -12.617965698242188 + ], + [ + "states", + -12.617992401123049 + ], + [ + "\u2581permiss", + -12.617995262145996 + ], + [ + "\u2581extensive", + -12.618008613586426 + ], + [ + "\u2581raro", + -12.618017196655272 + ], + [ + "Australie", + -12.618041038513184 + ], + [ + "\u2581soldiers", + -12.618078231811523 + ], + [ + "mirror", + -12.618087768554688 + ], + [ + "\u2581simulations", + -12.618173599243164 + ], + [ + "\u2581meat", + -12.61819839477539 + ], + [ + "\u2581stelle", + -12.618274688720703 + ], + [ + "\u2581riforma", + -12.618346214294434 + ], + [ + "\u2581complicated", + -12.618406295776367 + ], + [ + "sala", + -12.618435859680176 + ], + [ + "gest", + -12.618502616882324 + ], + [ + "\u2581Tanto", + -12.618648529052734 + ], + [ + "ances", + -12.61865234375 + ], + [ + "agriculture", + -12.618660926818848 + ], + [ + "\u2581Architektur", + -12.618685722351074 + ], + [ + "\u2581fiducia", + -12.61870574951172 + ], + [ + "cases", + -12.618718147277832 + ], + [ + "ELSE", + -12.618768692016602 + ], + [ + "\u2581crew", + -12.618870735168455 + ], + [ + "vim", + -12.618876457214355 + ], + [ + "\u2581Paper", + -12.61889362335205 + ], + [ + "\u2581Catalu", + -12.618894577026367 + ], + [ + "\u2581Jura", + -12.618906021118164 + ], + [ + "\u2581matters", + -12.61891746520996 + ], + [ + "DataSource", + -12.619003295898438 + ], + [ + "uasi", + -12.619074821472168 + ], + [ + "\u2581baseball", + -12.619152069091797 + ], + [ + "Summary", + -12.619153022766112 + ], + [ + "\u2581P\u00e9", + -12.619162559509276 + ], + [ + "\u2581Klo", + -12.619174003601074 + ], + [ + "\u2581Tip", + -12.619230270385742 + ], + [ + "\u2581Mathematics", + -12.619318008422852 + ], + [ + "\u2581inizialmente", + -12.619329452514648 + ], + [ + "vt", + -12.619343757629396 + ], + [ + "\u2581Bianca", + -12.61935806274414 + ], + [ + "\u2581secreto", + -12.619367599487305 + ], + [ + "\u2581trabajadores", + -12.61937427520752 + ], + [ + "mad", + -12.619377136230469 + ], + [ + "Constructor", + -12.619409561157228 + ], + [ + "ged", + -12.61943531036377 + ], + [ + "kul", + -12.619450569152832 + ], + [ + "oracle", + -12.619461059570312 + ], + [ + "\u2581scripts", + -12.619462966918944 + ], + [ + "\u2581interessi", + -12.619511604309082 + ], + [ + "\u2581Flash", + -12.61958122253418 + ], + [ + "Grund", + -12.619614601135254 + ], + [ + "\u2581laag", + -12.619633674621582 + ], + [ + "\u2581Dokument", + -12.61970043182373 + ], + [ + "\u2581Debido", + -12.619895935058594 + ], + [ + "voer", + -12.619915008544922 + ], + [ + "\u2581valuta", + -12.619935035705566 + ], + [ + "rau", + -12.619950294494627 + ], + [ + "\u2581Betr\u00e4ge", + -12.619956016540527 + ], + [ + "\u2581admitir", + -12.62021255493164 + ], + [ + "\u2581Haftung", + -12.620224952697754 + ], + [ + "freiheit", + -12.62025547027588 + ], + [ + "\u2581initially", + -12.620306968688965 + ], + [ + "\u2581zufolge", + -12.620325088500977 + ], + [ + "vik", + -12.620333671569824 + ], + [ + "Processor", + -12.620356559753418 + ], + [ + "\u2581proviene", + -12.620369911193848 + ], + [ + "\u2581namely", + -12.62040901184082 + ], + [ + "\u2581Shanghai", + -12.620566368103027 + ], + [ + "dri", + -12.620613098144531 + ], + [ + "\u2581mysql", + -12.620623588562012 + ], + [ + "without", + -12.62065315246582 + ], + [ + "\u2581continues", + -12.620710372924805 + ], + [ + "Vo", + -12.62075424194336 + ], + [ + "anchor", + -12.620757102966309 + ], + [ + "\u2581IC", + -12.620820999145508 + ], + [ + "bugs", + -12.620878219604492 + ], + [ + "\u2581Lit", + -12.620915412902832 + ], + [ + "\u2581References", + -12.62095069885254 + ], + [ + "\u2581riva", + -12.620981216430664 + ], + [ + "\u2581Karten", + -12.621095657348633 + ], + [ + "ministra", + -12.621155738830566 + ], + [ + "\u2581comp\u00e9tition", + -12.621158599853516 + ], + [ + "rato", + -12.62118148803711 + ], + [ + "technische", + -12.62119483947754 + ], + [ + "walk", + -12.621221542358398 + ], + [ + "EMI", + -12.621233940124512 + ], + [ + "tari", + -12.621244430541992 + ], + [ + "\u2581euch", + -12.621304512023926 + ], + [ + "Commit", + -12.62136459350586 + ], + [ + "\u2581impossibile", + -12.621416091918944 + ], + [ + "geb\u00fchren", + -12.621525764465332 + ], + [ + "\u2581Schiffs", + -12.621549606323242 + ], + [ + "tribu", + -12.62160301208496 + ], + [ + "\u2581\u00fcberall", + -12.621614456176758 + ], + [ + "TypeChecker", + -12.621637344360352 + ], + [ + "\u2581fianco", + -12.621710777282717 + ], + [ + "\u2581portugueses", + -12.621746063232422 + ], + [ + "\u2581sean", + -12.621865272521973 + ], + [ + "migration", + -12.621869087219238 + ], + [ + "\u2581Evolution", + -12.621917724609377 + ], + [ + "\u2581prins", + -12.621938705444336 + ], + [ + "beweging", + -12.621991157531738 + ], + [ + "aufwand", + -12.622065544128418 + ], + [ + "\u2581horse", + -12.62214183807373 + ], + [ + "trop", + -12.622177124023438 + ], + [ + "\u2581incontra", + -12.622186660766602 + ], + [ + "\u2581Bundesl\u00e4nder", + -12.622198104858398 + ], + [ + "\u2581feminino", + -12.62222385406494 + ], + [ + "\u2581Oliveira", + -12.622258186340332 + ], + [ + "\u2581Rodrigo", + -12.622346878051758 + ], + [ + "\u2581Fehl", + -12.622350692749023 + ], + [ + "kette", + -12.62243938446045 + ], + [ + "hil", + -12.622462272644045 + ], + [ + "\u2581residents", + -12.62248706817627 + ], + [ + "\u2581fly", + -12.62248992919922 + ], + [ + "graphic", + -12.622501373291016 + ], + [ + "kanal", + -12.622522354125977 + ], + [ + "\u2581relating", + -12.622682571411133 + ], + [ + "b\u00e1", + -12.62277603149414 + ], + [ + "\u2581Gest", + -12.62277603149414 + ], + [ + "\u2581Ach", + -12.622855186462402 + ], + [ + "GNU", + -12.622869491577148 + ], + [ + "inhos", + -12.622879028320312 + ], + [ + "\u2581Vision", + -12.622934341430664 + ], + [ + "\u2581computadores", + -12.62297248840332 + ], + [ + "\u2581encontro", + -12.623019218444824 + ], + [ + "\u2581Geslacht", + -12.623058319091797 + ], + [ + "\u2581necessariamente", + -12.623178482055664 + ], + [ + "\u2581Methods", + -12.623186111450195 + ], + [ + "identit\u00e9", + -12.623303413391112 + ], + [ + "Split", + -12.623363494873049 + ], + [ + "oca", + -12.623409271240234 + ], + [ + "\u2581falso", + -12.623425483703612 + ], + [ + "GN", + -12.623492240905762 + ], + [ + "\u2581Download", + -12.62355136871338 + ], + [ + "\u2581Witt", + -12.623600959777832 + ], + [ + "tras", + -12.623618125915527 + ], + [ + "\u2581superiores", + -12.623618125915527 + ], + [ + "\u2581Vargas", + -12.623639106750488 + ], + [ + "\u2581pressione", + -12.623771667480469 + ], + [ + "Intent", + -12.62380027770996 + ], + [ + "\u2581constituent", + -12.623805046081545 + ], + [ + "DJ", + -12.623952865600586 + ], + [ + "\u2581toegang", + -12.623990058898926 + ], + [ + "\u2581Organization", + -12.624090194702148 + ], + [ + "\u2581cuesti\u00f3n", + -12.62417221069336 + ], + [ + "quo", + -12.624186515808104 + ], + [ + "cido", + -12.624195098876951 + ], + [ + "\u2581sharing", + -12.62427806854248 + ], + [ + "\u2581Brothers", + -12.624293327331545 + ], + [ + "\u2581curves", + -12.624323844909668 + ], + [ + "\u2581Verl\u00e4ngerung", + -12.624394416809082 + ], + [ + "\u2581Cabe", + -12.62444019317627 + ], + [ + "fabriek", + -12.624489784240724 + ], + [ + "\u2581mat\u00e9riel", + -12.624526023864746 + ], + [ + "\u2581Gl\u00e4ubiger", + -12.624541282653809 + ], + [ + "\u2581levens", + -12.624600410461426 + ], + [ + "\u2581FBI", + -12.624675750732422 + ], + [ + "outputs", + -12.624725341796877 + ], + [ + "\u2581Tatbestand", + -12.624760627746582 + ], + [ + "eut", + -12.624834060668944 + ], + [ + "Decode", + -12.624844551086426 + ], + [ + "\u2581Lehre", + -12.624855995178224 + ], + [ + "\u2581paio", + -12.624883651733398 + ], + [ + "\u2581Fre", + -12.624958038330078 + ], + [ + "\u2581refere", + -12.62496566772461 + ], + [ + "\u2581appointed", + -12.625000953674316 + ], + [ + "Biografia", + -12.625117301940918 + ], + [ + "\u2581erworben", + -12.625243186950684 + ], + [ + "\u2581Tibet", + -12.625266075134276 + ], + [ + "\u2581sete", + -12.625408172607422 + ], + [ + "\u2581occasion", + -12.625587463378906 + ], + [ + "\u2581tats\u00e4chlichen", + -12.625614166259766 + ], + [ + "HW", + -12.625685691833496 + ], + [ + "\u2581debug", + -12.62571620941162 + ], + [ + "c\u00eda", + -12.625778198242188 + ], + [ + "ipo", + -12.625804901123049 + ], + [ + "junit", + -12.625823974609377 + ], + [ + "\u2581Fauna", + -12.625896453857422 + ], + [ + "\u2581sommet", + -12.625925064086914 + ], + [ + "\u2581Roosevelt", + -12.625943183898926 + ], + [ + "\u2581capitulo", + -12.625994682312012 + ], + [ + "\u2581OTHER", + -12.626035690307615 + ], + [ + "\u2581Ronald", + -12.62604522705078 + ], + [ + "\u2581filles", + -12.626080513000488 + ], + [ + "\u2581frattempo", + -12.626091003417969 + ], + [ + "\u2581obispo", + -12.626096725463867 + ], + [ + "\u2581Sporting", + -12.626108169555664 + ], + [ + "\u2581comenta", + -12.626132011413574 + ], + [ + "\u2581surge", + -12.62613582611084 + ], + [ + "\u2581conven", + -12.626220703125 + ], + [ + "\u2581debuteerde", + -12.626239776611328 + ], + [ + "\u2581sch\u00fctzen", + -12.62624454498291 + ], + [ + "crt", + -12.626291275024414 + ], + [ + "\u2581dedicata", + -12.626325607299805 + ], + [ + "\u2581extrem", + -12.626368522644045 + ], + [ + "Joseph", + -12.626482963562012 + ], + [ + "\u2581Direction", + -12.62651538848877 + ], + [ + "\u2581Catalina", + -12.626557350158691 + ], + [ + "\u2581Maritime", + -12.626561164855955 + ], + [ + "bauten", + -12.6265869140625 + ], + [ + "\u2581siglos", + -12.626612663269045 + ], + [ + "\u2581venivano", + -12.626617431640623 + ], + [ + "t\u00f3n", + -12.626652717590332 + ], + [ + "\u2581Reyes", + -12.626680374145508 + ], + [ + "\u2581Societ\u00e0", + -12.626769065856934 + ], + [ + "\u2581fratelli", + -12.626790046691896 + ], + [ + "\u2581endlich", + -12.62685489654541 + ], + [ + "\u2581Muitos", + -12.626903533935549 + ], + [ + "\u2581britannico", + -12.626904487609863 + ], + [ + "Kreis", + -12.626955032348633 + ], + [ + "\u2581experts", + -12.62695598602295 + ], + [ + "\u2581tempos", + -12.626982688903809 + ], + [ + "\u2581Heidegger", + -12.627079010009766 + ], + [ + "\u2581diploma", + -12.627110481262209 + ], + [ + "achtige", + -12.627120018005373 + ], + [ + "wohn", + -12.62712574005127 + ], + [ + "\u2581Medium", + -12.627140998840332 + ], + [ + "\u2581Bet", + -12.62714672088623 + ], + [ + "\u2581instalar", + -12.627202033996582 + ], + [ + "\u2581HIV", + -12.627279281616213 + ], + [ + "\u2581wirksam", + -12.627284049987791 + ], + [ + "\u2581refuse", + -12.627357482910156 + ], + [ + "locale", + -12.62740421295166 + ], + [ + "Chan", + -12.627437591552734 + ], + [ + "\u2581relatief", + -12.627437591552734 + ], + [ + "equalTo", + -12.627467155456545 + ], + [ + "\u2581Grosso", + -12.62757968902588 + ], + [ + "\u2581versehen", + -12.627586364746094 + ], + [ + "Other", + -12.627625465393066 + ], + [ + "\u2581ferramenta", + -12.627635955810549 + ], + [ + "\u2581G\u00e9", + -12.627696990966797 + ], + [ + "\u2581broadcast", + -12.627711296081545 + ], + [ + "\u2581partout", + -12.627750396728516 + ], + [ + "\u2581decoder", + -12.627817153930664 + ], + [ + "latex", + -12.627840995788574 + ], + [ + "\u2581Electric", + -12.62794303894043 + ], + [ + "chter", + -12.628000259399414 + ], + [ + "essentiel", + -12.628036499023438 + ], + [ + "\u2581Git", + -12.628061294555664 + ], + [ + "\u2581impulso", + -12.628129959106444 + ], + [ + "\u2581Bundesliga", + -12.628185272216797 + ], + [ + "\u2581fara\u00f3", + -12.628215789794922 + ], + [ + "initialize", + -12.628217697143556 + ], + [ + "\u2581derartige", + -12.628296852111816 + ], + [ + "gr\u00fcnden", + -12.62831687927246 + ], + [ + "cube", + -12.628373146057127 + ], + [ + "\u2581Ghana", + -12.628376960754396 + ], + [ + "\u2581Oberfl\u00e4che", + -12.628377914428713 + ], + [ + "\u2581Slytherin", + -12.62838363647461 + ], + [ + "aufnahme", + -12.62839698791504 + ], + [ + "\u2581Freizeit", + -12.62844181060791 + ], + [ + "\u2581tenu", + -12.62844944000244 + ], + [ + "\u2581Title", + -12.62859058380127 + ], + [ + "\u2581copie", + -12.628726959228516 + ], + [ + "\u2581tentativa", + -12.628759384155272 + ], + [ + "mill", + -12.62887477874756 + ], + [ + "\u2581Svizzera", + -12.628942489624023 + ], + [ + "elanda", + -12.628984451293944 + ], + [ + "iller", + -12.628989219665527 + ], + [ + "\u2581Rain", + -12.628990173339844 + ], + [ + "studio", + -12.629112243652344 + ], + [ + "\u2581vont", + -12.629180908203123 + ], + [ + "\u2581elite", + -12.629218101501465 + ], + [ + "\u2581svolta", + -12.629237174987791 + ], + [ + "\u2581Rau", + -12.62934112548828 + ], + [ + "acci", + -12.629343032836914 + ], + [ + "\u2581Atl", + -12.629347801208496 + ], + [ + "funk", + -12.629448890686035 + ], + [ + "iglia", + -12.629471778869627 + ], + [ + "\u2581feliz", + -12.629476547241213 + ], + [ + "\u2581consid", + -12.62957000732422 + ], + [ + "\u2581SK", + -12.629880905151367 + ], + [ + "\u2581positiven", + -12.629979133605955 + ], + [ + "Bio", + -12.629989624023438 + ], + [ + "\u2581calculations", + -12.630043029785156 + ], + [ + "\u2581Palma", + -12.63005256652832 + ], + [ + "\u2581madeira", + -12.630118370056152 + ], + [ + "\u2581covers", + -12.630148887634276 + ], + [ + "Packet", + -12.630181312561035 + ], + [ + "\u2581paus", + -12.63022804260254 + ], + [ + "\u2581royal", + -12.630243301391602 + ], + [ + "\u2581fonds", + -12.63024616241455 + ], + [ + "\u2581lancement", + -12.63029956817627 + ], + [ + "\u2581finch\u00e9", + -12.630340576171877 + ], + [ + "\u2581Should", + -12.630349159240724 + ], + [ + "\u2581animation", + -12.63037395477295 + ], + [ + "TextField", + -12.630378723144531 + ], + [ + "jm", + -12.630400657653809 + ], + [ + "\u2581Gustavo", + -12.630455017089844 + ], + [ + "\u2581Ellen", + -12.630548477172852 + ], + [ + "\u2581matriz", + -12.63059139251709 + ], + [ + "\u2581constants", + -12.63068675994873 + ], + [ + "\u2581EM", + -12.630707740783691 + ], + [ + "\u2581stages", + -12.630708694458008 + ], + [ + "\u2581indicar", + -12.630725860595703 + ], + [ + "\u2581portata", + -12.630728721618652 + ], + [ + "\u2581Sap", + -12.630812644958496 + ], + [ + "\u2581representaci\u00f3n", + -12.630974769592283 + ], + [ + "\u2581violencia", + -12.630980491638184 + ], + [ + "\u2581escrit\u00f3rio", + -12.630982398986816 + ], + [ + "\u2581capilla", + -12.631035804748535 + ], + [ + "\u2581Cra", + -12.631053924560549 + ], + [ + "\u2581kinds", + -12.631099700927734 + ], + [ + "\u2581intervention", + -12.631102561950684 + ], + [ + "\u2581Einwilligung", + -12.631128311157228 + ], + [ + "\u2581troops", + -12.631138801574709 + ], + [ + "olas", + -12.631139755249023 + ], + [ + "\u2581responsabilit\u00e0", + -12.631206512451172 + ], + [ + "\u2581Fusiles", + -12.631237983703612 + ], + [ + "\u2581nueve", + -12.631349563598633 + ], + [ + "\u2581Lab", + -12.631479263305664 + ], + [ + "\u2581alloggiare", + -12.6315336227417 + ], + [ + "\u2581Elenco", + -12.631580352783203 + ], + [ + "\u2581mittlerweile", + -12.631647109985352 + ], + [ + "period", + -12.631689071655272 + ], + [ + "KH", + -12.63169288635254 + ], + [ + "erweise", + -12.631816864013672 + ], + [ + "\u2581articula", + -12.631965637207031 + ], + [ + "bell", + -12.632054328918455 + ], + [ + "ania", + -12.632092475891112 + ], + [ + "\u2581modernen", + -12.63215446472168 + ], + [ + "\u2581Berna", + -12.632168769836426 + ], + [ + "g\u00e4nge", + -12.632210731506348 + ], + [ + "\u2581expedi", + -12.632234573364258 + ], + [ + "\u2581executive", + -12.632268905639648 + ], + [ + "\u2581Without", + -12.632308959960938 + ], + [ + "\u2581Smart", + -12.632332801818848 + ], + [ + "Mesh", + -12.63233757019043 + ], + [ + "\u2581cambiare", + -12.632495880126951 + ], + [ + "wat", + -12.632633209228516 + ], + [ + "\u2581assistance", + -12.632657051086426 + ], + [ + "\u2581tariffe", + -12.63270378112793 + ], + [ + "cella", + -12.63271713256836 + ], + [ + "\u2581\\]", + -12.632766723632812 + ], + [ + "\u2581discrete", + -12.632920265197754 + ], + [ + "Exit", + -12.632953643798828 + ], + [ + "Testing", + -12.632996559143066 + ], + [ + "\u2581Larry", + -12.633000373840332 + ], + [ + "onnen", + -12.633051872253418 + ], + [ + "\u2581integers", + -12.63305377960205 + ], + [ + "\u2581veda", + -12.63305377960205 + ], + [ + "WL", + -12.633158683776855 + ], + [ + "\u2581volk", + -12.633211135864258 + ], + [ + "\u2581Navarra", + -12.633219718933104 + ], + [ + "\u2581epis\u00f3dio", + -12.633228302001951 + ], + [ + "enze", + -12.633288383483888 + ], + [ + "hong", + -12.633323669433594 + ], + [ + "\u2581turning", + -12.63332748413086 + ], + [ + "waarde", + -12.63341999053955 + ], + [ + "\u2581Solution", + -12.6334228515625 + ], + [ + "goed", + -12.63343334197998 + ], + [ + "\u2581Nicol\u00e1s", + -12.633511543273926 + ], + [ + "\u2581thank", + -12.633637428283691 + ], + [ + "\u2581mistura", + -12.63372039794922 + ], + [ + "Scalar", + -12.633788108825684 + ], + [ + "\u2581Jam", + -12.633854866027832 + ], + [ + "\u2581Bai", + -12.633956909179688 + ], + [ + "\u2581Percy", + -12.63396167755127 + ], + [ + "\u2581Ritter", + -12.633999824523926 + ], + [ + "\u2581interdit", + -12.634011268615724 + ], + [ + "\u2581junta", + -12.634116172790527 + ], + [ + "\u2581Hammer", + -12.634149551391602 + ], + [ + "ombre", + -12.634185791015623 + ], + [ + "urlParams", + -12.634196281433104 + ], + [ + "\u2581imper", + -12.634242057800291 + ], + [ + "ONL", + -12.634379386901855 + ], + [ + "\u2581dachte", + -12.634387969970703 + ], + [ + "\u2581distances", + -12.634405136108398 + ], + [ + "Pub", + -12.634414672851562 + ], + [ + "\u2581Nevada", + -12.63442611694336 + ], + [ + "\u2581greatest", + -12.634546279907228 + ], + [ + "vleugel", + -12.634584426879885 + ], + [ + "apertura", + -12.63463306427002 + ], + [ + "\u2581inglesi", + -12.634647369384766 + ], + [ + "\u2581Gir", + -12.634654998779297 + ], + [ + "\u2581europ\u00e9en", + -12.634735107421877 + ], + [ + "reverse", + -12.634751319885254 + ], + [ + "sachen", + -12.63476276397705 + ], + [ + "bewegung", + -12.634763717651367 + ], + [ + "race", + -12.634804725646973 + ], + [ + "\u2581Programas", + -12.634830474853516 + ], + [ + "konzept", + -12.634852409362791 + ], + [ + "\u2581utilizzati", + -12.634859085083008 + ], + [ + "\u2581voler", + -12.63491916656494 + ], + [ + "\u2581Television", + -12.634986877441406 + ], + [ + "dic", + -12.635001182556152 + ], + [ + "\u2581teachers", + -12.635031700134276 + ], + [ + "\u2581Facultad", + -12.6350736618042 + ], + [ + "\u2581activiteiten", + -12.63507843017578 + ], + [ + "future", + -12.635130882263184 + ], + [ + "ex\u00e9cution", + -12.635160446166992 + ], + [ + "\u2581scoorde", + -12.635251998901367 + ], + [ + "\u2581onderscheiden", + -12.635299682617188 + ], + [ + "\u2581Potential", + -12.6353178024292 + ], + [ + "\u2581Aufmerksamkeit", + -12.635343551635742 + ], + [ + "\u2581Shah", + -12.635346412658691 + ], + [ + "\u2581Hudson", + -12.635384559631348 + ], + [ + "\u2581trail", + -12.635397911071776 + ], + [ + "ppen", + -12.635418891906738 + ], + [ + "National", + -12.635538101196287 + ], + [ + "\u2581Suppose", + -12.635608673095703 + ], + [ + "\u2581m\u00e9thodes", + -12.635638236999512 + ], + [ + "Loire", + -12.635697364807127 + ], + [ + "\u2581camada", + -12.635770797729492 + ], + [ + "b\u00ed", + -12.635783195495604 + ], + [ + "urteil", + -12.635870933532717 + ], + [ + "\u2581Susan", + -12.63587474822998 + ], + [ + "\u2581Descri", + -12.635961532592772 + ], + [ + "nischen", + -12.636075973510742 + ], + [ + "\u2581gtk", + -12.636115074157717 + ], + [ + "\u2581vliegtuig", + -12.636122703552246 + ], + [ + "Tok", + -12.636127471923828 + ], + [ + "\u2581Vertragspartei", + -12.636188507080078 + ], + [ + "spa", + -12.636256217956545 + ], + [ + "\u2581gpg", + -12.636293411254885 + ], + [ + "\u2581prevista", + -12.636297225952148 + ], + [ + "\u2581Lane", + -12.636397361755373 + ], + [ + "qr", + -12.636423110961914 + ], + [ + "\u2581vary", + -12.636425971984863 + ], + [ + "Sin", + -12.636435508728027 + ], + [ + "wissen", + -12.63647747039795 + ], + [ + "\u2581Woman", + -12.636496543884276 + ], + [ + "vu", + -12.636516571044922 + ], + [ + "\u2581apparent", + -12.636577606201172 + ], + [ + "notification", + -12.636578559875488 + ], + [ + "rup", + -12.636589050292969 + ], + [ + "dk", + -12.636602401733398 + ], + [ + "\u2581Gla", + -12.63668727874756 + ], + [ + "animate", + -12.636773109436035 + ], + [ + "\u2581Ruta", + -12.636780738830566 + ], + [ + "\u2581Karen", + -12.636823654174805 + ], + [ + "\u2581messa", + -12.63688850402832 + ], + [ + "\u2581visitando", + -12.637067794799805 + ], + [ + "\u2581oberen", + -12.637081146240234 + ], + [ + "\u2581delegate", + -12.637166976928713 + ], + [ + "\u2581llegado", + -12.637179374694824 + ], + [ + "\u2581tuin", + -12.63723850250244 + ], + [ + "multiple", + -12.637325286865234 + ], + [ + "\u2581Cura", + -12.6373291015625 + ], + [ + "\u2581voedsel", + -12.637343406677246 + ], + [ + "\u2581steigt", + -12.637373924255373 + ], + [ + "chalk", + -12.637422561645508 + ], + [ + "ARS", + -12.637445449829102 + ], + [ + "\u2581distribuci\u00f3n", + -12.637469291687012 + ], + [ + "\u2581Kentucky", + -12.637497901916504 + ], + [ + "\u2581generales", + -12.637628555297852 + ], + [ + "ificaci\u00f3n", + -12.637725830078123 + ], + [ + "pula", + -12.637758255004885 + ], + [ + "\u2581Mannheim", + -12.637959480285645 + ], + [ + "verbindungen", + -12.63796043395996 + ], + [ + "genommen", + -12.63796329498291 + ], + [ + "\u2581Wells", + -12.63796615600586 + ], + [ + "hue", + -12.638136863708496 + ], + [ + "gb", + -12.638140678405762 + ], + [ + "apparition", + -12.638143539428713 + ], + [ + "Dollar", + -12.638187408447266 + ], + [ + "GTK", + -12.63819694519043 + ], + [ + "\u2581attitude", + -12.638385772705078 + ], + [ + "Opt", + -12.63841438293457 + ], + [ + "\u2581portions", + -12.638444900512695 + ], + [ + "\u2581draagt", + -12.63847827911377 + ], + [ + "\u2581materiaal", + -12.638522148132324 + ], + [ + "\u2581romanos", + -12.638616561889648 + ], + [ + "\u2581Jeder", + -12.638623237609863 + ], + [ + "recommends", + -12.638626098632812 + ], + [ + "\u2581concours", + -12.638633728027344 + ], + [ + "\u2581schweren", + -12.63863754272461 + ], + [ + "Arch", + -12.638680458068848 + ], + [ + "sock", + -12.63869285583496 + ], + [ + "rijk", + -12.63872241973877 + ], + [ + "\u2581Penn", + -12.638778686523438 + ], + [ + "\u2581Rahmenbedingung", + -12.638794898986816 + ], + [ + "\u2581Antrags", + -12.63891315460205 + ], + [ + "\u2581replacement", + -12.639019012451172 + ], + [ + "\u2581Lam", + -12.639032363891602 + ], + [ + "\u2581symmetry", + -12.639046669006348 + ], + [ + "CACHE", + -12.63906192779541 + ], + [ + "\u2581heet", + -12.639084815979004 + ], + [ + "amazon", + -12.639147758483888 + ], + [ + "cks", + -12.639167785644531 + ], + [ + "\u2581Christine", + -12.63919734954834 + ], + [ + "\u2581Mississippi", + -12.639225959777832 + ], + [ + "\u2581bestuurlijk", + -12.639239311218262 + ], + [ + "\u2581comer", + -12.639263153076172 + ], + [ + "\u2581mexicana", + -12.639330863952637 + ], + [ + "\u2581dormir", + -12.639349937438965 + ], + [ + "\u2581Jaime", + -12.639357566833496 + ], + [ + "\u2581realized", + -12.639379501342772 + ], + [ + "\u2581nationaux", + -12.639382362365724 + ], + [ + "\u2581modelli", + -12.639532089233398 + ], + [ + "\u2581Minor", + -12.639544486999512 + ], + [ + "\u2581improvement", + -12.639604568481444 + ], + [ + "svc", + -12.63965129852295 + ], + [ + "ying", + -12.639764785766602 + ], + [ + "\u2581preparation", + -12.639829635620115 + ], + [ + "hyper", + -12.63984489440918 + ], + [ + "\u2581executar", + -12.639968872070312 + ], + [ + "\u2581voos", + -12.639975547790527 + ], + [ + "\u2581muni", + -12.640026092529297 + ], + [ + "\u2581ricca", + -12.640054702758787 + ], + [ + "\u2581Renault", + -12.640055656433104 + ], + [ + "zentren", + -12.640089988708496 + ], + [ + "dyn", + -12.64022731781006 + ], + [ + "\u2581clip", + -12.640271186828612 + ], + [ + "sul", + -12.640403747558594 + ], + [ + "PECT", + -12.640430450439451 + ], + [ + "\u2581marinha", + -12.640453338623049 + ], + [ + "jer", + -12.640467643737791 + ], + [ + "\u2581gesamt", + -12.64051628112793 + ], + [ + "dou", + -12.640591621398926 + ], + [ + "\u2581Constituci\u00f3n", + -12.64061450958252 + ], + [ + "\u2581Isla", + -12.64067554473877 + ], + [ + "schreibung", + -12.640780448913574 + ], + [ + "\u2581graf", + -12.640828132629396 + ], + [ + "\u2581gevolgd", + -12.640836715698242 + ], + [ + "\u2581Assembly", + -12.640909194946287 + ], + [ + "\u2581Americans", + -12.640976905822754 + ], + [ + "Ir", + -12.641021728515623 + ], + [ + "variables", + -12.641098976135254 + ], + [ + "\u2581Verd", + -12.641131401062012 + ], + [ + "\u2581Kay", + -12.641141891479492 + ], + [ + "\u2581Harrison", + -12.64114475250244 + ], + [ + "\u2581contesto", + -12.641193389892578 + ], + [ + "\u2581traccia", + -12.64121913909912 + ], + [ + "\u2581\u00e9v\u00e9nements", + -12.64126205444336 + ], + [ + "\u2581Internazionale", + -12.641263008117676 + ], + [ + "\u2581Pilot", + -12.641268730163574 + ], + [ + "\u2581Nuestra", + -12.641277313232422 + ], + [ + "\u2581lunghezza", + -12.641317367553713 + ], + [ + "lap", + -12.641329765319824 + ], + [ + "Stadt", + -12.641387939453123 + ], + [ + "\u2581accesso", + -12.641447067260742 + ], + [ + "\u2581Angestellten", + -12.64151668548584 + ], + [ + "\u2581R\u00fccken", + -12.64155101776123 + ], + [ + "\u2581beschriebenen", + -12.641582489013672 + ], + [ + "\u2581keuze", + -12.64160442352295 + ], + [ + "orario", + -12.64161205291748 + ], + [ + "ivil", + -12.641677856445312 + ], + [ + "\u2581traduit", + -12.641714096069336 + ], + [ + "\u2581Bruch", + -12.641777992248535 + ], + [ + "\u2581PORT", + -12.641862869262695 + ], + [ + "\u2581procede", + -12.641912460327148 + ], + [ + "legung", + -12.641925811767578 + ], + [ + "\u2581Kings", + -12.641940116882324 + ], + [ + "\u2581fond\u00e9", + -12.642001152038574 + ], + [ + "\u2581Ans\u00e4tze", + -12.642046928405762 + ], + [ + "\u2581verlaten", + -12.642046928405762 + ], + [ + "\u2581personnages", + -12.642078399658203 + ], + [ + "\u2581esp\u00edritu", + -12.642102241516112 + ], + [ + "\u2581Carabinas", + -12.64217758178711 + ], + [ + "aufsicht", + -12.642220497131348 + ], + [ + "\u2581humaine", + -12.642261505126951 + ], + [ + "vs", + -12.642293930053713 + ], + [ + "Period", + -12.642332077026367 + ], + [ + "\u2581funzioni", + -12.64234447479248 + ], + [ + "\u2581belo", + -12.642353057861328 + ], + [ + "positive", + -12.642450332641602 + ], + [ + "\u2581generating", + -12.642451286315918 + ], + [ + "\u2581socialista", + -12.642480850219728 + ], + [ + "\u2581r\u00e9alisation", + -12.642547607421877 + ], + [ + "\u2581clause", + -12.642562866210938 + ], + [ + "Assembl\u00e9e", + -12.642568588256836 + ], + [ + "\u2581Saarland", + -12.64257526397705 + ], + [ + "Router", + -12.64260959625244 + ], + [ + "\u2581\u00e9ditions", + -12.6426362991333 + ], + [ + "\u2581refers", + -12.642664909362791 + ], + [ + "\u2581glad", + -12.642692565917969 + ], + [ + "ulia", + -12.642752647399902 + ], + [ + "\u2581rob", + -12.642776489257812 + ], + [ + "\u2581Ecco", + -12.642858505249023 + ], + [ + "\u2581Craig", + -12.642870903015137 + ], + [ + "uin", + -12.642910957336426 + ], + [ + "\u2581aparte", + -12.64295482635498 + ], + [ + "\u2581estadunidense", + -12.643077850341797 + ], + [ + "lange", + -12.64310073852539 + ], + [ + "\u2581Erl", + -12.643136024475098 + ], + [ + "\u2581Wandel", + -12.643153190612791 + ], + [ + "\u2581naval", + -12.643168449401855 + ], + [ + "bee", + -12.6431884765625 + ], + [ + "\u2581demand\u00e9", + -12.643196105957031 + ], + [ + "\u2581\u00fcbernahm", + -12.643198013305664 + ], + [ + "\u2581camping", + -12.643255233764648 + ], + [ + "\u2581menschlichen", + -12.643302917480469 + ], + [ + "\u2581Taka", + -12.643311500549316 + ], + [ + "\u2581Thai", + -12.643425941467283 + ], + [ + "\u2581civili", + -12.643473625183104 + ], + [ + "\u2581Justicia", + -12.64348030090332 + ], + [ + "\u2581walls", + -12.643513679504396 + ], + [ + "teria", + -12.643553733825684 + ], + [ + "stijl", + -12.643604278564451 + ], + [ + "\u2581anglo", + -12.643620491027832 + ], + [ + "\u2581cinta", + -12.643630981445312 + ], + [ + "affaire", + -12.643720626831056 + ], + [ + "zonen", + -12.64376163482666 + ], + [ + "VW", + -12.643793106079102 + ], + [ + "Arguments", + -12.643913269042969 + ], + [ + "bag", + -12.644068717956545 + ], + [ + "\u2581sorgen", + -12.6441068649292 + ], + [ + "\u2581committee", + -12.64412784576416 + ], + [ + "Contact", + -12.644128799438477 + ], + [ + "Bank", + -12.644330978393556 + ], + [ + "\u2581c\u00e1lculo", + -12.644386291503906 + ], + [ + "\u2581Hunt", + -12.64439868927002 + ], + [ + "\u2581reconocimiento", + -12.644421577453612 + ], + [ + "\u2581Turm", + -12.644433975219728 + ], + [ + "partei", + -12.64445686340332 + ], + [ + "Article", + -12.64448070526123 + ], + [ + "\u2581normas", + -12.644512176513672 + ], + [ + "\u2581passion", + -12.644524574279783 + ], + [ + "\u2581Bindung", + -12.644559860229492 + ], + [ + "\u2581Luke", + -12.644607543945312 + ], + [ + "rdlichen", + -12.644634246826172 + ], + [ + "\u2581Comunista", + -12.64471435546875 + ], + [ + "\u2581communaut\u00e9s", + -12.64472484588623 + ], + [ + "\u2581direkten", + -12.644853591918944 + ], + [ + "konferenz", + -12.644902229309082 + ], + [ + "\u2581founded", + -12.64492416381836 + ], + [ + "\u2581antiguos", + -12.64493465423584 + ], + [ + "\u2581closure", + -12.644936561584473 + ], + [ + "oko", + -12.644937515258787 + ], + [ + "Html", + -12.644963264465332 + ], + [ + "\u2581Wahrheit", + -12.644980430603027 + ], + [ + "\u2581Vergabe", + -12.64498805999756 + ], + [ + "\u2581Manfred", + -12.644989013671877 + ], + [ + "\u2581brillante", + -12.644990921020508 + ], + [ + "\u2581Authority", + -12.645015716552734 + ], + [ + "\u2581confort", + -12.645052909851074 + ], + [ + "\u2581trait", + -12.645074844360352 + ], + [ + "qa", + -12.645097732543944 + ], + [ + "\u2581informiert", + -12.645108222961426 + ], + [ + "un\u00e4chst", + -12.64513874053955 + ], + [ + "\u2581Netzwerk", + -12.645190238952637 + ], + [ + "litz", + -12.645306587219238 + ], + [ + "\u2581endet", + -12.64534854888916 + ], + [ + "\u2581coloq", + -12.645467758178713 + ], + [ + "\u2581aangelegd", + -12.645533561706545 + ], + [ + "\u2581Reduktion", + -12.645670890808104 + ], + [ + "prec", + -12.645672798156738 + ], + [ + "MAKE", + -12.645678520202637 + ], + [ + "\u2581Instrumente", + -12.645713806152344 + ], + [ + "rida", + -12.645769119262695 + ], + [ + "tiles", + -12.645801544189451 + ], + [ + "\u2581Cleveland", + -12.645841598510742 + ], + [ + "\u2581Edwards", + -12.645906448364258 + ], + [ + "frist", + -12.645914077758787 + ], + [ + "\u2581politics", + -12.645914077758787 + ], + [ + "\u2581uitgezonden", + -12.645915031433104 + ], + [ + "\u2581cas\u00f3", + -12.646025657653809 + ], + [ + "\u2581LGBT", + -12.64616584777832 + ], + [ + "\u2581actuaci\u00f3n", + -12.64629077911377 + ], + [ + "\u2581Asamblea", + -12.64631462097168 + ], + [ + "\u2581Sotto", + -12.646349906921388 + ], + [ + "\u2581monnaie", + -12.646405220031738 + ], + [ + "uku", + -12.646533012390137 + ], + [ + "\u2581Archiv", + -12.646561622619627 + ], + [ + "goto", + -12.646575927734377 + ], + [ + "Tur", + -12.64660930633545 + ], + [ + "\u2581Fat", + -12.646646499633787 + ], + [ + "shot", + -12.646655082702637 + ], + [ + "\u2581dessas", + -12.64669418334961 + ], + [ + "ISO", + -12.646709442138672 + ], + [ + "CJ", + -12.646739959716797 + ], + [ + "\u2581heb", + -12.64674472808838 + ], + [ + "loos", + -12.646758079528809 + ], + [ + "\u2581voleva", + -12.646807670593262 + ], + [ + "haut", + -12.646836280822754 + ], + [ + "Istituto", + -12.646848678588867 + ], + [ + "\u2581ordinary", + -12.646878242492676 + ], + [ + "Des", + -12.646923065185549 + ], + [ + "\u2581companhia", + -12.646965026855469 + ], + [ + "\u2581pomeriggio", + -12.64699363708496 + ], + [ + "pper", + -12.647013664245604 + ], + [ + "\u2581videos", + -12.647085189819336 + ], + [ + "\u2581atomic", + -12.64714527130127 + ], + [ + "\u2581voy", + -12.64716339111328 + ], + [ + "\u2581piezas", + -12.647171974182127 + ], + [ + "lodash", + -12.647176742553713 + ], + [ + "\u2581permanece", + -12.64724063873291 + ], + [ + "\u2581costruita", + -12.64725399017334 + ], + [ + "\u2581Lien", + -12.647303581237791 + ], + [ + "\u2581Colonia", + -12.647367477416992 + ], + [ + "\u2581LF", + -12.647442817687988 + ], + [ + "\u2581cargos", + -12.647557258605955 + ], + [ + "\u2581representante", + -12.647588729858398 + ], + [ + "pem", + -12.647725105285645 + ], + [ + "\u2581angepasst", + -12.647741317749023 + ], + [ + "uito", + -12.647757530212402 + ], + [ + "gesch\u00e4ft", + -12.64775848388672 + ], + [ + "\u2581suerte", + -12.647782325744627 + ], + [ + "\u2581d\u00e9cid\u00e9", + -12.64778995513916 + ], + [ + "\u2581Alpha", + -12.647829055786133 + ], + [ + "\u00e9tranger", + -12.647984504699709 + ], + [ + "\u2581Punta", + -12.648058891296388 + ], + [ + "\u2581getal", + -12.64808464050293 + ], + [ + "spiele", + -12.648109436035156 + ], + [ + "\u2581bewusst", + -12.648337364196776 + ], + [ + "\u2581diversity", + -12.648378372192385 + ], + [ + "\u2581terecht", + -12.648386001586914 + ], + [ + "\u2581Nano", + -12.648393630981444 + ], + [ + "\u2581Steigerung", + -12.648404121398926 + ], + [ + "Hy", + -12.648487091064451 + ], + [ + "Bel", + -12.648686408996582 + ], + [ + "\u2581biological", + -12.648686408996582 + ], + [ + "feat", + -12.648724555969238 + ], + [ + "coordinates", + -12.648738861083984 + ], + [ + "\u2581giudizio", + -12.648756980895996 + ], + [ + "\u2581Beitrags", + -12.648866653442385 + ], + [ + "\u2581Norvegia", + -12.64897632598877 + ], + [ + "\u2581Sche", + -12.649073600769045 + ], + [ + "\u2581Aufenthalts", + -12.649097442626951 + ], + [ + "Manifest", + -12.649113655090332 + ], + [ + "zier", + -12.64917278289795 + ], + [ + "\u2581F\u00e9lix", + -12.649174690246582 + ], + [ + "\u2581Kid", + -12.649369239807127 + ], + [ + "production", + -12.6494140625 + ], + [ + "\u2581Wohnsitz", + -12.64943790435791 + ], + [ + "punten", + -12.649443626403809 + ], + [ + "\u2581erforderliche", + -12.64959716796875 + ], + [ + "\u2581Boss", + -12.649612426757812 + ], + [ + "\u2581Tieren", + -12.64962387084961 + ], + [ + "umba", + -12.649650573730469 + ], + [ + "\u2581F\u00fc", + -12.649690628051758 + ], + [ + "\u2581B\u00fcrgermeister", + -12.649703025817873 + ], + [ + "\u2581Ausr\u00fcstung", + -12.649812698364258 + ], + [ + "\u2581verbinden", + -12.649840354919434 + ], + [ + "\u2581revue", + -12.649871826171877 + ], + [ + "slide", + -12.649880409240724 + ], + [ + "alcool", + -12.649943351745604 + ], + [ + "\u2581possam", + -12.649950981140137 + ], + [ + "incontro", + -12.649974822998049 + ], + [ + "\u2581Erste", + -12.650017738342283 + ], + [ + "\u2581Hou", + -12.650026321411133 + ], + [ + "\u2581Cla", + -12.650031089782717 + ], + [ + "lade", + -12.650053024291992 + ], + [ + "unused", + -12.650105476379396 + ], + [ + "\u2581ruta", + -12.650309562683104 + ], + [ + "\u2581financement", + -12.650336265563965 + ], + [ + "chrome", + -12.650357246398926 + ], + [ + "artig", + -12.650431632995604 + ], + [ + "\u2581sentiment", + -12.650527954101562 + ], + [ + "\u2581r\u00e9pertoire", + -12.650638580322266 + ], + [ + "tran", + -12.650676727294922 + ], + [ + "\u2581sullo", + -12.650708198547363 + ], + [ + "ViewModel", + -12.650775909423828 + ], + [ + "\u2581partecipazione", + -12.650836944580078 + ], + [ + "\u2581generaci\u00f3n", + -12.650845527648926 + ], + [ + "\u2581panorama", + -12.650875091552734 + ], + [ + "Voci", + -12.65088939666748 + ], + [ + "\u2581\u00e9dition", + -12.65096664428711 + ], + [ + "\u2581bateau", + -12.650994300842283 + ], + [ + "conjunto", + -12.651065826416016 + ], + [ + "\u2581operazioni", + -12.651101112365724 + ], + [ + "rend", + -12.651222229003906 + ], + [ + "\u2581peligro", + -12.651265144348145 + ], + [ + "\u2581auftreten", + -12.651274681091309 + ], + [ + "\u2581invariant", + -12.651278495788574 + ], + [ + "\u2581Experiment", + -12.651288986206056 + ], + [ + "\u2581zag", + -12.651324272155762 + ], + [ + "\u2581ubica", + -12.651325225830078 + ], + [ + "dica", + -12.651330947875977 + ], + [ + "\u2581Auge", + -12.651341438293455 + ], + [ + "\u2581assolutamente", + -12.651366233825684 + ], + [ + "initiative", + -12.651371955871582 + ], + [ + "\u2581studierte", + -12.651434898376465 + ], + [ + "\u2581peri\u00f3dico", + -12.65147590637207 + ], + [ + "\u2581vasto", + -12.651500701904297 + ], + [ + "They", + -12.651578903198242 + ], + [ + "Inghilterra", + -12.651677131652832 + ], + [ + "hom", + -12.651756286621094 + ], + [ + "\u2581pr\u00e9cise", + -12.651769638061523 + ], + [ + "\u2581Nicole", + -12.651811599731444 + ], + [ + "\u2581asset", + -12.65182876586914 + ], + [ + "\u2581McGonagall", + -12.651832580566406 + ], + [ + "Germain", + -12.651900291442873 + ], + [ + "\u2581galaxies", + -12.65190315246582 + ], + [ + "coder", + -12.651911735534668 + ], + [ + "\u2581conflicto", + -12.651968955993652 + ], + [ + "dashboard", + -12.65200424194336 + ], + [ + "tzen", + -12.652064323425291 + ], + [ + "wacht", + -12.65206527709961 + ], + [ + "\u2581Vic", + -12.652095794677734 + ], + [ + "\u2581serio", + -12.65212059020996 + ], + [ + "\u2581st\u00e4ndig", + -12.65215015411377 + ], + [ + "\u2581consumption", + -12.652158737182615 + ], + [ + "\u2581geschat", + -12.652165412902832 + ], + [ + "\u2581umfassende", + -12.652175903320312 + ], + [ + "\u2581amendment", + -12.652263641357422 + ], + [ + "\u2581verkozen", + -12.65233325958252 + ], + [ + "\u2581Blake", + -12.65234375 + ], + [ + "falls", + -12.652352333068848 + ], + [ + "\u2581salon", + -12.652363777160645 + ], + [ + "\u2581proxy", + -12.65239715576172 + ], + [ + "\u2581traverse", + -12.65244960784912 + ], + [ + "\u2581A\u00e9rea", + -12.65251636505127 + ], + [ + "\u2581favorite", + -12.65251636505127 + ], + [ + "\u2581realizzazione", + -12.652525901794434 + ], + [ + "\u2581Masters", + -12.652602195739746 + ], + [ + "lst", + -12.652607917785645 + ], + [ + "\u2581completar", + -12.652631759643556 + ], + [ + "\u2581Vorsitzender", + -12.652691841125488 + ], + [ + "\u2581dec\u00eda", + -12.65269374847412 + ], + [ + "\u2581pacientes", + -12.652697563171388 + ], + [ + "\u2581colores", + -12.65271282196045 + ], + [ + "\u2581vitro", + -12.652764320373535 + ], + [ + "Pol", + -12.6527681350708 + ], + [ + "zeros", + -12.652824401855469 + ], + [ + "exemple", + -12.652883529663086 + ], + [ + "\u2581retard", + -12.652926445007324 + ], + [ + "rita", + -12.65293312072754 + ], + [ + "\u2581threat", + -12.652953147888184 + ], + [ + "\u2581cellules", + -12.652987480163574 + ], + [ + "r\u00e4umen", + -12.653029441833496 + ], + [ + "aspetto", + -12.653085708618164 + ], + [ + "Duits", + -12.65312385559082 + ], + [ + "\u2581sabato", + -12.653131484985352 + ], + [ + "\u2581restrictions", + -12.653199195861816 + ], + [ + "\u2581bezeichneten", + -12.653206825256348 + ], + [ + "broek", + -12.653233528137209 + ], + [ + "\u2581bonus", + -12.653280258178713 + ], + [ + "\u2581Pil", + -12.653312683105469 + ], + [ + "\u2581moeilijk", + -12.653312683105469 + ], + [ + "atomic", + -12.65331745147705 + ], + [ + "Actions", + -12.653318405151367 + ], + [ + "\u2581tumba", + -12.653319358825684 + ], + [ + "\u2581Buches", + -12.653325080871582 + ], + [ + "\u2581Borg", + -12.653389930725098 + ], + [ + "\u2581poema", + -12.653397560119627 + ], + [ + "\u2581gelangen", + -12.653424263000488 + ], + [ + "Place", + -12.653441429138184 + ], + [ + "\u2581risorse", + -12.653447151184082 + ], + [ + "music", + -12.653536796569824 + ], + [ + "oloog", + -12.653587341308594 + ], + [ + "\u2581suele", + -12.653592109680176 + ], + [ + "styles", + -12.653604507446287 + ], + [ + "\u2581westlich", + -12.653613090515137 + ], + [ + "\u2581produces", + -12.653615951538086 + ], + [ + "\u2581Brasileira", + -12.65366268157959 + ], + [ + "\u2581Hinsicht", + -12.653728485107422 + ], + [ + "\u2581schilder", + -12.65373706817627 + ], + [ + "\u2581wielrenner", + -12.653768539428713 + ], + [ + "\u2581gebe", + -12.653779983520508 + ], + [ + "\u2581Ortsteil", + -12.653882026672363 + ], + [ + "eaux", + -12.653890609741213 + ], + [ + "\u2581Panam\u00e1", + -12.653963088989258 + ], + [ + "Generated", + -12.654024124145508 + ], + [ + "\u2581perdere", + -12.654069900512695 + ], + [ + "ares", + -12.6541166305542 + ], + [ + "\u2581Serbia", + -12.654200553894045 + ], + [ + "JK", + -12.654324531555176 + ], + [ + "\u2581Stage", + -12.654335021972656 + ], + [ + "\u2581journaliste", + -12.654361724853516 + ], + [ + "\u2581Ursachen", + -12.65441608428955 + ], + [ + "\u2581destinazioni", + -12.654502868652344 + ], + [ + "\u2581Tom\u00e1s", + -12.65455722808838 + ], + [ + "NEW", + -12.654601097106934 + ], + [ + "\u2581Caracter\u00edsticas", + -12.654620170593262 + ], + [ + "Head", + -12.654643058776855 + ], + [ + "\u2581independencia", + -12.654718399047852 + ], + [ + "unterricht", + -12.654738426208496 + ], + [ + "pido", + -12.654741287231444 + ], + [ + "\u2581sizes", + -12.654757499694824 + ], + [ + "\u2581evita", + -12.654789924621582 + ], + [ + "\u2581migliaia", + -12.654794692993164 + ], + [ + "\u2581Official", + -12.65481662750244 + ], + [ + "\u2581excess", + -12.654900550842283 + ], + [ + "\u2581parecido", + -12.65501594543457 + ], + [ + "newline", + -12.655043601989746 + ], + [ + "\u2581optreden", + -12.655150413513184 + ], + [ + "ande", + -12.655174255371094 + ], + [ + "\u2581latina", + -12.655200004577637 + ], + [ + "\u2581Scottish", + -12.655290603637695 + ], + [ + "xor", + -12.655335426330566 + ], + [ + "\u2581animaux", + -12.655409812927246 + ], + [ + "\u2581Pflichten", + -12.655454635620115 + ], + [ + "\u2581Prob", + -12.655474662780762 + ], + [ + "\u2581irr", + -12.655510902404783 + ], + [ + "Alpha", + -12.655526161193848 + ], + [ + "\u2581jedenfalls", + -12.655564308166504 + ], + [ + "audit", + -12.655600547790527 + ], + [ + "Points", + -12.655637741088867 + ], + [ + "\u2581donn\u00e9e", + -12.655659675598145 + ], + [ + "\u2581Anteile", + -12.655695915222168 + ], + [ + "\u2581placer", + -12.655733108520508 + ], + [ + "\u2581apparatus", + -12.65576171875 + ], + [ + "\u2581Mitgliedern", + -12.655773162841797 + ], + [ + "\u2581rat", + -12.655780792236328 + ], + [ + "maatschappij", + -12.655784606933594 + ], + [ + "\u2581propias", + -12.655804634094238 + ], + [ + "anstalt", + -12.655844688415527 + ], + [ + "guin", + -12.655905723571776 + ], + [ + "\u2581contribute", + -12.655921936035156 + ], + [ + "ANA", + -12.656163215637209 + ], + [ + "Observer", + -12.656267166137695 + ], + [ + "eter", + -12.65627098083496 + ], + [ + "\u2581declar\u00f3", + -12.65628147125244 + ], + [ + "kara", + -12.65646743774414 + ], + [ + "\u2581FOLGENDE", + -12.65646743774414 + ], + [ + "\u2581discovery", + -12.65648365020752 + ], + [ + "\u2581constru\u00edda", + -12.656542778015137 + ], + [ + "mische", + -12.656587600708008 + ], + [ + "almente", + -12.656608581542969 + ], + [ + "\u2581\u00e1rvore", + -12.656675338745115 + ], + [ + "\u2581leeft", + -12.656678199768066 + ], + [ + "\u2581Snow", + -12.656689643859863 + ], + [ + "\u2581Planungs", + -12.656771659851074 + ], + [ + "\u2581tomba", + -12.656813621520996 + ], + [ + "\u2581Jagd", + -12.656840324401855 + ], + [ + "badge", + -12.656847953796388 + ], + [ + "sehen", + -12.656888008117676 + ], + [ + "\u2581Hockey", + -12.656901359558104 + ], + [ + "eeuwse", + -12.6569185256958 + ], + [ + "\u2581periodic", + -12.6569185256958 + ], + [ + "\u2581Webseite", + -12.656935691833496 + ], + [ + "\u2581cr\u00e9e", + -12.656983375549316 + ], + [ + "impression", + -12.656991958618164 + ], + [ + "movb", + -12.657011032104492 + ], + [ + "\u2581rect", + -12.657033920288086 + ], + [ + "\u2581Spaans", + -12.657057762145996 + ], + [ + "fam", + -12.657078742980955 + ], + [ + "\u2581Spezial", + -12.657127380371094 + ], + [ + "\u2581Fishes", + -12.65717315673828 + ], + [ + "\u2581Professora", + -12.65725326538086 + ], + [ + "Why", + -12.657322883605955 + ], + [ + "ktor", + -12.657336235046388 + ], + [ + "\u2581Heft", + -12.657381057739258 + ], + [ + "\u2581vuelve", + -12.65738296508789 + ], + [ + "\u2581sali\u00f3", + -12.657415390014648 + ], + [ + "kurs", + -12.657535552978516 + ], + [ + "\u2581trovava", + -12.657562255859377 + ], + [ + "\u2581arquitectura", + -12.657575607299805 + ], + [ + "\u2581piacere", + -12.657594680786133 + ], + [ + "\u2581decay", + -12.657642364501951 + ], + [ + "\u2581qu\u00edmica", + -12.657696723937988 + ], + [ + "polar", + -12.657760620117188 + ], + [ + "cmpl", + -12.657946586608888 + ], + [ + "\u2581Laden", + -12.657946586608888 + ], + [ + "\u2581committed", + -12.657974243164062 + ], + [ + "brew", + -12.657980918884276 + ], + [ + "\u2581niveles", + -12.658045768737791 + ], + [ + "\u2581Allemagne", + -12.658173561096191 + ], + [ + "\u2581priority", + -12.658191680908203 + ], + [ + "\u2581insiste", + -12.658217430114746 + ], + [ + "\u2581privati", + -12.658217430114746 + ], + [ + "\u2581Loch", + -12.65834140777588 + ], + [ + "\u2581conseiller", + -12.658374786376951 + ], + [ + "\u2581schrieb", + -12.658400535583496 + ], + [ + "\u2581ieder", + -12.658413887023926 + ], + [ + "\u2581declaration", + -12.658424377441406 + ], + [ + "\u2581intervalo", + -12.65844440460205 + ], + [ + "\u2581seek", + -12.658496856689451 + ], + [ + "\u2581organismo", + -12.658514022827148 + ], + [ + "woord", + -12.658560752868652 + ], + [ + "ERA", + -12.658571243286133 + ], + [ + "\u2581ungef\u00e4hr", + -12.65858268737793 + ], + [ + "\u2581Gemeinsamen", + -12.658703804016112 + ], + [ + "\u2581Nome", + -12.658705711364746 + ], + [ + "\u2581insurance", + -12.658727645874023 + ], + [ + "\u2581nabije", + -12.658754348754885 + ], + [ + "\u2581demnach", + -12.658824920654297 + ], + [ + "\u2581sichtbar", + -12.658843040466309 + ], + [ + "\u2581farsi", + -12.658926963806152 + ], + [ + "INGS", + -12.658987045288086 + ], + [ + "\u2581Rela", + -12.659003257751465 + ], + [ + "\u2581Angelo", + -12.659049034118652 + ], + [ + "\u2581Pres", + -12.659282684326172 + ], + [ + "\u2581Antigua", + -12.65931510925293 + ], + [ + "\u2581Tran", + -12.659319877624512 + ], + [ + "\u2581proposition", + -12.659399032592772 + ], + [ + "aventure", + -12.659417152404783 + ], + [ + "\u2581Iso", + -12.65943717956543 + ], + [ + "op\u00e9ration", + -12.659504890441896 + ], + [ + "\u2581schien", + -12.659518241882324 + ], + [ + "\u2581filo", + -12.65951919555664 + ], + [ + "Org", + -12.659567832946776 + ], + [ + "ssent", + -12.659584999084473 + ], + [ + "\u2581prominent", + -12.659600257873535 + ], + [ + "Customer", + -12.659695625305176 + ], + [ + "Nodes", + -12.659710884094238 + ], + [ + "\u2581Schiffe", + -12.659716606140137 + ], + [ + "\u2581riso", + -12.659759521484377 + ], + [ + "tb", + -12.6597900390625 + ], + [ + "\u2581PlotData", + -12.65988063812256 + ], + [ + "\u2581consumer", + -12.659993171691896 + ], + [ + "morph", + -12.660041809082031 + ], + [ + "\u2581Wachstums", + -12.660042762756348 + ], + [ + "idio", + -12.660207748413086 + ], + [ + "\u2581Duarte", + -12.660210609436035 + ], + [ + "paper", + -12.660260200500488 + ], + [ + "channels", + -12.660286903381348 + ], + [ + "ehn", + -12.660311698913574 + ], + [ + "Download", + -12.660314559936523 + ], + [ + "motion", + -12.660341262817385 + ], + [ + "setting", + -12.66037368774414 + ], + [ + "\u2581Erstellung", + -12.66047191619873 + ], + [ + "\u2581verdadero", + -12.66048526763916 + ], + [ + "\u2581organizado", + -12.660518646240234 + ], + [ + "\u2581\"\\\"", + -12.660530090332031 + ], + [ + "direct", + -12.66053581237793 + ], + [ + "HEAD", + -12.660552978515623 + ], + [ + "VERIF", + -12.660563468933104 + ], + [ + "\u2581resistencia", + -12.660601615905762 + ], + [ + "\u2581inteiro", + -12.660611152648926 + ], + [ + "fm", + -12.660646438598633 + ], + [ + "\u2581sexuelle", + -12.660669326782228 + ], + [ + "jung", + -12.660699844360352 + ], + [ + "Decl", + -12.660724639892578 + ], + [ + "\u2581negativa", + -12.66074275970459 + ], + [ + "\u2581conveniente", + -12.660850524902344 + ], + [ + "IES", + -12.66086483001709 + ], + [ + "\u2581grotte", + -12.660895347595217 + ], + [ + "\u2581HAT", + -12.660910606384276 + ], + [ + "\u2581vlag", + -12.660975456237791 + ], + [ + "\u2581escreveu", + -12.660981178283691 + ], + [ + "pac", + -12.661002159118652 + ], + [ + "\u2581vuur", + -12.661018371582031 + ], + [ + "\u2581bron", + -12.661035537719728 + ], + [ + "\u2581Jetzt", + -12.661052703857422 + ], + [ + "\u2581composed", + -12.661053657531738 + ], + [ + "tani", + -12.661072731018066 + ], + [ + "\u2581estadio", + -12.661077499389648 + ], + [ + "\u2581rapid", + -12.661099433898926 + ], + [ + "\u2581profonde", + -12.661118507385254 + ], + [ + "lua", + -12.661125183105469 + ], + [ + "\u2581creada", + -12.661176681518556 + ], + [ + "aanse", + -12.661211013793944 + ], + [ + "\u2581Gesetzgeber", + -12.661232948303224 + ], + [ + "pow", + -12.661253929138184 + ], + [ + "\u2581Guardia", + -12.661269187927246 + ], + [ + "pha", + -12.661293029785156 + ], + [ + "\u2581notizie", + -12.661341667175291 + ], + [ + "\u2581cr\u00edticos", + -12.66139316558838 + ], + [ + "\u2581revient", + -12.661527633666992 + ], + [ + "osis", + -12.661544799804688 + ], + [ + "War", + -12.661602973937988 + ], + [ + "zionale", + -12.66166877746582 + ], + [ + "claim", + -12.66167449951172 + ], + [ + "\u2581elektronische", + -12.66170597076416 + ], + [ + "\u2581riesgo", + -12.66173267364502 + ], + [ + "\u2581Verletzung", + -12.661829948425291 + ], + [ + "\u2581stands", + -12.661920547485352 + ], + [ + "\u2581immers", + -12.661951065063477 + ], + [ + "\u2581Ruf", + -12.661954879760742 + ], + [ + "leal", + -12.66198444366455 + ], + [ + "produkte", + -12.661989212036133 + ], + [ + "\u2581Einflu", + -12.662015914916992 + ], + [ + "\u2581descri", + -12.662025451660156 + ], + [ + "\u2581MO", + -12.662034034729004 + ], + [ + "\u2581minaccia", + -12.662049293518066 + ], + [ + "\u2581exposi", + -12.662076950073242 + ], + [ + "\u2581satisfy", + -12.662163734436035 + ], + [ + "\u2581implicit", + -12.662172317504885 + ], + [ + "\u2581wegens", + -12.662188529968262 + ], + [ + "\u2581desire", + -12.66232204437256 + ], + [ + "\u2581suivants", + -12.66243839263916 + ], + [ + "\u2581universidad", + -12.66244125366211 + ], + [ + "\u2581Pav", + -12.662497520446776 + ], + [ + "\u2581Pai", + -12.66258144378662 + ], + [ + "\u2581restart", + -12.662590980529783 + ], + [ + "Arc", + -12.662630081176758 + ], + [ + "\u2581Decreto", + -12.662691116333008 + ], + [ + "\u2581Riga", + -12.662694931030272 + ], + [ + "\u2581bronzo", + -12.662697792053224 + ], + [ + "xxx", + -12.662726402282717 + ], + [ + "\u2581L\u00e9", + -12.662737846374512 + ], + [ + "\u2581Albums", + -12.662748336791992 + ], + [ + "\u2581mouvements", + -12.6627779006958 + ], + [ + "\u2581kapel", + -12.662787437438965 + ], + [ + "Complete", + -12.66285800933838 + ], + [ + "partij", + -12.662890434265137 + ], + [ + "\u2581Messina", + -12.662925720214844 + ], + [ + "Organisation", + -12.662935256958008 + ], + [ + "\u2581Drag", + -12.663023948669434 + ], + [ + "\u2581S\u00fc", + -12.663125038146973 + ], + [ + "usine", + -12.663171768188477 + ], + [ + "\u2581Iniciantes", + -12.663190841674805 + ], + [ + "\u2581Bachelor", + -12.663253784179688 + ], + [ + "\u2581plt", + -12.663338661193848 + ], + [ + "\u2581Vermeidung", + -12.66339874267578 + ], + [ + "\u2581jud\u00edos", + -12.66341781616211 + ], + [ + "\u2581m\u00e9tro", + -12.663464546203612 + ], + [ + "\u2581roots", + -12.663467407226562 + ], + [ + "\u2581ressort", + -12.6635160446167 + ], + [ + "\u2581Ans", + -12.663566589355469 + ], + [ + "hoofd", + -12.663742065429688 + ], + [ + "\u2581Fior", + -12.663758277893066 + ], + [ + "\u2581cable", + -12.663837432861328 + ], + [ + "estremit\u00e0", + -12.663886070251465 + ], + [ + "\u2581feitos", + -12.664113998413086 + ], + [ + "schlu", + -12.66420841217041 + ], + [ + "express", + -12.664212226867676 + ], + [ + "\u2581gridcolor", + -12.664289474487305 + ], + [ + "\u2581uffici", + -12.664308547973633 + ], + [ + "\u2581activit\u00e9", + -12.66431713104248 + ], + [ + "\u2581trained", + -12.6643648147583 + ], + [ + "\u2581mega", + -12.664474487304688 + ], + [ + "st\u00e4tten", + -12.6644926071167 + ], + [ + "\u2581aanval", + -12.66452693939209 + ], + [ + "\u2581Mara", + -12.664554595947266 + ], + [ + "\u2581dialog", + -12.664606094360352 + ], + [ + "ips", + -12.664661407470703 + ], + [ + "\u2581dimanche", + -12.66467571258545 + ], + [ + "Plot", + -12.664810180664062 + ], + [ + "\u2581rod", + -12.664816856384276 + ], + [ + "\u2581Nicholas", + -12.664875030517578 + ], + [ + "toire", + -12.6650390625 + ], + [ + "wr", + -12.665067672729492 + ], + [ + "\u2581Leib", + -12.665297508239746 + ], + [ + "venir", + -12.665349960327148 + ], + [ + "\u2581Simulation", + -12.665410041809082 + ], + [ + "\u2581Alaska", + -12.665461540222168 + ], + [ + "\u2581ergab", + -12.665482521057127 + ], + [ + "\u2581Komponenten", + -12.665517807006836 + ], + [ + "\u2581aventura", + -12.665547370910645 + ], + [ + "\u2581happening", + -12.665553092956545 + ], + [ + "\u2581tracce", + -12.66558837890625 + ], + [ + "\u2581sterke", + -12.66565227508545 + ], + [ + "\u2581bewaard", + -12.665807723999023 + ], + [ + "\u2581condici\u00f3n", + -12.665864944458008 + ], + [ + "\u2581laboratorio", + -12.666091918945312 + ], + [ + "\u2581periferia", + -12.66611099243164 + ], + [ + "\u2581Globo", + -12.666141510009766 + ], + [ + "\u2581Gleichung", + -12.66615867614746 + ], + [ + "\u2581Caram", + -12.66626262664795 + ], + [ + "\u2581Gesetzgebung", + -12.666266441345217 + ], + [ + "DU", + -12.666267395019531 + ], + [ + "tir", + -12.66629123687744 + ], + [ + "Where", + -12.666306495666504 + ], + [ + "\u2581Collins", + -12.666316986083984 + ], + [ + "empla", + -12.666356086730955 + ], + [ + "SIG", + -12.666412353515623 + ], + [ + "WARN", + -12.666451454162598 + ], + [ + "\u2581mantuvo", + -12.666478157043455 + ], + [ + "\u2581sorella", + -12.66652011871338 + ], + [ + "GCC", + -12.66656494140625 + ], + [ + "JE", + -12.666584968566896 + ], + [ + "\u2581detta", + -12.666595458984377 + ], + [ + "\u2581amended", + -12.666653633117676 + ], + [ + "\u2581stroke", + -12.666708946228027 + ], + [ + "\u2581Wortlaut", + -12.666738510131836 + ], + [ + "\u2581Revista", + -12.666744232177734 + ], + [ + "\u2581dedicado", + -12.666781425476074 + ], + [ + "erten", + -12.666851997375488 + ], + [ + "highlight", + -12.666925430297852 + ], + [ + "\u2581compilation", + -12.666925430297852 + ], + [ + "\u2581F\u00e4higkeiten", + -12.666940689086914 + ], + [ + "\u2581conceitos", + -12.666964530944824 + ], + [ + "\u2581Catedral", + -12.666967391967772 + ], + [ + "\u2581samenleving", + -12.666967391967772 + ], + [ + "\u2581ju", + -12.667125701904297 + ], + [ + "\u2581Cristina", + -12.667149543762209 + ], + [ + "\u2581Perguntas", + -12.66718578338623 + ], + [ + "\u2581Vielfalt", + -12.66726303100586 + ], + [ + "\u2581individuo", + -12.667298316955566 + ], + [ + "\u2581Chal", + -12.667381286621094 + ], + [ + "\u2581UIApplication", + -12.667399406433104 + ], + [ + "\u2581nat\u00fcrliche", + -12.667421340942385 + ], + [ + "Metrics", + -12.667441368103027 + ], + [ + "\u2581reconstruction", + -12.66744613647461 + ], + [ + "\u2581Warum", + -12.667473793029783 + ], + [ + "Tech", + -12.667485237121582 + ], + [ + "\u2581azioni", + -12.667652130126951 + ], + [ + "\u2581venire", + -12.667715072631836 + ], + [ + "\u2581adapta", + -12.66775894165039 + ], + [ + "\u2581divisie", + -12.667760848999023 + ], + [ + "\u2581relato", + -12.667803764343262 + ], + [ + "hist", + -12.667940139770508 + ], + [ + "\u2581rendu", + -12.667964935302734 + ], + [ + "\u2581cr\u00e9dito", + -12.668013572692873 + ], + [ + "Bal", + -12.66806411743164 + ], + [ + "\u2581medicine", + -12.668113708496094 + ], + [ + "\u2581Political", + -12.66811466217041 + ], + [ + "essor", + -12.668140411376951 + ], + [ + "\u2581correction", + -12.66816234588623 + ], + [ + "\u2581wechselte", + -12.668179512023926 + ], + [ + "\u2581Regiment", + -12.66819953918457 + ], + [ + "uality", + -12.668285369873049 + ], + [ + "\u2581mostrado", + -12.66830348968506 + ], + [ + "STATIC", + -12.668304443359377 + ], + [ + "\u2581Spencer", + -12.66830825805664 + ], + [ + "\u2581lists", + -12.668323516845703 + ], + [ + "Clear", + -12.668339729309082 + ], + [ + "\u2581Grey", + -12.66837215423584 + ], + [ + "\u2581santos", + -12.668399810791016 + ], + [ + "ppa", + -12.66840934753418 + ], + [ + "\u2581Write", + -12.668445587158203 + ], + [ + "tation", + -12.668533325195312 + ], + [ + "\u2581entfallen", + -12.668540000915527 + ], + [ + "\u2581Profil", + -12.668599128723145 + ], + [ + "Direction", + -12.66861629486084 + ], + [ + "\u2581Toscana", + -12.668623924255373 + ], + [ + "\u2581Hals", + -12.668641090393066 + ], + [ + "\u2581challenges", + -12.668720245361328 + ], + [ + "POSE", + -12.668774604797363 + ], + [ + "\u2581membrana", + -12.668872833251951 + ], + [ + "\u2581ERLASSEN", + -12.668880462646484 + ], + [ + "\u2581Anmeldung", + -12.668898582458496 + ], + [ + "\u2581Institution", + -12.668916702270508 + ], + [ + "Arm", + -12.6689453125 + ], + [ + "\u2581alarm", + -12.668950080871582 + ], + [ + "\u2581gras", + -12.66901969909668 + ], + [ + "\u2581economische", + -12.66908359527588 + ], + [ + "\u2581Drogen", + -12.669108390808104 + ], + [ + "\u2581schedule", + -12.669180870056152 + ], + [ + "\u2581C\u00e1mara", + -12.669276237487791 + ], + [ + "\u2581Ajuda", + -12.669318199157717 + ], + [ + "\u2581stretch", + -12.669379234313965 + ], + [ + "lische", + -12.669401168823242 + ], + [ + "\u2581Him", + -12.669548034667969 + ], + [ + "\u2581starb", + -12.669585227966309 + ], + [ + "\u2581olhos", + -12.669612884521484 + ], + [ + "\u2581choisir", + -12.669647216796877 + ], + [ + "DEPENDS", + -12.669706344604492 + ], + [ + "\u2581processamento", + -12.669718742370604 + ], + [ + "\u2581misi\u00f3n", + -12.669757843017578 + ], + [ + "\u2581girls", + -12.669759750366213 + ], + [ + "\u2581attualmente", + -12.669806480407717 + ], + [ + "\u2581Knight", + -12.669830322265623 + ], + [ + "\u2581veloce", + -12.669886589050291 + ], + [ + "UER", + -12.669915199279783 + ], + [ + "\u2581brown", + -12.670143127441406 + ], + [ + "\u2581culturel", + -12.670154571533203 + ], + [ + "exposition", + -12.670241355895996 + ], + [ + "veen", + -12.670265197753906 + ], + [ + "dita", + -12.67030906677246 + ], + [ + "absolute", + -12.670327186584473 + ], + [ + "cado", + -12.670368194580078 + ], + [ + "\u2581Walk", + -12.670425415039062 + ], + [ + "amaha", + -12.670432090759276 + ], + [ + "\u2581gleicher", + -12.670454978942873 + ], + [ + "ott", + -12.670489311218262 + ], + [ + "\u2581kannst", + -12.670527458190918 + ], + [ + "\u2581graafschap", + -12.670560836791992 + ], + [ + "django", + -12.670687675476074 + ], + [ + "orient", + -12.67076301574707 + ], + [ + "\u2581alcanz\u00f3", + -12.670799255371094 + ], + [ + "\u2581prevede", + -12.670814514160156 + ], + [ + "\u2581cierta", + -12.67086124420166 + ], + [ + "\u2581Giulio", + -12.67089557647705 + ], + [ + "\u2581tegenover", + -12.67090892791748 + ], + [ + "\u2581vas", + -12.670942306518556 + ], + [ + "\u2581oposici\u00f3n", + -12.670984268188477 + ], + [ + "\u2581diventato", + -12.670987129211426 + ], + [ + "\u2581morir", + -12.67099952697754 + ], + [ + "pagina", + -12.671002388000488 + ], + [ + "\u2581definitions", + -12.671012878417969 + ], + [ + "\u2581facilitar", + -12.671027183532717 + ], + [ + "\u2581Planet", + -12.671104431152344 + ], + [ + "\u2581Browser", + -12.671148300170898 + ], + [ + "\u2581r\u00e9pondre", + -12.671189308166504 + ], + [ + "\u2581substance", + -12.671199798583984 + ], + [ + "PASS", + -12.67123031616211 + ], + [ + "\u2581bocca", + -12.671235084533691 + ], + [ + "\u2581puente", + -12.671374320983888 + ], + [ + "\u2581Pink", + -12.671399116516112 + ], + [ + "\u2581consideration", + -12.671468734741213 + ], + [ + "\u2581Atlas", + -12.671480178833008 + ], + [ + "\u2581Kamera", + -12.67152214050293 + ], + [ + "\u2581hoek", + -12.671548843383787 + ], + [ + "\u2581causing", + -12.671566009521484 + ], + [ + "\u2581considerando", + -12.671568870544434 + ], + [ + "\u2581localit\u00e9", + -12.67159938812256 + ], + [ + "\u2581nuestras", + -12.671670913696287 + ], + [ + "autorit\u00e9", + -12.671674728393556 + ], + [ + "\u2581Luik", + -12.67167854309082 + ], + [ + "Backup", + -12.671710968017578 + ], + [ + "\u2581professores", + -12.671772003173828 + ], + [ + "\u2581Bella", + -12.671902656555176 + ], + [ + "\u2581barca", + -12.671935081481934 + ], + [ + "Setting", + -12.671939849853516 + ], + [ + "Anna", + -12.671953201293944 + ], + [ + "\u2581fou", + -12.671960830688477 + ], + [ + "\u2581fid", + -12.672033309936523 + ], + [ + "jou", + -12.672066688537598 + ], + [ + "\u2581Mathematik", + -12.672136306762695 + ], + [ + "destroy", + -12.67227268218994 + ], + [ + "\u2581silencio", + -12.672564506530762 + ], + [ + "\u2581quelqu", + -12.672613143920898 + ], + [ + "\u2581collections", + -12.672697067260742 + ], + [ + "\u2581Regulation", + -12.672759056091309 + ], + [ + "\u2581gauge", + -12.67284870147705 + ], + [ + "protein", + -12.67294979095459 + ], + [ + "laravel", + -12.673039436340332 + ], + [ + "\u2581sluipwespen", + -12.673052787780762 + ], + [ + "\u00f3nica", + -12.673105239868164 + ], + [ + "Ger", + -12.673137664794922 + ], + [ + "S\u00ed", + -12.673174858093262 + ], + [ + "\u2581allerlei", + -12.673174858093262 + ], + [ + "\u2581SN", + -12.673177719116213 + ], + [ + "\u2581ausgebaut", + -12.67330265045166 + ], + [ + "\u2581agenda", + -12.67336082458496 + ], + [ + "\u2581Wirksamkeit", + -12.673364639282228 + ], + [ + "\u2581juntamente", + -12.673397064208984 + ], + [ + "\u2581r\u00e9el", + -12.673432350158691 + ], + [ + "\u2581Mitra", + -12.673466682434082 + ], + [ + "\u2581capitolo", + -12.673480033874512 + ], + [ + "\u2581Venus", + -12.673494338989258 + ], + [ + "\u2581responsabilidad", + -12.673542022705078 + ], + [ + "clar", + -12.673564910888672 + ], + [ + "igno", + -12.673578262329102 + ], + [ + "\u2581courses", + -12.673727989196776 + ], + [ + "\u2581heading", + -12.673728942871094 + ], + [ + "\u2581colour", + -12.67373275756836 + ], + [ + "analisi", + -12.673776626586914 + ], + [ + "cout", + -12.673833847045898 + ], + [ + "Must", + -12.673848152160645 + ], + [ + "\u00e9tica", + -12.673903465270996 + ], + [ + "ol\u00f3gica", + -12.673916816711426 + ], + [ + "\u2581Baviera", + -12.673922538757324 + ], + [ + "anten", + -12.673927307128906 + ], + [ + "\u2581Lied", + -12.673927307128906 + ], + [ + "WEB", + -12.673948287963867 + ], + [ + "regexp", + -12.673990249633787 + ], + [ + "isierten", + -12.674042701721191 + ], + [ + "\u2581rechtvleugelig", + -12.674064636230469 + ], + [ + "icola", + -12.674071311950684 + ], + [ + "\u2581capace", + -12.674142837524414 + ], + [ + "\u2581BB", + -12.674145698547363 + ], + [ + "\u2581escolas", + -12.674159049987791 + ], + [ + "renten", + -12.674233436584473 + ], + [ + "Pop", + -12.67425537109375 + ], + [ + "\u2581arrays", + -12.674273490905762 + ], + [ + "\u2581conselho", + -12.674297332763672 + ], + [ + "\u2581positiva", + -12.674328804016112 + ], + [ + "gleich", + -12.674354553222656 + ], + [ + "TestCase", + -12.674403190612791 + ], + [ + "\u2581Inhaber", + -12.674413681030272 + ], + [ + "\u2581Maxim", + -12.674437522888184 + ], + [ + "\u2581unterhalb", + -12.67444133758545 + ], + [ + "\u2581ovviamente", + -12.674453735351562 + ], + [ + "coord", + -12.674500465393066 + ], + [ + "\u2581Senior", + -12.674558639526367 + ], + [ + "\u2581aiuta", + -12.674585342407228 + ], + [ + "associazione", + -12.6746187210083 + ], + [ + "\u2581races", + -12.674636840820312 + ], + [ + "wirt", + -12.674678802490234 + ], + [ + "eiras", + -12.674724578857422 + ], + [ + "turn", + -12.6747407913208 + ], + [ + "\u2581operai", + -12.674761772155762 + ], + [ + "Dom", + -12.67481803894043 + ], + [ + "epoch", + -12.674830436706545 + ], + [ + "\u2581Meeres", + -12.67495822906494 + ], + [ + "absence", + -12.674991607666016 + ], + [ + "reste", + -12.67503261566162 + ], + [ + "isant", + -12.67503833770752 + ], + [ + "\u2581responsabile", + -12.675047874450684 + ], + [ + "\u2581Cold", + -12.675078392028809 + ], + [ + "\u2581descoberta", + -12.67508029937744 + ], + [ + "\u2581ulteriori", + -12.675146102905272 + ], + [ + "tevi", + -12.675152778625488 + ], + [ + "\u2581tells", + -12.67522430419922 + ], + [ + "Radio", + -12.675225257873535 + ], + [ + "\u2581regreso", + -12.675257682800291 + ], + [ + "cit", + -12.675333023071287 + ], + [ + "\u2581uncertainty", + -12.675349235534668 + ], + [ + "\u2581strand", + -12.67539119720459 + ], + [ + "\u2581Blatt", + -12.675451278686523 + ], + [ + "\u2581klassieke", + -12.67546558380127 + ], + [ + "\u2581genie", + -12.675551414489746 + ], + [ + "\u2581Hero", + -12.67564296722412 + ], + [ + "\u2581tecniche", + -12.675691604614258 + ], + [ + "\u2581verdadeiro", + -12.675755500793455 + ], + [ + "\u2581manchmal", + -12.675844192504885 + ], + [ + "\u2581l\u00edquido", + -12.675858497619627 + ], + [ + "\u2581Mord", + -12.675874710083008 + ], + [ + "\u2581Scher", + -12.675886154174805 + ], + [ + "\u2581c\u00edrculo", + -12.675917625427246 + ], + [ + "\u2581Bug", + -12.675928115844728 + ], + [ + "cla", + -12.67593765258789 + ], + [ + "\u2581incorrect", + -12.675975799560549 + ], + [ + "\u2581Krankheit", + -12.67600154876709 + ], + [ + "Insert", + -12.676021575927734 + ], + [ + "\u2581Commune", + -12.676151275634766 + ], + [ + "\u2581smile", + -12.67618179321289 + ], + [ + "\u2581Fang", + -12.676286697387695 + ], + [ + "\u2581periods", + -12.676451683044434 + ], + [ + "\u2581geschrieben", + -12.6764554977417 + ], + [ + "\u2581voti", + -12.676523208618164 + ], + [ + "papier", + -12.676568984985352 + ], + [ + "\u2581TCP", + -12.6765718460083 + ], + [ + "Origin", + -12.676572799682615 + ], + [ + "\u2581opini", + -12.676623344421388 + ], + [ + "\u2581kids", + -12.676654815673828 + ], + [ + "\u2581rivista", + -12.676716804504396 + ], + [ + "\u2581id\u00e9es", + -12.676797866821287 + ], + [ + "KC", + -12.676823616027832 + ], + [ + "banken", + -12.676872253417969 + ], + [ + "cart", + -12.676875114440918 + ], + [ + "\u2581Vienne", + -12.676928520202637 + ], + [ + "Orl\u00e9ans", + -12.676932334899902 + ], + [ + "z\u00e9", + -12.676992416381836 + ], + [ + "\u2581Ufer", + -12.677041053771973 + ], + [ + "\u2581daarvoor", + -12.677123069763184 + ], + [ + "\u2581referirse", + -12.677197456359863 + ], + [ + "\u2581compito", + -12.677265167236328 + ], + [ + "indexOf", + -12.677270889282228 + ], + [ + "modern", + -12.677275657653809 + ], + [ + "\u2581pale", + -12.677322387695312 + ], + [ + "reload", + -12.677335739135742 + ], + [ + "\u2581planet", + -12.677346229553224 + ], + [ + "attenzione", + -12.677348136901855 + ], + [ + "\u2581elected", + -12.67735195159912 + ], + [ + "\u2581palacio", + -12.677355766296388 + ], + [ + "\u2581Median", + -12.677383422851562 + ], + [ + "objectif", + -12.677411079406738 + ], + [ + "\u2581perdi\u00f3", + -12.677420616149902 + ], + [ + "\u2581avion", + -12.67746353149414 + ], + [ + "Ready", + -12.67751121520996 + ], + [ + "\u2581retrieve", + -12.677539825439451 + ], + [ + "\u2581ove", + -12.67759895324707 + ], + [ + "Console", + -12.677715301513672 + ], + [ + "\u2581Gia", + -12.67774772644043 + ], + [ + "scheduler", + -12.67785930633545 + ], + [ + "\u2581atti", + -12.677903175354004 + ], + [ + "aving", + -12.67790412902832 + ], + [ + "lip", + -12.677927017211914 + ], + [ + "\u2581revision", + -12.67793083190918 + ], + [ + "targets", + -12.677989959716797 + ], + [ + "\u2581delante", + -12.67801570892334 + ], + [ + "\u2581Caribe", + -12.678088188171388 + ], + [ + "\u2581tariffa", + -12.678194046020508 + ], + [ + "Pixel", + -12.678266525268556 + ], + [ + "\u2581Dakota", + -12.678342819213867 + ], + [ + "Govern", + -12.67842960357666 + ], + [ + "\u2581gelijknamige", + -12.678454399108888 + ], + [ + "\u2581Bauer", + -12.678506851196287 + ], + [ + "Authentication", + -12.67856502532959 + ], + [ + "\u2581abitato", + -12.678576469421388 + ], + [ + "\u2581Darlehen", + -12.67864227294922 + ], + [ + "\u2581quantit\u00e9", + -12.678647994995115 + ], + [ + "\u2581hierbij", + -12.678709030151367 + ], + [ + "\u2581voetbalelftal", + -12.678802490234377 + ], + [ + "jun", + -12.678818702697754 + ], + [ + "\u2581Wester", + -12.67881965637207 + ], + [ + "bindung", + -12.678820610046388 + ], + [ + "\u2581Maine", + -12.678834915161133 + ], + [ + "\u2581census", + -12.678852081298828 + ], + [ + "Management", + -12.678855895996094 + ], + [ + "emen", + -12.678894996643066 + ], + [ + "\u2581Much", + -12.67899227142334 + ], + [ + "\u2581Commonwealth", + -12.678995132446287 + ], + [ + "pon", + -12.679179191589355 + ], + [ + "later", + -12.679204940795898 + ], + [ + "\u2581einiger", + -12.679208755493164 + ], + [ + "\u2581Hist\u00f3rico", + -12.679241180419922 + ], + [ + "\u2581sp\u00e4t", + -12.679282188415527 + ], + [ + "\u2581municipales", + -12.679458618164062 + ], + [ + "\u2581pensamiento", + -12.679481506347656 + ], + [ + "Iran", + -12.679498672485352 + ], + [ + "egel", + -12.679524421691896 + ], + [ + "\u2581guy", + -12.679536819458008 + ], + [ + "\u2581blank", + -12.679585456848145 + ], + [ + "\u2581rostro", + -12.679601669311523 + ], + [ + "\u2581moves", + -12.679648399353027 + ], + [ + "\u2581c\u00e9leste", + -12.67967128753662 + ], + [ + "dino", + -12.679678916931152 + ], + [ + "paths", + -12.679722785949709 + ], + [ + "\u2581deja", + -12.67973804473877 + ], + [ + "\u2581colors", + -12.679753303527832 + ], + [ + "\u2581Actores", + -12.679760932922363 + ], + [ + "\u2581qualified", + -12.67988109588623 + ], + [ + "svn", + -12.679911613464355 + ], + [ + "\u2581Demografie", + -12.679986953735352 + ], + [ + "Ing", + -12.679993629455566 + ], + [ + "entretien", + -12.680068969726562 + ], + [ + "\u2581Cookie", + -12.680103302001951 + ], + [ + "\u2581Ang", + -12.680132865905762 + ], + [ + "angebot", + -12.680136680603027 + ], + [ + "\u2581MD", + -12.680181503295898 + ], + [ + "sorted", + -12.680327415466309 + ], + [ + "oul", + -12.680330276489258 + ], + [ + "\u2581lejos", + -12.680400848388672 + ], + [ + "\u2581regardless", + -12.680459022521973 + ], + [ + "gap", + -12.680529594421388 + ], + [ + "\u2581molen", + -12.680619239807127 + ], + [ + "\u2581Tetra", + -12.680649757385254 + ], + [ + "\u2581gezahlt", + -12.680770874023438 + ], + [ + "conda", + -12.680782318115234 + ], + [ + "positie", + -12.680787086486816 + ], + [ + "\u2581Tho", + -12.680808067321776 + ], + [ + "\u2581Princeton", + -12.680867195129396 + ], + [ + "\u2581Batalha", + -12.680898666381836 + ], + [ + "wor", + -12.680946350097656 + ], + [ + "\u2581iniciativa", + -12.680953979492188 + ], + [ + "\u2581Stau", + -12.68098258972168 + ], + [ + "\u2581Portland", + -12.681013107299805 + ], + [ + "\u2581milk", + -12.681038856506348 + ], + [ + "\u2581vorliegt", + -12.68105125427246 + ], + [ + "aut", + -12.68109130859375 + ], + [ + "theorem", + -12.681133270263672 + ], + [ + "maven", + -12.681160926818848 + ], + [ + "\u2581Bade", + -12.681228637695312 + ], + [ + "\u2581complexes", + -12.681293487548828 + ], + [ + "\u2581versetzt", + -12.68130111694336 + ], + [ + "\u2581tire", + -12.68130874633789 + ], + [ + "\u2581Heiligen", + -12.681429862976074 + ], + [ + "\u2581contin", + -12.681442260742188 + ], + [ + "\u2581descritas", + -12.68144989013672 + ], + [ + "iegel", + -12.681522369384766 + ], + [ + "\u2581selber", + -12.681646347045898 + ], + [ + "\u2581totalement", + -12.681647300720217 + ], + [ + "eclipse", + -12.681684494018556 + ], + [ + "\u2581Scar", + -12.68170928955078 + ], + [ + "\u2581erzeugt", + -12.68170928955078 + ], + [ + "\u2581Cfr", + -12.681767463684082 + ], + [ + "kevers", + -12.681784629821776 + ], + [ + "\u2581Geist", + -12.68179416656494 + ], + [ + "\u2581comincia", + -12.681804656982422 + ], + [ + "\u2581Authors", + -12.681879043579102 + ], + [ + "hic", + -12.681915283203123 + ], + [ + "ufficio", + -12.681925773620604 + ], + [ + "\u2581ovunque", + -12.681927680969238 + ], + [ + "\u2581preserva", + -12.682013511657717 + ], + [ + "\u2581recording", + -12.682015419006348 + ], + [ + "returns", + -12.682083129882812 + ], + [ + "\u2581trainer", + -12.682114601135254 + ], + [ + "\u2581Tennis", + -12.68219757080078 + ], + [ + "monitor", + -12.682256698608398 + ], + [ + "Subsec", + -12.68230438232422 + ], + [ + "\u2581abre", + -12.682357788085938 + ], + [ + "halt", + -12.682400703430176 + ], + [ + "\u2581candidates", + -12.682421684265137 + ], + [ + "\u2581betreffend", + -12.682493209838867 + ], + [ + "\u2581Gem\u00fcse", + -12.682537078857422 + ], + [ + "\u2581n\u00e9e", + -12.682541847229004 + ], + [ + "azo", + -12.682625770568848 + ], + [ + "icu", + -12.682666778564451 + ], + [ + "\u2581dipende", + -12.68277359008789 + ], + [ + "ape", + -12.682775497436523 + ], + [ + "\u2581floresta", + -12.682812690734863 + ], + [ + "\u2581fachada", + -12.682855606079102 + ], + [ + "\u2581Petra", + -12.682861328125 + ], + [ + "\u2581Fonti", + -12.682901382446287 + ], + [ + "Fr", + -12.68292999267578 + ], + [ + "\u2581atacar", + -12.682950973510742 + ], + [ + "\u2581muta", + -12.68302059173584 + ], + [ + "\u2581Elite", + -12.6831693649292 + ], + [ + "\u2581compila", + -12.683269500732422 + ], + [ + "\u2581\u00e9lectrique", + -12.68329906463623 + ], + [ + "\u2581Formel", + -12.68332862854004 + ], + [ + "cionais", + -12.683398246765137 + ], + [ + "\u2581schriftlich", + -12.683500289916992 + ], + [ + "\u2581Stars", + -12.683539390563965 + ], + [ + "\u2581Ausstellung", + -12.683598518371582 + ], + [ + "RJ", + -12.683605194091797 + ], + [ + "egli", + -12.683703422546388 + ], + [ + "NER", + -12.683708190917969 + ], + [ + "\u2581greca", + -12.683757781982422 + ], + [ + "\u2581Mozart", + -12.683775901794434 + ], + [ + "\u2581Budget", + -12.683788299560549 + ], + [ + "\u2581attract", + -12.68383502960205 + ], + [ + "\u2581banque", + -12.683886528015137 + ], + [ + "\u2581h\u00e9", + -12.68392562866211 + ], + [ + "\u2581Desarrollo", + -12.684056282043455 + ], + [ + "\u2581angles", + -12.68420124053955 + ], + [ + "feed", + -12.684206008911133 + ], + [ + "\u2581Marion", + -12.68422794342041 + ], + [ + "occasione", + -12.684243202209473 + ], + [ + "ault", + -12.684365272521973 + ], + [ + "\u2581soldats", + -12.684391021728516 + ], + [ + "\u2581consciousness", + -12.684452056884766 + ], + [ + "\u2581snelheid", + -12.68446159362793 + ], + [ + "\u2581Lob", + -12.684496879577637 + ], + [ + "torio", + -12.684514045715332 + ], + [ + "\u2581desenvolver", + -12.68452262878418 + ], + [ + "\u2581helpful", + -12.684595108032228 + ], + [ + "\u2581owned", + -12.684669494628906 + ], + [ + "COP", + -12.68467140197754 + ], + [ + "holm", + -12.68481731414795 + ], + [ + "\u2581halte", + -12.68486213684082 + ], + [ + "uva", + -12.684885025024414 + ], + [ + "echt", + -12.684906959533691 + ], + [ + "\u2581engineering", + -12.684910774230955 + ], + [ + "dinger", + -12.684966087341309 + ], + [ + "ecker", + -12.68497371673584 + ], + [ + "\u2581velho", + -12.684982299804688 + ], + [ + "\u2581durchzuf\u00fchren", + -12.685065269470217 + ], + [ + "\u2581feudo", + -12.68507957458496 + ], + [ + "macher", + -12.68508243560791 + ], + [ + "\u2581caixa", + -12.685138702392578 + ], + [ + "\u2581Beseitigung", + -12.685205459594728 + ], + [ + "voc", + -12.685288429260254 + ], + [ + "\u2581Mut", + -12.685302734375 + ], + [ + "\u2581Tuesday", + -12.685308456420898 + ], + [ + "izados", + -12.685378074645996 + ], + [ + "boli", + -12.685420989990234 + ], + [ + "rog", + -12.68544578552246 + ], + [ + "\u2581gefa", + -12.685453414916992 + ], + [ + "\u2581\u00e9tablie", + -12.685502052307127 + ], + [ + "\u2581orgel", + -12.685504913330078 + ], + [ + "\u2581capaci", + -12.685518264770508 + ], + [ + "\u2581materiali", + -12.685544967651367 + ], + [ + "TEN", + -12.68556785583496 + ], + [ + "\u2581Author", + -12.68566608428955 + ], + [ + "\u2581Caesar", + -12.68571949005127 + ], + [ + "\u2581Straftaten", + -12.68588924407959 + ], + [ + "s\u00e4ure", + -12.685891151428224 + ], + [ + "youtube", + -12.685945510864258 + ], + [ + "\u2581Annexes", + -12.686016082763672 + ], + [ + "\u2581Perry", + -12.686054229736328 + ], + [ + "\u2581Honda", + -12.686108589172363 + ], + [ + "\u2581integrated", + -12.686196327209473 + ], + [ + "books", + -12.686253547668455 + ], + [ + "\u2581volledige", + -12.68626880645752 + ], + [ + "\u2581vroege", + -12.68628978729248 + ], + [ + "\u2581agentes", + -12.686320304870604 + ], + [ + "\u2581mount", + -12.686321258544922 + ], + [ + "\u2581Giochi", + -12.686325073242188 + ], + [ + "LH", + -12.68635082244873 + ], + [ + "Erebidae", + -12.686382293701172 + ], + [ + "\u2581schlecht", + -12.686441421508787 + ], + [ + "\u2581Schriften", + -12.68645477294922 + ], + [ + "\u2581fortement", + -12.686575889587402 + ], + [ + "\u2581kurzen", + -12.68659496307373 + ], + [ + "\u2581suddenly", + -12.686631202697754 + ], + [ + "\u2581gep", + -12.686637878417969 + ], + [ + "\u2581Watch", + -12.6866455078125 + ], + [ + "\u2581putting", + -12.686729431152344 + ], + [ + "JB", + -12.686742782592772 + ], + [ + "\u2581gesteld", + -12.686766624450684 + ], + [ + "\u2581Edge", + -12.686768531799316 + ], + [ + "\u2581oscuro", + -12.686795234680176 + ], + [ + "semi", + -12.686866760253906 + ], + [ + "\u2581peculiar", + -12.686920166015623 + ], + [ + "labor", + -12.686933517456056 + ], + [ + "reeks", + -12.687051773071287 + ], + [ + "\u2581dividido", + -12.687055587768556 + ], + [ + "\u2581Mak", + -12.687076568603516 + ], + [ + "Teil", + -12.687097549438477 + ], + [ + "crit", + -12.68717098236084 + ], + [ + "\u2581lembran", + -12.687201499938965 + ], + [ + "\u2581indirect", + -12.687212944030762 + ], + [ + "dock", + -12.687222480773926 + ], + [ + "chor", + -12.687332153320312 + ], + [ + "Vertex", + -12.687338829040527 + ], + [ + "oord", + -12.687387466430664 + ], + [ + "\u2581housing", + -12.687390327453612 + ], + [ + "\u2581roles", + -12.687403678894045 + ], + [ + "ndice", + -12.687408447265623 + ], + [ + "\u2581dipartimento", + -12.68741512298584 + ], + [ + "\u2581infection", + -12.687478065490724 + ], + [ + "akov", + -12.687494277954102 + ], + [ + "WithContext", + -12.68751621246338 + ], + [ + "\u2581escolar", + -12.687524795532228 + ], + [ + "MOD", + -12.687535285949709 + ], + [ + "\u2581decade", + -12.687552452087402 + ], + [ + "\u2581H\u00e4nde", + -12.68764877319336 + ], + [ + "Brabant", + -12.687664985656738 + ], + [ + "foreach", + -12.687689781188965 + ], + [ + "\u2581M\u00e4nnern", + -12.687755584716797 + ], + [ + "\u2581Sturm", + -12.68780517578125 + ], + [ + "igt", + -12.687886238098145 + ], + [ + "lhs", + -12.687907218933104 + ], + [ + "\u2581Normen", + -12.68793773651123 + ], + [ + "\u2581determining", + -12.687966346740724 + ], + [ + "gebouw", + -12.687996864318848 + ], + [ + "\u2581drawing", + -12.68803882598877 + ], + [ + "\u2581projetos", + -12.688060760498049 + ], + [ + "\u2581appelle", + -12.688080787658691 + ], + [ + "\u2581beinhaltet", + -12.688193321228027 + ], + [ + "\u2581Korn", + -12.688220024108888 + ], + [ + "\u2581Several", + -12.68823528289795 + ], + [ + "\u2581thema", + -12.68837547302246 + ], + [ + "\u2581Informa", + -12.688406944274902 + ], + [ + "\u2581Stephan", + -12.688480377197266 + ], + [ + "aging", + -12.688517570495604 + ], + [ + "Chat", + -12.68854522705078 + ], + [ + "\u2581representative", + -12.688547134399414 + ], + [ + "picker", + -12.688606262207031 + ], + [ + "\u2581computation", + -12.68861961364746 + ], + [ + "\u2581Ausstattung", + -12.68867015838623 + ], + [ + "\u2581Entretanto", + -12.68867301940918 + ], + [ + "\u2581operativo", + -12.688762664794922 + ], + [ + "\u2581luci", + -12.68880844116211 + ], + [ + "\u2581denominada", + -12.688846588134766 + ], + [ + "acteur", + -12.68887996673584 + ], + [ + "MAS", + -12.68893337249756 + ], + [ + "pla", + -12.689004898071287 + ], + [ + "\u2581sauce", + -12.689019203186035 + ], + [ + "\u2581periodi", + -12.689020156860352 + ], + [ + "\u2581venda", + -12.68906593322754 + ], + [ + "\u2581jun", + -12.689083099365234 + ], + [ + "\u2581correspondant", + -12.689271926879885 + ], + [ + "\u2581fazia", + -12.689441680908203 + ], + [ + "\u2581Grau", + -12.68954086303711 + ], + [ + "\u2581Wednesday", + -12.689600944519045 + ], + [ + "Apply", + -12.68962860107422 + ], + [ + "\u2581foco", + -12.689657211303713 + ], + [ + "rine", + -12.68979549407959 + ], + [ + "\u2581Verg", + -12.689810752868652 + ], + [ + "\u2581vecchi", + -12.68983554840088 + ], + [ + "\u2581stroom", + -12.689854621887209 + ], + [ + "\u2581aulas", + -12.689936637878418 + ], + [ + "\u2581fellow", + -12.689958572387695 + ], + [ + "\u2581capitaine", + -12.689979553222656 + ], + [ + "\u2581tur", + -12.690034866333008 + ], + [ + "einnahmen", + -12.69007682800293 + ], + [ + "\u2581Cameron", + -12.69016170501709 + ], + [ + "\u2581Regina", + -12.690162658691406 + ], + [ + "\u2581professionnel", + -12.69027042388916 + ], + [ + "\u2581destes", + -12.6903076171875 + ], + [ + "ssant", + -12.690363883972168 + ], + [ + "\u2581lanc\u00e9", + -12.690366744995115 + ], + [ + "\u2581producer", + -12.690400123596191 + ], + [ + "\u2581omitted", + -12.69044589996338 + ], + [ + "Claude", + -12.690468788146973 + ], + [ + "\u2581Volta", + -12.690470695495604 + ], + [ + "\u2581humans", + -12.69050121307373 + ], + [ + "\u2581Vig", + -12.690502166748049 + ], + [ + "kn", + -12.690631866455078 + ], + [ + "mach", + -12.690646171569824 + ], + [ + "\u2581Sachen", + -12.690800666809082 + ], + [ + "\u2581cerebral", + -12.690954208374023 + ], + [ + "\u2581avevo", + -12.690983772277832 + ], + [ + "\u2581coupling", + -12.691062927246094 + ], + [ + "\u2581zoek", + -12.691094398498535 + ], + [ + "\u2581temperatures", + -12.6911039352417 + ], + [ + "\u2581vergelijking", + -12.691117286682127 + ], + [ + "\u2581familiares", + -12.691142082214355 + ], + [ + "\u2581Dokumentation", + -12.691217422485352 + ], + [ + "\u2581officier", + -12.691264152526855 + ], + [ + "IH", + -12.691309928894045 + ], + [ + "\u2581kleuren", + -12.69131851196289 + ], + [ + "\u2581PL", + -12.69137191772461 + ], + [ + "\u2581Tief", + -12.691401481628418 + ], + [ + "INC", + -12.691420555114746 + ], + [ + "\u2581habit", + -12.691481590270996 + ], + [ + "\u2581Ris", + -12.691492080688477 + ], + [ + "\u2581collapsed", + -12.691551208496094 + ], + [ + "DELETE", + -12.691553115844728 + ], + [ + "Reis", + -12.691582679748535 + ], + [ + "\u2581consequence", + -12.691631317138672 + ], + [ + "\u2581benannt", + -12.691692352294922 + ], + [ + "\u2581uni\u00f3", + -12.691726684570312 + ], + [ + "ight", + -12.691743850708008 + ], + [ + "\u2581perda", + -12.691765785217283 + ], + [ + "IRA", + -12.691804885864258 + ], + [ + "\u2581angemessen", + -12.691834449768066 + ], + [ + "ovich", + -12.691853523254396 + ], + [ + "\u2581verdadeira", + -12.691876411437988 + ], + [ + "\u2581Schicht", + -12.691951751708984 + ], + [ + "\u2581Blanca", + -12.691976547241213 + ], + [ + "\u2581finito", + -12.69202995300293 + ], + [ + "\u2581tempio", + -12.692041397094728 + ], + [ + "hafen", + -12.692063331604004 + ], + [ + "\u2581Eduard", + -12.692063331604004 + ], + [ + "\u2581performing", + -12.692075729370115 + ], + [ + "\u2581addresses", + -12.692111015319824 + ], + [ + "FORMAT", + -12.692172050476074 + ], + [ + "\u2581soumis", + -12.69218635559082 + ], + [ + "\u2581Cant", + -12.692188262939451 + ], + [ + "\u2581entr\u00f3", + -12.692193031311035 + ], + [ + "\u2581piace", + -12.692217826843262 + ], + [ + "\u2581Freunde", + -12.692258834838867 + ], + [ + "\u2581costume", + -12.692357063293455 + ], + [ + "\u2581metrics", + -12.692383766174316 + ], + [ + "Exec", + -12.692392349243164 + ], + [ + "\u2581Gerard", + -12.692428588867188 + ], + [ + "forme", + -12.69248104095459 + ], + [ + "\u2581Riddle", + -12.692498207092283 + ], + [ + "\u2581Nij", + -12.692585945129396 + ], + [ + "\u2581essentiellement", + -12.69280242919922 + ], + [ + "\u2581Tunnel", + -12.692879676818848 + ], + [ + "BUILT", + -12.692920684814451 + ], + [ + "legend", + -12.693013191223145 + ], + [ + "ziehen", + -12.693032264709473 + ], + [ + "\u2581bueno", + -12.693033218383787 + ], + [ + "nho", + -12.693120956420898 + ], + [ + "\u2581landscape", + -12.693160057067873 + ], + [ + "isieren", + -12.693181037902832 + ], + [ + "\u2581paredes", + -12.693190574645996 + ], + [ + "RGB", + -12.693230628967283 + ], + [ + "Side", + -12.69327449798584 + ], + [ + "\u2581Lamp", + -12.693347930908203 + ], + [ + "outh", + -12.693410873413086 + ], + [ + "\u2581Thu", + -12.693445205688477 + ], + [ + "\u2581Claus", + -12.693451881408691 + ], + [ + "\u2581annunciato", + -12.693462371826172 + ], + [ + "\u2581texture", + -12.693475723266602 + ], + [ + "\u2581paciente", + -12.693531036376951 + ], + [ + "\u2581bail", + -12.69363784790039 + ], + [ + "\u2581hogar", + -12.69368839263916 + ], + [ + "Variables", + -12.693743705749512 + ], + [ + "ozzi", + -12.693999290466309 + ], + [ + "Components", + -12.694113731384276 + ], + [ + "\u2581Travel", + -12.694128036499023 + ], + [ + "\u2581priva", + -12.694195747375488 + ], + [ + "aldi", + -12.69431972503662 + ], + [ + "odes", + -12.694371223449709 + ], + [ + "Laurent", + -12.694440841674805 + ], + [ + "eilen", + -12.694497108459473 + ], + [ + "\u2581rurale", + -12.694635391235352 + ], + [ + "szeitraum", + -12.694741249084473 + ], + [ + "\u2581Poder", + -12.694782257080078 + ], + [ + "\u2581Bajo", + -12.694819450378418 + ], + [ + "\u2581justicia", + -12.694826126098633 + ], + [ + "\u2581Carre", + -12.694832801818848 + ], + [ + "\u2581tutela", + -12.694854736328123 + ], + [ + "sphere", + -12.695076942443848 + ], + [ + "\u2581Ep", + -12.695170402526855 + ], + [ + "\u2581conventional", + -12.695188522338867 + ], + [ + "resolution", + -12.695210456848145 + ], + [ + "\u2581ferroviario", + -12.695353507995604 + ], + [ + "\u2581s\u00e4mtliche", + -12.695369720458984 + ], + [ + "\u00e9p", + -12.695505142211914 + ], + [ + "\u2581Vorstellung", + -12.69558811187744 + ], + [ + "\u2581primitive", + -12.69559097290039 + ], + [ + "\u2581Guarda", + -12.695595741271973 + ], + [ + "\u2581quatri", + -12.695595741271973 + ], + [ + "\u2581Kl\u00e4ger", + -12.69562816619873 + ], + [ + "\u2581Cerca", + -12.695686340332031 + ], + [ + "DNA", + -12.695722579956056 + ], + [ + "DIS", + -12.695734024047852 + ], + [ + "\u2581helemaal", + -12.695773124694824 + ], + [ + "stunden", + -12.69580078125 + ], + [ + "\u2581Alles", + -12.695932388305664 + ], + [ + "incl", + -12.69596004486084 + ], + [ + "\u2581imported", + -12.696001052856444 + ], + [ + "ffentlicher", + -12.696002006530762 + ], + [ + "\u2581clusters", + -12.696038246154783 + ], + [ + "\u2581planned", + -12.696062088012695 + ], + [ + "mnt", + -12.696070671081545 + ], + [ + "\u2581individuellen", + -12.696084976196287 + ], + [ + "\u2581devo", + -12.696181297302246 + ], + [ + "\u2581compreso", + -12.696216583251951 + ], + [ + "\u2581D\u00e9partement", + -12.69628620147705 + ], + [ + "\u2581poss\u00edveis", + -12.696330070495604 + ], + [ + "\u2581Magia", + -12.6965970993042 + ], + [ + "\u2581Cohen", + -12.696674346923828 + ], + [ + "\u2581tradizioni", + -12.696696281433104 + ], + [ + "fim", + -12.696763038635254 + ], + [ + "\u2581Bewerber", + -12.69677448272705 + ], + [ + "\u2581pg", + -12.696828842163086 + ], + [ + "zuur", + -12.696831703186035 + ], + [ + "\u2581chute", + -12.697013854980469 + ], + [ + "\u2581sociaux", + -12.697043418884276 + ], + [ + "Verfahren", + -12.69712257385254 + ], + [ + "\u2581Berlusconi", + -12.697347640991213 + ], + [ + "\u2581university", + -12.697357177734377 + ], + [ + "clav", + -12.697381973266602 + ], + [ + "\u2581recommend", + -12.697388648986816 + ], + [ + "berto", + -12.697420120239258 + ], + [ + "ARE", + -12.69745635986328 + ], + [ + "\u2581calciatore", + -12.697508811950684 + ], + [ + "\u2581spettacolo", + -12.697508811950684 + ], + [ + "sprachlich", + -12.697509765625 + ], + [ + "\u2581Interior", + -12.697548866271973 + ], + [ + "\u2581Disco", + -12.697558403015137 + ], + [ + "zijde", + -12.697564125061035 + ], + [ + "\u2581impedir", + -12.697595596313477 + ], + [ + "leit", + -12.697638511657717 + ], + [ + "\u2581molecules", + -12.697659492492676 + ], + [ + "\u2581Tz", + -12.697736740112305 + ], + [ + "\u2581Bran", + -12.697757720947266 + ], + [ + "robot", + -12.697773933410645 + ], + [ + "\u2581imaginar", + -12.697789192199709 + ], + [ + "\u2581stonden", + -12.69786262512207 + ], + [ + "Buf", + -12.697978019714355 + ], + [ + "\u2581interpretar", + -12.698090553283691 + ], + [ + "\u2581Aktivierung", + -12.698241233825684 + ], + [ + "\u2581comportamiento", + -12.698296546936035 + ], + [ + "\u2581repair", + -12.69831085205078 + ], + [ + "\u2581princ\u00edpio", + -12.69832706451416 + ], + [ + "\u2581monti", + -12.69832992553711 + ], + [ + "Destination", + -12.698376655578612 + ], + [ + "\u2581Hey", + -12.698399543762209 + ], + [ + "tten", + -12.698403358459473 + ], + [ + "\u2581Kun", + -12.6984224319458 + ], + [ + "utente", + -12.69846248626709 + ], + [ + "clusterK", + -12.698521614074709 + ], + [ + "speler", + -12.69862174987793 + ], + [ + "tg", + -12.698694229125977 + ], + [ + "\u2581Revision", + -12.698697090148926 + ], + [ + "\u2581Freitag", + -12.69870376586914 + ], + [ + "\u2581offering", + -12.698704719543455 + ], + [ + "\u2581Fr\u00e9d\u00e9ric", + -12.698710441589355 + ], + [ + "\u2581Dou", + -12.698724746704102 + ], + [ + "\u2581Mesmo", + -12.698782920837402 + ], + [ + "\u2581tracks", + -12.698787689208984 + ], + [ + "\u2581stabile", + -12.69881534576416 + ], + [ + "arias", + -12.698898315429688 + ], + [ + "ifer", + -12.698928833007812 + ], + [ + "\u2581Gesetze", + -12.698963165283203 + ], + [ + "\u2581Whit", + -12.69899845123291 + ], + [ + "indi", + -12.69901180267334 + ], + [ + "\u2581Blanc", + -12.699050903320312 + ], + [ + "hh", + -12.69916820526123 + ], + [ + "\u2581castelo", + -12.699246406555176 + ], + [ + "reihe", + -12.699307441711426 + ], + [ + "Sumatra", + -12.699373245239258 + ], + [ + "\u2581FK", + -12.69944953918457 + ], + [ + "\u2581R\u00e9volution", + -12.699457168579102 + ], + [ + "ambi", + -12.699481010437012 + ], + [ + "gerecht", + -12.699555397033691 + ], + [ + "\u2581liberdade", + -12.699576377868652 + ], + [ + "\u2581Escopetas", + -12.699650764465332 + ], + [ + "achat", + -12.699662208557127 + ], + [ + "CCFF", + -12.69973087310791 + ], + [ + "\u2581Brazili", + -12.699787139892578 + ], + [ + "\u2581ausgesetzt", + -12.699833869934082 + ], + [ + "\u2581enfrentar", + -12.699834823608398 + ], + [ + "Mittel", + -12.699889183044434 + ], + [ + "nios", + -12.699917793273926 + ], + [ + "\u2581Energien", + -12.699920654296877 + ], + [ + "\u2581tenham", + -12.699929237365724 + ], + [ + "\u2581Viena", + -12.69997501373291 + ], + [ + "\u2581Kanal", + -12.700028419494627 + ], + [ + "\u2581\u00f3rg", + -12.70003604888916 + ], + [ + "\u2581Menschenrechts", + -12.70007610321045 + ], + [ + "bud", + -12.700183868408203 + ], + [ + "amus", + -12.70018482208252 + ], + [ + "Werk", + -12.700207710266112 + ], + [ + "\u2581Heritage", + -12.700207710266112 + ], + [ + "crate", + -12.700265884399414 + ], + [ + "\u2581Keith", + -12.700277328491213 + ], + [ + "\u2581FIG", + -12.700335502624512 + ], + [ + "\u2581telling", + -12.700357437133787 + ], + [ + "\u2581pilot", + -12.700387954711914 + ], + [ + "urls", + -12.70041847229004 + ], + [ + "\u2581fiction", + -12.700438499450684 + ], + [ + "\u2581Chili", + -12.700591087341309 + ], + [ + "\u2581verschenen", + -12.700615882873535 + ], + [ + "\u2581Turismo", + -12.700638771057127 + ], + [ + "FLAG", + -12.700800895690918 + ], + [ + "ANDROID", + -12.70084285736084 + ], + [ + "\u2581Viktor", + -12.700847625732422 + ], + [ + "sink", + -12.70094871520996 + ], + [ + "\u2581conhecer", + -12.700982093811035 + ], + [ + "\u2581grotendeels", + -12.701004028320312 + ], + [ + "\u2581BUT", + -12.701120376586914 + ], + [ + "\u2581desarrollar", + -12.701221466064451 + ], + [ + "nano", + -12.701241493225098 + ], + [ + "nberg", + -12.70125675201416 + ], + [ + "\u2581scritta", + -12.701377868652344 + ], + [ + "\u2581Engagement", + -12.701407432556152 + ], + [ + "NUMBER", + -12.701478958129885 + ], + [ + "\u2581intermediate", + -12.701485633850098 + ], + [ + "\u2581linken", + -12.70150661468506 + ], + [ + "\u2581Pul", + -12.701516151428224 + ], + [ + "\u2581Osaka", + -12.701570510864258 + ], + [ + "\u2581gele", + -12.701577186584473 + ], + [ + "spielen", + -12.701619148254396 + ], + [ + "\u2581favorable", + -12.701623916625977 + ], + [ + "Contains", + -12.70173454284668 + ], + [ + "\u2581girone", + -12.70175075531006 + ], + [ + "\u2581missione", + -12.70176124572754 + ], + [ + "\u2581meios", + -12.701814651489258 + ], + [ + "\u2581Regione", + -12.701825141906738 + ], + [ + "central", + -12.701851844787598 + ], + [ + "\u2581Davon", + -12.701865196228027 + ], + [ + "korps", + -12.702038764953612 + ], + [ + "sman", + -12.702150344848633 + ], + [ + "\u2581Kassel", + -12.702247619628906 + ], + [ + "\u2581nearest", + -12.702290534973145 + ], + [ + "\u2581Beschaffung", + -12.702296257019045 + ], + [ + "\u2581existieren", + -12.702299118041992 + ], + [ + "remark", + -12.702454566955566 + ], + [ + "izo", + -12.702486991882324 + ], + [ + "\u2581pianta", + -12.702491760253906 + ], + [ + "sfeld", + -12.702515602111816 + ], + [ + "\u2581wherein", + -12.702547073364258 + ], + [ + "ttes", + -12.702550888061523 + ], + [ + "TAR", + -12.702566146850586 + ], + [ + "aster", + -12.702645301818848 + ], + [ + "r\u00edan", + -12.702789306640623 + ], + [ + "\u2581Aufkl\u00e4rung", + -12.702825546264648 + ], + [ + "\u2581transferred", + -12.70282745361328 + ], + [ + "\u2581Edmund", + -12.702902793884276 + ], + [ + "\u2581rechtzeitig", + -12.702925682067873 + ], + [ + "schl", + -12.702946662902832 + ], + [ + "\u2581spezifische", + -12.702974319458008 + ], + [ + "\u2581Matthias", + -12.703054428100586 + ], + [ + "\u2581s\u00e9jour", + -12.703125953674316 + ], + [ + "\u2581continuare", + -12.70314598083496 + ], + [ + "mai", + -12.70322608947754 + ], + [ + "\u2581Aktiv", + -12.703228950500488 + ], + [ + "\u2581Flugh\u00e4fen", + -12.703238487243652 + ], + [ + "\u2581voeren", + -12.703261375427246 + ], + [ + "\u2581classificar", + -12.70327377319336 + ], + [ + "\u2581richtte", + -12.70332145690918 + ], + [ + "venta", + -12.703364372253418 + ], + [ + "\u2581Ilha", + -12.70344352722168 + ], + [ + "\u2581knowing", + -12.70345687866211 + ], + [ + "ger\u00e4t", + -12.70346736907959 + ], + [ + "\u2581anyway", + -12.703473091125488 + ], + [ + "stor", + -12.70357608795166 + ], + [ + "\u2581relacionado", + -12.703584671020508 + ], + [ + "\u2581Raj", + -12.703700065612791 + ], + [ + "\u2581portuguesas", + -12.703764915466309 + ], + [ + "gai", + -12.703812599182127 + ], + [ + "\u2581ascenso", + -12.703965187072754 + ], + [ + "\u2581Olympischen", + -12.703994750976562 + ], + [ + "\u2581borde", + -12.704116821289062 + ], + [ + "CHE", + -12.7041654586792 + ], + [ + "i\u00e9ndose", + -12.70419216156006 + ], + [ + "\u2581bone", + -12.704203605651855 + ], + [ + "\u2581tecnico", + -12.704267501831056 + ], + [ + "ATA", + -12.704273223876951 + ], + [ + "etten", + -12.704278945922852 + ], + [ + "holen", + -12.704297065734863 + ], + [ + "Reset", + -12.704316139221191 + ], + [ + "Tap", + -12.704344749450684 + ], + [ + "\u2581spinneruilen", + -12.704353332519531 + ], + [ + "\u2581jou\u00e9", + -12.704412460327148 + ], + [ + "peri", + -12.704413414001465 + ], + [ + "\u2581fontes", + -12.70441722869873 + ], + [ + "\u2581Innenstadt", + -12.70445442199707 + ], + [ + "tokens", + -12.704524040222168 + ], + [ + "Decimal", + -12.704562187194824 + ], + [ + "Geometry", + -12.704581260681152 + ], + [ + "appareil", + -12.704657554626465 + ], + [ + "zelle", + -12.704659461975098 + ], + [ + "\u2581Gregor", + -12.704691886901855 + ], + [ + "\u2581Stark", + -12.704750061035156 + ], + [ + "lijke", + -12.704763412475586 + ], + [ + "\u2581disque", + -12.70480251312256 + ], + [ + "\u2581logique", + -12.704826354980469 + ], + [ + "\u2581Complex", + -12.704846382141112 + ], + [ + "\u2581sharp", + -12.704927444458008 + ], + [ + "rail", + -12.704937934875488 + ], + [ + "Caption", + -12.704950332641602 + ], + [ + "\u2581cognitive", + -12.70495891571045 + ], + [ + "\u2581Muslim", + -12.70500659942627 + ], + [ + "sbe", + -12.705031394958496 + ], + [ + "\u2581profession", + -12.705039978027344 + ], + [ + "gener", + -12.705044746398926 + ], + [ + "\u2581vivent", + -12.705059051513672 + ], + [ + "empereur", + -12.70513153076172 + ], + [ + "\u2581setor", + -12.705230712890623 + ], + [ + "\u2581matchs", + -12.70532512664795 + ], + [ + "\u2581ca\u00edda", + -12.705350875854492 + ], + [ + "\u2581visi\u00f3n", + -12.705392837524414 + ], + [ + "\u2581Bj", + -12.705458641052246 + ], + [ + "\u2581Mohammed", + -12.705471992492676 + ], + [ + "\u2581hurt", + -12.70551586151123 + ], + [ + "bauer", + -12.705629348754885 + ], + [ + "\u2581chefe", + -12.705679893493652 + ], + [ + "\u2581satisfied", + -12.70571517944336 + ], + [ + "PRESS", + -12.705737113952637 + ], + [ + "\u2581Entonces", + -12.705761909484863 + ], + [ + "\u2581strumento", + -12.70577621459961 + ], + [ + "\u2581dever\u00e1", + -12.70578670501709 + ], + [ + "\u2581oito", + -12.70583438873291 + ], + [ + "DoxyParam", + -12.705864906311035 + ], + [ + "fileprivate", + -12.705896377563477 + ], + [ + "\u2581plazo", + -12.705917358398438 + ], + [ + "gis", + -12.706042289733888 + ], + [ + "\u2581prevalentemente", + -12.706052780151367 + ], + [ + "\u2581maintained", + -12.70608901977539 + ], + [ + "\u2581reflection", + -12.706125259399414 + ], + [ + "\u2581Mina", + -12.706140518188477 + ], + [ + "\u2581concerto", + -12.706177711486816 + ], + [ + "\u2581Verkaufs", + -12.706212043762209 + ], + [ + "\u2581refiere", + -12.706304550170898 + ], + [ + "\u2581Nein", + -12.706316947937012 + ], + [ + "\u2581eigenaar", + -12.706343650817873 + ], + [ + "\u2581Stufe", + -12.706459045410156 + ], + [ + "\u2581Inland", + -12.70646858215332 + ], + [ + "\u2581Estudios", + -12.706509590148926 + ], + [ + "\u2581Whether", + -12.706594467163086 + ], + [ + "\u2581Vertr\u00e4ge", + -12.706602096557615 + ], + [ + "spr", + -12.70662784576416 + ], + [ + "\u2581Roi", + -12.70663070678711 + ], + [ + "gast", + -12.706682205200195 + ], + [ + "throws", + -12.70671844482422 + ], + [ + "\u2581researchers", + -12.706721305847168 + ], + [ + "\u2581Pol\u00edticos", + -12.706819534301758 + ], + [ + "\u2581llegaron", + -12.706828117370604 + ], + [ + "Grand", + -12.706853866577148 + ], + [ + "hole", + -12.706890106201172 + ], + [ + "rier", + -12.70693016052246 + ], + [ + "\u2581Nicaragua", + -12.706961631774902 + ], + [ + "\u2581Koning", + -12.707082748413086 + ], + [ + "handels", + -12.707101821899414 + ], + [ + "Disable", + -12.707179069519045 + ], + [ + "\u2581isolated", + -12.707216262817385 + ], + [ + "Dynamic", + -12.70725440979004 + ], + [ + "\u2581apresentar", + -12.707318305969238 + ], + [ + "tank", + -12.707320213317873 + ], + [ + "\u2581Tabellen", + -12.707514762878418 + ], + [ + "pala", + -12.707529067993164 + ], + [ + "\u2581imposed", + -12.707541465759276 + ], + [ + "\u2581Panama", + -12.707545280456545 + ], + [ + "\u2581Compagnie", + -12.707563400268556 + ], + [ + "Australia", + -12.70762825012207 + ], + [ + "\u2581Birmingham", + -12.707646369934082 + ], + [ + "\u2581kaufen", + -12.70765495300293 + ], + [ + "\u2581introdu", + -12.707684516906738 + ], + [ + "\u2581chamar", + -12.707701683044434 + ], + [ + "Lang", + -12.707769393920898 + ], + [ + "tocht", + -12.707808494567873 + ], + [ + "Retrato", + -12.707910537719728 + ], + [ + "\u2581\u00e9volue", + -12.707932472229004 + ], + [ + "\u2581rosto", + -12.70801067352295 + ], + [ + "\u2581tourisme", + -12.708016395568848 + ], + [ + "\u2581rojo", + -12.708052635192873 + ], + [ + "\u2581gespeichert", + -12.70811653137207 + ], + [ + "influence", + -12.70822048187256 + ], + [ + "Sta", + -12.708232879638672 + ], + [ + "\u2581Dy", + -12.708284378051758 + ], + [ + "\u2581lopen", + -12.70829963684082 + ], + [ + "schlie", + -12.708321571350098 + ], + [ + "\u2581multiplication", + -12.708340644836426 + ], + [ + "\u2581Jedoch", + -12.7084379196167 + ], + [ + "\u2581PP", + -12.708451271057127 + ], + [ + "\u2581capit", + -12.708456993103027 + ], + [ + "sty", + -12.708468437194824 + ], + [ + "Werte", + -12.70852279663086 + ], + [ + "refresh", + -12.708538055419922 + ], + [ + "\u2581allons", + -12.708598136901855 + ], + [ + "\u2581Organisations", + -12.708725929260254 + ], + [ + "\u2581Konsequenzen", + -12.708837509155272 + ], + [ + "meester", + -12.708906173706056 + ], + [ + "Should", + -12.708922386169434 + ], + [ + "\u2581Oranje", + -12.708935737609863 + ], + [ + "\u2581apresentado", + -12.708969116210938 + ], + [ + "ffen", + -12.709036827087402 + ], + [ + "\u2581resultaten", + -12.709102630615234 + ], + [ + "Sol", + -12.709125518798828 + ], + [ + "Kr", + -12.709162712097168 + ], + [ + "\u2581photographie", + -12.7091703414917 + ], + [ + "\u2581declina", + -12.709187507629396 + ], + [ + "\u2581Moto", + -12.70924949645996 + ], + [ + "\u2581essentially", + -12.709318161010742 + ], + [ + "\u2581Trinidad", + -12.70937156677246 + ], + [ + "loot", + -12.709467887878418 + ], + [ + "organisatie", + -12.709471702575684 + ], + [ + "micas", + -12.709670066833496 + ], + [ + "hus", + -12.709674835205078 + ], + [ + "learning", + -12.709724426269531 + ], + [ + "\u2581tentando", + -12.70983600616455 + ], + [ + "\u2581pleine", + -12.7098970413208 + ], + [ + "\u2581Cas", + -12.70992660522461 + ], + [ + "\u2581griego", + -12.71003532409668 + ], + [ + "\u2581germ", + -12.710050582885742 + ], + [ + "\u2581compression", + -12.710094451904297 + ], + [ + "\u2581destruir", + -12.710144996643066 + ], + [ + "\u2581estudantes", + -12.710268020629885 + ], + [ + "sem", + -12.710297584533691 + ], + [ + "issimo", + -12.710334777832031 + ], + [ + "\u2581gebunden", + -12.710341453552246 + ], + [ + "\u2581Carta", + -12.710369110107422 + ], + [ + "Complex", + -12.710371017456056 + ], + [ + "\u2581dista", + -12.710378646850586 + ], + [ + "\u2581rispettivamente", + -12.710433959960938 + ], + [ + "\u2581chitarra", + -12.710512161254885 + ], + [ + "\u2581ropa", + -12.710519790649414 + ], + [ + "\u2581rispose", + -12.710522651672363 + ], + [ + "\u2581elegante", + -12.710548400878906 + ], + [ + "\u2581mole", + -12.710554122924805 + ], + [ + "\u2581riqueza", + -12.710685729980469 + ], + [ + "Mass", + -12.710695266723633 + ], + [ + "\u2581collision", + -12.71092128753662 + ], + [ + "JD", + -12.710984230041504 + ], + [ + "\u2581regiones", + -12.711000442504885 + ], + [ + "\u2581mac", + -12.711003303527832 + ], + [ + "ToString", + -12.711057662963867 + ], + [ + "\u2581speciali", + -12.711105346679688 + ], + [ + "\u2581lernen", + -12.711111068725586 + ], + [ + "tak", + -12.711133003234863 + ], + [ + "\u2581aggregate", + -12.711145401000977 + ], + [ + "\u2581unterscheidet", + -12.71116828918457 + ], + [ + "enger", + -12.711174964904783 + ], + [ + "egg", + -12.711199760437012 + ], + [ + "thesis", + -12.71120834350586 + ], + [ + "\u2581Offen", + -12.711309432983398 + ], + [ + "Owner", + -12.71143913269043 + ], + [ + "\u2581allemaal", + -12.71149730682373 + ], + [ + "\u2581zei", + -12.711566925048828 + ], + [ + "\u2581encontr\u00f3", + -12.711569786071776 + ], + [ + "\u2581soci\u00e9t\u00e9s", + -12.71158504486084 + ], + [ + "\u2581algemene", + -12.711649894714355 + ], + [ + "\u2581porter", + -12.711662292480469 + ], + [ + "enheim", + -12.711691856384276 + ], + [ + "Deployment", + -12.711799621582031 + ], + [ + "\u2581gef\u00e4hrdet", + -12.711834907531738 + ], + [ + "\u2581obtenu", + -12.71184253692627 + ], + [ + "\u2581Betrieben", + -12.711848258972168 + ], + [ + "\u2581numera", + -12.711848258972168 + ], + [ + "\u2581Historic", + -12.71187973022461 + ], + [ + "\u2581Fourier", + -12.711894035339355 + ], + [ + "ERS", + -12.711913108825684 + ], + [ + "\u2581regres\u00f3", + -12.71194839477539 + ], + [ + "WORK", + -12.711981773376465 + ], + [ + "verlag", + -12.712000846862791 + ], + [ + "rahmen", + -12.71201515197754 + ], + [ + "\u2581arena", + -12.712043762207031 + ], + [ + "\u2581movimientos", + -12.71210479736328 + ], + [ + "translate", + -12.712153434753418 + ], + [ + "BLOCK", + -12.712203979492188 + ], + [ + "\u2581siquiera", + -12.712252616882324 + ], + [ + "ith", + -12.712299346923828 + ], + [ + "\u2581Stop", + -12.712366104125977 + ], + [ + "abstract", + -12.712382316589355 + ], + [ + "\u2581Objet", + -12.71241569519043 + ], + [ + "\u2581Berichte", + -12.712427139282228 + ], + [ + "\u2581chercher", + -12.712428092956545 + ], + [ + "prozess", + -12.71249771118164 + ], + [ + "\u2581taxes", + -12.712553977966309 + ], + [ + "\u2581CGRect", + -12.71274757385254 + ], + [ + "\u2581Bundesgebiet", + -12.71280002593994 + ], + [ + "eye", + -12.712827682495115 + ], + [ + "dashed", + -12.712930679321287 + ], + [ + "\u2581z\u00e4hlt", + -12.712995529174805 + ], + [ + "\u2581Emilia", + -12.713055610656738 + ], + [ + "\u2581deportista", + -12.713154792785645 + ], + [ + "\u2581wa", + -12.71315860748291 + ], + [ + "\u2581responsables", + -12.713170051574709 + ], + [ + "\u2581Mart\u00edrio", + -12.71318531036377 + ], + [ + "\u2581hiervoor", + -12.7131986618042 + ], + [ + "\u2581overlijden", + -12.713214874267578 + ], + [ + "\u2581aparici\u00f3n", + -12.71328830718994 + ], + [ + "deployment", + -12.713300704956056 + ], + [ + "aber", + -12.713354110717772 + ], + [ + "altitude", + -12.713360786437988 + ], + [ + "dependency", + -12.713397026062012 + ], + [ + "\u2581employee", + -12.713457107543944 + ], + [ + "\u2581gana", + -12.71346950531006 + ], + [ + "\u2581bombe", + -12.713479042053224 + ], + [ + "llo", + -12.713567733764648 + ], + [ + "\u2581nominal", + -12.713635444641112 + ], + [ + "\u2581forget", + -12.713659286499023 + ], + [ + "inglese", + -12.713722229003906 + ], + [ + "\u2581cominci", + -12.713797569274902 + ], + [ + "\u2581Adel", + -12.713871955871582 + ], + [ + "autant", + -12.713896751403809 + ], + [ + "angebote", + -12.713949203491213 + ], + [ + "\u2581continu\u00f3", + -12.713964462280272 + ], + [ + "gla", + -12.713980674743652 + ], + [ + "\u2581n\u00edveis", + -12.71399974822998 + ], + [ + "\u2581Studi", + -12.7140474319458 + ], + [ + "mitglieder", + -12.714069366455078 + ], + [ + "nek", + -12.71413516998291 + ], + [ + "\u2581Nero", + -12.714149475097656 + ], + [ + "\u2581Kr\u00e4fte", + -12.714179039001465 + ], + [ + "\u2581Files", + -12.714187622070312 + ], + [ + "\u2581ag", + -12.714238166809082 + ], + [ + "\u2581bedingt", + -12.71424388885498 + ], + [ + "\u2581jogadores", + -12.71427059173584 + ], + [ + "\u2581vandaag", + -12.714312553405762 + ], + [ + "\u2581n\u00e9cessaires", + -12.714348793029783 + ], + [ + "\u2581celular", + -12.714349746704102 + ], + [ + "\u2581intention", + -12.714369773864746 + ], + [ + "\u2581v\u00e9lo", + -12.71437644958496 + ], + [ + "\u2581faveur", + -12.714406967163086 + ], + [ + "\u2581entdeckt", + -12.714451789855955 + ], + [ + "\u2581Transformation", + -12.714508056640623 + ], + [ + "\u2581negativ", + -12.714520454406738 + ], + [ + "amine", + -12.714543342590332 + ], + [ + "\u2581Finn", + -12.714561462402344 + ], + [ + "\u2581silver", + -12.714577674865724 + ], + [ + "PES", + -12.71457862854004 + ], + [ + "kung", + -12.714579582214355 + ], + [ + "\u2581fermata", + -12.714630126953123 + ], + [ + "\u2581enemy", + -12.714680671691896 + ], + [ + "\u2581markiert", + -12.71471881866455 + ], + [ + "\u2581leadership", + -12.714746475219728 + ], + [ + "\u2581Ec", + -12.714747428894045 + ], + [ + "\u2581monitoring", + -12.714789390563965 + ], + [ + "\u2581biedt", + -12.714814186096191 + ], + [ + "sstelle", + -12.71486759185791 + ], + [ + "octa", + -12.714903831481934 + ], + [ + "\u2581rectangle", + -12.714903831481934 + ], + [ + "\u2581cultures", + -12.714924812316896 + ], + [ + "\u2581afternoon", + -12.714930534362791 + ], + [ + "\u2581segmento", + -12.714954376220703 + ], + [ + "Connect", + -12.714991569519045 + ], + [ + "WV", + -12.715028762817385 + ], + [ + "Tools", + -12.715110778808594 + ], + [ + "\u2581Shaw", + -12.715266227722168 + ], + [ + "glyphicon", + -12.715302467346191 + ], + [ + "\u2581breast", + -12.715325355529783 + ], + [ + "\u2581mirada", + -12.715341567993164 + ], + [ + "\u2581piso", + -12.715357780456545 + ], + [ + "\u2581Ausnahmen", + -12.715359687805176 + ], + [ + "\u2581MTV", + -12.715361595153809 + ], + [ + "\u2581Junto", + -12.715387344360352 + ], + [ + "kie", + -12.715462684631348 + ], + [ + "\u2581gravity", + -12.715472221374512 + ], + [ + "\u2581Italiano", + -12.715497016906738 + ], + [ + "mano", + -12.715502738952637 + ], + [ + "\u2581interfaces", + -12.715543746948242 + ], + [ + "\u2581Erich", + -12.715583801269531 + ], + [ + "\u2581Boca", + -12.715591430664062 + ], + [ + "\u2581Fol", + -12.715635299682615 + ], + [ + "RET", + -12.715656280517578 + ], + [ + "\u2581organisations", + -12.715668678283691 + ], + [ + "CLUSTER", + -12.715679168701172 + ], + [ + "\u2581Berlino", + -12.715786933898926 + ], + [ + "\u2581confi", + -12.715790748596191 + ], + [ + "ql", + -12.715824127197266 + ], + [ + "\u2581llevado", + -12.715861320495604 + ], + [ + "Theta", + -12.715877532958984 + ], + [ + "\u2581approved", + -12.715882301330566 + ], + [ + "dito", + -12.71596336364746 + ], + [ + "\u2581\u00fcberwiesen", + -12.715991973876951 + ], + [ + "moral", + -12.716035842895508 + ], + [ + "\u2581Empresas", + -12.716160774230955 + ], + [ + "zoom", + -12.716253280639648 + ], + [ + "\u2581Ruiz", + -12.71632480621338 + ], + [ + "\u2581campanha", + -12.716331481933594 + ], + [ + "\u2581maritime", + -12.716375350952148 + ], + [ + "Repo", + -12.716407775878906 + ], + [ + "tieren", + -12.71648120880127 + ], + [ + "\u2581induced", + -12.716572761535645 + ], + [ + "\u2581scegliere", + -12.71662139892578 + ], + [ + "\u2581Reaktions", + -12.716625213623049 + ], + [ + "\u2581Convert", + -12.716657638549805 + ], + [ + "\u2581Results", + -12.716669082641602 + ], + [ + "\u2581logiciel", + -12.716691970825195 + ], + [ + "\u2581king", + -12.716694831848145 + ], + [ + "\u2581retirada", + -12.716697692871094 + ], + [ + "Pin", + -12.716771125793455 + ], + [ + "\u2581sounds", + -12.716965675354004 + ], + [ + "\u2581Gew\u00e4sser", + -12.716994285583496 + ], + [ + "\u2581tournoi", + -12.71700382232666 + ], + [ + "\u2581Gaspar", + -12.717122077941896 + ], + [ + "\u2581verl\u00e4ngert", + -12.717137336730955 + ], + [ + "instruction", + -12.71714210510254 + ], + [ + "\u2581Mason", + -12.71714210510254 + ], + [ + "\u2581necessaria", + -12.71717357635498 + ], + [ + "energy", + -12.71719455718994 + ], + [ + "nacht", + -12.717196464538574 + ], + [ + "agon", + -12.717323303222656 + ], + [ + "ielen", + -12.717345237731934 + ], + [ + "cante", + -12.717377662658691 + ], + [ + "\u2581repression", + -12.717425346374512 + ], + [ + "brechen", + -12.717450141906738 + ], + [ + "Denis", + -12.717496871948242 + ], + [ + "\u2581auth", + -12.717538833618164 + ], + [ + "LONG", + -12.717540740966797 + ], + [ + "\u2581erfa", + -12.717551231384276 + ], + [ + "MSG", + -12.717568397521973 + ], + [ + "\u2581wear", + -12.717607498168944 + ], + [ + "\u2581Fremd", + -12.717610359191896 + ], + [ + "\u2581Late", + -12.717676162719728 + ], + [ + "wereld", + -12.71768283843994 + ], + [ + "\u2581confusion", + -12.717734336853027 + ], + [ + "\u2581Mondo", + -12.717743873596191 + ], + [ + "\u2581riche", + -12.717754364013672 + ], + [ + "\u2581scheduled", + -12.71782398223877 + ], + [ + "\u2581praktijk", + -12.717864990234377 + ], + [ + "Bay", + -12.717942237854004 + ], + [ + "loze", + -12.717958450317385 + ], + [ + "\u2581representantes", + -12.718048095703123 + ], + [ + "wolf", + -12.718110084533691 + ], + [ + "\u2581Brutto", + -12.718131065368652 + ], + [ + "\u2581Eindhoven", + -12.718143463134766 + ], + [ + "\u2581eingegangen", + -12.718205451965332 + ], + [ + "\u2581kubectl", + -12.718215942382812 + ], + [ + "gri", + -12.718220710754396 + ], + [ + "\u2581sheet", + -12.71827220916748 + ], + [ + "st\u00e4tte", + -12.71843433380127 + ], + [ + "andro", + -12.718466758728027 + ], + [ + "\u2581scritti", + -12.718485832214355 + ], + [ + "\u2581Canton", + -12.718499183654783 + ], + [ + "\u2581Muziek", + -12.718506813049316 + ], + [ + "fq", + -12.718598365783691 + ], + [ + "\u2581mata", + -12.718650817871094 + ], + [ + "uordnung", + -12.718657493591309 + ], + [ + "\u2581overgenomen", + -12.718737602233888 + ], + [ + "anas", + -12.718756675720217 + ], + [ + "PIP", + -12.718780517578123 + ], + [ + "\u2581Laser", + -12.71878433227539 + ], + [ + "\u2581versiones", + -12.718839645385742 + ], + [ + "\u2581Kro", + -12.718862533569336 + ], + [ + "oj", + -12.7188720703125 + ], + [ + "\u2581cocina", + -12.718917846679688 + ], + [ + "hammer", + -12.718927383422852 + ], + [ + "\u2581constitu\u00e9", + -12.718951225280762 + ], + [ + "Compare", + -12.718986511230469 + ], + [ + "\u2581pr\u00e9sid\u00e9", + -12.719006538391112 + ], + [ + "izza", + -12.719082832336426 + ], + [ + "\u2581exclusivamente", + -12.719139099121094 + ], + [ + "\u2581planos", + -12.719182014465332 + ], + [ + "\u2581retornar", + -12.719183921813965 + ], + [ + "\u2581slope", + -12.719188690185549 + ], + [ + "\u2581fragen", + -12.719282150268556 + ], + [ + "\u2581\u00fcberpr\u00fcfen", + -12.719325065612791 + ], + [ + "\u2581chiave", + -12.719350814819336 + ], + [ + "\u2581Cala", + -12.71937370300293 + ], + [ + "\u2581Sil", + -12.719406127929688 + ], + [ + "rana", + -12.719634056091309 + ], + [ + "\u2581Egipto", + -12.719649314880373 + ], + [ + "\u2581d\u00e9put\u00e9", + -12.71965503692627 + ], + [ + "\u2581ricordo", + -12.719756126403809 + ], + [ + "\u2581einzigen", + -12.719839096069336 + ], + [ + "\u2581Mittelwert", + -12.719887733459473 + ], + [ + "\u2581Montag", + -12.71998405456543 + ], + [ + "\u2581Molly", + -12.719992637634276 + ], + [ + "\u2581amore", + -12.720048904418944 + ], + [ + "\u2581vonden", + -12.72006130218506 + ], + [ + "\u2581boost", + -12.720077514648438 + ], + [ + "\u2581NH", + -12.720088005065918 + ], + [ + "\u2581Baltimore", + -12.720117568969728 + ], + [ + "\u2581sfida", + -12.72011947631836 + ], + [ + "MAC", + -12.72014617919922 + ], + [ + "\u2581festzustellen", + -12.720147132873535 + ], + [ + "\u2581Vermittlung", + -12.720149040222168 + ], + [ + "xia", + -12.720296859741213 + ], + [ + "ABI", + -12.72029972076416 + ], + [ + "City", + -12.720307350158691 + ], + [ + "\u2581chemische", + -12.720308303833008 + ], + [ + "\u2581Sec", + -12.720332145690918 + ], + [ + "through", + -12.72036075592041 + ], + [ + "stico", + -12.72036838531494 + ], + [ + "\u2581interpretato", + -12.720406532287598 + ], + [ + "Radius", + -12.720412254333496 + ], + [ + "SAT", + -12.720441818237305 + ], + [ + "lkerungs", + -12.72046947479248 + ], + [ + "nlich", + -12.720479011535645 + ], + [ + "lude", + -12.720483779907228 + ], + [ + "\u2581minimo", + -12.720497131347656 + ], + [ + "\u2581imagina", + -12.7205171585083 + ], + [ + "summe", + -12.720531463623049 + ], + [ + "phe", + -12.720580101013184 + ], + [ + "\u2581besch", + -12.720617294311523 + ], + [ + "\u2581jan", + -12.720625877380373 + ], + [ + "\u2581mensagens", + -12.720626831054688 + ], + [ + "\u2581\u00e9conomiques", + -12.720646858215332 + ], + [ + "\u2581rivolta", + -12.720647811889648 + ], + [ + "kubectl", + -12.720728874206545 + ], + [ + "euses", + -12.720730781555176 + ], + [ + "\u2581Parameters", + -12.720757484436035 + ], + [ + "Boot", + -12.720779418945312 + ], + [ + "oide", + -12.72081470489502 + ], + [ + "\u2581letztlich", + -12.720833778381348 + ], + [ + "fang", + -12.72088623046875 + ], + [ + "\u2581legs", + -12.720888137817385 + ], + [ + "\u2581convierte", + -12.720948219299316 + ], + [ + "\u2581identisch", + -12.720975875854492 + ], + [ + "correlation", + -12.720999717712402 + ], + [ + "\u2581At\u00e9", + -12.721002578735352 + ], + [ + "\u2581coupe", + -12.72109031677246 + ], + [ + "\u2581tomarense", + -12.721095085144045 + ], + [ + "\u2581logica", + -12.721107482910156 + ], + [ + "keep", + -12.721153259277344 + ], + [ + "jus", + -12.72136402130127 + ], + [ + "\u2581realize", + -12.721370697021484 + ], + [ + "\u2581Spitzen", + -12.721384048461914 + ], + [ + "\u2581Cri", + -12.721412658691406 + ], + [ + "\u2581Nar", + -12.721464157104492 + ], + [ + "\u2581Gef\u00e4", + -12.721480369567873 + ], + [ + "\u2581concerning", + -12.721602439880373 + ], + [ + "zk", + -12.72161102294922 + ], + [ + "\u2581Massimo", + -12.72164535522461 + ], + [ + "Renderer", + -12.721704483032228 + ], + [ + "\u2581concurrent", + -12.721704483032228 + ], + [ + "\u2581$(\\", + -12.721712112426758 + ], + [ + "\u2581Wellen", + -12.72172737121582 + ], + [ + "glement", + -12.721746444702148 + ], + [ + "StG", + -12.721760749816896 + ], + [ + "units", + -12.7218656539917 + ], + [ + "tram", + -12.72191333770752 + ], + [ + "libraries", + -12.72194004058838 + ], + [ + "\u2581considerazione", + -12.721970558166504 + ], + [ + "\u2581viu", + -12.722039222717283 + ], + [ + "Paragraph", + -12.72206974029541 + ], + [ + "\u00e9ra", + -12.722098350524902 + ], + [ + "\u2581Berkeley", + -12.722249984741213 + ], + [ + "\u2581mL", + -12.72227668762207 + ], + [ + "dry", + -12.722315788269045 + ], + [ + "fulfill", + -12.72231674194336 + ], + [ + "\u2581voglia", + -12.722386360168455 + ], + [ + "CREATE", + -12.722436904907228 + ], + [ + "deck", + -12.722527503967283 + ], + [ + "\u2581Ada", + -12.722532272338867 + ], + [ + "hagen", + -12.722626686096191 + ], + [ + "gw", + -12.722628593444824 + ], + [ + "\u2581expectation", + -12.72267723083496 + ], + [ + "\u2581grass", + -12.722736358642578 + ], + [ + "\u2581coding", + -12.722750663757324 + ], + [ + "\u2581manually", + -12.722887992858888 + ], + [ + "\u2581Nachbar", + -12.722896575927734 + ], + [ + "\u2581coronel", + -12.723005294799805 + ], + [ + "spannung", + -12.723013877868652 + ], + [ + "\u2581newly", + -12.723084449768066 + ], + [ + "TN", + -12.723094940185549 + ], + [ + "canvas", + -12.723114967346191 + ], + [ + "\u2581connecting", + -12.723200798034668 + ], + [ + "porta", + -12.72323226928711 + ], + [ + "Pl", + -12.723257064819336 + ], + [ + "\u2581Expert", + -12.723369598388672 + ], + [ + "\u2581dealing", + -12.723417282104492 + ], + [ + "\u2581zware", + -12.723426818847656 + ], + [ + "\u2581defesa", + -12.723450660705566 + ], + [ + "Mag", + -12.723520278930664 + ], + [ + "\u2581Mort", + -12.72357940673828 + ], + [ + "\u2581abajo", + -12.723648071289062 + ], + [ + "\u2581Ster", + -12.723776817321776 + ], + [ + "\u2581indipendente", + -12.72399616241455 + ], + [ + "\u2581Philosophie", + -12.724004745483398 + ], + [ + "\u2581Arg", + -12.724038124084473 + ], + [ + "\u2581Dubai", + -12.724072456359863 + ], + [ + "\u2581naturales", + -12.724095344543455 + ], + [ + "\u2581Frey", + -12.724154472351074 + ], + [ + "noindent", + -12.724201202392578 + ], + [ + "zal", + -12.724206924438477 + ], + [ + "\u2581registre", + -12.724237442016602 + ], + [ + "\u2581\u00e9v", + -12.724261283874512 + ], + [ + "ways", + -12.72450828552246 + ], + [ + "\u2581Pologne", + -12.724557876586914 + ], + [ + "\u2581escursioni", + -12.72458839416504 + ], + [ + "\u2581TRUE", + -12.724592208862305 + ], + [ + "apis", + -12.724624633789062 + ], + [ + "prof", + -12.724770545959473 + ], + [ + "\u2581Sau", + -12.724780082702637 + ], + [ + "corn", + -12.724808692932127 + ], + [ + "\u2581Gan", + -12.724812507629396 + ], + [ + "tiere", + -12.72486972808838 + ], + [ + "cock", + -12.724925994873049 + ], + [ + "spinnen", + -12.724928855895996 + ], + [ + "gemeinschaftlich", + -12.72501277923584 + ], + [ + "\u2581pedra", + -12.725065231323242 + ], + [ + "geboren", + -12.725162506103516 + ], + [ + "axe", + -12.725259780883787 + ], + [ + "\u2581injury", + -12.72532081604004 + ], + [ + "sicas", + -12.725322723388672 + ], + [ + "\u2581Colombo", + -12.725356101989746 + ], + [ + "modul", + -12.725381851196287 + ], + [ + "vissen", + -12.7253999710083 + ], + [ + "\u2581bassin", + -12.72546672821045 + ], + [ + "\u2581Louren", + -12.725543022155762 + ], + [ + "omonimo", + -12.725547790527344 + ], + [ + "\u2581bands", + -12.725628852844238 + ], + [ + "\u2581Frente", + -12.725678443908691 + ], + [ + "Hand", + -12.72569465637207 + ], + [ + "\u2581pr\u00e9vu", + -12.725701332092283 + ], + [ + "\u2581fault", + -12.725720405578612 + ], + [ + "\u2581Trainer", + -12.725725173950195 + ], + [ + "\u2581steen", + -12.72573947906494 + ], + [ + "LW", + -12.725790023803713 + ], + [ + "\u2581Kou", + -12.72580623626709 + ], + [ + "\u2581intelectual", + -12.725963592529297 + ], + [ + "\u2581penisola", + -12.725993156433104 + ], + [ + "\u2581determination", + -12.72600269317627 + ], + [ + "\u2581producir", + -12.726022720336914 + ], + [ + "\u2581faites", + -12.726038932800291 + ], + [ + "gur", + -12.726068496704102 + ], + [ + "uebec", + -12.72616195678711 + ], + [ + "sbericht", + -12.726258277893066 + ], + [ + "Peer", + -12.726266860961914 + ], + [ + "Amsterdam", + -12.726325988769531 + ], + [ + "ock", + -12.726407051086426 + ], + [ + "\u2581inaugurado", + -12.726472854614258 + ], + [ + "\u2581Prote", + -12.726497650146484 + ], + [ + "\u2581dirigir", + -12.726497650146484 + ], + [ + "\u2581Dreh", + -12.7264986038208 + ], + [ + "\u2581oportunidades", + -12.726503372192385 + ], + [ + "\u2581palm", + -12.726564407348633 + ], + [ + "parte", + -12.726595878601074 + ], + [ + "Classes", + -12.726619720458984 + ], + [ + "\u2581stelt", + -12.726619720458984 + ], + [ + "\u2581Naciones", + -12.726839065551758 + ], + [ + "modality", + -12.726844787597656 + ], + [ + "\u2581theories", + -12.726893424987791 + ], + [ + "\u2581caratterizzata", + -12.727009773254396 + ], + [ + "sbach", + -12.72701644897461 + ], + [ + "\u2581italienne", + -12.727070808410645 + ], + [ + "\u2581compter", + -12.72709846496582 + ], + [ + "\u2581keit", + -12.72718906402588 + ], + [ + "\u2581berichten", + -12.72722625732422 + ], + [ + "kampf", + -12.727276802062988 + ], + [ + "Autriche", + -12.7273530960083 + ], + [ + "\u2581cerveau", + -12.727459907531738 + ], + [ + "\u2581Nouveau", + -12.727474212646484 + ], + [ + "\u2581EUA", + -12.72767734527588 + ], + [ + "\u2581proches", + -12.727686882019045 + ], + [ + "\u2581continentale", + -12.72769546508789 + ], + [ + "roi", + -12.727726936340332 + ], + [ + "uali", + -12.72775650024414 + ], + [ + "stroom", + -12.727832794189451 + ], + [ + "\u2581Til", + -12.727838516235352 + ], + [ + "\u2581Moor", + -12.7278470993042 + ], + [ + "\u2581Bretagne", + -12.727897644042969 + ], + [ + "personen", + -12.727953910827637 + ], + [ + "\u2581Empfehlung", + -12.728046417236328 + ], + [ + "\u2581Heide", + -12.728082656860352 + ], + [ + "\u2581Iowa", + -12.728121757507324 + ], + [ + "isierte", + -12.728141784667969 + ], + [ + "Round", + -12.728199005126951 + ], + [ + "\u2581outcomes", + -12.728211402893066 + ], + [ + "\u2581verkehren", + -12.728221893310549 + ], + [ + "\u2581Linha", + -12.728275299072266 + ], + [ + "rone", + -12.728309631347656 + ], + [ + "\u2581Mau", + -12.728365898132324 + ], + [ + "\u2581Mother", + -12.728371620178224 + ], + [ + "spring", + -12.72839069366455 + ], + [ + "forall", + -12.728400230407717 + ], + [ + "\u2581builder", + -12.728426933288574 + ], + [ + "Nein", + -12.728461265563965 + ], + [ + "\u2581bought", + -12.728469848632812 + ], + [ + "\u2581regionali", + -12.728523254394531 + ], + [ + "tr\u00e9", + -12.728548049926758 + ], + [ + "\u2581davantage", + -12.728551864624023 + ], + [ + "\u2581Padova", + -12.728671073913574 + ], + [ + "\u2581schwierig", + -12.728689193725586 + ], + [ + "London", + -12.728720664978027 + ], + [ + "\u2581Rangers", + -12.72876262664795 + ], + [ + "\u2581kommenden", + -12.7288236618042 + ], + [ + "igheid", + -12.728866577148438 + ], + [ + "\u2581vicine", + -12.728919982910156 + ], + [ + "\u2581crossing", + -12.728922843933104 + ], + [ + "\u2581Hohen", + -12.728928565979004 + ], + [ + "held", + -12.729013442993164 + ], + [ + "\u2581Sankt", + -12.729031562805176 + ], + [ + "uj", + -12.729042053222656 + ], + [ + "\u2581passive", + -12.729063987731934 + ], + [ + "erfolg", + -12.72912311553955 + ], + [ + "ALT", + -12.729155540466309 + ], + [ + "\u2581einheitliche", + -12.729169845581056 + ], + [ + "PWD", + -12.72917366027832 + ], + [ + "\u2581variedad", + -12.729177474975586 + ], + [ + "\u2581Patient", + -12.72923755645752 + ], + [ + "sprozess", + -12.72927474975586 + ], + [ + "\u2581conflit", + -12.729321479797363 + ], + [ + "iker", + -12.729340553283691 + ], + [ + "espressione", + -12.729422569274902 + ], + [ + "\u2581careful", + -12.729439735412598 + ], + [ + "\u2581lowest", + -12.729504585266112 + ], + [ + "\u2581sostiene", + -12.729520797729492 + ], + [ + "\u2581pulse", + -12.729552268981934 + ], + [ + "\u2581cient\u00edficos", + -12.729574203491213 + ], + [ + "\u2581convertirse", + -12.729591369628906 + ], + [ + "\u2581damaligen", + -12.729628562927246 + ], + [ + "nage", + -12.729662895202637 + ], + [ + "hersteller", + -12.729696273803713 + ], + [ + "\u2581bacteria", + -12.729719161987305 + ], + [ + "gola", + -12.729764938354492 + ], + [ + "vogel", + -12.729791641235352 + ], + [ + "PART", + -12.729852676391602 + ], + [ + "Aber", + -12.729867935180664 + ], + [ + "\u2581r\u00e9seaux", + -12.729970932006836 + ], + [ + "Touch", + -12.729988098144531 + ], + [ + "\u2581cumplir", + -12.730048179626465 + ], + [ + "\u2581estima", + -12.730052947998049 + ], + [ + "\u2581Oklahoma", + -12.730084419250488 + ], + [ + "\u2581partiti", + -12.730093002319336 + ], + [ + "\u2581magic", + -12.730125427246094 + ], + [ + "numberline", + -12.730212211608888 + ], + [ + "\u2581gesproken", + -12.730279922485352 + ], + [ + "Req", + -12.730331420898438 + ], + [ + "\u2581fiesta", + -12.730399131774902 + ], + [ + "iges", + -12.730408668518066 + ], + [ + "ect", + -12.730414390563965 + ], + [ + "quality", + -12.730438232421877 + ], + [ + "\u2581Term", + -12.730449676513672 + ], + [ + "Contract", + -12.730496406555176 + ], + [ + "\u2581quiser", + -12.730550765991213 + ], + [ + "\u2581sparse", + -12.730745315551758 + ], + [ + "\u2581diante", + -12.73082160949707 + ], + [ + "\u2581Magdalena", + -12.730849266052246 + ], + [ + "\u2581Reno", + -12.730875968933104 + ], + [ + "\u2581Fonte", + -12.730884552001951 + ], + [ + "\u2581t\u00e9l\u00e9phone", + -12.730884552001951 + ], + [ + "muzikant", + -12.730907440185549 + ], + [ + "caract\u00e9ristiques", + -12.730960845947266 + ], + [ + "\u2581verplicht", + -12.731063842773438 + ], + [ + "presente", + -12.731090545654297 + ], + [ + "bab", + -12.731183052062988 + ], + [ + "TERMU", + -12.731184005737305 + ], + [ + "\u2581spanners", + -12.731199264526367 + ], + [ + "\u2581decise", + -12.731359481811523 + ], + [ + "\u2581opgeheven", + -12.731359481811523 + ], + [ + "own", + -12.731362342834473 + ], + [ + "rtlichen", + -12.731393814086914 + ], + [ + "\u2581Denemarken", + -12.731401443481444 + ], + [ + "\u2581voluto", + -12.731552124023438 + ], + [ + "\u2581mensaje", + -12.731561660766602 + ], + [ + "\u2581pazienti", + -12.731562614440918 + ], + [ + "fx", + -12.731592178344728 + ], + [ + "\u2581sloot", + -12.731659889221191 + ], + [ + "\u2581plateau", + -12.731708526611328 + ], + [ + "tun", + -12.73179531097412 + ], + [ + "rama", + -12.731802940368652 + ], + [ + "\u00f3tica", + -12.731825828552246 + ], + [ + "\u2581angemessene", + -12.731850624084473 + ], + [ + "ridae", + -12.731878280639648 + ], + [ + "\u2581statunitensi", + -12.731891632080078 + ], + [ + "\u2581potentially", + -12.731895446777344 + ], + [ + "\u2581Ideal", + -12.73193645477295 + ], + [ + "\u2581Madison", + -12.731942176818848 + ], + [ + "lbe", + -12.731951713562012 + ], + [ + "\u2581Matteo", + -12.73196506500244 + ], + [ + "\u2581gestaltet", + -12.731968879699709 + ], + [ + "\u2581barcos", + -12.73197078704834 + ], + [ + "\u2581arrangement", + -12.731972694396973 + ], + [ + "\u2581reprises", + -12.732073783874512 + ], + [ + "filepath", + -12.73210620880127 + ], + [ + "\u2581generell", + -12.732134819030762 + ], + [ + "ctxt", + -12.732139587402344 + ], + [ + "geschlagen", + -12.732152938842772 + ], + [ + "\u2581fornire", + -12.732171058654783 + ], + [ + "\u2581reconnu", + -12.732176780700684 + ], + [ + "aura", + -12.732190132141112 + ], + [ + "\u2581Similarly", + -12.73235321044922 + ], + [ + "\u2581viejo", + -12.732423782348633 + ], + [ + "disc", + -12.73245906829834 + ], + [ + "\u2581Garde", + -12.732561111450195 + ], + [ + "\u2581remplac\u00e9", + -12.732574462890623 + ], + [ + "\u2581retain", + -12.73263168334961 + ], + [ + "vres", + -12.73264217376709 + ], + [ + "\u2581fusil", + -12.732645988464355 + ], + [ + "\u2581entidades", + -12.732665061950684 + ], + [ + "abend", + -12.732671737670898 + ], + [ + "\u2581Santi", + -12.732779502868652 + ], + [ + "fade", + -12.73279094696045 + ], + [ + "\u2581moindre", + -12.732802391052246 + ], + [ + "meyer", + -12.732855796813965 + ], + [ + "\u2581carbono", + -12.732882499694824 + ], + [ + "\u2581Wohnungen", + -12.732924461364746 + ], + [ + "PRODUCTS", + -12.732965469360352 + ], + [ + "spruch", + -12.73298168182373 + ], + [ + "\u2581demeure", + -12.73305320739746 + ], + [ + "\u2581licen", + -12.733075141906738 + ], + [ + "\u2581mogelijkheid", + -12.733180046081545 + ], + [ + "\u2581offenen", + -12.733190536499023 + ], + [ + "\u2581primaria", + -12.733196258544922 + ], + [ + "\u2581absoluto", + -12.733226776123049 + ], + [ + "Rechtsvorschrift", + -12.733232498168944 + ], + [ + "\u2581Handlungen", + -12.733236312866213 + ], + [ + "\u2581repr\u00e9sentation", + -12.733266830444336 + ], + [ + "\u2581perfil", + -12.733365058898926 + ], + [ + "\u2581Wirkungen", + -12.733457565307615 + ], + [ + "\u2581gemiddelde", + -12.733463287353516 + ], + [ + "\u2581dispositions", + -12.733477592468262 + ], + [ + "\u2581coli", + -12.733482360839844 + ], + [ + "\u2581Gaussian", + -12.73348617553711 + ], + [ + "\u2581Delta", + -12.73352336883545 + ], + [ + "\u2581convers", + -12.733556747436523 + ], + [ + "\u2581quitte", + -12.733601570129396 + ], + [ + "garde", + -12.733640670776367 + ], + [ + "\u2581trasporti", + -12.733647346496582 + ], + [ + "\u2581G\u00e4ste", + -12.73374843597412 + ], + [ + "\u2581aufgebaut", + -12.733749389648438 + ], + [ + "\u2581talento", + -12.73377513885498 + ], + [ + "vertex", + -12.73379135131836 + ], + [ + "bilanz", + -12.733844757080078 + ], + [ + "\u2581Caf\u00e9", + -12.733922958374023 + ], + [ + "attach", + -12.734024047851562 + ], + [ + "\u2581Bassi", + -12.734098434448242 + ], + [ + "\u2581baseline", + -12.734212875366213 + ], + [ + "rite", + -12.734233856201172 + ], + [ + "\u2581lunghe", + -12.734297752380373 + ], + [ + "\u2581peinture", + -12.73444938659668 + ], + [ + "\u2581bear", + -12.734574317932127 + ], + [ + "\u2581affatto", + -12.73463249206543 + ], + [ + "\u2581vuelo", + -12.73466682434082 + ], + [ + "\u2581Suecia", + -12.734667778015137 + ], + [ + "faktor", + -12.73470973968506 + ], + [ + "\u2581affrontare", + -12.73477268218994 + ], + [ + "\u2581Continental", + -12.734827995300291 + ], + [ + "funktionen", + -12.734846115112305 + ], + [ + "st\u00e4rke", + -12.734850883483888 + ], + [ + "\u2581Umst\u00e4nde", + -12.734862327575684 + ], + [ + "vertr\u00e4ge", + -12.734880447387695 + ], + [ + "\u2581Harvey", + -12.734944343566896 + ], + [ + "\u2581Kul", + -12.734967231750488 + ], + [ + "mmo", + -12.73496913909912 + ], + [ + "\u2581amenaza", + -12.735029220581056 + ], + [ + "tiefe", + -12.735052108764648 + ], + [ + "Dot", + -12.735067367553713 + ], + [ + "\u2581m\u00e9lange", + -12.735184669494627 + ], + [ + "\u2581plannen", + -12.735235214233398 + ], + [ + "\u2581form\u00e9", + -12.735273361206056 + ], + [ + "\u2581r\u00e9volution", + -12.735307693481444 + ], + [ + "\u2581bater\u00eda", + -12.735366821289062 + ], + [ + "\u2581Mani", + -12.735422134399414 + ], + [ + "hoorn", + -12.735440254211426 + ], + [ + "\u2581Kle", + -12.7354736328125 + ], + [ + "\u2581oval", + -12.735486030578612 + ], + [ + "\u2581tivesse", + -12.735625267028809 + ], + [ + "\u2581intenci\u00f3n", + -12.735641479492188 + ], + [ + "TOR", + -12.735651969909668 + ], + [ + "Pay", + -12.735733032226562 + ], + [ + "pl\u00e4tze", + -12.735799789428713 + ], + [ + "\u2581Ausgestaltung", + -12.735812187194824 + ], + [ + "\u2581consequences", + -12.735825538635254 + ], + [ + "\u2581Circuler", + -12.73595905303955 + ], + [ + "\u2581Revoluci\u00f3n", + -12.73604965209961 + ], + [ + "\u2581obtaining", + -12.736074447631836 + ], + [ + "\u2581subst", + -12.736076354980469 + ], + [ + "\u2581roof", + -12.736084938049316 + ], + [ + "Verordnung", + -12.7361421585083 + ], + [ + "BRANCH", + -12.736169815063477 + ], + [ + "stufen", + -12.736180305480955 + ], + [ + "\u2581elevado", + -12.736198425292969 + ], + [ + "\u2581Schi", + -12.736200332641602 + ], + [ + "\u2581praktische", + -12.736251831054688 + ], + [ + "Wirtschaftszweig", + -12.736469268798828 + ], + [ + "\u2581gases", + -12.736504554748535 + ], + [ + "\u2581Sean", + -12.736523628234863 + ], + [ + "\u2581dita", + -12.736531257629396 + ], + [ + "\u2581Verhaltens", + -12.736541748046877 + ], + [ + "corre", + -12.736549377441406 + ], + [ + "\u2581rues", + -12.736629486083984 + ], + [ + "\u2581meurt", + -12.736635208129885 + ], + [ + "\u2581deseo", + -12.736664772033691 + ], + [ + "\u2581Spider", + -12.736734390258787 + ], + [ + "\u2581Blog", + -12.736790657043455 + ], + [ + "ieve", + -12.736838340759276 + ], + [ + "WK", + -12.736903190612791 + ], + [ + "\u2581tomado", + -12.736918449401855 + ], + [ + "\u2581Medina", + -12.737005233764648 + ], + [ + "\u2581proportional", + -12.737056732177734 + ], + [ + "\u2581nr", + -12.737083435058594 + ], + [ + "\u2581pensando", + -12.737112045288086 + ], + [ + "REG", + -12.73713493347168 + ], + [ + "\u2581supera", + -12.737137794494627 + ], + [ + "\u2581pantalla", + -12.73724365234375 + ], + [ + "\u2581Nathan", + -12.737252235412598 + ], + [ + "\u2581Descripci\u00f3n", + -12.737257957458496 + ], + [ + "\u2581tirar", + -12.737258911132812 + ], + [ + "\u2581voldoende", + -12.73727321624756 + ], + [ + "verb\u00e4nde", + -12.737293243408203 + ], + [ + "lame", + -12.737366676330566 + ], + [ + "\u2581Store", + -12.73740291595459 + ], + [ + "kowski", + -12.737451553344728 + ], + [ + "\u2581Notice", + -12.737521171569824 + ], + [ + "\u2581Senado", + -12.73754596710205 + ], + [ + "\u2581lu", + -12.73770809173584 + ], + [ + "\u2581Tir", + -12.737720489501951 + ], + [ + "\u2581Cover", + -12.737785339355469 + ], + [ + "mide", + -12.737882614135742 + ], + [ + "\u2581multiplica", + -12.737887382507324 + ], + [ + "\u2581Wis", + -12.73796558380127 + ], + [ + "\u2581Cairo", + -12.738052368164062 + ], + [ + "stia", + -12.738085746765137 + ], + [ + "rist", + -12.738103866577148 + ], + [ + "verh\u00e4ltnisse", + -12.738116264343262 + ], + [ + "\u2581cord", + -12.73814296722412 + ], + [ + "\u2581spezielle", + -12.738178253173828 + ], + [ + "\u2581conclus", + -12.738215446472168 + ], + [ + "\u2581toegepast", + -12.738239288330078 + ], + [ + "\u2581restore", + -12.738274574279783 + ], + [ + "\u2581Verfolgung", + -12.738314628601074 + ], + [ + "arla", + -12.73833465576172 + ], + [ + "duizend", + -12.738337516784668 + ], + [ + "\u2581investiga", + -12.73837184906006 + ], + [ + "\u2581affaires", + -12.738490104675291 + ], + [ + "\u2581seitens", + -12.738576889038086 + ], + [ + "\u2581signora", + -12.738609313964844 + ], + [ + "\u2581razones", + -12.73861598968506 + ], + [ + "\u2581Giu", + -12.738642692565918 + ], + [ + "\u2581facility", + -12.738676071166992 + ], + [ + "tato", + -12.738682746887209 + ], + [ + "avantage", + -12.738759994506836 + ], + [ + "\u2581somewhere", + -12.738842964172363 + ], + [ + "\u2581britischen", + -12.738919258117676 + ], + [ + "\u2581familles", + -12.738974571228027 + ], + [ + "\u2581Palestina", + -12.739006042480469 + ], + [ + "\u2581fresco", + -12.739139556884766 + ], + [ + "kus", + -12.739197731018066 + ], + [ + "einheiten", + -12.739296913146973 + ], + [ + "\u2581bestuurlijke", + -12.739338874816896 + ], + [ + "\u2581incorpora", + -12.739355087280272 + ], + [ + "\u2581sprint", + -12.739356994628906 + ], + [ + "\u2581atmosphere", + -12.739398002624512 + ], + [ + "\u2581r\u00e9pond", + -12.73946762084961 + ], + [ + "\u2581Maestro", + -12.739479064941406 + ], + [ + "sweise", + -12.739494323730469 + ], + [ + "\u2581Than", + -12.739498138427734 + ], + [ + "\u2581definito", + -12.73949909210205 + ], + [ + "efectu", + -12.739500999450684 + ], + [ + "\u2581leve", + -12.739521980285645 + ], + [ + "\u2581gekomen", + -12.739538192749023 + ], + [ + "\u2581waste", + -12.739567756652832 + ], + [ + "\u2581Grandes", + -12.739577293395996 + ], + [ + "\u2581Sprachen", + -12.739579200744627 + ], + [ + "loading", + -12.739716529846191 + ], + [ + "secondary", + -12.739761352539062 + ], + [ + "\u2581interact", + -12.739808082580566 + ], + [ + "\u2581m\u00fc", + -12.73984432220459 + ], + [ + "\u2581Senate", + -12.739883422851562 + ], + [ + "\u2581reject", + -12.739916801452637 + ], + [ + "\u2581potevano", + -12.73996639251709 + ], + [ + "sterreichischen", + -12.739986419677734 + ], + [ + "\u2581avr\u00e0", + -12.739996910095217 + ], + [ + "\u2581Hein", + -12.740002632141112 + ], + [ + "\u2581puisqu", + -12.740094184875488 + ], + [ + "\u2581kostet", + -12.74012565612793 + ], + [ + "\u2581protocolo", + -12.740205764770508 + ], + [ + "\u2581Fase", + -12.740215301513672 + ], + [ + "\u2581Georgi", + -12.74021816253662 + ], + [ + "\u2581untersuchen", + -12.740219116210938 + ], + [ + "\u2581competencia", + -12.740242004394531 + ], + [ + "\u2581Poich\u00e9", + -12.740246772766112 + ], + [ + "\u2581portes", + -12.7402925491333 + ], + [ + "\u2581bomba", + -12.74029541015625 + ], + [ + "Ben", + -12.7402982711792 + ], + [ + "ierungs", + -12.7402982711792 + ], + [ + "\u2581sexto", + -12.740334510803224 + ], + [ + "\u2581betreft", + -12.740363121032717 + ], + [ + "\u2581Ausf\u00fchrungen", + -12.740371704101562 + ], + [ + "\u2581ownership", + -12.740405082702637 + ], + [ + "kb", + -12.740415573120115 + ], + [ + "\u2581precisam", + -12.74043083190918 + ], + [ + "\u2581nung", + -12.74045467376709 + ], + [ + "\u2581irregular", + -12.74051570892334 + ], + [ + "setzt", + -12.740577697753906 + ], + [ + "\u2581gezet", + -12.74057960510254 + ], + [ + "\u2581Sammlung", + -12.740585327148438 + ], + [ + "kes", + -12.740619659423828 + ], + [ + "Chrysomelidae", + -12.74063491821289 + ], + [ + "Fake", + -12.740639686584473 + ], + [ + "rique", + -12.740678787231444 + ], + [ + "instant", + -12.740694999694824 + ], + [ + "\u2581fake", + -12.740697860717772 + ], + [ + "\u2581Bewohner", + -12.740760803222656 + ], + [ + "oke", + -12.740903854370115 + ], + [ + "sana", + -12.740999221801758 + ], + [ + "\u2581speziell", + -12.741010665893556 + ], + [ + "rx", + -12.741044998168944 + ], + [ + "\u2581independ", + -12.741058349609377 + ], + [ + "rini", + -12.741141319274902 + ], + [ + "\u2581noticed", + -12.74117946624756 + ], + [ + "\u2581supplied", + -12.741193771362305 + ], + [ + "\u2581procurar", + -12.741204261779783 + ], + [ + "\u2581veux", + -12.74122142791748 + ], + [ + "\u2581voraussichtlich", + -12.741299629211426 + ], + [ + "\u2581produzido", + -12.741308212280272 + ], + [ + "Ik", + -12.741416931152344 + ], + [ + "\u2581autoridad", + -12.741474151611328 + ], + [ + "autoroute", + -12.74148654937744 + ], + [ + "sano", + -12.741487503051758 + ], + [ + "\u2581tr\u00e1s", + -12.741532325744627 + ], + [ + "Cannot", + -12.741575241088867 + ], + [ + "rze", + -12.741575241088867 + ], + [ + "\u2581pr\u00e4", + -12.74158763885498 + ], + [ + "\u2581reply", + -12.741734504699709 + ], + [ + "\u2581Cop", + -12.741738319396973 + ], + [ + "\u2581H\u00e4", + -12.74177074432373 + ], + [ + "\u2581c\u00e1mara", + -12.741787910461426 + ], + [ + "\u2581precios", + -12.741864204406738 + ], + [ + "\u2581cintura", + -12.741978645324709 + ], + [ + "\u2581fortune", + -12.741988182067873 + ], + [ + "\u2581Sali", + -12.7420072555542 + ], + [ + "\u2581l\u00e4ndlichen", + -12.742053985595703 + ], + [ + "\u2581Willy", + -12.7421875 + ], + [ + "\u2581ciascuno", + -12.742262840270996 + ], + [ + "nell", + -12.742337226867676 + ], + [ + "\u2581zangeres", + -12.742349624633787 + ], + [ + "\u2581mat", + -12.742390632629396 + ], + [ + "\u2581Hierbij", + -12.742424011230469 + ], + [ + "austausch", + -12.742426872253418 + ], + [ + "\u2581overwinning", + -12.742460250854492 + ], + [ + "\u2581Azi", + -12.742491722106934 + ], + [ + "\u2581wireless", + -12.742526054382324 + ], + [ + "\u2581nacimiento", + -12.742560386657717 + ], + [ + "\u2581artigos", + -12.74263858795166 + ], + [ + "Added", + -12.742642402648926 + ], + [ + "\u2581Orientierung", + -12.742680549621582 + ], + [ + "hoven", + -12.742717742919922 + ], + [ + "\u2581desarrollado", + -12.742759704589844 + ], + [ + "\u2581baseada", + -12.742783546447754 + ], + [ + "fur", + -12.74278450012207 + ], + [ + "\u2581gedacht", + -12.742837905883787 + ], + [ + "\u2581Martino", + -12.7428560256958 + ], + [ + "\u2581entrou", + -12.742864608764648 + ], + [ + "\u2581Toch", + -12.742907524108888 + ], + [ + "Accademia", + -12.74303913116455 + ], + [ + "\u2581Salud", + -12.743047714233398 + ], + [ + "\u2581atoms", + -12.74307632446289 + ], + [ + "\u2581gew\u00e4hren", + -12.743142127990724 + ], + [ + "\u2581popoli", + -12.743183135986328 + ], + [ + "\u2581productor", + -12.743234634399414 + ], + [ + "\u2581besluit", + -12.7432861328125 + ], + [ + "uar", + -12.743306159973145 + ], + [ + "\u2581chegada", + -12.743311882019045 + ], + [ + "\u2581europee", + -12.743314743041992 + ], + [ + "\u2581Praga", + -12.743334770202637 + ], + [ + "\u2581Track", + -12.74339485168457 + ], + [ + "arbre", + -12.743474960327148 + ], + [ + "\u2581sindaco", + -12.74353313446045 + ], + [ + "tare", + -12.743597984313965 + ], + [ + "\u2581fascista", + -12.743600845336914 + ], + [ + "\u2581lasci", + -12.743630409240724 + ], + [ + "\u2581verglichen", + -12.743654251098633 + ], + [ + "\u2581pen\u00ednsula", + -12.743703842163086 + ], + [ + "\u2581legislatura", + -12.743717193603516 + ], + [ + "\u2581Comunica", + -12.743732452392578 + ], + [ + "dini", + -12.743846893310549 + ], + [ + "Las", + -12.743900299072266 + ], + [ + "\u2581\u00e9pisodes", + -12.744062423706056 + ], + [ + "\u2581verwacht", + -12.744063377380373 + ], + [ + "fia", + -12.74417781829834 + ], + [ + "gestaltung", + -12.74423122406006 + ], + [ + "\u2581prossimo", + -12.744285583496094 + ], + [ + "motoren", + -12.744354248046877 + ], + [ + "Inv", + -12.744437217712402 + ], + [ + "\u2581Rijn", + -12.744464874267578 + ], + [ + "\u2581aarde", + -12.744473457336426 + ], + [ + "tismo", + -12.74450397491455 + ], + [ + "kanaal", + -12.744525909423828 + ], + [ + "\u2581fascismo", + -12.744536399841309 + ], + [ + "\u2581constru\u00eddo", + -12.744548797607422 + ], + [ + "\u2581Gestalt", + -12.744579315185549 + ], + [ + "\u2581Pittsburgh", + -12.7446928024292 + ], + [ + "\u2581sigui\u00f3", + -12.744714736938477 + ], + [ + "concert", + -12.744732856750488 + ], + [ + "Gui", + -12.744760513305664 + ], + [ + "\u2581kwaliteit", + -12.744780540466309 + ], + [ + "\u2581fund", + -12.74478530883789 + ], + [ + "\u2581abuse", + -12.744808197021484 + ], + [ + "rechtlicher", + -12.74488639831543 + ], + [ + "igne", + -12.744939804077148 + ], + [ + "\u2581ijs", + -12.744945526123049 + ], + [ + "keeper", + -12.7449951171875 + ], + [ + "\u2581'./", + -12.744998931884766 + ], + [ + "\u2581SIM", + -12.745030403137209 + ], + [ + "inder", + -12.745060920715332 + ], + [ + "\u2581syndrome", + -12.745104789733888 + ], + [ + "\u2581chapelle", + -12.745110511779783 + ], + [ + "\u2581Jede", + -12.74513339996338 + ], + [ + "ilha", + -12.745142936706545 + ], + [ + "\u2581lamp", + -12.745160102844238 + ], + [ + "warm", + -12.74516487121582 + ], + [ + "ious", + -12.745171546936035 + ], + [ + "\u2581scelto", + -12.74520206451416 + ], + [ + "\u2581titoli", + -12.745220184326172 + ], + [ + "vg", + -12.745325088500977 + ], + [ + "wedge", + -12.745327949523926 + ], + [ + "\u2581s\u00edmbolos", + -12.745368957519531 + ], + [ + "\u2581celebre", + -12.745428085327148 + ], + [ + "\u2581dossier", + -12.745526313781738 + ], + [ + "\u2581THIS", + -12.7455415725708 + ], + [ + "\u2581speranza", + -12.74558925628662 + ], + [ + "\u2581morta", + -12.745601654052734 + ], + [ + "\u2581resistenza", + -12.74560832977295 + ], + [ + "hack", + -12.745671272277832 + ], + [ + "\u2581Jennifer", + -12.745685577392578 + ], + [ + "\u2581Occidental", + -12.745694160461426 + ], + [ + "\u2581zondag", + -12.74570083618164 + ], + [ + "\u2581Austr\u00e1lia", + -12.74582862854004 + ], + [ + "\u2581Versuche", + -12.74585247039795 + ], + [ + "ftp", + -12.745859146118164 + ], + [ + "\u2581Eindruck", + -12.745863914489746 + ], + [ + "gemeente", + -12.74587059020996 + ], + [ + "\u2581contexte", + -12.745875358581545 + ], + [ + "\u2581Gegenwart", + -12.745964050292969 + ], + [ + "nv", + -12.746152877807615 + ], + [ + "mf", + -12.746164321899414 + ], + [ + "marin", + -12.746180534362791 + ], + [ + "\u2581Jerusalem", + -12.746203422546388 + ], + [ + "\u2581poblacional", + -12.74628734588623 + ], + [ + "\u2581estatal", + -12.746309280395508 + ], + [ + "\u2581Norbert", + -12.746332168579102 + ], + [ + "\u2581Terror", + -12.746384620666504 + ], + [ + "\u2581Supreme", + -12.746451377868652 + ], + [ + "\u2581rief", + -12.746469497680664 + ], + [ + "\u2581Gesch\u00e4fte", + -12.746478080749512 + ], + [ + "\u2581bandas", + -12.746479034423828 + ], + [ + "\u2581aard", + -12.746493339538574 + ], + [ + "Adora", + -12.746538162231444 + ], + [ + "musik", + -12.746578216552734 + ], + [ + "roc", + -12.746606826782228 + ], + [ + "\u2581predi", + -12.74663257598877 + ], + [ + "\u2581R\u00fcckkehr", + -12.746712684631348 + ], + [ + "\u2581mover", + -12.74671459197998 + ], + [ + "\u2581Palomar", + -12.746773719787598 + ], + [ + "\u2581comfort", + -12.74678897857666 + ], + [ + "\u2581Gerald", + -12.746950149536133 + ], + [ + "\u2581surgem", + -12.747010231018066 + ], + [ + "\u2581regarded", + -12.747224807739258 + ], + [ + "\u2581Sig", + -12.747284889221191 + ], + [ + "song", + -12.747357368469238 + ], + [ + "\u2581willing", + -12.747387886047363 + ], + [ + "\u2581chiuso", + -12.747390747070312 + ], + [ + "\u2581carefully", + -12.747394561767578 + ], + [ + "\u2581corporation", + -12.747419357299805 + ], + [ + "\u2581diente", + -12.747427940368652 + ], + [ + "\u2581Fix", + -12.747434616088867 + ], + [ + "zzi", + -12.747450828552246 + ], + [ + "\u2581Sommige", + -12.747495651245115 + ], + [ + "enthal", + -12.747526168823242 + ], + [ + "impuls", + -12.74753475189209 + ], + [ + "bility", + -12.747540473937988 + ], + [ + "\u2581payload", + -12.747564315795898 + ], + [ + "\u2581H\u00e4user", + -12.747652053833008 + ], + [ + "\u2581nieuws", + -12.747665405273438 + ], + [ + "\u2581deelnemers", + -12.747673034667969 + ], + [ + "\u2581getrouwd", + -12.74774932861328 + ], + [ + "\u2581podium", + -12.74781322479248 + ], + [ + "\u2581Versicherten", + -12.74790859222412 + ], + [ + "threshold", + -12.748017311096191 + ], + [ + "schel", + -12.748167037963867 + ], + [ + "wk", + -12.748213768005373 + ], + [ + "\u2581jene", + -12.748266220092772 + ], + [ + "tero", + -12.748316764831545 + ], + [ + "\u2581inherit", + -12.74832820892334 + ], + [ + "Modal", + -12.74833869934082 + ], + [ + "\u2581considerados", + -12.748347282409668 + ], + [ + "\u2581Gruppo", + -12.748357772827148 + ], + [ + "transaction", + -12.748363494873049 + ], + [ + "\u2581vaccin", + -12.74848175048828 + ], + [ + "\u2581Unterrichtung", + -12.748506546020508 + ], + [ + "\u2581\u00f3pera", + -12.748533248901367 + ], + [ + "bone", + -12.74859619140625 + ], + [ + "tid", + -12.748617172241213 + ], + [ + "\u2581Celle", + -12.748664855957031 + ], + [ + "\u2581Stella", + -12.748674392700195 + ], + [ + "ellidae", + -12.748709678649902 + ], + [ + "Errors", + -12.748720169067385 + ], + [ + "\u2581ziemlich", + -12.74886989593506 + ], + [ + "\u2581tape", + -12.748887062072754 + ], + [ + "\u2581Krankenkassen", + -12.748916625976562 + ], + [ + "\u2581Voici", + -12.748916625976562 + ], + [ + "\u2581hout", + -12.748929023742676 + ], + [ + "\u2581Ignacio", + -12.748952865600586 + ], + [ + "toolbar", + -12.748979568481444 + ], + [ + "\u2581appearing", + -12.749085426330566 + ], + [ + "\u2581\u00e9tape", + -12.749176025390623 + ], + [ + "\u2581mond", + -12.749181747436523 + ], + [ + "\u2581exposed", + -12.74924659729004 + ], + [ + "\u2581Wesen", + -12.749314308166504 + ], + [ + "vom", + -12.749351501464844 + ], + [ + "\u2581mosteiro", + -12.749434471130373 + ], + [ + "Direct", + -12.74946403503418 + ], + [ + "subnet", + -12.74947738647461 + ], + [ + "lyn", + -12.749507904052734 + ], + [ + "\u2581tarefa", + -12.749524116516112 + ], + [ + "\u2581Membran", + -12.74952507019043 + ], + [ + "\u2581rimasto", + -12.749540328979492 + ], + [ + "\u2581permiti\u00f3", + -12.749547004699709 + ], + [ + "\u2581staats", + -12.749567031860352 + ], + [ + "fol", + -12.749571800231934 + ], + [ + "statement", + -12.749584197998049 + ], + [ + "\u2581Toutefois", + -12.74962043762207 + ], + [ + "\u2581Italie", + -12.749752044677734 + ], + [ + "\u2581tir", + -12.749792098999023 + ], + [ + "\u2581navigazione", + -12.74980640411377 + ], + [ + "circa", + -12.749849319458008 + ], + [ + "\u2581Belgien", + -12.74989891052246 + ], + [ + "agg", + -12.74998664855957 + ], + [ + "\u2581captura", + -12.750082015991213 + ], + [ + "\u2581loved", + -12.75010871887207 + ], + [ + "\u2581cifra", + -12.75011920928955 + ], + [ + "roood", + -12.75012493133545 + ], + [ + "\u2581intelligent", + -12.750136375427246 + ], + [ + "\u2581zie", + -12.75015354156494 + ], + [ + "swap", + -12.75015640258789 + ], + [ + "vf", + -12.750158309936523 + ], + [ + "\u2581abierto", + -12.75023078918457 + ], + [ + "\u2581Vertretung", + -12.750373840332031 + ], + [ + "\u2581orquesta", + -12.75059413909912 + ], + [ + "\u2581Ming", + -12.750632286071776 + ], + [ + "SEC", + -12.750680923461914 + ], + [ + "\u2581incontri", + -12.750710487365724 + ], + [ + "facebook", + -12.750737190246582 + ], + [ + "\u2581ocurre", + -12.750865936279297 + ], + [ + "\u2581Nummern", + -12.750884056091309 + ], + [ + "\u2581turco", + -12.750896453857422 + ], + [ + "supports", + -12.750984191894531 + ], + [ + "\u2581extensions", + -12.751020431518556 + ], + [ + "sischer", + -12.751087188720703 + ], + [ + "\u2581conhecidos", + -12.7511568069458 + ], + [ + "\u2581deixando", + -12.751202583312988 + ], + [ + "\u2581Lut", + -12.751246452331545 + ], + [ + "\u2581Impact", + -12.751314163208008 + ], + [ + "\u2581qualifica", + -12.751324653625488 + ], + [ + "ulo", + -12.751395225524902 + ], + [ + "\u2581factores", + -12.751405715942385 + ], + [ + "spar", + -12.751409530639648 + ], + [ + "aine", + -12.751473426818848 + ], + [ + "\u2581meilleurs", + -12.751474380493164 + ], + [ + "\u2581Ves", + -12.751524925231934 + ], + [ + "\u2581aerei", + -12.751542091369627 + ], + [ + "filters", + -12.75155258178711 + ], + [ + "Switch", + -12.751611709594728 + ], + [ + "lick", + -12.751616477966309 + ], + [ + "\u2581Orten", + -12.751660346984863 + ], + [ + "\u2581Entschlie", + -12.751700401306152 + ], + [ + "\u2581Ehegatten", + -12.751832962036133 + ], + [ + "leistungs", + -12.751901626586914 + ], + [ + "\u2581programmi", + -12.751911163330078 + ], + [ + "footnotesize", + -12.751968383789062 + ], + [ + "\u2581Konrad", + -12.751988410949709 + ], + [ + "\u2581neuf", + -12.752016067504885 + ], + [ + "\u2581outputs", + -12.752046585083008 + ], + [ + "\u2581Mussolini", + -12.75204849243164 + ], + [ + "\u2581dubbel", + -12.75207233428955 + ], + [ + "lyse", + -12.752103805541992 + ], + [ + "\u2581Beni", + -12.752111434936523 + ], + [ + "kens", + -12.752193450927734 + ], + [ + "\u2581\u00e9lev\u00e9", + -12.75219440460205 + ], + [ + "\u2581corresponden", + -12.75221824645996 + ], + [ + "\u2581defense", + -12.75227165222168 + ], + [ + "\u2581Circle", + -12.752291679382324 + ], + [ + "\u2581Vertrauen", + -12.75231647491455 + ], + [ + "\u2581grew", + -12.75235652923584 + ], + [ + "\u2581pape", + -12.752439498901367 + ], + [ + "NOS", + -12.752452850341797 + ], + [ + "\u2581UITableView", + -12.75246238708496 + ], + [ + "\u2581Gare", + -12.752498626708984 + ], + [ + "mortal", + -12.752509117126465 + ], + [ + "\u2581worst", + -12.75254249572754 + ], + [ + "\u2581discover", + -12.752562522888184 + ], + [ + "\u2581construire", + -12.752605438232422 + ], + [ + "rdi", + -12.752622604370115 + ], + [ + "\u2581cop", + -12.752628326416016 + ], + [ + "vil", + -12.75268268585205 + ], + [ + "\u2581Alumnado", + -12.752717971801758 + ], + [ + "\u2581Bereitstellung", + -12.75271987915039 + ], + [ + "\u2581Libro", + -12.752779960632324 + ], + [ + "\u2581h\u00e4ufiger", + -12.75290298461914 + ], + [ + "addb", + -12.753012657165527 + ], + [ + "\u2581basada", + -12.753026962280272 + ], + [ + "\u2581kiezen", + -12.753071784973145 + ], + [ + "\u2581voulu", + -12.75310516357422 + ], + [ + "\u2581Vereins", + -12.753169059753418 + ], + [ + "\u2581Calabria", + -12.75320053100586 + ], + [ + "\u2581handeln", + -12.75326156616211 + ], + [ + "\u2581Pela", + -12.7533597946167 + ], + [ + "\u2581recibe", + -12.753372192382812 + ], + [ + "\u2581Grunde", + -12.753416061401367 + ], + [ + "\u2581Bouwwerk", + -12.753433227539062 + ], + [ + "\u2581senator", + -12.75344944000244 + ], + [ + "\u2581Soldat", + -12.753473281860352 + ], + [ + "Office", + -12.753544807434082 + ], + [ + "\u2581Examples", + -12.753564834594728 + ], + [ + "\u2581Train", + -12.753575325012209 + ], + [ + "\u2581landbouw", + -12.753576278686523 + ], + [ + "strand", + -12.753631591796877 + ], + [ + "Keyword", + -12.75370979309082 + ], + [ + "\u2581servono", + -12.753721237182615 + ], + [ + "\u2581garden", + -12.753728866577148 + ], + [ + "bug", + -12.75375747680664 + ], + [ + "\u2581unteren", + -12.753881454467772 + ], + [ + "\u2581mathematics", + -12.75389289855957 + ], + [ + "evento", + -12.753902435302734 + ], + [ + "\u2581Kohle", + -12.75392723083496 + ], + [ + "\u2581\u00e9tats", + -12.753944396972656 + ], + [ + "\u2581cx", + -12.754029273986816 + ], + [ + "aling", + -12.754057884216309 + ], + [ + "Retry", + -12.75407886505127 + ], + [ + "\u2581estruturas", + -12.75407886505127 + ], + [ + "Dist", + -12.754095077514648 + ], + [ + "detect", + -12.75409698486328 + ], + [ + "\u2581PER", + -12.754101753234863 + ], + [ + "\u2581Toni", + -12.754101753234863 + ], + [ + "anja", + -12.754138946533203 + ], + [ + "\u2581directa", + -12.754142761230469 + ], + [ + "\u2581Anlass", + -12.754152297973633 + ], + [ + "\u2581Punkten", + -12.75417423248291 + ], + [ + "Tom", + -12.754178047180176 + ], + [ + "\u2581twist", + -12.754205703735352 + ], + [ + "proben", + -12.75424098968506 + ], + [ + "cchi", + -12.754257202148438 + ], + [ + "\u2581rijk", + -12.754279136657717 + ], + [ + "rug", + -12.75428867340088 + ], + [ + "\u2581pr\u00e9c\u00e9dent", + -12.754362106323242 + ], + [ + "\u2581Madre", + -12.754379272460938 + ], + [ + "\u2581fermate", + -12.75439739227295 + ], + [ + "Den", + -12.754403114318848 + ], + [ + "bara", + -12.754409790039062 + ], + [ + "DDG", + -12.75441837310791 + ], + [ + "\u2581departamentos", + -12.754488945007324 + ], + [ + "DEVICE", + -12.754525184631348 + ], + [ + "\u2581killing", + -12.754568099975586 + ], + [ + "\u2581dirigi\u00f3", + -12.754606246948242 + ], + [ + "TURE", + -12.754642486572266 + ], + [ + "ierungen", + -12.754644393920898 + ], + [ + "\u2581yesterday", + -12.754752159118652 + ], + [ + "\u2581whenever", + -12.75478172302246 + ], + [ + "\u2581Aaron", + -12.754846572875977 + ], + [ + "wm", + -12.75486946105957 + ], + [ + "\u2581launched", + -12.754881858825684 + ], + [ + "\u2581Noir", + -12.75490665435791 + ], + [ + "\u2581plugin", + -12.755104064941406 + ], + [ + "g\u00e9n", + -12.755156517028809 + ], + [ + "nr", + -12.755170822143556 + ], + [ + "volv", + -12.755256652832031 + ], + [ + "ako", + -12.75528335571289 + ], + [ + "\u2581schade", + -12.755293846130373 + ], + [ + "\u2581voies", + -12.755314826965332 + ], + [ + "\u2581Bab", + -12.75538444519043 + ], + [ + "ind\u00e9pendance", + -12.755420684814451 + ], + [ + "F\u00fcr", + -12.75548267364502 + ], + [ + "\u2581designa", + -12.75552463531494 + ], + [ + "\u2581economiche", + -12.755586624145508 + ], + [ + "\u2581stattfinden", + -12.755703926086426 + ], + [ + "\u2581embodiment", + -12.755715370178224 + ], + [ + "RESULT", + -12.755867958068848 + ], + [ + "pati", + -12.755877494812012 + ], + [ + "\u2581Leur", + -12.755979537963867 + ], + [ + "\u2581froid", + -12.755982398986816 + ], + [ + "\u2581ciudadanos", + -12.755983352661133 + ], + [ + "\u2581estudiar", + -12.756046295166016 + ], + [ + "\u2581evidencia", + -12.756081581115724 + ], + [ + "\u2581suspect", + -12.756108283996582 + ], + [ + "KL", + -12.756115913391112 + ], + [ + "s\u00e4", + -12.75615119934082 + ], + [ + "\u2581m\u00fcsste", + -12.756182670593262 + ], + [ + "\u2581art\u00edstico", + -12.756220817565918 + ], + [ + "\u2581chances", + -12.756321907043455 + ], + [ + "\u2581Kad", + -12.756383895874023 + ], + [ + "\u2581comportement", + -12.75644874572754 + ], + [ + "\u2581sinais", + -12.7564697265625 + ], + [ + "Andr\u00e9", + -12.756476402282717 + ], + [ + "BAR", + -12.756510734558104 + ], + [ + "\u2581Daf\u00fcr", + -12.756591796875 + ], + [ + "relu", + -12.756664276123049 + ], + [ + "Times", + -12.756677627563477 + ], + [ + "\u2581Waar", + -12.756696701049805 + ], + [ + "\u2581youth", + -12.756711959838867 + ], + [ + "\u2581cercando", + -12.756725311279297 + ], + [ + "\u2581documenta", + -12.756728172302246 + ], + [ + "\u2581dovr\u00e0", + -12.756754875183104 + ], + [ + "\u2581Electro", + -12.756760597229004 + ], + [ + "\u2581Protocol", + -12.756806373596191 + ], + [ + "\u2581grec", + -12.75685214996338 + ], + [ + "\u2581absoluta", + -12.756896018981934 + ], + [ + "\u2581priori", + -12.757126808166504 + ], + [ + "atum", + -12.757211685180664 + ], + [ + "\u2581adds", + -12.757235527038574 + ], + [ + "\u2581derive", + -12.757243156433104 + ], + [ + "\u2581r\u00e1dio", + -12.757291793823242 + ], + [ + "\u2581F\u00f3rmula", + -12.75734043121338 + ], + [ + "\u2581beeinflussen", + -12.75734806060791 + ], + [ + "\u2581Amtsblatt", + -12.757598876953123 + ], + [ + "\u2581Financial", + -12.75761604309082 + ], + [ + "rolle", + -12.757659912109377 + ], + [ + "\u2581ausgestattet", + -12.757678031921388 + ], + [ + "\u2581Chelsea", + -12.75767993927002 + ], + [ + "FFE", + -12.757716178894045 + ], + [ + "\u2581calcular", + -12.75772190093994 + ], + [ + "\u2581incluido", + -12.757731437683104 + ], + [ + "\u2581Bour", + -12.757732391357422 + ], + [ + "\u2581Witte", + -12.757733345031738 + ], + [ + "\u2581bloque", + -12.75775146484375 + ], + [ + "uten", + -12.757854461669922 + ], + [ + "tima", + -12.757965087890623 + ], + [ + "\u2581chamber", + -12.758064270019531 + ], + [ + "cimento", + -12.758074760437012 + ], + [ + "\u2581merk", + -12.758116722106934 + ], + [ + "\u2581Audio", + -12.758145332336426 + ], + [ + "gensupport", + -12.758150100708008 + ], + [ + "Geo", + -12.75815773010254 + ], + [ + "\u2581Linear", + -12.758188247680664 + ], + [ + "\u2581paesaggio", + -12.758188247680664 + ], + [ + "\u2581Annie", + -12.75823211669922 + ], + [ + "\u2581calm", + -12.758465766906738 + ], + [ + "\u2581Begriffe", + -12.758589744567873 + ], + [ + "\u2581Swan", + -12.758647918701172 + ], + [ + "ensi", + -12.758657455444336 + ], + [ + "\u2581chinois", + -12.758660316467283 + ], + [ + "\u2581Edi", + -12.7587308883667 + ], + [ + "assen", + -12.758893966674805 + ], + [ + "\u2581alemana", + -12.758906364440918 + ], + [ + "Behavior", + -12.758991241455078 + ], + [ + "\u2581semplici", + -12.759018898010254 + ], + [ + "\u2581Mariano", + -12.759140968322754 + ], + [ + "strut", + -12.759148597717283 + ], + [ + "\u2581Medicine", + -12.7591552734375 + ], + [ + "\u2581assistant", + -12.759195327758787 + ], + [ + "\u2581nacht", + -12.759199142456056 + ], + [ + "\u2581spoor", + -12.759278297424316 + ], + [ + "night", + -12.759302139282228 + ], + [ + "mati", + -12.75930404663086 + ], + [ + "\u2581Suite", + -12.759305000305176 + ], + [ + "\u2581Haarlem", + -12.759321212768556 + ], + [ + "\u2581felice", + -12.759347915649414 + ], + [ + "\u2581Sob", + -12.759355545043944 + ], + [ + "\u2581posse", + -12.759408950805664 + ], + [ + "STAT", + -12.759540557861328 + ], + [ + "\u2581Einbeziehung", + -12.759614944458008 + ], + [ + "\u2581Dieter", + -12.759637832641602 + ], + [ + "\u2581worker", + -12.759662628173828 + ], + [ + "algorithm", + -12.759778022766112 + ], + [ + "\u2581Rus", + -12.759799003601074 + ], + [ + "\u2581iteration", + -12.759809494018556 + ], + [ + "\u2581toenmalige", + -12.759820938110352 + ], + [ + "\u2581dependence", + -12.75982666015625 + ], + [ + "\u2581Military", + -12.759862899780272 + ], + [ + "\u2581Ayuntamiento", + -12.759870529174805 + ], + [ + "\u2581Astro", + -12.75987434387207 + ], + [ + "\u2581compensation", + -12.75989055633545 + ], + [ + "Bor", + -12.759957313537598 + ], + [ + "PW", + -12.759984016418455 + ], + [ + "\u2581Ereignisse", + -12.759998321533203 + ], + [ + "\u2581destroyed", + -12.760027885437012 + ], + [ + "\u2581freddo", + -12.76005744934082 + ], + [ + "\u2581produzir", + -12.760072708129885 + ], + [ + "sbestimmungen", + -12.760125160217283 + ], + [ + "\u2581nouvel", + -12.760208129882812 + ], + [ + "IDE", + -12.760268211364746 + ], + [ + "\u2581vetor", + -12.760272026062012 + ], + [ + "\u2581Henriques", + -12.760296821594238 + ], + [ + "dung", + -12.76032257080078 + ], + [ + "\u2581opportunities", + -12.76043701171875 + ], + [ + "\u2581pubblicazione", + -12.760478019714355 + ], + [ + "\u2581promedio", + -12.760478973388672 + ], + [ + "gef\u00fchrt", + -12.76048469543457 + ], + [ + "cit\u00e9", + -12.760527610778809 + ], + [ + "\u2581Compre", + -12.760558128356934 + ], + [ + "\u2581mecanismo", + -12.76064395904541 + ], + [ + "\u2581Alpes", + -12.76068878173828 + ], + [ + "\u2581interamente", + -12.760698318481444 + ], + [ + "\u2581weshalb", + -12.760708808898926 + ], + [ + "\u2581Stad", + -12.760719299316406 + ], + [ + "Curve", + -12.76072883605957 + ], + [ + "\u2581indicazioni", + -12.760753631591797 + ], + [ + "\u2581PTR", + -12.760764122009276 + ], + [ + "\u2581deixa", + -12.76076602935791 + ], + [ + "\u2581Maj", + -12.760844230651855 + ], + [ + "\u2581ENTR", + -12.76085376739502 + ], + [ + "\u2581keren", + -12.760940551757812 + ], + [ + "\u2581insult", + -12.760972023010254 + ], + [ + "\u2581Kategorien", + -12.76099681854248 + ], + [ + "leute", + -12.76107120513916 + ], + [ + "Hub", + -12.761130332946776 + ], + [ + "\u2581Nantes", + -12.761180877685549 + ], + [ + "\u2581onderwerp", + -12.761259078979492 + ], + [ + "\u2581Vit\u00f3ria", + -12.761323928833008 + ], + [ + "\u2581baisse", + -12.761330604553224 + ], + [ + "xhtml", + -12.761380195617676 + ], + [ + "ubametralladoras", + -12.761476516723633 + ], + [ + "Factor", + -12.76159954071045 + ], + [ + "\u2581sujeito", + -12.76164722442627 + ], + [ + "\u2581vague", + -12.761673927307127 + ], + [ + "flush", + -12.761682510375977 + ], + [ + "\u2581relacionamento", + -12.76172161102295 + ], + [ + "erzeugnisse", + -12.76172924041748 + ], + [ + "icum", + -12.761735916137695 + ], + [ + "\u2581Fried", + -12.76173973083496 + ], + [ + "\u2581Utah", + -12.761791229248049 + ], + [ + "eds", + -12.761792182922363 + ], + [ + "\u2581Environment", + -12.76182746887207 + ], + [ + "\u2581Eingangs", + -12.761898040771484 + ], + [ + "\u2581sentire", + -12.761911392211914 + ], + [ + "abkommen", + -12.762124061584473 + ], + [ + "ADA", + -12.762146949768066 + ], + [ + "\u2581territoriales", + -12.762316703796388 + ], + [ + "\u2581transportation", + -12.762341499328612 + ], + [ + "\u2581Folk", + -12.762372016906738 + ], + [ + "mist", + -12.76241683959961 + ], + [ + "mathit", + -12.762449264526367 + ], + [ + "\u2581democracia", + -12.762479782104492 + ], + [ + "chip", + -12.762539863586426 + ], + [ + "\u2581Hinzu", + -12.76254653930664 + ], + [ + "\u2581continuamente", + -12.762686729431152 + ], + [ + "\u2581Sektor", + -12.762772560119627 + ], + [ + "\u2581smoke", + -12.762821197509766 + ], + [ + "\u2581instituci\u00f3n", + -12.762831687927246 + ], + [ + "\u2581phases", + -12.762837409973145 + ], + [ + "angaben", + -12.762876510620115 + ], + [ + "\u2581Sauerstoff", + -12.762879371643066 + ], + [ + "\u2581orange", + -12.762879371643066 + ], + [ + "\u2581Vincenzo", + -12.76291561126709 + ], + [ + "Charles", + -12.762924194335938 + ], + [ + "checkpoint", + -12.76292896270752 + ], + [ + "\u2581indo", + -12.762932777404783 + ], + [ + "\u2581extensi\u00f3n", + -12.763026237487791 + ], + [ + "jne", + -12.76303482055664 + ], + [ + "\u2581densa", + -12.763043403625488 + ], + [ + "\u2581daraufhin", + -12.763071060180664 + ], + [ + "freien", + -12.76308250427246 + ], + [ + "orde", + -12.763091087341309 + ], + [ + "\u2581eliminar", + -12.7631196975708 + ], + [ + "iez", + -12.763123512268066 + ], + [ + "indice", + -12.763147354125977 + ], + [ + "national", + -12.763202667236328 + ], + [ + "\u2581Soort", + -12.763251304626465 + ], + [ + "LIBS", + -12.763263702392578 + ], + [ + "MH", + -12.76328468322754 + ], + [ + "psy", + -12.76339340209961 + ], + [ + "\u2581el\u00e9ctrica", + -12.763423919677734 + ], + [ + "\u2581Ausgleichs", + -12.763542175292969 + ], + [ + "\u2581contaba", + -12.763557434082031 + ], + [ + "gano", + -12.763561248779297 + ], + [ + "Wiki", + -12.763564109802246 + ], + [ + "\u2581afro", + -12.763638496398926 + ], + [ + "\u2581Markus", + -12.76364517211914 + ], + [ + "eling", + -12.763656616210938 + ], + [ + "\u2581alcalde", + -12.763803482055664 + ], + [ + "oceano", + -12.763851165771484 + ], + [ + "\u2581contribui", + -12.763895988464355 + ], + [ + "\u2581immense", + -12.763956069946287 + ], + [ + "\u2581residual", + -12.76396656036377 + ], + [ + "\u2581elftal", + -12.764030456542969 + ], + [ + "\u2581oxygen", + -12.764042854309082 + ], + [ + "\u2581Dictionary", + -12.764052391052246 + ], + [ + "\u2581Chancen", + -12.764110565185549 + ], + [ + "\u2581Butler", + -12.76411247253418 + ], + [ + "\u2581beschreiben", + -12.7643404006958 + ], + [ + "\u2581verursacht", + -12.764398574829102 + ], + [ + "\u2581Upper", + -12.764418601989746 + ], + [ + "\u2581Too", + -12.764448165893556 + ], + [ + "leiten", + -12.76453971862793 + ], + [ + "Publisher", + -12.764619827270508 + ], + [ + "syn", + -12.764646530151367 + ], + [ + "\u2581Bronze", + -12.764659881591797 + ], + [ + "\u2581Visa", + -12.76466178894043 + ], + [ + "\u2581royale", + -12.76470184326172 + ], + [ + "\u2581tenir", + -12.764719009399414 + ], + [ + "\u2581dates", + -12.764772415161133 + ], + [ + "\u2581ships", + -12.764774322509766 + ], + [ + "\u2581consist", + -12.764795303344728 + ], + [ + "\u2581reprend", + -12.764811515808104 + ], + [ + "opposizione", + -12.76486587524414 + ], + [ + "\u2581alien", + -12.764885902404783 + ], + [ + "kau", + -12.764932632446287 + ], + [ + "\u2581Sven", + -12.76498794555664 + ], + [ + "mq", + -12.765009880065918 + ], + [ + "\u2581sichern", + -12.76504898071289 + ], + [ + "\u2581Lucius", + -12.76509952545166 + ], + [ + "Resolver", + -12.76515007019043 + ], + [ + "\u2581Talk", + -12.765225410461426 + ], + [ + "rats", + -12.765273094177246 + ], + [ + "\u2581verleden", + -12.76529598236084 + ], + [ + "\u2581Kenya", + -12.765321731567385 + ], + [ + "minute", + -12.765353202819824 + ], + [ + "Face", + -12.765395164489746 + ], + [ + "\u00f3logos", + -12.765426635742188 + ], + [ + "avance", + -12.765501976013184 + ], + [ + "Et", + -12.76557731628418 + ], + [ + "\u2581vencer", + -12.765612602233888 + ], + [ + "\u2581Azul", + -12.765628814697266 + ], + [ + "\u2581Schaf", + -12.765686988830566 + ], + [ + "\u2581tesi", + -12.765708923339844 + ], + [ + "\u2581Mathematical", + -12.76571273803711 + ], + [ + "GVBl", + -12.76572036743164 + ], + [ + "\u2581praia", + -12.765754699707031 + ], + [ + "\u2581sovi\u00e9tique", + -12.76577854156494 + ], + [ + "\u2581Misch", + -12.765780448913574 + ], + [ + "\u00f3r", + -12.765832901000977 + ], + [ + "\u2581superiori", + -12.76590061187744 + ], + [ + "\u2581Circuit", + -12.765901565551758 + ], + [ + "spira", + -12.765929222106934 + ], + [ + "erungen", + -12.765957832336426 + ], + [ + "ckel", + -12.765960693359377 + ], + [ + "\u2581mesmos", + -12.76600170135498 + ], + [ + "\u2581puertas", + -12.76601791381836 + ], + [ + "\u2581Leer", + -12.766139030456545 + ], + [ + "\u2581automobile", + -12.766145706176758 + ], + [ + "\u2581versuchen", + -12.766167640686035 + ], + [ + "ographic", + -12.76621150970459 + ], + [ + "\u2581Bonaparte", + -12.766226768493652 + ], + [ + "spezifischen", + -12.766307830810549 + ], + [ + "\u2581utenti", + -12.76630973815918 + ], + [ + "urg", + -12.766310691833496 + ], + [ + "wir", + -12.766312599182127 + ], + [ + "\u2581adultos", + -12.76633071899414 + ], + [ + "\u2581landschap", + -12.766369819641112 + ], + [ + "\u2581estableci\u00f3", + -12.766398429870604 + ], + [ + "BK", + -12.766424179077148 + ], + [ + "\u2581signor", + -12.766467094421388 + ], + [ + "\u2581herangezogen", + -12.76650619506836 + ], + [ + "\u2581rico", + -12.76657485961914 + ], + [ + "Ste", + -12.766613960266112 + ], + [ + "\u2581voltou", + -12.76666259765625 + ], + [ + "\u2581Conrad", + -12.76671028137207 + ], + [ + "\u2581avance", + -12.76671028137207 + ], + [ + "\u2581bru", + -12.766831398010254 + ], + [ + "ancy", + -12.766890525817873 + ], + [ + "\u2581commen", + -12.766998291015623 + ], + [ + "springen", + -12.76699924468994 + ], + [ + "\u2581conductor", + -12.76700210571289 + ], + [ + "\u2581profesionales", + -12.767126083374023 + ], + [ + "\u2581espacial", + -12.767129898071287 + ], + [ + "Austria", + -12.76716423034668 + ], + [ + "\u2581Einklang", + -12.7672119140625 + ], + [ + "createElement", + -12.767244338989258 + ], + [ + "Word", + -12.767278671264648 + ], + [ + "\u2581frames", + -12.767291069030762 + ], + [ + "haar", + -12.767318725585938 + ], + [ + "lime", + -12.767361640930176 + ], + [ + "\u2581liegenden", + -12.7673978805542 + ], + [ + "\u2581sufficiente", + -12.767455101013184 + ], + [ + "\u00e9tend", + -12.767498970031738 + ], + [ + "elemente", + -12.767532348632812 + ], + [ + "\u2581folk", + -12.767542839050291 + ], + [ + "\u2581flights", + -12.76756477355957 + ], + [ + "Wenn", + -12.767577171325684 + ], + [ + "\u2581adel", + -12.767619132995604 + ], + [ + "tagsdrucksache", + -12.76771640777588 + ], + [ + "\u2581imposible", + -12.767741203308104 + ], + [ + "truncate", + -12.767745018005373 + ], + [ + "\u2581lhs", + -12.76774787902832 + ], + [ + "\u2581Fl\u00fcchtlinge", + -12.7677583694458 + ], + [ + "\u2581(*)", + -12.767767906188965 + ], + [ + "\u2581montrer", + -12.767804145812988 + ], + [ + "azzi", + -12.767849922180176 + ], + [ + "\u2581consisting", + -12.767889976501465 + ], + [ + "ked", + -12.767900466918944 + ], + [ + "\u2581Piero", + -12.767925262451172 + ], + [ + "algo", + -12.7679443359375 + ], + [ + "lookup", + -12.76800537109375 + ], + [ + "\u2581Marta", + -12.768033027648926 + ], + [ + "Creating", + -12.768125534057615 + ], + [ + "ntgen", + -12.768308639526367 + ], + [ + "Poly", + -12.768341064453123 + ], + [ + "Sv", + -12.768370628356934 + ], + [ + "Sozialgesetzbuch", + -12.768378257751465 + ], + [ + "\u2581instinct", + -12.768385887145996 + ], + [ + "\u2581wiki", + -12.768399238586426 + ], + [ + "\u2581lendemain", + -12.768438339233398 + ], + [ + "\u2581neck", + -12.76846408843994 + ], + [ + "trust", + -12.768537521362305 + ], + [ + "\u2581gehabt", + -12.768563270568848 + ], + [ + "\u2581edifica", + -12.76858901977539 + ], + [ + "uba", + -12.768630027770996 + ], + [ + "\u2581All\u00ed", + -12.768643379211426 + ], + [ + "\u2581cristiano", + -12.768664360046388 + ], + [ + "Acc", + -12.768736839294434 + ], + [ + "invest", + -12.768736839294434 + ], + [ + "\u2581Einheiten", + -12.76874828338623 + ], + [ + "\u2581schwere", + -12.768771171569824 + ], + [ + "\u2581Acht", + -12.768826484680176 + ], + [ + "\u2581Werden", + -12.768835067749023 + ], + [ + "\u2581volto", + -12.768848419189451 + ], + [ + "\u2581beaux", + -12.76884937286377 + ], + [ + "\u2581Hern\u00e1ndez", + -12.768949508666992 + ], + [ + "ethanol", + -12.768970489501951 + ], + [ + "\u2581tourn\u00e9e", + -12.768982887268066 + ], + [ + "sverfahrens", + -12.76900863647461 + ], + [ + "\u2581ordenado", + -12.769048690795898 + ], + [ + "erh", + -12.769107818603516 + ], + [ + "\u2581M\u00e1", + -12.769125938415527 + ], + [ + "oper", + -12.769153594970703 + ], + [ + "sch\u00e4den", + -12.769161224365234 + ], + [ + "\u2581median", + -12.769176483154297 + ], + [ + "autunno", + -12.769206047058104 + ], + [ + "\u2581procesos", + -12.769259452819824 + ], + [ + "wx", + -12.769272804260254 + ], + [ + "lion", + -12.769279479980469 + ], + [ + "\u2581liefert", + -12.769323348999023 + ], + [ + "\u2581behoorde", + -12.769380569458008 + ], + [ + "\u2581Samstag", + -12.769405364990234 + ], + [ + "\u2581Bac", + -12.76942539215088 + ], + [ + "uale", + -12.76943588256836 + ], + [ + "\u2581Dominique", + -12.76947021484375 + ], + [ + "\u2581([]", + -12.769502639770508 + ], + [ + "\u2581boys", + -12.76959228515625 + ], + [ + "trad", + -12.769593238830566 + ], + [ + "\u2581chaud", + -12.769598960876465 + ], + [ + "nei", + -12.769689559936523 + ], + [ + "\u2581bulk", + -12.769696235656738 + ], + [ + "\u2581Ramos", + -12.769720077514648 + ], + [ + "Launch", + -12.769760131835938 + ], + [ + "\u2581p\u00e9rdida", + -12.769765853881836 + ], + [ + "\u2581priv\u00e9e", + -12.76980972290039 + ], + [ + "\u2581Leven", + -12.769851684570312 + ], + [ + "schaftlichen", + -12.769864082336426 + ], + [ + "\u2581recherches", + -12.769919395446776 + ], + [ + "\u2581Kill", + -12.7699556350708 + ], + [ + "avg", + -12.77003574371338 + ], + [ + "\u2581dipl", + -12.770049095153809 + ], + [ + "\u2581comedia", + -12.7702054977417 + ], + [ + "\u2581hydro", + -12.770237922668455 + ], + [ + "\u2581permitted", + -12.770270347595217 + ], + [ + "\u2581identidad", + -12.77027416229248 + ], + [ + "\u2581comerciales", + -12.770320892333984 + ], + [ + "\u2581Cad", + -12.77034854888916 + ], + [ + "\u2581tut", + -12.770374298095703 + ], + [ + "frontend", + -12.770378112792969 + ], + [ + "\u2581bienes", + -12.770398139953612 + ], + [ + "\u2581freie", + -12.770405769348145 + ], + [ + "\u2581med", + -12.770503997802734 + ], + [ + "Clone", + -12.770540237426758 + ], + [ + "dell", + -12.770624160766602 + ], + [ + "iang", + -12.770627975463867 + ], + [ + "\u2581filosof\u00eda", + -12.770758628845217 + ], + [ + "\u2581dedicated", + -12.770827293395996 + ], + [ + "\u2581Haft", + -12.770875930786133 + ], + [ + "\u2581erl\u00e4utert", + -12.770910263061523 + ], + [ + "\u2581dinner", + -12.77092456817627 + ], + [ + "\u2581Natale", + -12.770995140075684 + ], + [ + "\u2581Harper", + -12.771071434020996 + ], + [ + "AJ", + -12.771079063415527 + ], + [ + "\u2581Hugh", + -12.77113151550293 + ], + [ + "Idx", + -12.771392822265623 + ], + [ + "\u2581esperanza", + -12.771404266357422 + ], + [ + "culture", + -12.771442413330078 + ], + [ + "promise", + -12.77146053314209 + ], + [ + "\u2581trick", + -12.77146816253662 + ], + [ + "\u2581choices", + -12.771530151367188 + ], + [ + "pmatrix", + -12.77157497406006 + ], + [ + "\u2581riprese", + -12.77157497406006 + ], + [ + "\u2581masses", + -12.771587371826172 + ], + [ + "\u2581espanhol", + -12.771611213684082 + ], + [ + "\u2581manh", + -12.771641731262209 + ], + [ + "\u2581Genre", + -12.771668434143066 + ], + [ + "interpr\u00e9tation", + -12.771690368652344 + ], + [ + "posici\u00f3n", + -12.771777153015137 + ], + [ + "\u2581Though", + -12.771835327148438 + ], + [ + "\u2581organized", + -12.771842002868652 + ], + [ + "rename", + -12.771958351135254 + ], + [ + "IRE", + -12.771965980529783 + ], + [ + "\u2581indiqu\u00e9", + -12.772028923034668 + ], + [ + "\u2581glaube", + -12.772034645080566 + ], + [ + "\u2581twaalf", + -12.772055625915527 + ], + [ + "cookie", + -12.772072792053224 + ], + [ + "\u2581Potsdam", + -12.7720947265625 + ], + [ + "\u2581compos\u00e9e", + -12.7720947265625 + ], + [ + "\u2581eccezione", + -12.77212905883789 + ], + [ + "Etat", + -12.772140502929688 + ], + [ + "ipv", + -12.772189140319824 + ], + [ + "Internet", + -12.772220611572266 + ], + [ + "\u2581Township", + -12.772245407104492 + ], + [ + "verarbeitung", + -12.772494316101074 + ], + [ + "firma", + -12.772500991821287 + ], + [ + "\u2581organismos", + -12.772522926330566 + ], + [ + "UIRED", + -12.7725248336792 + ], + [ + "\u2581redu", + -12.77259349822998 + ], + [ + "\u2581f\u00fchrten", + -12.77267360687256 + ], + [ + "payment", + -12.772697448730469 + ], + [ + "\u2581niedriger", + -12.772716522216797 + ], + [ + "\u2581considerare", + -12.772725105285645 + ], + [ + "\u2581Fett", + -12.77286434173584 + ], + [ + "\u2581decades", + -12.772903442382812 + ], + [ + "impianto", + -12.77298069000244 + ], + [ + "\u2581vlucht", + -12.773003578186035 + ], + [ + "\u2581privado", + -12.773004531860352 + ], + [ + "\u2581landing", + -12.77304744720459 + ], + [ + "tium", + -12.773056030273438 + ], + [ + "illard", + -12.773085594177246 + ], + [ + "otte", + -12.773110389709473 + ], + [ + "\u2581Gand", + -12.773115158081056 + ], + [ + "\u2581Nothing", + -12.773274421691896 + ], + [ + "\u2581heen", + -12.773280143737791 + ], + [ + "\u2581leggen", + -12.773348808288574 + ], + [ + "\u2581Capa", + -12.773374557495115 + ], + [ + "\u2581corriente", + -12.773433685302734 + ], + [ + "\u2581choisi", + -12.77355670928955 + ], + [ + "\u2581Hybrid", + -12.773569107055664 + ], + [ + "\u2581characterized", + -12.773578643798828 + ], + [ + "\u2581organizaciones", + -12.773582458496094 + ], + [ + "\u2581internationaler", + -12.77359104156494 + ], + [ + "\u2581sacar", + -12.773633003234863 + ], + [ + "\u2581Shop", + -12.773810386657717 + ], + [ + "\u2581peux", + -12.773843765258787 + ], + [ + "\u2581trajet", + -12.773914337158203 + ], + [ + "\u2581tenue", + -12.773959159851074 + ], + [ + "iella", + -12.77401638031006 + ], + [ + "\u2581Arbeitszeit", + -12.774018287658691 + ], + [ + "finanz", + -12.774086952209473 + ], + [ + "\u2581fabbrica", + -12.77411937713623 + ], + [ + "\u2581alignment", + -12.774136543273926 + ], + [ + "mak", + -12.774144172668455 + ], + [ + "\u2581bent", + -12.774181365966797 + ], + [ + "\u2581s\u00fcdlichen", + -12.774203300476074 + ], + [ + "translation", + -12.77422046661377 + ], + [ + "retry", + -12.77430248260498 + ], + [ + "\u2581keyboard", + -12.774313926696776 + ], + [ + "\u2581coi", + -12.774314880371094 + ], + [ + "\u2581belga", + -12.774325370788574 + ], + [ + "ingenieur", + -12.774333953857422 + ], + [ + "\u2581Antworten", + -12.774374008178713 + ], + [ + "\u2581deliver", + -12.77439308166504 + ], + [ + "\u2581Grammy", + -12.77442741394043 + ], + [ + "\u2581yields", + -12.774564743041992 + ], + [ + "Consumer", + -12.774672508239746 + ], + [ + "\u2581Darmstadt", + -12.77471160888672 + ], + [ + "schriften", + -12.77476406097412 + ], + [ + "\u2581Lucia", + -12.774775505065918 + ], + [ + "serialized", + -12.774794578552246 + ], + [ + "\u2581revoluci\u00f3n", + -12.77487564086914 + ], + [ + "\u2581port\u00e9e", + -12.77491283416748 + ], + [ + "\u2581difficulty", + -12.775038719177246 + ], + [ + "\u2581contest", + -12.77504825592041 + ], + [ + "\u2581Nachfolger", + -12.775067329406738 + ], + [ + "Pont", + -12.775078773498535 + ], + [ + "\u2581posts", + -12.775078773498535 + ], + [ + "\u2581Excel", + -12.775114059448242 + ], + [ + "\u2581helpen", + -12.775160789489746 + ], + [ + "u\u00e1n", + -12.77523136138916 + ], + [ + "\u2581proporciona", + -12.775238037109377 + ], + [ + "\u2581chiesto", + -12.77529525756836 + ], + [ + "unix", + -12.775339126586914 + ], + [ + "\u2581Musique", + -12.775435447692873 + ], + [ + "\u2581Pens", + -12.775461196899414 + ], + [ + "\u2581fabrica", + -12.775461196899414 + ], + [ + "\u2581disputar", + -12.775505065917969 + ], + [ + "\u2581Lambert", + -12.7755126953125 + ], + [ + "icio", + -12.775527000427246 + ], + [ + "\u2581Televisi\u00f3n", + -12.775540351867676 + ], + [ + "\u2581romani", + -12.775541305541992 + ], + [ + "\u2581Borgo", + -12.775569915771484 + ], + [ + "bula", + -12.77560806274414 + ], + [ + "\u2581Heiz", + -12.775617599487305 + ], + [ + "\u2581Dani", + -12.775639533996582 + ], + [ + "\u2581secretario", + -12.77566909790039 + ], + [ + "\u2581nega", + -12.775675773620604 + ], + [ + "\u2581avis", + -12.775689125061035 + ], + [ + "\u2581Kupfer", + -12.775732040405272 + ], + [ + "\u2581negocio", + -12.775733947753906 + ], + [ + "ffel", + -12.775755882263184 + ], + [ + "\u2581Gerusalemme", + -12.775789260864258 + ], + [ + "\u2581croissance", + -12.775789260864258 + ], + [ + "\u2581penalty", + -12.775904655456545 + ], + [ + "entrypoint", + -12.776137351989746 + ], + [ + "\u2581Biol", + -12.776153564453123 + ], + [ + "\u2581Gipfel", + -12.7761812210083 + ], + [ + "\u00e9cart", + -12.776249885559082 + ], + [ + "\u2581includono", + -12.776310920715332 + ], + [ + "\u2581legislation", + -12.776430130004885 + ], + [ + "\u2581doctrine", + -12.776453018188477 + ], + [ + "\u2581separation", + -12.77645492553711 + ], + [ + "exercice", + -12.776525497436523 + ], + [ + "informazione", + -12.776606559753418 + ], + [ + "\u2581Faust", + -12.776629447937012 + ], + [ + "\u2581raggiungibile", + -12.776647567749023 + ], + [ + "\u2581Befreiung", + -12.776714324951172 + ], + [ + "\u2581Einzelheiten", + -12.77674388885498 + ], + [ + "\u2581Wissenschaftler", + -12.776803016662598 + ], + [ + "\u2581Su\u00e9cia", + -12.776819229125977 + ], + [ + "\u2581basi", + -12.776835441589355 + ], + [ + "\u2581tijdschrift", + -12.77683925628662 + ], + [ + "importanza", + -12.77690887451172 + ], + [ + "\u2581Scientific", + -12.776936531066896 + ], + [ + "stok", + -12.776965141296388 + ], + [ + "\u2581pouvant", + -12.777002334594728 + ], + [ + "tula", + -12.777020454406738 + ], + [ + "gol", + -12.777060508728027 + ], + [ + "\u2581serves", + -12.777090072631836 + ], + [ + "ank", + -12.77711296081543 + ], + [ + "tsu", + -12.777122497558594 + ], + [ + "\u2581eventualmente", + -12.77712631225586 + ], + [ + "iz\u00f3", + -12.777188301086426 + ], + [ + "fei", + -12.77719783782959 + ], + [ + "\u00e9tico", + -12.77721881866455 + ], + [ + "\u2581Cast", + -12.777222633361816 + ], + [ + "\u2581Match", + -12.77735424041748 + ], + [ + "accueil", + -12.777457237243652 + ], + [ + "\u2581COM", + -12.777463912963867 + ], + [ + "\u2581IMPLIED", + -12.777505874633787 + ], + [ + "\u2581Successivamente", + -12.777505874633787 + ], + [ + "\u2581investigated", + -12.777521133422852 + ], + [ + "aglio", + -12.777554512023926 + ], + [ + "\u2581Coru", + -12.777887344360352 + ], + [ + "\u2581voneinander", + -12.77789306640625 + ], + [ + "mise", + -12.777939796447754 + ], + [ + "TRANS", + -12.777998924255373 + ], + [ + "\u2581transactions", + -12.778017044067385 + ], + [ + "schul", + -12.778070449829102 + ], + [ + "\u2581Verz", + -12.778136253356934 + ], + [ + "eken", + -12.77815055847168 + ], + [ + "\u2581organizar", + -12.778240203857422 + ], + [ + "\u2581gioca", + -12.778242111206056 + ], + [ + "\u2581vergeben", + -12.778362274169922 + ], + [ + "\u2581watching", + -12.778409957885742 + ], + [ + "\u2581tiveram", + -12.77850341796875 + ], + [ + "\u2581endforeach", + -12.7785062789917 + ], + [ + "\u2581legato", + -12.77855110168457 + ], + [ + "\u2581Boulevard", + -12.778650283813477 + ], + [ + "\u2581imperiale", + -12.778672218322754 + ], + [ + "\u2581voluntad", + -12.77871036529541 + ], + [ + "\u2581Bestellung", + -12.778717041015623 + ], + [ + "templates", + -12.77873992919922 + ], + [ + "Sim", + -12.77876091003418 + ], + [ + "\u2581Bedenken", + -12.77881908416748 + ], + [ + "ffentlichungen", + -12.778902053833008 + ], + [ + "\u2581Helena", + -12.77904224395752 + ], + [ + "abilit\u00e9", + -12.77907943725586 + ], + [ + "\u2581s\u00fcd", + -12.779118537902832 + ], + [ + "\u2581Restaurant", + -12.779119491577148 + ], + [ + "\u2581exploit", + -12.779205322265623 + ], + [ + "\u2581Bia", + -12.77925968170166 + ], + [ + "\u2581entering", + -12.77926254272461 + ], + [ + "\u2581supporting", + -12.779268264770508 + ], + [ + "\u2581publie", + -12.77927017211914 + ], + [ + "\u2581rechtlichen", + -12.779271125793455 + ], + [ + "jen", + -12.779291152954102 + ], + [ + "kompetenz", + -12.77931308746338 + ], + [ + "\u2581tue", + -12.779373168945312 + ], + [ + "\u2581computa", + -12.77943515777588 + ], + [ + "\u2581imm\u00e9diatement", + -12.779542922973633 + ], + [ + "\u2581lots", + -12.779549598693848 + ], + [ + "\u2581bepalen", + -12.779559135437012 + ], + [ + "\u2581Abel", + -12.779620170593262 + ], + [ + "\u2581communications", + -12.779645919799805 + ], + [ + "\u2581promo", + -12.779658317565918 + ], + [ + "\u2581sviluppa", + -12.779664993286133 + ], + [ + "esterno", + -12.779675483703612 + ], + [ + "bul", + -12.77969741821289 + ], + [ + "ried", + -12.77971363067627 + ], + [ + "\u2581conseils", + -12.779720306396484 + ], + [ + "\u2581satisfies", + -12.779767990112305 + ], + [ + "\u2581Drink", + -12.779817581176758 + ], + [ + "\u2581Recherche", + -12.779976844787598 + ], + [ + "dai", + -12.779980659484863 + ], + [ + "Series", + -12.780033111572266 + ], + [ + "\u2581cruel", + -12.780084609985352 + ], + [ + "\u2581agricole", + -12.78011703491211 + ], + [ + "\u2581Emmanuel", + -12.780193328857422 + ], + [ + "\u2581Gesellschaften", + -12.780315399169922 + ], + [ + "\u2581activa", + -12.78037452697754 + ], + [ + "Angle", + -12.780414581298828 + ], + [ + "\u2581Bauwerk", + -12.78042221069336 + ], + [ + "\u2581mechanical", + -12.780439376831056 + ], + [ + "ASSERT", + -12.780451774597168 + ], + [ + "\u2581Bois", + -12.780475616455078 + ], + [ + "gebieten", + -12.78048610687256 + ], + [ + "\u2581angewendet", + -12.780509948730469 + ], + [ + "Ser", + -12.780513763427734 + ], + [ + "\u2581Porte", + -12.780532836914062 + ], + [ + "Patch", + -12.780567169189451 + ], + [ + "\u2581Claire", + -12.780619621276855 + ], + [ + "weedse", + -12.780634880065918 + ], + [ + "\u00e9tablir", + -12.780648231506348 + ], + [ + "Capture", + -12.780704498291016 + ], + [ + "ronde", + -12.780726432800291 + ], + [ + "\u2581Brazil", + -12.780736923217772 + ], + [ + "\u2581Stress", + -12.780736923217772 + ], + [ + "\u2581Cut", + -12.780769348144531 + ], + [ + "\u2581Reste", + -12.78077793121338 + ], + [ + "\u2581Transporte", + -12.780983924865724 + ], + [ + "\u2581sir", + -12.78106689453125 + ], + [ + "\u2581aquele", + -12.781070709228516 + ], + [ + "\u2581trov", + -12.781071662902832 + ], + [ + "\u2581beperkt", + -12.781124114990234 + ], + [ + "fase", + -12.781140327453612 + ], + [ + "unsafe", + -12.781163215637209 + ], + [ + "\u2581geometric", + -12.781167030334473 + ], + [ + "\u2581Student", + -12.781200408935549 + ], + [ + "catkin", + -12.781229972839355 + ], + [ + "Ty", + -12.781322479248049 + ], + [ + "\u2581Shell", + -12.781333923339844 + ], + [ + "\u2581instalado", + -12.781455993652344 + ], + [ + "r\u00f3n", + -12.781503677368164 + ], + [ + "CON", + -12.781572341918944 + ], + [ + "\u2581tx", + -12.781620979309082 + ], + [ + "\u2581anzunehmen", + -12.781646728515623 + ], + [ + "\u2581Thursday", + -12.781745910644531 + ], + [ + "\u2581aperti", + -12.781768798828123 + ], + [ + "\u2581versuchte", + -12.781843185424805 + ], + [ + "\u2581Figura", + -12.781917572021484 + ], + [ + "\u2581centra", + -12.782103538513184 + ], + [ + "\u2581Trip", + -12.782153129577637 + ], + [ + "\u2581oorsprong", + -12.782244682312012 + ], + [ + "\u2581Murphy", + -12.782270431518556 + ], + [ + "\u2581sabor", + -12.78232192993164 + ], + [ + "thus", + -12.782328605651855 + ], + [ + "Kap", + -12.782360076904297 + ], + [ + "alisierung", + -12.782378196716309 + ], + [ + "Az", + -12.78238582611084 + ], + [ + "\u2581b\u00e1sicos", + -12.782435417175291 + ], + [ + "\u2581cheval", + -12.782464027404783 + ], + [ + "\u2581obligations", + -12.782478332519531 + ], + [ + "Comt\u00e9", + -12.78249740600586 + ], + [ + "\u2581Display", + -12.782501220703123 + ], + [ + "\u2581subgraph", + -12.782509803771973 + ], + [ + "\u2581Stickstoff", + -12.782575607299805 + ], + [ + "\u2581Gram", + -12.782608032226562 + ], + [ + "\u2581restricted", + -12.782647132873535 + ], + [ + "\u2581eigendom", + -12.782649040222168 + ], + [ + "\u2581dava", + -12.782655715942385 + ], + [ + "\u2581pr\u00f3prios", + -12.7826566696167 + ], + [ + "\u2581dimostra", + -12.782687187194824 + ], + [ + "tasks", + -12.782706260681152 + ], + [ + "\u2581G\u00fcnther", + -12.782708168029783 + ], + [ + "\u2581belli", + -12.782710075378418 + ], + [ + "t\u00e4", + -12.782769203186035 + ], + [ + "\u2581distritos", + -12.78280544281006 + ], + [ + "PCR", + -12.782832145690918 + ], + [ + "\u2581gebeurt", + -12.78287410736084 + ], + [ + "\u2581aktuell", + -12.782880783081056 + ], + [ + "\u2581shut", + -12.782901763916016 + ], + [ + "\u2581Must", + -12.782930374145508 + ], + [ + "\u2581Papst", + -12.782944679260254 + ], + [ + "\u2581retraite", + -12.782997131347656 + ], + [ + "Features", + -12.78311824798584 + ], + [ + "jobs", + -12.783132553100586 + ], + [ + "Validate", + -12.783157348632812 + ], + [ + "\u2581Jews", + -12.78318977355957 + ], + [ + "\u2581Bajos", + -12.783205032348633 + ], + [ + "\u2581Einvernehmen", + -12.783205032348633 + ], + [ + "\u2581r\u00fcck", + -12.78322410583496 + ], + [ + "\u2581uitvoering", + -12.783249855041504 + ], + [ + "\u2581infrastructure", + -12.783294677734377 + ], + [ + "itting", + -12.783307075500488 + ], + [ + "tics", + -12.783329010009766 + ], + [ + "\u2581Ministry", + -12.783384323120115 + ], + [ + "Life", + -12.783432960510254 + ], + [ + "lud", + -12.783487319946287 + ], + [ + "\u2581Chlor", + -12.783546447753906 + ], + [ + "versuch", + -12.783564567565918 + ], + [ + "\u2581imprese", + -12.783636093139648 + ], + [ + "MON", + -12.783647537231444 + ], + [ + "\u2581Egypt", + -12.78366470336914 + ], + [ + "\u2581parlate", + -12.783698081970217 + ], + [ + "\u2581kontrolliert", + -12.783759117126465 + ], + [ + "zijn", + -12.78376293182373 + ], + [ + "\u2581Give", + -12.783807754516602 + ], + [ + "schulen", + -12.783838272094728 + ], + [ + "\u2581oudere", + -12.783900260925291 + ], + [ + "pino", + -12.78392505645752 + ], + [ + "\u2581Analysen", + -12.784019470214844 + ], + [ + "\u2581Kemp", + -12.784021377563477 + ], + [ + "\u2581socialiste", + -12.784037590026855 + ], + [ + "\u2581declarado", + -12.784042358398438 + ], + [ + "\u2581Gin", + -12.7840576171875 + ], + [ + "\u2581Saturn", + -12.784085273742676 + ], + [ + "\u2581abgegeben", + -12.784123420715332 + ], + [ + "ajax", + -12.784139633178713 + ], + [ + "\u2581costituita", + -12.784152030944824 + ], + [ + "\u2581begraafplaats", + -12.784255981445312 + ], + [ + "\u2581historiador", + -12.784354209899902 + ], + [ + "fancy", + -12.784414291381836 + ], + [ + "\u2581humain", + -12.78457260131836 + ], + [ + "Argentina", + -12.784627914428713 + ], + [ + "\u2581verfassungs", + -12.784634590148926 + ], + [ + "\u2581Aspekt", + -12.78463649749756 + ], + [ + "\u2581Kamp", + -12.784730911254885 + ], + [ + "\u2581ufficialmente", + -12.784842491149902 + ], + [ + "\u2581presentato", + -12.785030364990234 + ], + [ + "riet", + -12.785059928894045 + ], + [ + "\u2581halen", + -12.78507137298584 + ], + [ + "productie", + -12.78508472442627 + ], + [ + "\u2581generaal", + -12.785122871398926 + ], + [ + "\u2581swap", + -12.78517246246338 + ], + [ + "\u2581cap\u00edtulos", + -12.78525733947754 + ], + [ + "rina", + -12.785259246826172 + ], + [ + "\u2581conscious", + -12.78529930114746 + ], + [ + "\u2581bruxo", + -12.785353660583496 + ], + [ + "\u2581lv", + -12.785361289978027 + ], + [ + "ipes", + -12.785510063171388 + ], + [ + "\u2581Ut", + -12.78555965423584 + ], + [ + "thy", + -12.785694122314451 + ], + [ + "\u2581Salzburg", + -12.7857084274292 + ], + [ + "\u2581'#", + -12.785812377929688 + ], + [ + "\u2581costretto", + -12.785930633544922 + ], + [ + "\u2581examen", + -12.785944938659668 + ], + [ + "\u2581Konzern", + -12.785991668701172 + ], + [ + "Roma", + -12.786050796508787 + ], + [ + "BUS", + -12.786139488220217 + ], + [ + "Share", + -12.786200523376465 + ], + [ + "\u2581Verteidigungs", + -12.786284446716309 + ], + [ + "\u2581Pourquoi", + -12.786312103271484 + ], + [ + "\u2581computers", + -12.786314964294434 + ], + [ + "\u2581sentieri", + -12.786341667175291 + ], + [ + "matic", + -12.78640365600586 + ], + [ + "\u2581Made", + -12.78647232055664 + ], + [ + "\u2581Fino", + -12.786539077758787 + ], + [ + "eks", + -12.78665828704834 + ], + [ + "\u2581alemanes", + -12.786669731140137 + ], + [ + "\u2581Concert", + -12.786693572998049 + ], + [ + "\u2581Mendoza", + -12.78670597076416 + ], + [ + "\u2581beelden", + -12.78671169281006 + ], + [ + "\u2581driven", + -12.786813735961914 + ], + [ + "\u2581Trouxas", + -12.786931991577148 + ], + [ + "iones", + -12.786937713623049 + ], + [ + "\u2581Alliance", + -12.78695011138916 + ], + [ + "\u2581mec", + -12.787096977233888 + ], + [ + "\u2581S\u00f3", + -12.78709888458252 + ], + [ + "\u2581Molte", + -12.787100791931152 + ], + [ + "\u2581spectra", + -12.787178993225098 + ], + [ + "\u2581Palais", + -12.787186622619627 + ], + [ + "\u2581picked", + -12.787200927734377 + ], + [ + "\u2581salut", + -12.787212371826172 + ], + [ + "IMG", + -12.787225723266602 + ], + [ + "\u2581Passo", + -12.787230491638184 + ], + [ + "vola", + -12.787317276000977 + ], + [ + "\u2581Limited", + -12.78731918334961 + ], + [ + "\u2581Widerstand", + -12.787333488464355 + ], + [ + "\u2581Ernesto", + -12.787347793579102 + ], + [ + "\u2581Argument", + -12.787352561950684 + ], + [ + "\u2581Tun", + -12.787359237670898 + ], + [ + "\u2581intereses", + -12.787376403808594 + ], + [ + "einkommen", + -12.787487030029297 + ], + [ + "einander", + -12.78750705718994 + ], + [ + "\u2581perdita", + -12.787508964538574 + ], + [ + "evoli", + -12.787517547607422 + ], + [ + "floor", + -12.787531852722168 + ], + [ + "\u2581stagioni", + -12.787531852722168 + ], + [ + "PLA", + -12.787571907043455 + ], + [ + "\u2581kabinet", + -12.787626266479492 + ], + [ + "\u2581palais", + -12.78764820098877 + ], + [ + "\u2581Ambos", + -12.787728309631348 + ], + [ + "STORE", + -12.787744522094728 + ], + [ + "\u2581mostrando", + -12.787775039672852 + ], + [ + "\u2581bestellt", + -12.787827491760254 + ], + [ + "Lieve", + -12.787859916687012 + ], + [ + "\u2581Professional", + -12.78787612915039 + ], + [ + "\u2581Besondere", + -12.78796672821045 + ], + [ + "\u2581rood", + -12.787983894348145 + ], + [ + "\u2581wusste", + -12.788103103637695 + ], + [ + "\u2581fuhr", + -12.788119316101074 + ], + [ + "\u2581Agent", + -12.788130760192873 + ], + [ + "\u2581promoveerde", + -12.788264274597168 + ], + [ + "\u2581caza", + -12.788293838500977 + ], + [ + "projekte", + -12.788304328918455 + ], + [ + "Printf", + -12.788355827331545 + ], + [ + "valor", + -12.788355827331545 + ], + [ + "Reason", + -12.788399696350098 + ], + [ + "adres", + -12.788447380065918 + ], + [ + "\u2581politisch", + -12.788454055786133 + ], + [ + "sione", + -12.788548469543455 + ], + [ + "\u2581voltar", + -12.788551330566406 + ], + [ + "tado", + -12.788568496704102 + ], + [ + "\u2581Bundesstra", + -12.788573265075684 + ], + [ + "Cursor", + -12.788588523864746 + ], + [ + "\u2581intact", + -12.788589477539062 + ], + [ + "degree", + -12.788609504699709 + ], + [ + "ruf", + -12.788681030273438 + ], + [ + "\u2581Strip", + -12.78871726989746 + ], + [ + "\u2581controllare", + -12.788723945617676 + ], + [ + "\u2581pasando", + -12.788729667663574 + ], + [ + "pica", + -12.788731575012209 + ], + [ + "\u2581angeordnet", + -12.78878116607666 + ], + [ + "bac", + -12.788790702819824 + ], + [ + "ening", + -12.788812637329102 + ], + [ + "christ", + -12.78884220123291 + ], + [ + "istico", + -12.788850784301758 + ], + [ + "ened", + -12.788851737976074 + ], + [ + "\u2581deviation", + -12.788900375366213 + ], + [ + "\u2581Cora", + -12.788920402526855 + ], + [ + "\u2581Burn", + -12.789074897766112 + ], + [ + "\u2581Korean", + -12.789076805114746 + ], + [ + "\u2581analyzed", + -12.789097785949709 + ], + [ + "\u2581popolazioni", + -12.78918743133545 + ], + [ + "\u2581struggle", + -12.789273262023926 + ], + [ + "\u2581distribute", + -12.78933811187744 + ], + [ + "\u2581charg\u00e9e", + -12.789406776428224 + ], + [ + "zunehmen", + -12.789422988891602 + ], + [ + "\u2581Infine", + -12.78944969177246 + ], + [ + "karten", + -12.789466857910156 + ], + [ + "avatar", + -12.789494514465332 + ], + [ + "\u2581passiert", + -12.789495468139648 + ], + [ + "circuit", + -12.789498329162598 + ], + [ + "slot", + -12.78952407836914 + ], + [ + "entscheidung", + -12.789532661437988 + ], + [ + "\u2581produire", + -12.789536476135254 + ], + [ + "\u2581revis", + -12.789542198181152 + ], + [ + "Messages", + -12.78957176208496 + ], + [ + "\u2581Worten", + -12.789578437805176 + ], + [ + "\u2581Stich", + -12.7896146774292 + ], + [ + "\u2581autore", + -12.789668083190918 + ], + [ + "\u2581sorted", + -12.789731979370115 + ], + [ + "Hex", + -12.789756774902344 + ], + [ + "detach", + -12.789816856384276 + ], + [ + "postgresql", + -12.789851188659668 + ], + [ + "\u2581invoke", + -12.789875030517578 + ], + [ + "esta", + -12.789883613586426 + ], + [ + "avaient", + -12.789899826049805 + ], + [ + "toma", + -12.78991985321045 + ], + [ + "SUM", + -12.78996467590332 + ], + [ + "\u2581Konsum", + -12.789998054504396 + ], + [ + "\u2581quegli", + -12.790016174316406 + ], + [ + "\u2581Domenico", + -12.790019035339355 + ], + [ + "\u2581teils", + -12.790104866027832 + ], + [ + "\u2581reactie", + -12.790175437927246 + ], + [ + "\u2581Luftwaffe", + -12.790250778198242 + ], + [ + "\u2581occorre", + -12.790289878845217 + ], + [ + "\u2581tenuto", + -12.790305137634276 + ], + [ + "\u2581generi", + -12.79031467437744 + ], + [ + "\u2581rares", + -12.79033088684082 + ], + [ + "hosts", + -12.790340423583984 + ], + [ + "\u2581\\$", + -12.790342330932615 + ], + [ + "\u2581objectifs", + -12.790515899658203 + ], + [ + "Ident", + -12.79053783416748 + ], + [ + "\u2581Aviv", + -12.790542602539062 + ], + [ + "berechtigten", + -12.790641784667969 + ], + [ + "cce", + -12.790671348571776 + ], + [ + "\u2581capitalismo", + -12.79078769683838 + ], + [ + "stdlib", + -12.7908296585083 + ], + [ + "\u2581Effizienz", + -12.790849685668944 + ], + [ + "\u2581Olympic", + -12.7908935546875 + ], + [ + "\u2581Bovendien", + -12.790921211242676 + ], + [ + "maschinen", + -12.79094409942627 + ], + [ + "Notes", + -12.790964126586914 + ], + [ + "alho", + -12.790983200073242 + ], + [ + "renden", + -12.791025161743164 + ], + [ + "\u2581liefde", + -12.791059494018556 + ], + [ + "\u2581Korrelation", + -12.791080474853516 + ], + [ + "\u2581Sede", + -12.79110622406006 + ], + [ + "cchia", + -12.791108131408691 + ], + [ + "\u2581heilige", + -12.791123390197754 + ], + [ + "pina", + -12.79116153717041 + ], + [ + "ndola", + -12.791337966918944 + ], + [ + "\u2581Schnell", + -12.791359901428224 + ], + [ + "artista", + -12.791454315185549 + ], + [ + "\u2581Peace", + -12.791465759277344 + ], + [ + "David", + -12.791501998901367 + ], + [ + "\u2581trente", + -12.791550636291504 + ], + [ + "\u2581nood", + -12.79157829284668 + ], + [ + "\u2581Ferreira", + -12.791587829589844 + ], + [ + "\u2581Schriftsteller", + -12.791617393493652 + ], + [ + "\u2581Release", + -12.791633605957031 + ], + [ + "accia", + -12.791690826416016 + ], + [ + "\u2581equilibrium", + -12.791802406311035 + ], + [ + "d\u00ed", + -12.791828155517578 + ], + [ + "\u2581Gou", + -12.791830062866213 + ], + [ + "\u2581profil", + -12.791868209838867 + ], + [ + "\u2581faite", + -12.791903495788574 + ], + [ + "\u2581Blind", + -12.79196548461914 + ], + [ + "\u2581ports", + -12.79197120666504 + ], + [ + "\u2581aut", + -12.792083740234377 + ], + [ + "\u2581Million", + -12.792085647583008 + ], + [ + "\u2581viaggiare", + -12.792142868041992 + ], + [ + "\u2581Dong", + -12.79215145111084 + ], + [ + "\u2581Maximum", + -12.792243957519531 + ], + [ + "\u2581Berger", + -12.792292594909668 + ], + [ + "erba", + -12.792336463928224 + ], + [ + "\u2581destaque", + -12.792479515075684 + ], + [ + "\u2581{[", + -12.79248046875 + ], + [ + "\u2581enemigo", + -12.792515754699709 + ], + [ + "\u2581Allo", + -12.792540550231934 + ], + [ + "\u2581llamar", + -12.792563438415527 + ], + [ + "\u2581Treffen", + -12.792580604553224 + ], + [ + "FORCE", + -12.792619705200195 + ], + [ + "\u2581ciento", + -12.792622566223145 + ], + [ + "\u2581auxiliar", + -12.79263973236084 + ], + [ + "beans", + -12.792641639709473 + ], + [ + "\u2581Feder", + -12.792704582214355 + ], + [ + "\u2581clienti", + -12.79272174835205 + ], + [ + "\u2581league", + -12.792759895324709 + ], + [ + "exc", + -12.792858123779297 + ], + [ + "Ay", + -12.792919158935549 + ], + [ + "\u2581Arturo", + -12.792932510375977 + ], + [ + "opzione", + -12.792936325073242 + ], + [ + "\u2581Siria", + -12.793013572692873 + ], + [ + "\u2581Remix", + -12.79302215576172 + ], + [ + "quellen", + -12.793038368225098 + ], + [ + "concept", + -12.793044090270996 + ], + [ + "\u2581pieds", + -12.79306411743164 + ], + [ + "population", + -12.793112754821776 + ], + [ + "spieler", + -12.793140411376951 + ], + [ + "nior", + -12.793157577514648 + ], + [ + "\u2581Manual", + -12.793169975280762 + ], + [ + "\u2581poderoso", + -12.793259620666504 + ], + [ + "\u2581vrienden", + -12.793298721313477 + ], + [ + "ogne", + -12.7933349609375 + ], + [ + "chus", + -12.793364524841309 + ], + [ + "ongo", + -12.793410301208496 + ], + [ + "\u2581tasso", + -12.793418884277344 + ], + [ + "\u2581begraven", + -12.793591499328612 + ], + [ + "\u2581avi\u00f3n", + -12.793643951416016 + ], + [ + "\u2581lunghi", + -12.793655395507812 + ], + [ + "wh", + -12.793684005737305 + ], + [ + "\u2581kleineren", + -12.793734550476074 + ], + [ + "bergen", + -12.793779373168944 + ], + [ + "\u2581ImageSize", + -12.793790817260742 + ], + [ + "flux", + -12.793835639953612 + ], + [ + "\u2581weapons", + -12.793869972229004 + ], + [ + "isl", + -12.79387378692627 + ], + [ + "\u2581juega", + -12.7938871383667 + ], + [ + "Rhin", + -12.794161796569824 + ], + [ + "\u2581Cassi", + -12.79427719116211 + ], + [ + "\u2581Thal", + -12.79429531097412 + ], + [ + "\u2581vimos", + -12.794296264648438 + ], + [ + "\u2581hundert", + -12.794342041015623 + ], + [ + "\u2581m\u00e9dicos", + -12.794384956359863 + ], + [ + "\u2581entrance", + -12.794447898864746 + ], + [ + "\u2581Emissions", + -12.794479370117188 + ], + [ + "sang", + -12.794483184814451 + ], + [ + "pil", + -12.794488906860352 + ], + [ + "fehler", + -12.79453945159912 + ], + [ + "lvaro", + -12.794569969177246 + ], + [ + "\u2581quanti", + -12.794686317443848 + ], + [ + "\u2581\u00e9tabli", + -12.79470920562744 + ], + [ + "\u2581ourselves", + -12.794795989990234 + ], + [ + "erende", + -12.794842720031738 + ], + [ + "\u2581fantasma", + -12.794883728027344 + ], + [ + "Station", + -12.794929504394531 + ], + [ + "\u2581Lara", + -12.794960021972656 + ], + [ + "\u2581Br\u00e9sil", + -12.794964790344238 + ], + [ + "\u2581\"\\(", + -12.795024871826172 + ], + [ + "\u2581devenue", + -12.795026779174805 + ], + [ + "\u2581grant", + -12.79503059387207 + ], + [ + "\u2581Corn", + -12.795034408569336 + ], + [ + "\u2581GPS", + -12.7950439453125 + ], + [ + "\u00e9quation", + -12.79507064819336 + ], + [ + "\u2581ieri", + -12.79511260986328 + ], + [ + "\u2581Ghi", + -12.795135498046877 + ], + [ + "\u2581exp\u00e9rience", + -12.795205116271973 + ], + [ + "\u2581Wesentlichen", + -12.795232772827148 + ], + [ + "\u2581Beratungs", + -12.795238494873049 + ], + [ + "\u2581Trento", + -12.795238494873049 + ], + [ + "\u2581survival", + -12.79528522491455 + ], + [ + "\u2581Hit", + -12.795372009277344 + ], + [ + "\u2581erfgoed", + -12.795475959777832 + ], + [ + "ersatz", + -12.79547882080078 + ], + [ + "Daten", + -12.795503616333008 + ], + [ + "methoden", + -12.795544624328612 + ], + [ + "\u2581comienzo", + -12.795649528503418 + ], + [ + "\u2581CEO", + -12.79565143585205 + ], + [ + "CASE", + -12.795690536499023 + ], + [ + "\u2581telefono", + -12.795701026916504 + ], + [ + "nais", + -12.795716285705566 + ], + [ + "m\u00e1tica", + -12.795742988586426 + ], + [ + "\u2581Adrian", + -12.795768737792969 + ], + [ + "\u2581Enterprise", + -12.79581069946289 + ], + [ + "\u2581segments", + -12.795930862426758 + ], + [ + "\u2581wij", + -12.796024322509766 + ], + [ + "\u2581gradi", + -12.796049118041992 + ], + [ + "zahlungen", + -12.7960786819458 + ], + [ + "\u2581argumentos", + -12.79621696472168 + ], + [ + "\u2581possess", + -12.796303749084473 + ], + [ + "Canvas", + -12.796329498291016 + ], + [ + "kha", + -12.796357154846191 + ], + [ + "\u2581usava", + -12.796368598937988 + ], + [ + "owel", + -12.7964448928833 + ], + [ + "placeholder", + -12.796512603759766 + ], + [ + "\u2581resulted", + -12.796528816223145 + ], + [ + "\u2581honra", + -12.7965726852417 + ], + [ + "\u2581ocorrer", + -12.796621322631836 + ], + [ + "\u2581m\u00ednima", + -12.796688079833984 + ], + [ + "\u2581noire", + -12.79677391052246 + ], + [ + "\u2581Nom", + -12.796801567077637 + ], + [ + "agan", + -12.796813011169434 + ], + [ + "keywords", + -12.796969413757324 + ], + [ + "\u2581\u00f3rbita", + -12.797035217285156 + ], + [ + "\u2581Caracas", + -12.797036170959473 + ], + [ + "\u2581blanche", + -12.797075271606444 + ], + [ + "\u2581chasse", + -12.79715347290039 + ], + [ + "ushi", + -12.797183990478516 + ], + [ + "\u2581Amar", + -12.797226905822754 + ], + [ + "\u2581proven", + -12.797250747680664 + ], + [ + "Vida", + -12.797256469726562 + ], + [ + "riz", + -12.797264099121094 + ], + [ + "\u2581ricco", + -12.797323226928713 + ], + [ + "STD", + -12.797377586364746 + ], + [ + "SUFFI", + -12.797393798828123 + ], + [ + "\u2581aufzu", + -12.797399520874023 + ], + [ + "\u2581hint", + -12.797511100769045 + ], + [ + "\u2581noordelijke", + -12.797514915466309 + ], + [ + "\u2581solving", + -12.797574043273926 + ], + [ + "\u2581Patricia", + -12.79765510559082 + ], + [ + "wolle", + -12.79773998260498 + ], + [ + "\u2581behulp", + -12.797765731811523 + ], + [ + "\u2581keinem", + -12.79781436920166 + ], + [ + "\u2581Gregorio", + -12.797818183898926 + ], + [ + "\u2581proposal", + -12.797871589660645 + ], + [ + "\u2581Tratado", + -12.79792308807373 + ], + [ + "\u2581limitado", + -12.797950744628906 + ], + [ + "\u2581parceria", + -12.797985076904297 + ], + [ + "ijnen", + -12.798041343688965 + ], + [ + "ubic", + -12.79808521270752 + ], + [ + "lh", + -12.798091888427734 + ], + [ + "\u2581visited", + -12.798174858093262 + ], + [ + "\u2581reducing", + -12.798200607299805 + ], + [ + "jn", + -12.798251152038574 + ], + [ + "lato", + -12.798258781433104 + ], + [ + "\u2581Erm\u00e4chtigung", + -12.798262596130373 + ], + [ + "CONTAINER", + -12.798279762268066 + ], + [ + "\u2581Emp", + -12.79836082458496 + ], + [ + "pression", + -12.79836368560791 + ], + [ + "wb", + -12.798431396484377 + ], + [ + "vento", + -12.798446655273438 + ], + [ + "wc", + -12.79845142364502 + ], + [ + "Vlaanderen", + -12.798455238342283 + ], + [ + "\u2581moderate", + -12.79857063293457 + ], + [ + "\u2581vet", + -12.798669815063477 + ], + [ + "lhes", + -12.798731803894045 + ], + [ + "esourceGroupName", + -12.798733711242676 + ], + [ + "\u2581Flie", + -12.79874324798584 + ], + [ + "\u2581veinte", + -12.79881191253662 + ], + [ + "samm", + -12.798868179321287 + ], + [ + "fassungsgericht", + -12.798888206481934 + ], + [ + "azar", + -12.798948287963867 + ], + [ + "berry", + -12.798975944519045 + ], + [ + "\u2581rimanere", + -12.798982620239258 + ], + [ + "\u2581votes", + -12.799006462097168 + ], + [ + "rella", + -12.799042701721191 + ], + [ + "\u2581sugere", + -12.799077033996582 + ], + [ + "jack", + -12.799077987670898 + ], + [ + "\u2581C\u00f3digo", + -12.799219131469728 + ], + [ + "\u2581verbindet", + -12.799230575561523 + ], + [ + "\u2581ersetzen", + -12.799241065979004 + ], + [ + "wil", + -12.799245834350586 + ], + [ + "UNI", + -12.79924774169922 + ], + [ + "\u2581Erkrankungen", + -12.79926586151123 + ], + [ + "\u2581boss", + -12.799352645874023 + ], + [ + "\u2581individui", + -12.799358367919922 + ], + [ + "\u2581relativi", + -12.799368858337402 + ], + [ + "\u2581artist", + -12.799427032470703 + ], + [ + "eisen", + -12.799468994140623 + ], + [ + "\u2581potesse", + -12.799506187438965 + ], + [ + "\u2581candidatura", + -12.799725532531738 + ], + [ + "ibi", + -12.799735069274902 + ], + [ + "\u2581joy", + -12.799826622009276 + ], + [ + "\u2581luchthaven", + -12.799854278564451 + ], + [ + "\u2581GB", + -12.799903869628906 + ], + [ + "\u2581dessert", + -12.799903869628906 + ], + [ + "\u2581pand", + -12.799932479858398 + ], + [ + "isi", + -12.799942016601562 + ], + [ + "\u2581fortaleza", + -12.800019264221191 + ], + [ + "technischen", + -12.800042152404783 + ], + [ + "\u2581overflow", + -12.800047874450684 + ], + [ + "\u2581Nazi", + -12.800055503845217 + ], + [ + "\u2581alterar", + -12.80008316040039 + ], + [ + "Kat", + -12.800118446350098 + ], + [ + "bundes", + -12.8001708984375 + ], + [ + "\u2581processi", + -12.80025577545166 + ], + [ + "\u2581Mato", + -12.800320625305176 + ], + [ + "\u2581technisch", + -12.800323486328123 + ], + [ + "\u2581Brenn", + -12.800589561462402 + ], + [ + "\u2581Stay", + -12.80062770843506 + ], + [ + "launch", + -12.800664901733398 + ], + [ + "bev", + -12.800671577453612 + ], + [ + "is\u00e9s", + -12.800719261169434 + ], + [ + "\u2581disorder", + -12.800719261169434 + ], + [ + "\u2581piante", + -12.800724983215332 + ], + [ + "\u2581Additionally", + -12.800761222839355 + ], + [ + "\u2581Protection", + -12.800783157348633 + ], + [ + "\u2581publics", + -12.80079460144043 + ], + [ + "ition", + -12.80086898803711 + ], + [ + "\u2581Ganz", + -12.800886154174805 + ], + [ + "\u2581Bogot\u00e1", + -12.80090045928955 + ], + [ + "\u2581hybrid", + -12.80092716217041 + ], + [ + "\u2581funds", + -12.800931930541992 + ], + [ + "\u2581Kata", + -12.8009614944458 + ], + [ + "offs", + -12.800975799560549 + ], + [ + "\u2581fr\u00e9quence", + -12.800990104675291 + ], + [ + "holt", + -12.80099391937256 + ], + [ + "Ressurrei", + -12.801042556762695 + ], + [ + "\u2581operaci\u00f3n", + -12.80117893218994 + ], + [ + "genesis", + -12.80134105682373 + ], + [ + "\u2581Rogers", + -12.801350593566896 + ], + [ + "Cy", + -12.801361083984377 + ], + [ + "\u2581diffusa", + -12.80140209197998 + ], + [ + "sinn", + -12.801408767700195 + ], + [ + "\u2581basado", + -12.801456451416016 + ], + [ + "\u2581Isole", + -12.801466941833496 + ], + [ + "\u2581C\u00e9", + -12.801499366760254 + ], + [ + "\u2581harm", + -12.801499366760254 + ], + [ + "\u2581Dir", + -12.801527976989746 + ], + [ + "\u2581espada", + -12.801553726196287 + ], + [ + "\u2581detector", + -12.801624298095703 + ], + [ + "\u2581Tito", + -12.801652908325195 + ], + [ + "gew", + -12.80182933807373 + ], + [ + "responsive", + -12.801881790161133 + ], + [ + "\u2581eletto", + -12.801891326904297 + ], + [ + "\u2581manifestazione", + -12.80190372467041 + ], + [ + "\u2581Universit\u00e4ts", + -12.801932334899902 + ], + [ + "JOB", + -12.801937103271484 + ], + [ + "\u2581presi\u00f3n", + -12.8019437789917 + ], + [ + "\u2581stops", + -12.80205535888672 + ], + [ + "getName", + -12.80209255218506 + ], + [ + "fallen", + -12.802122116088867 + ], + [ + "\u2581LIMITED", + -12.802133560180664 + ], + [ + "Tile", + -12.802260398864746 + ], + [ + "beginn", + -12.802325248718262 + ], + [ + "\u2581install\u00e9", + -12.802349090576172 + ], + [ + "\u2581vereniging", + -12.802382469177246 + ], + [ + "\u2581secteurs", + -12.80240535736084 + ], + [ + "\u2581alberi", + -12.80245304107666 + ], + [ + "\u2581noticias", + -12.802515029907228 + ], + [ + "\u2581Cru", + -12.802608489990234 + ], + [ + "\u2581producido", + -12.80263614654541 + ], + [ + "bay", + -12.802714347839355 + ], + [ + "\u2581coluna", + -12.802745819091797 + ], + [ + "snapshot", + -12.802757263183594 + ], + [ + "\u2581Editor", + -12.802759170532228 + ], + [ + "\u2581Koalition", + -12.80278491973877 + ], + [ + "d\u00eda", + -12.802862167358398 + ], + [ + "vada", + -12.803038597106934 + ], + [ + "\u2581Franc", + -12.803104400634766 + ], + [ + "\u2581falling", + -12.803186416625977 + ], + [ + "\u2581Benedetto", + -12.803192138671877 + ], + [ + "\u2581Setembro", + -12.803207397460938 + ], + [ + "\u2581LAW", + -12.803265571594238 + ], + [ + "\u2581mRNA", + -12.803277015686035 + ], + [ + "BASH", + -12.80332374572754 + ], + [ + "Orient", + -12.803330421447754 + ], + [ + "orientierten", + -12.803350448608398 + ], + [ + "kade", + -12.803391456604004 + ], + [ + "\u2581Fr\u00fchjahr", + -12.803467750549316 + ], + [ + "\u2581olie", + -12.803502082824709 + ], + [ + "puls", + -12.803509712219238 + ], + [ + "phys", + -12.803533554077148 + ], + [ + "\u2581islands", + -12.803536415100098 + ], + [ + "\u2581mercati", + -12.803569793701172 + ], + [ + "Graphics", + -12.80357551574707 + ], + [ + "tegenwoordiger", + -12.803607940673828 + ], + [ + "\u2581kamer", + -12.803627014160156 + ], + [ + "ckt", + -12.803633689880373 + ], + [ + "\u2581kW", + -12.803692817687988 + ], + [ + "\u2581solange", + -12.803699493408203 + ], + [ + "lande", + -12.803768157958984 + ], + [ + "\u2581achtergrond", + -12.803796768188477 + ], + [ + "answer", + -12.803831100463867 + ], + [ + "\u2581apar", + -12.803876876831056 + ], + [ + "\u2581registra", + -12.803884506225586 + ], + [ + "\u2581operated", + -12.803888320922852 + ], + [ + "\u2581instalaciones", + -12.803894996643066 + ], + [ + "Android", + -12.803921699523926 + ], + [ + "\u2581offerte", + -12.80394458770752 + ], + [ + "\u2581Erz", + -12.803954124450684 + ], + [ + "\u2581terapia", + -12.804010391235352 + ], + [ + "medizin", + -12.804014205932615 + ], + [ + "\u2581kitchen", + -12.804105758666992 + ], + [ + "\u2581delivered", + -12.804112434387209 + ], + [ + "\u2581vogel", + -12.804189682006836 + ], + [ + "\u2581verf", + -12.804197311401367 + ], + [ + "\u2581civiles", + -12.80424690246582 + ], + [ + "\u2581artistique", + -12.804251670837402 + ], + [ + "einrichtung", + -12.804367065429688 + ], + [ + "haften", + -12.804372787475586 + ], + [ + "\u2581chileno", + -12.804378509521484 + ], + [ + "\u2581pesos", + -12.80440902709961 + ], + [ + "muster", + -12.804506301879885 + ], + [ + "\u2581vesti", + -12.80459213256836 + ], + [ + "\u2581fic", + -12.804597854614258 + ], + [ + "\u2581unterrichtet", + -12.804635047912598 + ], + [ + "\u2581quil", + -12.804679870605469 + ], + [ + "\u2581interrupt", + -12.804694175720217 + ], + [ + "scheme", + -12.804699897766112 + ], + [ + "\u2581Nina", + -12.804764747619627 + ], + [ + "\u2581Equipos", + -12.804831504821776 + ], + [ + "\u2581formulation", + -12.80528450012207 + ], + [ + "\u2581equally", + -12.805286407470703 + ], + [ + "\u2581shoot", + -12.805363655090332 + ], + [ + "\u2581aspira", + -12.80536937713623 + ], + [ + "\u2581deutliche", + -12.80537223815918 + ], + [ + "\u2581F\u00fchrer", + -12.805532455444336 + ], + [ + "tai", + -12.80556297302246 + ], + [ + "\u2581num\u00e9rique", + -12.80559539794922 + ], + [ + "induced", + -12.805599212646484 + ], + [ + "\u2581gefordert", + -12.805624961853027 + ], + [ + "ovo", + -12.805625915527344 + ], + [ + "\u2581ontstaat", + -12.805639266967772 + ], + [ + "\u2581Gren", + -12.805655479431152 + ], + [ + "\u2581necessidades", + -12.805659294128418 + ], + [ + "\u2581discussione", + -12.805673599243164 + ], + [ + "avenue", + -12.805697441101074 + ], + [ + "\u2581Atenas", + -12.805718421936035 + ], + [ + "\u2581strain", + -12.80576515197754 + ], + [ + "\u2581reputation", + -12.805785179138184 + ], + [ + "seconds", + -12.805861473083496 + ], + [ + "\u2581Vereinigung", + -12.80600643157959 + ], + [ + "unittest", + -12.806075096130373 + ], + [ + "OLD", + -12.806110382080078 + ], + [ + "\u2581sac", + -12.806159973144531 + ], + [ + "\u2581pianura", + -12.806193351745604 + ], + [ + "zahlung", + -12.806259155273438 + ], + [ + "\u2581Hau", + -12.806262016296388 + ], + [ + "freie", + -12.80630111694336 + ], + [ + "\u2581rekening", + -12.806331634521484 + ], + [ + "dek", + -12.806344032287598 + ], + [ + "Bound", + -12.806368827819824 + ], + [ + "\u2581\u00f3rdenes", + -12.806368827819824 + ], + [ + "\u2581eficiente", + -12.806394577026367 + ], + [ + "\u2581lancer", + -12.806396484375 + ], + [ + "\u2581Prim\u00e4r", + -12.806404113769531 + ], + [ + "v\u00e1", + -12.80644702911377 + ], + [ + "bestimmung", + -12.806599617004396 + ], + [ + "\u2581interpretaci\u00f3n", + -12.806604385375977 + ], + [ + "strict", + -12.80663013458252 + ], + [ + "IDs", + -12.806684494018556 + ], + [ + "\u2581Heu", + -12.806811332702637 + ], + [ + "\u2581corrisponde", + -12.80689811706543 + ], + [ + "three", + -12.806937217712402 + ], + [ + "triangle", + -12.807028770446776 + ], + [ + "ielsetzung", + -12.80703353881836 + ], + [ + "\u2581puoi", + -12.807085990905762 + ], + [ + "perf", + -12.807129859924316 + ], + [ + "ssel", + -12.80720043182373 + ], + [ + "\u2581assuming", + -12.807215690612791 + ], + [ + "\u2581tiers", + -12.80724811553955 + ], + [ + "\u2581decenni", + -12.807318687438965 + ], + [ + "nait", + -12.807376861572266 + ], + [ + "\u2581cardinal", + -12.807397842407228 + ], + [ + "\u2581afgeleid", + -12.807452201843262 + ], + [ + "\u2581Aachen", + -12.80746364593506 + ], + [ + "\u2581Exchange", + -12.807489395141602 + ], + [ + "\u2581terrein", + -12.80752182006836 + ], + [ + "\u2581edited", + -12.807535171508787 + ], + [ + "\u2581Through", + -12.807580947875977 + ], + [ + "\u2581farm", + -12.807580947875977 + ], + [ + "\u2581Bible", + -12.807608604431152 + ], + [ + "\u2581sujets", + -12.8076171875 + ], + [ + "\u2581Cai", + -12.80762004852295 + ], + [ + "\u2581disparu", + -12.807690620422363 + ], + [ + "\u2581poes\u00eda", + -12.807698249816896 + ], + [ + "\u2581Diamond", + -12.80770206451416 + ], + [ + "\u2581payer", + -12.807733535766602 + ], + [ + "\u2581Einkommensteuer", + -12.807737350463867 + ], + [ + "\u2581Cou", + -12.807804107666016 + ], + [ + "\u2581absent", + -12.807842254638672 + ], + [ + "\u2581inclu\u00eda", + -12.80787467956543 + ], + [ + "\u2581cobra", + -12.807907104492188 + ], + [ + "\u2581deadline", + -12.808120727539062 + ], + [ + "\u2581Concept", + -12.808138847351074 + ], + [ + "ilien", + -12.808192253112791 + ], + [ + "\u2581ocasi", + -12.80820369720459 + ], + [ + "\u2581Martins", + -12.80826187133789 + ], + [ + "\u2581nazioni", + -12.808326721191406 + ], + [ + "\u2581Ese", + -12.808350563049316 + ], + [ + "\u2581negros", + -12.808357238769531 + ], + [ + "\u2581establecer", + -12.808385848999023 + ], + [ + "arios", + -12.808411598205566 + ], + [ + "\u2581foo", + -12.80842399597168 + ], + [ + "Ctx", + -12.808610916137695 + ], + [ + "\u2581Audi", + -12.808629035949709 + ], + [ + "\u2581associate", + -12.80869197845459 + ], + [ + "Symfony", + -12.808759689331056 + ], + [ + "ically", + -12.808856010437012 + ], + [ + "\u2581tabla", + -12.808860778808594 + ], + [ + "\u2581reporting", + -12.808995246887209 + ], + [ + "scht", + -12.809029579162598 + ], + [ + "\u2581illness", + -12.809062957763672 + ], + [ + "\u2581Pessoa", + -12.809066772460938 + ], + [ + "\u2581acquis", + -12.809086799621582 + ], + [ + "\u2581CBS", + -12.809134483337402 + ], + [ + "\u2581klassischen", + -12.80915355682373 + ], + [ + "\u2581roughly", + -12.809165000915527 + ], + [ + "\u2581Bedarfs", + -12.80916976928711 + ], + [ + "\u2581limitada", + -12.809207916259766 + ], + [ + "shaped", + -12.809244155883787 + ], + [ + "beteiligung", + -12.809247016906738 + ], + [ + "Lab", + -12.809304237365724 + ], + [ + "erkl\u00e4rung", + -12.809319496154783 + ], + [ + "\u2581environs", + -12.809322357177734 + ], + [ + "\u2581Omar", + -12.80934715270996 + ], + [ + "hooks", + -12.809369087219238 + ], + [ + "fname", + -12.809381484985352 + ], + [ + "\u2581scoperto", + -12.809386253356934 + ], + [ + "\u2581Werbung", + -12.809457778930664 + ], + [ + "yon", + -12.809471130371094 + ], + [ + "ESA", + -12.809518814086914 + ], + [ + "FractionBox", + -12.809563636779783 + ], + [ + "percent", + -12.809582710266112 + ], + [ + "\u2581federale", + -12.809614181518556 + ], + [ + "SHARED", + -12.809659004211426 + ], + [ + "\u2581coda", + -12.80966091156006 + ], + [ + "Richtlinie", + -12.809706687927246 + ], + [ + "\u2581Lund", + -12.809715270996094 + ], + [ + "\u2581kunstenaar", + -12.809728622436523 + ], + [ + "\u2581Hubert", + -12.809738159179688 + ], + [ + "\u2581conceptual", + -12.809739112854004 + ], + [ + "\u2581Dienstleistungs", + -12.809762001037598 + ], + [ + "\u2581dure", + -12.809770584106444 + ], + [ + "houder", + -12.809775352478027 + ], + [ + "\u2581Ajax", + -12.80988597869873 + ], + [ + "abilit\u00e0", + -12.809938430786133 + ], + [ + "\u2581suisse", + -12.80994701385498 + ], + [ + "Una", + -12.810019493103027 + ], + [ + "Af", + -12.810030937194824 + ], + [ + "\u2581truly", + -12.810035705566406 + ], + [ + "\u2581Medallistas", + -12.810050964355469 + ], + [ + "\u2581progresso", + -12.810075759887695 + ], + [ + "\u2581residencia", + -12.810086250305176 + ], + [ + "xzf", + -12.810097694396973 + ], + [ + "\u2581Half", + -12.810155868530272 + ], + [ + "\u2581participou", + -12.810195922851562 + ], + [ + "\u2581eastern", + -12.810237884521484 + ], + [ + "\u2581espec\u00edficos", + -12.810247421264648 + ], + [ + "zsh", + -12.810264587402344 + ], + [ + "\u2581d\u00e9velopp\u00e9", + -12.810343742370604 + ], + [ + "\u2581Pete", + -12.810373306274414 + ], + [ + "c\u00f3n", + -12.81040096282959 + ], + [ + "ologischen", + -12.810465812683104 + ], + [ + "\u2581Einzelplan", + -12.810544967651367 + ], + [ + "\u2581Ahmed", + -12.810550689697266 + ], + [ + "\u2581Rolf", + -12.8106689453125 + ], + [ + "oren", + -12.810676574707031 + ], + [ + "\u2581montant", + -12.810720443725586 + ], + [ + "\u2581Bod", + -12.810789108276367 + ], + [ + "vodie", + -12.81080436706543 + ], + [ + "Refresh", + -12.810894012451172 + ], + [ + "website", + -12.810914993286133 + ], + [ + "Developer", + -12.810945510864258 + ], + [ + "mette", + -12.810972213745115 + ], + [ + "flower", + -12.81101417541504 + ], + [ + "CHA", + -12.811034202575684 + ], + [ + "\u2581militair", + -12.811176300048828 + ], + [ + "\u2581Arch", + -12.811201095581056 + ], + [ + "\u2581motores", + -12.81120777130127 + ], + [ + "OE", + -12.811351776123049 + ], + [ + "\u2581Pir", + -12.811373710632324 + ], + [ + "\u2581Einwohnern", + -12.81137752532959 + ], + [ + "\u2581w\u00e4hlen", + -12.811394691467283 + ], + [ + "\u2581Materials", + -12.811423301696776 + ], + [ + "EMPT", + -12.811455726623535 + ], + [ + "\u2581Donna", + -12.811506271362305 + ], + [ + "\u2581strat\u00e9gique", + -12.81151294708252 + ], + [ + "\u2581Jour", + -12.811515808105469 + ], + [ + "\u2581peau", + -12.811528205871582 + ], + [ + "\u2581intercept", + -12.811541557312012 + ], + [ + "\u2581Daarom", + -12.811549186706545 + ], + [ + "\u2581Ceci", + -12.811553001403809 + ], + [ + "\u2581Variablen", + -12.811594009399414 + ], + [ + "\u2581Mons", + -12.811596870422363 + ], + [ + "\u2581Reh", + -12.811636924743652 + ], + [ + "\u2581Kompetenzen", + -12.81165885925293 + ], + [ + "\u2581accidente", + -12.81166648864746 + ], + [ + "chr", + -12.811674118041992 + ], + [ + "\u2581analysiert", + -12.811692237854004 + ], + [ + "\u2581markets", + -12.811738014221191 + ], + [ + "\u2581dividida", + -12.811784744262695 + ], + [ + "\u2581placas", + -12.811784744262695 + ], + [ + "coverage", + -12.811812400817873 + ], + [ + "\u2581conclusione", + -12.811883926391602 + ], + [ + "sicher", + -12.811887741088867 + ], + [ + "\u2581spar", + -12.811962127685549 + ], + [ + "Atlantique", + -12.811965942382812 + ], + [ + "issima", + -12.811979293823242 + ], + [ + "\u2581einfachen", + -12.812095642089844 + ], + [ + "question", + -12.812122344970703 + ], + [ + "Imp", + -12.812131881713867 + ], + [ + "\u2581fantasia", + -12.812231063842772 + ], + [ + "Wallet", + -12.812318801879885 + ], + [ + "ards", + -12.812342643737791 + ], + [ + "\u2581Perspektive", + -12.812355995178224 + ], + [ + "\u2581Luciano", + -12.812369346618652 + ], + [ + "\u2581vols", + -12.812460899353027 + ], + [ + "\u2581D\u00e4nemark", + -12.81246280670166 + ], + [ + "\u2581thirty", + -12.812491416931152 + ], + [ + "\u2581neppure", + -12.812493324279783 + ], + [ + "peak", + -12.812504768371582 + ], + [ + "\u2581g\u00e1s", + -12.812548637390137 + ], + [ + "\u2581telefone", + -12.812565803527832 + ], + [ + "\u2581Regi\u00f3n", + -12.812582015991213 + ], + [ + "\u2581Muziekalbum", + -12.812597274780272 + ], + [ + "\u2581adv", + -12.812628746032717 + ], + [ + "\u2581pobreza", + -12.81265926361084 + ], + [ + "\u2581Boe", + -12.812731742858888 + ], + [ + "Translation", + -12.812740325927734 + ], + [ + "agosto", + -12.812744140625 + ], + [ + "vido", + -12.81282901763916 + ], + [ + "CREAI", + -12.812849044799805 + ], + [ + "\u2581raio", + -12.8128662109375 + ], + [ + "ufer", + -12.812889099121094 + ], + [ + "\u2581nero", + -12.812925338745115 + ], + [ + "figur", + -12.81293487548828 + ], + [ + "Refer", + -12.812971115112305 + ], + [ + "\u2581duel", + -12.812971115112305 + ], + [ + "\u2581commencer", + -12.813032150268556 + ], + [ + "cato", + -12.81304168701172 + ], + [ + "\u2581fighting", + -12.813050270080566 + ], + [ + "gelijk", + -12.81306266784668 + ], + [ + "\u2581Angesichts", + -12.813115119934082 + ], + [ + "\u2581Haven", + -12.813135147094728 + ], + [ + "\u2581\u00e9l\u00e9ment", + -12.81317901611328 + ], + [ + "\u2581deber\u00eda", + -12.813210487365724 + ], + [ + "\u2581jet", + -12.81325912475586 + ], + [ + "\u2581Reina", + -12.813329696655272 + ], + [ + "\u2581perfectly", + -12.813353538513184 + ], + [ + "agreb", + -12.813359260559082 + ], + [ + "\u2581stadion", + -12.81337547302246 + ], + [ + "\u2581Sweet", + -12.813411712646484 + ], + [ + "\u2581AR", + -12.813531875610352 + ], + [ + "\u2581Tub", + -12.81357192993164 + ], + [ + "previous", + -12.81358242034912 + ], + [ + "\u2581regels", + -12.813612937927246 + ], + [ + "\u2581nomina", + -12.813674926757812 + ], + [ + "Nederland", + -12.813678741455078 + ], + [ + "Preview", + -12.813709259033203 + ], + [ + "REST", + -12.81371021270752 + ], + [ + "\u2581Unabh\u00e4ngigkeit", + -12.813714027404783 + ], + [ + "\u2581sozialer", + -12.813722610473633 + ], + [ + "\u2581muda", + -12.81373119354248 + ], + [ + "sgrad", + -12.813761711120604 + ], + [ + "\u2581Hirsch", + -12.813794136047363 + ], + [ + "\u2581Internal", + -12.81379508972168 + ], + [ + "Rio", + -12.813868522644045 + ], + [ + "etwa", + -12.813871383666992 + ], + [ + "\u2581Macro", + -12.813904762268066 + ], + [ + "\u2581selector", + -12.813904762268066 + ], + [ + "\u2581cat\u00e1logo", + -12.81391716003418 + ], + [ + "\u2581opgevolgd", + -12.81391716003418 + ], + [ + "\u2581hydrogen", + -12.814030647277832 + ], + [ + "minimum", + -12.814040184020996 + ], + [ + "\u2581vrouwelijke", + -12.814190864562988 + ], + [ + "\u2581Breite", + -12.814249992370604 + ], + [ + "Tre", + -12.814348220825195 + ], + [ + "oppi", + -12.8143892288208 + ], + [ + "\u2581instante", + -12.814424514770508 + ], + [ + "\u2581aboli", + -12.814478874206545 + ], + [ + "\u2581urspr\u00fcnglichen", + -12.814494132995604 + ], + [ + "\u2581rid", + -12.81454849243164 + ], + [ + "\u2581solle", + -12.814615249633787 + ], + [ + "\u2581Plat", + -12.814645767211914 + ], + [ + "\u2581arriv", + -12.81464958190918 + ], + [ + "\u2581effetto", + -12.814725875854492 + ], + [ + "connector", + -12.81477165222168 + ], + [ + "eilanden", + -12.814814567565918 + ], + [ + "\u2581pesa", + -12.81482219696045 + ], + [ + "\u2581bandera", + -12.814841270446776 + ], + [ + "\u2581angezeigt", + -12.814905166625977 + ], + [ + "\u2581santa", + -12.814980506896973 + ], + [ + "europa", + -12.81504726409912 + ], + [ + "Music", + -12.815054893493652 + ], + [ + "\u2581stoppen", + -12.81506633758545 + ], + [ + "NONE", + -12.815134048461914 + ], + [ + "\u2581unber\u00fchrt", + -12.815167427062988 + ], + [ + "tivas", + -12.81519889831543 + ], + [ + "grond", + -12.815225601196287 + ], + [ + "citation", + -12.815275192260742 + ], + [ + "\u2581Mia", + -12.81530475616455 + ], + [ + "\u2581Spur", + -12.815315246582031 + ], + [ + "it\u00e9s", + -12.815356254577637 + ], + [ + "shan", + -12.815375328063965 + ], + [ + "fahrer", + -12.815390586853027 + ], + [ + "sive", + -12.815474510192873 + ], + [ + "\u2581construite", + -12.8154878616333 + ], + [ + "\u2581apparently", + -12.815550804138184 + ], + [ + "\u2581gestalten", + -12.815570831298828 + ], + [ + "\u2581complement", + -12.81560230255127 + ], + [ + "\u2581fili", + -12.815624237060549 + ], + [ + "sheim", + -12.81563663482666 + ], + [ + "\u2581traits", + -12.815718650817873 + ], + [ + "\u2581Posts", + -12.815743446350098 + ], + [ + "quantize", + -12.81584644317627 + ], + [ + "nung", + -12.815862655639648 + ], + [ + "\u2581zorg", + -12.815900802612305 + ], + [ + "\u2581temperaturas", + -12.815926551818848 + ], + [ + "Gesetz", + -12.815948486328123 + ], + [ + "Ou", + -12.81604290008545 + ], + [ + "\u2581Vorliegen", + -12.816058158874512 + ], + [ + "\u2581previamente", + -12.81608772277832 + ], + [ + "verde", + -12.816097259521484 + ], + [ + "Anne", + -12.816113471984863 + ], + [ + "\u2581pede", + -12.816117286682127 + ], + [ + "\u2581carico", + -12.816186904907228 + ], + [ + "\u2581EStG", + -12.816194534301758 + ], + [ + "\u2581moord", + -12.816211700439451 + ], + [ + "\u2581seno", + -12.8162202835083 + ], + [ + "\u2581Satzung", + -12.816277503967283 + ], + [ + "\u2581pr\u00e9senter", + -12.81629467010498 + ], + [ + "encoder", + -12.816378593444824 + ], + [ + "\u2581Denk", + -12.816389083862305 + ], + [ + "izz", + -12.81643009185791 + ], + [ + "\u2581Arbeitsplatz", + -12.816435813903809 + ], + [ + "bed\u00fcrftig", + -12.816438674926758 + ], + [ + "notes", + -12.81645965576172 + ], + [ + "\u2581Edad", + -12.81649112701416 + ], + [ + "\u2581Thur", + -12.816498756408691 + ], + [ + "\u2581F\u00e4higkeit", + -12.816558837890623 + ], + [ + "\u2581wrap", + -12.816575050354004 + ], + [ + "kasse", + -12.816579818725586 + ], + [ + "\u2581[-]", + -12.816583633422852 + ], + [ + "\u2581gear", + -12.816594123840332 + ], + [ + "\u2581barrier", + -12.816617012023926 + ], + [ + "\u2581zette", + -12.816673278808594 + ], + [ + "\u2581participer", + -12.81668186187744 + ], + [ + "effekt", + -12.816694259643556 + ], + [ + "\u2581wheel", + -12.816713333129885 + ], + [ + "views", + -12.81675624847412 + ], + [ + "\u2581obviously", + -12.816773414611816 + ], + [ + "\u2581spreken", + -12.816776275634766 + ], + [ + "\u2581rapidly", + -12.81679630279541 + ], + [ + "Plain", + -12.81680965423584 + ], + [ + "Push", + -12.81686782836914 + ], + [ + "\u2581brauchen", + -12.81687355041504 + ], + [ + "rebbero", + -12.816876411437988 + ], + [ + "\u2581gemein", + -12.81688404083252 + ], + [ + "pont", + -12.816919326782228 + ], + [ + "MDA", + -12.81694221496582 + ], + [ + "\u2581Din", + -12.817241668701172 + ], + [ + "\u2581transformer", + -12.817282676696776 + ], + [ + "MPI", + -12.817337036132812 + ], + [ + "\u2581licencia", + -12.817426681518556 + ], + [ + "\u2581trotzdem", + -12.817438125610352 + ], + [ + "IU", + -12.817465782165527 + ], + [ + "\u2581scoprire", + -12.817471504211426 + ], + [ + "\u2581parochie", + -12.817520141601562 + ], + [ + "\u2581Wann", + -12.8176851272583 + ], + [ + "\u2581Forse", + -12.81771183013916 + ], + [ + "\u2581ernst", + -12.81771183013916 + ], + [ + "\u2581vertu", + -12.817778587341309 + ], + [ + "\u2581Ouro", + -12.81779956817627 + ], + [ + "\u2581lettura", + -12.817811965942385 + ], + [ + "forum", + -12.817824363708496 + ], + [ + "\u2581recomenda", + -12.817849159240724 + ], + [ + "oggetto", + -12.817863464355469 + ], + [ + "\u2581abbiano", + -12.817940711975098 + ], + [ + "\u2581Wet", + -12.817971229553224 + ], + [ + "\u2581externa", + -12.817999839782717 + ], + [ + "\u2581vota", + -12.818000793457031 + ], + [ + "\u2581condanna", + -12.818035125732422 + ], + [ + "\u2581lesquelles", + -12.818036079406738 + ], + [ + "Pad", + -12.81806182861328 + ], + [ + "stuk", + -12.81808853149414 + ], + [ + "\u2581elsewhere", + -12.81818389892578 + ], + [ + "chlor", + -12.818260192871094 + ], + [ + "thumb", + -12.818355560302734 + ], + [ + "\u2581aangezien", + -12.818364143371582 + ], + [ + "\u2581slice", + -12.81838035583496 + ], + [ + "\u2581dupla", + -12.81841278076172 + ], + [ + "uche", + -12.818452835083008 + ], + [ + "\u2581Cli", + -12.81851863861084 + ], + [ + "\u2581destinations", + -12.81851863861084 + ], + [ + "\u2581spos", + -12.81858253479004 + ], + [ + "soci", + -12.818594932556152 + ], + [ + "textrm", + -12.818618774414062 + ], + [ + "\u2581mineral", + -12.818642616271973 + ], + [ + "\u2581preceding", + -12.818682670593262 + ], + [ + "\u2581tiver", + -12.818693161010742 + ], + [ + "\u2581b\u00e1sica", + -12.81870460510254 + ], + [ + "\u2581minima", + -12.818739891052246 + ], + [ + "\u2581scho", + -12.81874179840088 + ], + [ + "\u2581racconto", + -12.818819046020508 + ], + [ + "letto", + -12.818860054016112 + ], + [ + "\u2581l\u00e4uft", + -12.818867683410645 + ], + [ + "\u2581Polar", + -12.81890106201172 + ], + [ + "tempo", + -12.818930625915527 + ], + [ + "\u2581Comunidad", + -12.81895351409912 + ], + [ + "jquery", + -12.81897258758545 + ], + [ + "\u2581Lud", + -12.819007873535156 + ], + [ + "\u2581Riva", + -12.819008827209473 + ], + [ + "\u2581territoriale", + -12.819052696228027 + ], + [ + "\u2581corsi", + -12.81908130645752 + ], + [ + "\u2581Julie", + -12.819108963012695 + ], + [ + "\u2581verk", + -12.819117546081545 + ], + [ + "\u2581entf\u00e4llt", + -12.819135665893556 + ], + [ + "\u2581Kirch", + -12.81915283203125 + ], + [ + "\u2581barri", + -12.819241523742676 + ], + [ + "\u2581m\u00e9decin", + -12.819246292114258 + ], + [ + "\u2581R\u00fcckgang", + -12.819291114807127 + ], + [ + "\u2581sensitivity", + -12.81929874420166 + ], + [ + "\u2581naus", + -12.81930160522461 + ], + [ + "\u2581gelegenen", + -12.81931209564209 + ], + [ + "\u2581visiteurs", + -12.819512367248535 + ], + [ + "\u2581Nem", + -12.819561004638672 + ], + [ + "\u2581Assun", + -12.819581031799316 + ], + [ + "commons", + -12.819620132446287 + ], + [ + "centric", + -12.819622993469238 + ], + [ + "\u2581ancor", + -12.819632530212402 + ], + [ + "\u2581ocupar", + -12.8196439743042 + ], + [ + "tido", + -12.819656372070312 + ], + [ + "daemon", + -12.819698333740234 + ], + [ + "\u2581somos", + -12.8197021484375 + ], + [ + "Personal", + -12.81971263885498 + ], + [ + "\u2581richt", + -12.819758415222168 + ], + [ + "\u2581secreta", + -12.81976318359375 + ], + [ + "ignon", + -12.819771766662598 + ], + [ + "\u2581beantragt", + -12.81977367401123 + ], + [ + "\u2581PURPOSE", + -12.819817543029783 + ], + [ + "teams", + -12.819818496704102 + ], + [ + "motiv", + -12.819901466369627 + ], + [ + "\u2581uccelli", + -12.819910049438477 + ], + [ + "\u2581\u00e4lteren", + -12.820000648498535 + ], + [ + "\u2581zorgt", + -12.820026397705078 + ], + [ + "\u2581ancho", + -12.820079803466797 + ], + [ + "\u2581potencia", + -12.820096969604492 + ], + [ + "CHI", + -12.820128440856934 + ], + [ + "h\u00e4ndler", + -12.820176124572754 + ], + [ + "\u2581eingetragen", + -12.820252418518066 + ], + [ + "\u2581multiples", + -12.820253372192385 + ], + [ + "\u2581Umfeld", + -12.820385932922363 + ], + [ + "\u2581vermittelt", + -12.820409774780272 + ], + [ + "\u2581mencionada", + -12.820425033569336 + ], + [ + "tol", + -12.820466995239258 + ], + [ + "\u2581platen", + -12.820511817932127 + ], + [ + "\u2581taught", + -12.820549964904783 + ], + [ + "\u2581Sammel", + -12.820555686950684 + ], + [ + "\u2581faits", + -12.820566177368164 + ], + [ + "\u2581Fiche", + -12.82058048248291 + ], + [ + "\u2581finger", + -12.820638656616213 + ], + [ + "\u2581Oak", + -12.820639610290527 + ], + [ + "\u2581aren", + -12.820645332336426 + ], + [ + "\u2581ontwikkelde", + -12.82065200805664 + ], + [ + "\u2581Vive", + -12.82067584991455 + ], + [ + "\u2581assumptions", + -12.820738792419434 + ], + [ + "\u2581Outro", + -12.820820808410645 + ], + [ + "\u2581gemeint", + -12.820852279663086 + ], + [ + "einen", + -12.820882797241213 + ], + [ + "ebe", + -12.82103443145752 + ], + [ + "\u2581Baja", + -12.821069717407228 + ], + [ + "\u2581Tutte", + -12.821084022521973 + ], + [ + "\u2581actuar", + -12.821099281311035 + ], + [ + "kap", + -12.821112632751465 + ], + [ + "\u2581Manche", + -12.82113552093506 + ], + [ + "\u2581analyse", + -12.821137428283691 + ], + [ + "\u2581centinaia", + -12.821163177490234 + ], + [ + "\u2581ritual", + -12.821196556091309 + ], + [ + "\u2581Albrecht", + -12.821255683898926 + ], + [ + "Uitslag", + -12.82129192352295 + ], + [ + "ol\u00f3gico", + -12.821374893188477 + ], + [ + "\u2581reci\u00e9n", + -12.82152271270752 + ], + [ + "\u2581invierno", + -12.821529388427734 + ], + [ + "\u2581especiales", + -12.821539878845217 + ], + [ + "\u2581Singh", + -12.821599006652832 + ], + [ + "\u2581debt", + -12.821670532226562 + ], + [ + "\u2581patron", + -12.82174587249756 + ], + [ + "\u2581chamadas", + -12.821767807006836 + ], + [ + "Sud", + -12.82179355621338 + ], + [ + "wedstrijden", + -12.821799278259276 + ], + [ + "\u2581exposici\u00f3n", + -12.82182502746582 + ], + [ + "aiuto", + -12.821832656860352 + ], + [ + "\u2581stimmt", + -12.821901321411133 + ], + [ + "\u2581tokens", + -12.82191562652588 + ], + [ + "\u2581Einschr\u00e4nkung", + -12.821965217590332 + ], + [ + "logic", + -12.822019577026367 + ], + [ + "\u2581bezoek", + -12.822064399719238 + ], + [ + "\u2581paziente", + -12.822075843811035 + ], + [ + "\u2581verurteilt", + -12.822155952453612 + ], + [ + "\u2581avond", + -12.822182655334473 + ], + [ + "acte", + -12.822265625 + ], + [ + "bid", + -12.822310447692873 + ], + [ + "\u2581duplicate", + -12.822312355041504 + ], + [ + "\u2581referido", + -12.822318077087402 + ], + [ + "\u2581Perl", + -12.822479248046877 + ], + [ + "\u2581signore", + -12.822504043579102 + ], + [ + "\u2581marqu\u00e9s", + -12.82253074645996 + ], + [ + "\u2581sim", + -12.822586059570312 + ], + [ + "\u2581eval", + -12.822713851928713 + ], + [ + "Estadio", + -12.822724342346191 + ], + [ + "dette", + -12.82282257080078 + ], + [ + "\u2581suicide", + -12.82285976409912 + ], + [ + "\u2581Cancer", + -12.822938919067385 + ], + [ + "\u2581entscheidet", + -12.82296371459961 + ], + [ + "\u2581storiche", + -12.822967529296877 + ], + [ + "\u2581alternativo", + -12.822980880737305 + ], + [ + "cello", + -12.822999954223633 + ], + [ + "\u2581inclusion", + -12.823094367980955 + ], + [ + "\u2581tipico", + -12.823110580444336 + ], + [ + "\u2581Brain", + -12.823139190673828 + ], + [ + "\u2581factory", + -12.82319164276123 + ], + [ + "\u2581habitaci\u00f3n", + -12.823233604431152 + ], + [ + "\u2581famosi", + -12.823270797729492 + ], + [ + "\u2581Gloria", + -12.823309898376465 + ], + [ + "\u2581composite", + -12.823328018188477 + ], + [ + "\u2581nobre", + -12.823331832885742 + ], + [ + "\u2581Kron", + -12.823405265808104 + ], + [ + "Plus", + -12.82343292236328 + ], + [ + "leer", + -12.823439598083496 + ], + [ + "\u2581r\u00e9gio", + -12.823457717895508 + ], + [ + "\u2581enthaltenen", + -12.823486328125 + ], + [ + "\u2581NE", + -12.823540687561035 + ], + [ + "ssima", + -12.823579788208008 + ], + [ + "drin", + -12.823588371276855 + ], + [ + "\u2581Beendigung", + -12.823590278625488 + ], + [ + "\u2581Filho", + -12.823704719543455 + ], + [ + "\u2581Vall", + -12.823737144470217 + ], + [ + "\u2581Fakult\u00e4t", + -12.823790550231934 + ], + [ + "\u2581religieux", + -12.823911666870115 + ], + [ + "cra", + -12.823996543884276 + ], + [ + "ergebnisse", + -12.824049949645996 + ], + [ + "\u2581Bryan", + -12.824057579040527 + ], + [ + "SER", + -12.824058532714844 + ], + [ + "\u2581Batman", + -12.824130058288574 + ], + [ + "\u2581arbeitet", + -12.824152946472168 + ], + [ + "\u2581zesde", + -12.824159622192385 + ], + [ + "\u2581lente", + -12.824311256408691 + ], + [ + "\u2581Mitwirkung", + -12.824352264404297 + ], + [ + "\u2581tee", + -12.824403762817385 + ], + [ + "t\u00fcr", + -12.82447910308838 + ], + [ + "inhaber", + -12.824519157409668 + ], + [ + "\u2581Netherlands", + -12.824525833129885 + ], + [ + "einsatz", + -12.824624061584473 + ], + [ + "\u2581negozio", + -12.82463836669922 + ], + [ + "\u2581podendo", + -12.824677467346191 + ], + [ + "hib", + -12.824687957763672 + ], + [ + "Pf", + -12.824743270874023 + ], + [ + "\u2581Break", + -12.824749946594238 + ], + [ + "\u2581esfuerzo", + -12.824753761291504 + ], + [ + "pata", + -12.82485294342041 + ], + [ + "\u2581Gales", + -12.82485580444336 + ], + [ + "otta", + -12.824944496154783 + ], + [ + "\u2581\"}\"}],", + -12.82496452331543 + ], + [ + "handlung", + -12.825048446655272 + ], + [ + "\u2581Verst", + -12.82518482208252 + ], + [ + "\u2581ouverte", + -12.8252592086792 + ], + [ + "\u2581estadounidenses", + -12.825276374816896 + ], + [ + "h\u00e4", + -12.825282096862791 + ], + [ + "\u2581Beth", + -12.825385093688965 + ], + [ + "commands", + -12.825389862060549 + ], + [ + "\u2581Meine", + -12.825392723083496 + ], + [ + "\u00f3polis", + -12.825429916381836 + ], + [ + "metra", + -12.825477600097656 + ], + [ + "rein", + -12.825489044189451 + ], + [ + "\u2581tutorial", + -12.825489044189451 + ], + [ + "LANG", + -12.82553005218506 + ], + [ + "\u2581neige", + -12.825695991516112 + ], + [ + "avenir", + -12.82572078704834 + ], + [ + "\u2581elections", + -12.82572078704834 + ], + [ + "\u2581zeitlich", + -12.82576847076416 + ], + [ + "\u2581singoli", + -12.825794219970703 + ], + [ + "mere", + -12.825905799865724 + ], + [ + "\u2581mismas", + -12.825913429260254 + ], + [ + "\u2581pause", + -12.826010704040527 + ], + [ + "\u2581v\u00e9hicules", + -12.826014518737791 + ], + [ + "\u2581grown", + -12.82603645324707 + ], + [ + "\u2581TU", + -12.82608127593994 + ], + [ + "\u2581mountains", + -12.826086044311523 + ], + [ + "\u2581Trag", + -12.826095581054688 + ], + [ + "asia", + -12.826102256774902 + ], + [ + "\u2581actuel", + -12.826126098632812 + ], + [ + "\u2581Vrouwen", + -12.826151847839355 + ], + [ + "sdauer", + -12.826179504394531 + ], + [ + "\u2581Jungen", + -12.826187133789062 + ], + [ + "\u2581originario", + -12.82619857788086 + ], + [ + "\u2581sorry", + -12.826213836669922 + ], + [ + "lema", + -12.8262357711792 + ], + [ + "Projekt", + -12.826237678527832 + ], + [ + "curve", + -12.826251983642578 + ], + [ + "\u2581trio", + -12.82629680633545 + ], + [ + "gine", + -12.826297760009766 + ], + [ + "ffa", + -12.82630443572998 + ], + [ + "\u2581Dass", + -12.82631015777588 + ], + [ + "bai", + -12.826375007629396 + ], + [ + "\u2581passione", + -12.82638454437256 + ], + [ + "COMP", + -12.826396942138672 + ], + [ + "\u2581Israeli", + -12.826397895812988 + ], + [ + "\u2581amerikanischen", + -12.826422691345217 + ], + [ + "\u2581preuve", + -12.826531410217283 + ], + [ + "\u2581abrevia", + -12.826541900634766 + ], + [ + "\u2581d\u00e9velopper", + -12.82655143737793 + ], + [ + "\u2581sessions", + -12.826582908630373 + ], + [ + "\u2581Provincial", + -12.82667350769043 + ], + [ + "rechtlich", + -12.826674461364746 + ], + [ + "\u2581d\u00e9partementaux", + -12.826674461364746 + ], + [ + "rechten", + -12.826716423034668 + ], + [ + "\u2581progression", + -12.826863288879396 + ], + [ + "acia", + -12.826897621154783 + ], + [ + "\u2581breaks", + -12.826956748962402 + ], + [ + "\u2581achten", + -12.826997756958008 + ], + [ + "\u2581eixo", + -12.827011108398438 + ], + [ + "itta", + -12.827069282531738 + ], + [ + "baz", + -12.82711124420166 + ], + [ + "\u2581Perhaps", + -12.82713794708252 + ], + [ + "\u2581Battista", + -12.827140808105469 + ], + [ + "\u2581analyze", + -12.827140808105469 + ], + [ + "ahlungen", + -12.827194213867188 + ], + [ + "\u2581Federation", + -12.827245712280272 + ], + [ + "\u2581Gera", + -12.82724666595459 + ], + [ + "\u2581passengers", + -12.82728385925293 + ], + [ + "\u2581W\u00fcrzburg", + -12.82737922668457 + ], + [ + "\u2581Schauspieler", + -12.827398300170898 + ], + [ + "inga", + -12.82741641998291 + ], + [ + "\u2581besa", + -12.827421188354492 + ], + [ + "pn", + -12.82745361328125 + ], + [ + "\u2581propuesta", + -12.827603340148926 + ], + [ + "COMMIT", + -12.827644348144531 + ], + [ + "\u2581Banda", + -12.827672958374023 + ], + [ + "\u2581escenario", + -12.827675819396973 + ], + [ + "trekken", + -12.827706336975098 + ], + [ + "MASTER", + -12.827743530273438 + ], + [ + "EVENT", + -12.827752113342283 + ], + [ + "Berufsausbildung", + -12.827756881713867 + ], + [ + "\u2581intellectual", + -12.827763557434082 + ], + [ + "\u2581Stre", + -12.827969551086426 + ], + [ + "\u2581tall", + -12.827978134155272 + ], + [ + "\u2581Schwester", + -12.82801628112793 + ], + [ + "Depth", + -12.82802677154541 + ], + [ + "\u2581pele", + -12.828049659729004 + ], + [ + "\u2581utilizzata", + -12.828121185302734 + ], + [ + "\u2581molta", + -12.82814884185791 + ], + [ + "\u2581Cerro", + -12.828166007995604 + ], + [ + "\u2581industrielle", + -12.828217506408691 + ], + [ + "\u2581Rol", + -12.82826042175293 + ], + [ + "awk", + -12.828283309936523 + ], + [ + "\u2581CS", + -12.82833480834961 + ], + [ + "\u2581transports", + -12.828394889831545 + ], + [ + "\u2581attuale", + -12.828489303588867 + ], + [ + "\u2581Angriff", + -12.828495979309082 + ], + [ + "\u2581noti", + -12.828503608703612 + ], + [ + "calendar", + -12.828513145446776 + ], + [ + "\u2581afgelopen", + -12.828676223754885 + ], + [ + "\u2581Holy", + -12.828730583190918 + ], + [ + "avia", + -12.828863143920898 + ], + [ + "minipage", + -12.828887939453123 + ], + [ + "\u2581premios", + -12.82888889312744 + ], + [ + "\u2581minha", + -12.828975677490234 + ], + [ + "rgli", + -12.828996658325195 + ], + [ + "ITA", + -12.828999519348145 + ], + [ + "\u2581overview", + -12.82900047302246 + ], + [ + "Associazione", + -12.829004287719728 + ], + [ + "Geometridae", + -12.829093933105469 + ], + [ + "\u2581dust", + -12.829093933105469 + ], + [ + "\u2581notturni", + -12.829096794128418 + ], + [ + "Pt", + -12.82911777496338 + ], + [ + "NOTIF", + -12.829146385192873 + ], + [ + "\u2581Magnus", + -12.829204559326172 + ], + [ + "\u2581Pest", + -12.829212188720703 + ], + [ + "zimmer", + -12.829338073730469 + ], + [ + "\u2581Ex\u00e9rcito", + -12.829367637634276 + ], + [ + "\u2581\u00e9tudiants", + -12.829465866088867 + ], + [ + "\u2581blues", + -12.829562187194824 + ], + [ + "\u2581beroep", + -12.829750061035156 + ], + [ + "\u2581comenzaron", + -12.829874038696287 + ], + [ + "\u2581educational", + -12.829882621765137 + ], + [ + "ily", + -12.829893112182615 + ], + [ + "aspect", + -12.829961776733398 + ], + [ + "\u2581inferiores", + -12.829963684082031 + ], + [ + "\u2581Thread", + -12.829980850219728 + ], + [ + "\u2581Debian", + -12.830069541931152 + ], + [ + "\u2581provare", + -12.830072402954102 + ], + [ + "\u2581centraal", + -12.830078125 + ], + [ + "\u2581stap", + -12.830103874206545 + ], + [ + "\u2581constantes", + -12.830229759216309 + ], + [ + "\u2581cade", + -12.83041000366211 + ], + [ + "menes", + -12.83041286468506 + ], + [ + "Michael", + -12.830492973327637 + ], + [ + "\u2581reichen", + -12.83053970336914 + ], + [ + "\u2581muertos", + -12.830575942993164 + ], + [ + "\u2581convenient", + -12.830623626708984 + ], + [ + "\u2581cure", + -12.830628395080566 + ], + [ + "ARA", + -12.830631256103516 + ], + [ + "EIN", + -12.830639839172363 + ], + [ + "\u2581Cr\u00e9", + -12.830643653869627 + ], + [ + "ueens", + -12.830735206604004 + ], + [ + "\u2581CL", + -12.830750465393066 + ], + [ + "gab", + -12.830759048461914 + ], + [ + "\u2581artistes", + -12.830766677856444 + ], + [ + "\u2581besseren", + -12.830772399902344 + ], + [ + "engo", + -12.830811500549316 + ], + [ + "engl", + -12.830877304077148 + ], + [ + "\u2581urbani", + -12.830890655517578 + ], + [ + "\u2581aventuras", + -12.830893516540527 + ], + [ + "\u2581diocesi", + -12.830927848815918 + ], + [ + "\u2581captured", + -12.831027030944824 + ], + [ + "tages", + -12.831064224243164 + ], + [ + "\u2581Gie", + -12.831076622009276 + ], + [ + "\u2581op\u00e9rateurs", + -12.831085205078123 + ], + [ + "\u2581llam\u00f3", + -12.831215858459473 + ], + [ + "\u2581Rainer", + -12.831225395202637 + ], + [ + "\u2581milliards", + -12.831426620483398 + ], + [ + "\u2581c\u00f3pias", + -12.831453323364258 + ], + [ + "ltiples", + -12.831483840942385 + ], + [ + "bilder", + -12.83155632019043 + ], + [ + "\u2581interessant", + -12.831558227539062 + ], + [ + "schilder", + -12.831609725952148 + ], + [ + "erg", + -12.83163356781006 + ], + [ + "gebruik", + -12.831645011901855 + ], + [ + "\u2581verbreitet", + -12.831656455993652 + ], + [ + "\u2581imaging", + -12.831674575805664 + ], + [ + "\u2581Telekommunikati", + -12.831682205200195 + ], + [ + "\u2581Entsprechend", + -12.831716537475586 + ], + [ + "\u2581inutile", + -12.831727981567385 + ], + [ + "\u2581capelli", + -12.831768989562988 + ], + [ + "\u2581OECD", + -12.831828117370604 + ], + [ + "\u2581Signore", + -12.831835746765137 + ], + [ + "\u2581indoor", + -12.831838607788086 + ], + [ + "\u2581Publication", + -12.83185863494873 + ], + [ + "\u2581baie", + -12.83186149597168 + ], + [ + "Fee", + -12.831924438476562 + ], + [ + "\u2581Kaffee", + -12.831961631774902 + ], + [ + "\u2581inhoud", + -12.831991195678713 + ], + [ + "\u2581dulce", + -12.832040786743164 + ], + [ + "RAS", + -12.832046508789062 + ], + [ + "\u2581winning", + -12.832175254821776 + ], + [ + "grin", + -12.832250595092772 + ], + [ + "\u2581VR", + -12.83229160308838 + ], + [ + "\u2581greatly", + -12.832354545593262 + ], + [ + "\u2581Montevideo", + -12.8324613571167 + ], + [ + "\u2581estrellas", + -12.83249282836914 + ], + [ + "\u2581Geburt", + -12.832526206970217 + ], + [ + "\u2581jump", + -12.832555770874023 + ], + [ + "\u2581responsabilit\u00e9", + -12.832557678222656 + ], + [ + "\u2581voglio", + -12.83260726928711 + ], + [ + "kent", + -12.832664489746094 + ], + [ + "\u2581Braunschweig", + -12.83271598815918 + ], + [ + "ForceSendFields", + -12.832722663879396 + ], + [ + "wis", + -12.832725524902344 + ], + [ + "\u2581vince", + -12.832902908325195 + ], + [ + "methode", + -12.83293914794922 + ], + [ + "\u2581ceci", + -12.83295726776123 + ], + [ + "pher", + -12.83299160003662 + ], + [ + "ool", + -12.83303451538086 + ], + [ + "\u2581reuni\u00f3n", + -12.833041191101074 + ], + [ + "\u2581d\u00e9bat", + -12.833141326904297 + ], + [ + "teilen", + -12.833187103271484 + ], + [ + "\u2581Heat", + -12.83322811126709 + ], + [ + "\u2581Martha", + -12.83322811126709 + ], + [ + "\u2581teilt", + -12.833255767822266 + ], + [ + "evole", + -12.833270072937012 + ], + [ + "\u2581abgesehen", + -12.833373069763184 + ], + [ + "\u2581grosso", + -12.833373069763184 + ], + [ + "\u2581keywords", + -12.833396911621094 + ], + [ + "\u2581Classe", + -12.833415985107422 + ], + [ + "\u2581delas", + -12.833419799804688 + ], + [ + "\u2581opposed", + -12.833459854125977 + ], + [ + "\u2581consecutive", + -12.833494186401367 + ], + [ + "\u00e1ndole", + -12.833501815795898 + ], + [ + "days", + -12.833508491516112 + ], + [ + "\u2581stupid", + -12.833555221557615 + ], + [ + "food", + -12.833580017089844 + ], + [ + "phantom", + -12.833609580993652 + ], + [ + "\u2581Hab\u00eda", + -12.833670616149902 + ], + [ + "ANCE", + -12.833695411682127 + ], + [ + "\u2581Architecture", + -12.83372974395752 + ], + [ + "\u2581oscura", + -12.83373737335205 + ], + [ + "\u2581Porque", + -12.83376407623291 + ], + [ + "\u2581singer", + -12.83380889892578 + ], + [ + "\u2581mogelijke", + -12.833828926086426 + ], + [ + "\u2581gedrag", + -12.83384132385254 + ], + [ + "ffentlichte", + -12.83393096923828 + ], + [ + "\u2581imita", + -12.834022521972656 + ], + [ + "\u2581Lizenz", + -12.834104537963867 + ], + [ + "nord", + -12.834145545959473 + ], + [ + "c\u00e1", + -12.834236145019531 + ], + [ + "\u2581genaue", + -12.834259033203123 + ], + [ + "primo", + -12.834266662597656 + ], + [ + "\u2581dirigent", + -12.834267616271973 + ], + [ + "\u00e9preuve", + -12.834278106689451 + ], + [ + "\u2581Trop", + -12.834293365478516 + ], + [ + "\u2581verse", + -12.834312438964844 + ], + [ + "\u2581Hank", + -12.834325790405272 + ], + [ + "\u2581speelden", + -12.83435344696045 + ], + [ + "comments", + -12.83440399169922 + ], + [ + "\u2581ontmoeting", + -12.8344087600708 + ], + [ + "\u2581indietro", + -12.834522247314451 + ], + [ + "\u2581estreia", + -12.834596633911133 + ], + [ + "\u2581permitem", + -12.83459758758545 + ], + [ + "\u2581oficiais", + -12.834636688232422 + ], + [ + "\u2581ferroviaire", + -12.834640502929688 + ], + [ + "\u2581Petition", + -12.83466911315918 + ], + [ + "gefahren", + -12.834672927856444 + ], + [ + "\u2581erkannt", + -12.83473777770996 + ], + [ + "\u2581gloria", + -12.83476734161377 + ], + [ + "\u2581Font", + -12.83486557006836 + ], + [ + "\u2581chip", + -12.834941864013672 + ], + [ + "\u2581diseases", + -12.834983825683594 + ], + [ + "mutex", + -12.835005760192873 + ], + [ + "oppervlak", + -12.835119247436523 + ], + [ + "\u2581Pack", + -12.835153579711914 + ], + [ + "retto", + -12.835159301757812 + ], + [ + "\u2581Filipinas", + -12.835180282592772 + ], + [ + "\u2581typische", + -12.835261344909668 + ], + [ + "\u2581nennt", + -12.835287094116213 + ], + [ + "\u2581vivant", + -12.835329055786133 + ], + [ + "\u2581bola", + -12.835367202758787 + ], + [ + "\u2581identifiziert", + -12.835408210754396 + ], + [ + "\u2581SR", + -12.83544921875 + ], + [ + "\u2581Mohamed", + -12.83545207977295 + ], + [ + "\u2581Completa", + -12.835495948791504 + ], + [ + "\u2581Diagnose", + -12.835570335388184 + ], + [ + "\u2581Guardian", + -12.835578918457031 + ], + [ + "ody", + -12.83558750152588 + ], + [ + "\u2581Wave", + -12.835613250732422 + ], + [ + "\u2581designated", + -12.835613250732422 + ], + [ + "\u2581attivo", + -12.835758209228516 + ], + [ + "\u2581downtown", + -12.835808753967283 + ], + [ + "\u2581submit", + -12.83586311340332 + ], + [ + "wecken", + -12.835882186889648 + ], + [ + "\u2581R\u00e4ume", + -12.835883140563965 + ], + [ + "Alg\u00e9rie", + -12.835886001586914 + ], + [ + "\u2581salire", + -12.835897445678713 + ], + [ + "\u2581embedded", + -12.83593463897705 + ], + [ + "\u2581entsprechender", + -12.835943222045898 + ], + [ + "Delay", + -12.83611011505127 + ], + [ + "uy", + -12.83614730834961 + ], + [ + "\u2581spese", + -12.836236000061035 + ], + [ + "\u2581sirve", + -12.836240768432615 + ], + [ + "kaart", + -12.836352348327637 + ], + [ + "\u2581canadien", + -12.836359977722168 + ], + [ + "\u2581homenagem", + -12.836371421813965 + ], + [ + "culo", + -12.83637809753418 + ], + [ + "tello", + -12.836405754089355 + ], + [ + "\u2581relevanten", + -12.836420059204102 + ], + [ + "\u2581Gerichte", + -12.836421966552734 + ], + [ + "\u2581ricordare", + -12.836451530456545 + ], + [ + "\u2581pertence", + -12.836456298828123 + ], + [ + "\u2581procedimento", + -12.836483001708984 + ], + [ + "lata", + -12.836533546447754 + ], + [ + "entries", + -12.836586952209473 + ], + [ + "viertel", + -12.836589813232422 + ], + [ + "\u2581Onde", + -12.836650848388672 + ], + [ + "\u2581Ridge", + -12.836684226989746 + ], + [ + "\u2581Steen", + -12.836758613586426 + ], + [ + "\u2581repas", + -12.836777687072754 + ], + [ + "dde", + -12.836817741394045 + ], + [ + "\u2581actos", + -12.836840629577637 + ], + [ + "OSS", + -12.8368501663208 + ], + [ + "\u2581Joy", + -12.836936950683594 + ], + [ + "\u2581Juventus", + -12.837047576904297 + ], + [ + "\u2581Ghost", + -12.837076187133787 + ], + [ + "tamente", + -12.837130546569824 + ], + [ + "ettes", + -12.83725357055664 + ], + [ + "\u2581aldaar", + -12.837379455566406 + ], + [ + "Applications", + -12.837445259094238 + ], + [ + "spawn", + -12.8374662399292 + ], + [ + "\u2581Bata", + -12.837481498718262 + ], + [ + "\u2581erbracht", + -12.83751106262207 + ], + [ + "\u2581Erziehungs", + -12.837520599365234 + ], + [ + "\u2581Oberst", + -12.837532043457031 + ], + [ + "\u2581Drama", + -12.837563514709473 + ], + [ + "\u2581Auftreten", + -12.837579727172852 + ], + [ + "\u2581episodios", + -12.837583541870115 + ], + [ + "Henri", + -12.83761978149414 + ], + [ + "\u2581Stabilit\u00e4t", + -12.837645530700684 + ], + [ + "aard", + -12.837656021118164 + ], + [ + "\u2581durchgef\u00fchrten", + -12.837717056274414 + ], + [ + "azzo", + -12.837761878967283 + ], + [ + "\u2581tetra", + -12.83778190612793 + ], + [ + "\u2581composer", + -12.837818145751951 + ], + [ + "\u2581esquema", + -12.837830543518066 + ], + [ + "ature", + -12.837841987609863 + ], + [ + "\u2581indicator", + -12.837980270385742 + ], + [ + "\u2581discussions", + -12.837986946105955 + ], + [ + "\u2581Bezirks", + -12.83800220489502 + ], + [ + "\u2581Freedom", + -12.838069915771484 + ], + [ + "\u2581Koordinierung", + -12.838117599487305 + ], + [ + "\u2581illegale", + -12.83816146850586 + ], + [ + "Asie", + -12.838207244873049 + ], + [ + "\u2581Phillips", + -12.838318824768066 + ], + [ + "\u2581Pr\u00e9sident", + -12.8384428024292 + ], + [ + "GrayLevel", + -12.838471412658691 + ], + [ + "\u2581arrival", + -12.838506698608398 + ], + [ + "MEM", + -12.83851146697998 + ], + [ + "\u2581bianca", + -12.83852195739746 + ], + [ + "iale", + -12.838522911071776 + ], + [ + "wehr", + -12.838579177856444 + ], + [ + "Hol", + -12.838604927062988 + ], + [ + "verbot", + -12.838659286499023 + ], + [ + "\u2581direto", + -12.838759422302246 + ], + [ + "\u2581revistas", + -12.838765144348145 + ], + [ + "\u2581Fiat", + -12.838770866394045 + ], + [ + "className", + -12.838805198669434 + ], + [ + "\u2581definizione", + -12.838868141174316 + ], + [ + "\u2581Animal", + -12.838896751403809 + ], + [ + "\u2581Polymer", + -12.838970184326172 + ], + [ + "\u2581zoom", + -12.838996887207031 + ], + [ + "\u2581conseguenze", + -12.839049339294434 + ], + [ + "gangen", + -12.839066505432127 + ], + [ + "\u2581apresentam", + -12.839136123657228 + ], + [ + "\u2581docente", + -12.83919620513916 + ], + [ + "\u2581Entlastung", + -12.839200019836426 + ], + [ + "\u2581miliardi", + -12.839285850524902 + ], + [ + "\u2581Vergleichs", + -12.839346885681152 + ], + [ + "\u2581officielle", + -12.83939266204834 + ], + [ + "\u2581titulado", + -12.83942413330078 + ], + [ + "reden", + -12.839444160461426 + ], + [ + "\u2581Metropolitana", + -12.839507102966309 + ], + [ + "Gesellschaft", + -12.83960247039795 + ], + [ + "\u2581collectionView", + -12.839607238769531 + ], + [ + "\u2581composici\u00f3n", + -12.83965301513672 + ], + [ + "olie", + -12.839783668518066 + ], + [ + "\u2581Maus", + -12.839783668518066 + ], + [ + "essai", + -12.83985424041748 + ], + [ + "\u2581tradicionais", + -12.839855194091797 + ], + [ + "\u2581sello", + -12.839914321899414 + ], + [ + "\u2581ausgezeichnet", + -12.839916229248049 + ], + [ + "\u2581LIABILIT", + -12.839923858642578 + ], + [ + "\u2581geleden", + -12.839978218078612 + ], + [ + "\u2581ausl\u00e4ndische", + -12.83999252319336 + ], + [ + "\u2581modules", + -12.839999198913574 + ], + [ + "\u2581aktive", + -12.840012550354004 + ], + [ + "openjdk", + -12.840110778808594 + ], + [ + "\u2581solches", + -12.84011173248291 + ], + [ + "\u2581Unterrichts", + -12.84012508392334 + ], + [ + "ccc", + -12.840140342712402 + ], + [ + "\u2581transmit", + -12.84015655517578 + ], + [ + "invoke", + -12.840165138244627 + ], + [ + "ospedale", + -12.840173721313477 + ], + [ + "\u2581verlie", + -12.840282440185549 + ], + [ + "eggio", + -12.840283393859863 + ], + [ + "\u2581Ruby", + -12.84035587310791 + ], + [ + "spraak", + -12.840373992919922 + ], + [ + "\u2581Especial", + -12.840387344360352 + ], + [ + "\u2581verte", + -12.840388298034668 + ], + [ + "\u2581Aufstellung", + -12.840426445007324 + ], + [ + "\u2581fundaci\u00f3n", + -12.840482711791992 + ], + [ + "Backend", + -12.840505599975586 + ], + [ + "\u2581Pon", + -12.840576171875 + ], + [ + "\u2581Unix", + -12.840583801269531 + ], + [ + "\u2581Som", + -12.84065055847168 + ], + [ + "\u2581Ole", + -12.840700149536133 + ], + [ + "\u2581jq", + -12.840782165527344 + ], + [ + "ieven", + -12.840813636779783 + ], + [ + "\u2581reproduce", + -12.84085750579834 + ], + [ + "roux", + -12.84087085723877 + ], + [ + "\u2581chin", + -12.84091091156006 + ], + [ + "\u2581colpi", + -12.840962409973145 + ], + [ + "odd", + -12.841025352478027 + ], + [ + "\u2581Hom", + -12.841058731079102 + ], + [ + "\u2581Bem\u00fchungen", + -12.841114044189451 + ], + [ + "\u2581strike", + -12.841137886047363 + ], + [ + "i\u00e9", + -12.84120273590088 + ], + [ + "zucht", + -12.841212272644045 + ], + [ + "\u2581snapshot", + -12.841253280639648 + ], + [ + "\u2581Luiz", + -12.841288566589355 + ], + [ + "\u2581meters", + -12.841326713562012 + ], + [ + "\u2581espiritual", + -12.84138011932373 + ], + [ + "\u2581modernos", + -12.841459274291992 + ], + [ + "bien", + -12.841486930847168 + ], + [ + "\u2581escudo", + -12.841503143310549 + ], + [ + "\u2581zuidelijke", + -12.841570854187012 + ], + [ + "\u2581Inanspruchnahme", + -12.841572761535645 + ], + [ + "\u2581facts", + -12.841577529907228 + ], + [ + "asp", + -12.84167766571045 + ], + [ + "Loading", + -12.841694831848145 + ], + [ + "centro", + -12.841736793518066 + ], + [ + "\u2581sogno", + -12.84176540374756 + ], + [ + "updated", + -12.84183120727539 + ], + [ + "orro", + -12.841877937316896 + ], + [ + "\u2581cons\u00e9quence", + -12.841896057128906 + ], + [ + "\u2581Serge", + -12.841901779174805 + ], + [ + "\u2581Ver\u00e4u", + -12.841903686523438 + ], + [ + "\u2581Metropolitan", + -12.841946601867676 + ], + [ + "\u2581NP", + -12.841975212097168 + ], + [ + "\u2581Luxembourg", + -12.841983795166016 + ], + [ + "\u2581engagement", + -12.84203052520752 + ], + [ + "\u2581aktiven", + -12.842042922973633 + ], + [ + "\u2581crystal", + -12.84205436706543 + ], + [ + "\u2581navire", + -12.84212875366211 + ], + [ + "\u2581MyS", + -12.842151641845703 + ], + [ + "\u2581sap", + -12.84227466583252 + ], + [ + "\u2581interpret", + -12.842286109924316 + ], + [ + "\u2581galt", + -12.84235954284668 + ], + [ + "\u2581equality", + -12.842391967773438 + ], + [ + "\u2581\\{", + -12.842406272888184 + ], + [ + "\u2581altrimenti", + -12.84242057800293 + ], + [ + "\u2581concede", + -12.84249782562256 + ], + [ + "notify", + -12.842535018920898 + ], + [ + "villa", + -12.84261989593506 + ], + [ + "love", + -12.84263801574707 + ], + [ + "Matcher", + -12.84291648864746 + ], + [ + "\u2581admit", + -12.842939376831056 + ], + [ + "\u2581pipe", + -12.842999458312988 + ], + [ + "\u2581liefern", + -12.843111038208008 + ], + [ + "\u2581Optimierung", + -12.843131065368652 + ], + [ + "\u2581burgers", + -12.843137741088867 + ], + [ + "\u2581qualitative", + -12.843169212341309 + ], + [ + "\u2581CT", + -12.843181610107422 + ], + [ + "\u2581aangeduid", + -12.843223571777344 + ], + [ + "\u2581hoogleraar", + -12.843317985534668 + ], + [ + "Ring", + -12.843356132507324 + ], + [ + "\u2581Akten", + -12.843396186828612 + ], + [ + "zoon", + -12.843420028686523 + ], + [ + "\u2581Reed", + -12.843488693237305 + ], + [ + "albero", + -12.84354305267334 + ], + [ + "\u2581Tree", + -12.843546867370604 + ], + [ + "omer", + -12.843555450439451 + ], + [ + "\u2581vulgarmente", + -12.84355926513672 + ], + [ + "\u2581birra", + -12.843671798706056 + ], + [ + "kte", + -12.843825340270996 + ], + [ + "\u2581Administraci\u00f3n", + -12.843827247619627 + ], + [ + "\u2581genauer", + -12.843928337097168 + ], + [ + "\u2581adults", + -12.8439302444458 + ], + [ + "guide", + -12.843948364257812 + ], + [ + "\u2581Organizaci\u00f3n", + -12.844120979309082 + ], + [ + "\u2581Mom", + -12.844135284423828 + ], + [ + "\u2581ermitteln", + -12.844188690185549 + ], + [ + "\u2581tutt", + -12.844194412231444 + ], + [ + "\u2581Beatles", + -12.844223976135254 + ], + [ + "\u2581confer", + -12.844314575195312 + ], + [ + "nard", + -12.844335556030272 + ], + [ + "exist", + -12.844365119934082 + ], + [ + "\u2581\u00fcblichen", + -12.844423294067385 + ], + [ + "\u2581elektro", + -12.8444242477417 + ], + [ + "\u2581Mine", + -12.844427108764648 + ], + [ + "tzer", + -12.844460487365724 + ], + [ + "\u2581probabile", + -12.844517707824709 + ], + [ + "\u2581Nah", + -12.844622611999512 + ], + [ + "\u2581classic", + -12.84465789794922 + ], + [ + "\u2581voci", + -12.844683647155762 + ], + [ + "\u2581spazi", + -12.844743728637695 + ], + [ + "\u2581estructuras", + -12.844761848449709 + ], + [ + "rius", + -12.844779014587402 + ], + [ + "\u2581pudiera", + -12.8447847366333 + ], + [ + "\u2581Gross", + -12.844786643981934 + ], + [ + "tria", + -12.844789505004885 + ], + [ + "\u2581Filter", + -12.844887733459473 + ], + [ + "\u2581traghetti", + -12.844925880432127 + ], + [ + "\u2581contradiction", + -12.844963073730469 + ], + [ + "mulo", + -12.845091819763184 + ], + [ + "\u2581heutige", + -12.845093727111816 + ], + [ + "\u2581Sons", + -12.845099449157717 + ], + [ + "\u2581causar", + -12.845108032226562 + ], + [ + "\u2581bekommt", + -12.845185279846191 + ], + [ + "\u2581ausreichende", + -12.845245361328123 + ], + [ + "\u2581lebt", + -12.845251083374023 + ], + [ + "nari", + -12.845277786254885 + ], + [ + "\u2581Bee", + -12.845356941223145 + ], + [ + "gracht", + -12.845378875732422 + ], + [ + "\u2581episode", + -12.84543514251709 + ], + [ + "\u2581brit\u00e1nica", + -12.84544849395752 + ], + [ + "\u2581eilanden", + -12.84544849395752 + ], + [ + "\u2581Armstrong", + -12.845452308654783 + ], + [ + "\u2581requ", + -12.84545612335205 + ], + [ + "\u2581croire", + -12.84547233581543 + ], + [ + "\u2581Answer", + -12.845480918884276 + ], + [ + "\u2581Butter", + -12.845504760742188 + ], + [ + "\u2581religiosas", + -12.8455810546875 + ], + [ + "\u2581Gio", + -12.845664024353027 + ], + [ + "brook", + -12.845674514770508 + ], + [ + "Brien", + -12.845683097839355 + ], + [ + "catalog", + -12.84569263458252 + ], + [ + "\u2581longitudinal", + -12.845718383789062 + ], + [ + "\u2581Islas", + -12.845727920532228 + ], + [ + "\u2581Atene", + -12.845839500427246 + ], + [ + "Force", + -12.845842361450195 + ], + [ + "versicherungs", + -12.84586238861084 + ], + [ + "serm\u00e4chtigung", + -12.84587574005127 + ], + [ + "\u2581mancha", + -12.845880508422852 + ], + [ + "\u2581highway", + -12.845904350280762 + ], + [ + "\u2581Diputados", + -12.84598445892334 + ], + [ + "\u2581potenti", + -12.845985412597656 + ], + [ + "\u2581Kie", + -12.846065521240234 + ], + [ + "\u2581veja", + -12.84608554840088 + ], + [ + "\u2581McDonald", + -12.846168518066406 + ], + [ + "\u2581Kommentar", + -12.846216201782228 + ], + [ + "\u2581Ausfl\u00fcge", + -12.84627914428711 + ], + [ + "\u2581tren", + -12.846283912658691 + ], + [ + "\u2581b\u00e1sico", + -12.846311569213867 + ], + [ + "\u2581rally", + -12.846319198608398 + ], + [ + "\u2581Explorer", + -12.84634494781494 + ], + [ + "bewertung", + -12.846363067626951 + ], + [ + "\u2581streaming", + -12.846364974975586 + ], + [ + "\u2581Rama", + -12.846373558044434 + ], + [ + "\u2581Contact", + -12.846379280090332 + ], + [ + "\u2581complexo", + -12.84640407562256 + ], + [ + "\u2581hypoth", + -12.846461296081545 + ], + [ + "\u2581Soc", + -12.846518516540527 + ], + [ + "\u2581geeigneten", + -12.846519470214844 + ], + [ + "Tabelle", + -12.846534729003906 + ], + [ + "\u2581veste", + -12.846543312072754 + ], + [ + "\u2581passageiros", + -12.84661102294922 + ], + [ + "\u2581Munich", + -12.846656799316406 + ], + [ + "\u2581vecinos", + -12.846667289733888 + ], + [ + "\u2581Liter", + -12.846694946289062 + ], + [ + "\u2581TF", + -12.846722602844238 + ], + [ + "\u2581Akteure", + -12.8467435836792 + ], + [ + "observation", + -12.84677505493164 + ], + [ + "\u2581Rouge", + -12.846782684326172 + ], + [ + "\u2581Allein", + -12.84682273864746 + ], + [ + "\u2581pitch", + -12.846884727478027 + ], + [ + "\u2581removing", + -12.846993446350098 + ], + [ + "\u2581assignment", + -12.847057342529297 + ], + [ + "Unique", + -12.8471040725708 + ], + [ + "\u2581parcial", + -12.847137451171877 + ], + [ + "pick", + -12.847158432006836 + ], + [ + "\u2581Moskou", + -12.84716796875 + ], + [ + "oorlog", + -12.847168922424316 + ], + [ + "filme", + -12.84718894958496 + ], + [ + "\u2581r\u00e9flexion", + -12.847371101379396 + ], + [ + "\u2581Romania", + -12.847372055053713 + ], + [ + "\u2581quinze", + -12.847419738769531 + ], + [ + "\u2581sil", + -12.84746551513672 + ], + [ + "\u2581ristorante", + -12.8474702835083 + ], + [ + "combe", + -12.84748363494873 + ], + [ + "\u2581bagno", + -12.847490310668944 + ], + [ + "\u2581Elektronen", + -12.847644805908203 + ], + [ + "\u2581organis\u00e9", + -12.84770965576172 + ], + [ + "angolo", + -12.847735404968262 + ], + [ + "douard", + -12.84779930114746 + ], + [ + "\u2581infla", + -12.847830772399902 + ], + [ + "\u2581L\u00e4rm", + -12.847838401794434 + ], + [ + "\u2581inform", + -12.84785270690918 + ], + [ + "druk", + -12.84791088104248 + ], + [ + "\u2581Brust", + -12.847968101501465 + ], + [ + "ografie", + -12.84800910949707 + ], + [ + "\u2581Verb", + -12.84803867340088 + ], + [ + "\u2581samedi", + -12.848040580749512 + ], + [ + "\u2581brasile", + -12.848148345947266 + ], + [ + "\u2581Marche", + -12.848150253295898 + ], + [ + "\u2581Sak", + -12.84827995300293 + ], + [ + "\u2581Kontrollen", + -12.848283767700195 + ], + [ + "mentos", + -12.848315238952637 + ], + [ + "fjord", + -12.8483304977417 + ], + [ + "science", + -12.84833526611328 + ], + [ + "TAC", + -12.848352432250977 + ], + [ + "popup", + -12.84837532043457 + ], + [ + "vault", + -12.848383903503418 + ], + [ + "\u2581alimentari", + -12.848401069641112 + ], + [ + "\u2581princesa", + -12.848403930664062 + ], + [ + "\u2581berechtigt", + -12.848437309265137 + ], + [ + "\u2581tortura", + -12.84844207763672 + ], + [ + "\u2581touristique", + -12.84848690032959 + ], + [ + "awesome", + -12.848503112792969 + ], + [ + "\u2581nacionais", + -12.84856414794922 + ], + [ + "sverkiezingen", + -12.848592758178713 + ], + [ + "\u2581pilota", + -12.848609924316406 + ], + [ + "\u2581Joaqu\u00edn", + -12.84865379333496 + ], + [ + "\u2581wireType", + -12.84865951538086 + ], + [ + "\u2581reclama", + -12.848695755004885 + ], + [ + "\u2581asteroide", + -12.84876823425293 + ], + [ + "\u00e9ri", + -12.848801612854004 + ], + [ + "oriented", + -12.8488130569458 + ], + [ + "\u2581incendio", + -12.848888397216797 + ], + [ + "\u2581universidades", + -12.84891128540039 + ], + [ + "\u2581intensa", + -12.848984718322754 + ], + [ + "\u2581EDIT", + -12.849029541015623 + ], + [ + "\u2581gross", + -12.849032402038574 + ], + [ + "zona", + -12.849048614501951 + ], + [ + "\u2581proseguire", + -12.849071502685549 + ], + [ + "kirch", + -12.84907341003418 + ], + [ + "ography", + -12.849084854125977 + ], + [ + "\u2581domande", + -12.849114418029783 + ], + [ + "\u2581unterschieden", + -12.849132537841797 + ], + [ + "\u2581liaison", + -12.849143981933594 + ], + [ + "\u2581viver", + -12.84915542602539 + ], + [ + "\u2581Weimar", + -12.849177360534668 + ], + [ + "PJ", + -12.849191665649414 + ], + [ + "sarbeit", + -12.849200248718262 + ], + [ + "\u2581estradas", + -12.849239349365234 + ], + [ + "\u2581convertir", + -12.849267959594728 + ], + [ + "\u2581directories", + -12.849325180053713 + ], + [ + "\u2581mentale", + -12.849343299865724 + ], + [ + "eiland", + -12.849403381347656 + ], + [ + "intervento", + -12.84943389892578 + ], + [ + "\u2581medo", + -12.849452018737791 + ], + [ + "Deutsche", + -12.849523544311523 + ], + [ + "\u2581Help", + -12.849542617797852 + ], + [ + "\u2581nucl\u00e9aire", + -12.849618911743164 + ], + [ + "\u2581barba", + -12.849677085876465 + ], + [ + "\u2581HS", + -12.849684715270996 + ], + [ + "\u2581vergleichbar", + -12.849693298339844 + ], + [ + "\u2581starten", + -12.849751472473145 + ], + [ + "\u2581crit", + -12.84976577758789 + ], + [ + "\u2581abogado", + -12.849794387817385 + ], + [ + "\u2581hinreichend", + -12.849830627441406 + ], + [ + "\u2581explizit", + -12.849863052368164 + ], + [ + "WRITE", + -12.849868774414062 + ], + [ + "zelf", + -12.84988784790039 + ], + [ + "\u2581simultaneously", + -12.849900245666504 + ], + [ + "schutzes", + -12.84990119934082 + ], + [ + "\u2581r\u00e9cit", + -12.849933624267578 + ], + [ + "\u2581Rice", + -12.849960327148438 + ], + [ + "toni", + -12.849964141845703 + ], + [ + "\u2581kritiek", + -12.850010871887209 + ], + [ + "inck", + -12.850037574768066 + ], + [ + "Horizontal", + -12.850068092346191 + ], + [ + "ality", + -12.850184440612791 + ], + [ + "LOCATION", + -12.85022258758545 + ], + [ + "Ichneumonidae", + -12.850225448608398 + ], + [ + "pfer", + -12.850234985351562 + ], + [ + "Focus", + -12.85029125213623 + ], + [ + "ike", + -12.85032844543457 + ], + [ + "\u2581vroeger", + -12.850343704223633 + ], + [ + "empf\u00e4nger", + -12.850346565246582 + ], + [ + "\u2581arriver", + -12.850349426269531 + ], + [ + "\u2581theorie", + -12.850363731384276 + ], + [ + "Copa", + -12.850412368774414 + ], + [ + "\u2581hojas", + -12.850454330444336 + ], + [ + "Robert", + -12.850492477416992 + ], + [ + "\u2581competici\u00f3n", + -12.850624084472656 + ], + [ + "\u2581modeling", + -12.850674629211426 + ], + [ + "\u2581soldaten", + -12.850701332092283 + ], + [ + "\u2581ersichtlich", + -12.850711822509766 + ], + [ + "\u2581breit", + -12.850717544555664 + ], + [ + "Maria", + -12.850744247436523 + ], + [ + "\u2581Shak", + -12.850751876831056 + ], + [ + "owl", + -12.85078239440918 + ], + [ + "\u2581essay", + -12.850801467895508 + ], + [ + "Topic", + -12.850810050964355 + ], + [ + "\u2581Glu", + -12.850892066955566 + ], + [ + "UIViewController", + -12.850930213928224 + ], + [ + "\u2581Instituts", + -12.850936889648438 + ], + [ + "\u2581extrema", + -12.85112476348877 + ], + [ + "volg", + -12.851130485534668 + ], + [ + "auer", + -12.851143836975098 + ], + [ + "\u2581Farbe", + -12.851143836975098 + ], + [ + "\u2581puni", + -12.85122776031494 + ], + [ + "Wall", + -12.851243019104004 + ], + [ + "\u2581gerekend", + -12.851280212402344 + ], + [ + "\u2581SwiftProtobuf", + -12.851318359375 + ], + [ + "holder", + -12.851333618164062 + ], + [ + "\u2581argued", + -12.851362228393556 + ], + [ + "\u2581commissione", + -12.851373672485352 + ], + [ + "\u2581Firefox", + -12.85140609741211 + ], + [ + "\u2581Homenagem", + -12.851426124572754 + ], + [ + "\u2581examination", + -12.85147476196289 + ], + [ + "teken", + -12.851642608642578 + ], + [ + "\u2581aparecen", + -12.85169506072998 + ], + [ + "\u2581Olympia", + -12.851704597473145 + ], + [ + "\u2581ziekte", + -12.851873397827148 + ], + [ + "\u2581storie", + -12.852035522460938 + ], + [ + "\u2581Kort", + -12.852099418640137 + ], + [ + "male", + -12.852150917053224 + ], + [ + "genen", + -12.85215187072754 + ], + [ + "\u2581Herb", + -12.85216236114502 + ], + [ + "\u2581MDPH", + -12.852188110351562 + ], + [ + "\u2581futura", + -12.852248191833496 + ], + [ + "hul", + -12.852335929870604 + ], + [ + "\u2581topics", + -12.852339744567873 + ], + [ + "\u2581deposit", + -12.85234260559082 + ], + [ + "\u2581fund\u00f3", + -12.852346420288086 + ], + [ + "\u2581enga", + -12.852351188659668 + ], + [ + "UNIT", + -12.852407455444336 + ], + [ + "rpm", + -12.852546691894531 + ], + [ + "spekt", + -12.852646827697754 + ], + [ + "\u2581Alert", + -12.852696418762209 + ], + [ + "stride", + -12.852744102478027 + ], + [ + "\u2581privilegi", + -12.85275650024414 + ], + [ + "urgence", + -12.852787017822266 + ], + [ + "\u2581LO", + -12.852789878845217 + ], + [ + "\u2581predicate", + -12.85283088684082 + ], + [ + "hmen", + -12.852911949157717 + ], + [ + "Elem", + -12.852944374084473 + ], + [ + "\u2581profunda", + -12.852951049804688 + ], + [ + "\u2581manipula", + -12.852965354919434 + ], + [ + "\u2581realizados", + -12.852977752685549 + ], + [ + "\u2581Suiza", + -12.852993965148926 + ], + [ + "laufen", + -12.853032112121582 + ], + [ + "plist", + -12.853036880493164 + ], + [ + "\u2581Virgin", + -12.853039741516112 + ], + [ + "\u2581calma", + -12.853066444396973 + ], + [ + "\u2581publiceerde", + -12.853072166442873 + ], + [ + "\u2581confiance", + -12.853081703186035 + ], + [ + "\u2581noemen", + -12.853118896484377 + ], + [ + "\u2581prisi\u00f3n", + -12.853132247924805 + ], + [ + "\u2581begrip", + -12.853192329406738 + ], + [ + "\u2581Aldo", + -12.85321807861328 + ], + [ + "\u2581consegna", + -12.85330581665039 + ], + [ + "influenza", + -12.853310585021973 + ], + [ + "\u2581FITNESS", + -12.853371620178224 + ], + [ + "\u2581Moss", + -12.853378295898438 + ], + [ + "gewerbe", + -12.85341453552246 + ], + [ + "\u2581Verg\u00fctung", + -12.853433609008787 + ], + [ + "\u2581propri\u00e9taire", + -12.853473663330078 + ], + [ + "\u2581Castell", + -12.85348415374756 + ], + [ + "\u2581Lust", + -12.853495597839355 + ], + [ + "Ids", + -12.85351848602295 + ], + [ + "\u2581dimensione", + -12.853556632995604 + ], + [ + "\u2581mie", + -12.853562355041504 + ], + [ + "dong", + -12.85360622406006 + ], + [ + "\u2581pole", + -12.85361099243164 + ], + [ + "\u00f3tico", + -12.85361671447754 + ], + [ + "\u2581Ungarn", + -12.853638648986816 + ], + [ + "profil", + -12.853646278381348 + ], + [ + "\u2581caratterizzato", + -12.853646278381348 + ], + [ + "Beeintr\u00e4chtigung", + -12.853650093078612 + ], + [ + "\u2581beer", + -12.8536958694458 + ], + [ + "opinione", + -12.853710174560549 + ], + [ + "\u2581gaben", + -12.853721618652344 + ], + [ + "\u2581id\u00e9e", + -12.85373306274414 + ], + [ + "\u2581Sensor", + -12.85373878479004 + ], + [ + "\u2581Hum", + -12.853792190551758 + ], + [ + "\u2581posizioni", + -12.8539400100708 + ], + [ + "fett", + -12.853944778442385 + ], + [ + "\u2581tight", + -12.854005813598633 + ], + [ + "\u2581amar", + -12.854087829589844 + ], + [ + "\u2581equipamentos", + -12.854166984558104 + ], + [ + "\u2581cheap", + -12.854273796081545 + ], + [ + "\u2581Arbeitspl\u00e4tze", + -12.85434341430664 + ], + [ + "\u2581Bol\u00edvar", + -12.854405403137209 + ], + [ + "\u2581Plate", + -12.85445499420166 + ], + [ + "\u2581locatie", + -12.85446548461914 + ], + [ + "\u2581vicenda", + -12.854500770568848 + ], + [ + "\u2581Cox", + -12.854573249816896 + ], + [ + "\u2581Rah", + -12.85459327697754 + ], + [ + "\u2581intend", + -12.854601860046388 + ], + [ + "\u2581solved", + -12.85462474822998 + ], + [ + "Sy", + -12.854659080505373 + ], + [ + "weeds", + -12.854663848876951 + ], + [ + "\u2581writers", + -12.85476016998291 + ], + [ + "gent", + -12.854768753051758 + ], + [ + "\u2581Gegenst\u00e4nde", + -12.85479736328125 + ], + [ + "weil", + -12.854825019836426 + ], + [ + "\u2581mild", + -12.854835510253906 + ], + [ + "\u2581apartment", + -12.85484218597412 + ], + [ + "IGN", + -12.85487461090088 + ], + [ + "\u2581Arabia", + -12.854937553405762 + ], + [ + "\u2581sphere", + -12.85499095916748 + ], + [ + "\u2581vollst\u00e4ndige", + -12.855040550231934 + ], + [ + "\u2581complejo", + -12.855063438415527 + ], + [ + "\u2581Picture", + -12.855111122131348 + ], + [ + "nehmer", + -12.85511589050293 + ], + [ + "\u2581balenalib", + -12.855154991149902 + ], + [ + "\u2581genehmigt", + -12.855172157287598 + ], + [ + "\u2581Bulgaria", + -12.855183601379396 + ], + [ + "\u2581scrisse", + -12.855249404907228 + ], + [ + "h\u00e1", + -12.85530948638916 + ], + [ + "\u2581Ref", + -12.85533046722412 + ], + [ + "weights", + -12.85543441772461 + ], + [ + "\u2581giocatore", + -12.855496406555176 + ], + [ + "\u2581MERCHANTABIL", + -12.855502128601074 + ], + [ + "verbe", + -12.855525970458984 + ], + [ + "INSERT", + -12.855527877807615 + ], + [ + "\u2581Hen", + -12.855561256408691 + ], + [ + "pak", + -12.855575561523438 + ], + [ + "\u2581Essas", + -12.855628967285156 + ], + [ + "sites", + -12.855646133422852 + ], + [ + "\u2581Gale", + -12.855700492858888 + ], + [ + "\u2581watched", + -12.85572624206543 + ], + [ + "\u2581artists", + -12.85573959350586 + ], + [ + "NullFields", + -12.85576629638672 + ], + [ + "Problem", + -12.855814933776855 + ], + [ + "\u2581Rally", + -12.855827331542969 + ], + [ + "\u2581Filme", + -12.855868339538574 + ], + [ + "iensis", + -12.855875968933104 + ], + [ + "\u2581Temperaturen", + -12.85597038269043 + ], + [ + "POL", + -12.85597801208496 + ], + [ + "Sheet", + -12.855987548828123 + ], + [ + "eli", + -12.856149673461914 + ], + [ + "\u2581Sue", + -12.85626220703125 + ], + [ + "Anuncia", + -12.856327056884766 + ], + [ + "\u2581lasciando", + -12.856328010559082 + ], + [ + "\u2581g\u00e9ographique", + -12.856359481811523 + ], + [ + "\u2581Patrimonio", + -12.856379508972168 + ], + [ + "Draw", + -12.856404304504396 + ], + [ + "\u2581copa", + -12.856430053710938 + ], + [ + "vita", + -12.856439590454102 + ], + [ + "Gesamt", + -12.85646152496338 + ], + [ + "mbar", + -12.85648250579834 + ], + [ + "\u2581spreekt", + -12.85649871826172 + ], + [ + "\u2581reconnaissance", + -12.856529235839844 + ], + [ + "\u2581Merci", + -12.856554985046388 + ], + [ + "\u2581r\u00e9ussi", + -12.856558799743652 + ], + [ + "\u2581Connecticut", + -12.85659408569336 + ], + [ + "\u2581inaugura", + -12.856659889221191 + ], + [ + "carbon", + -12.856717109680176 + ], + [ + "\u2581H\u00e4ufigkeit", + -12.856745719909668 + ], + [ + "ych", + -12.85682487487793 + ], + [ + "aran", + -12.856849670410156 + ], + [ + "\u2581kritisch", + -12.856889724731444 + ], + [ + "\u2581amiga", + -12.856958389282228 + ], + [ + "\u2581terminou", + -12.85697078704834 + ], + [ + "\u2581Franken", + -12.856998443603516 + ], + [ + "\u2581Laguna", + -12.857017517089844 + ], + [ + "always", + -12.857050895690918 + ], + [ + "\u2581homenageou", + -12.85707950592041 + ], + [ + "\u2581medaglia", + -12.857095718383787 + ], + [ + "\u2581Sekunden", + -12.857269287109377 + ], + [ + "\u2581levantar", + -12.857291221618652 + ], + [ + "nth", + -12.857333183288574 + ], + [ + "\u2581solitamente", + -12.857373237609863 + ], + [ + "\u2581oorlogs", + -12.857388496398926 + ], + [ + "enga", + -12.857389450073242 + ], + [ + "\u2581Metern", + -12.857410430908203 + ], + [ + "\u2581brutal", + -12.857552528381348 + ], + [ + "\u2581Tank", + -12.85755443572998 + ], + [ + "\u2581flu", + -12.857579231262209 + ], + [ + "\u2581Forces", + -12.857580184936523 + ], + [ + "\u2581pezzi", + -12.857672691345217 + ], + [ + "losigkeit", + -12.85768222808838 + ], + [ + "\u2581affida", + -12.85768985748291 + ], + [ + "guet", + -12.85770034790039 + ], + [ + "APPLICATION", + -12.857735633850098 + ], + [ + "\u2581Palmer", + -12.85788631439209 + ], + [ + "\u2581functionality", + -12.85789680480957 + ], + [ + "hint", + -12.857918739318848 + ], + [ + "Ist", + -12.85794162750244 + ], + [ + "dum", + -12.857943534851074 + ], + [ + "\u2581assure", + -12.857977867126465 + ], + [ + "\u2581Acci\u00f3n", + -12.858089447021484 + ], + [ + "\u2581ontvangen", + -12.858266830444336 + ], + [ + "\u2581divino", + -12.858295440673828 + ], + [ + "pav", + -12.85836124420166 + ], + [ + "ahan", + -12.858413696289062 + ], + [ + "\u2581pertenece", + -12.858433723449709 + ], + [ + "\u2581permitido", + -12.858450889587402 + ], + [ + "\u2581teniendo", + -12.858514785766602 + ], + [ + "orna", + -12.85851764678955 + ], + [ + "loon", + -12.85862636566162 + ], + [ + "darkgray", + -12.85869312286377 + ], + [ + "\u2581compress", + -12.858847618103027 + ], + [ + "\u2581council", + -12.858851432800291 + ], + [ + "\u2581cuadro", + -12.85886001586914 + ], + [ + "\u2581spectacle", + -12.858880043029783 + ], + [ + "houd", + -12.858891487121582 + ], + [ + "\u2581eating", + -12.858925819396973 + ], + [ + "\u2581LaTe", + -12.85893726348877 + ], + [ + "\u2581scroll", + -12.858945846557615 + ], + [ + "\u2581Works", + -12.858964920043944 + ], + [ + "rack", + -12.859017372131348 + ], + [ + "\u2581surveillance", + -12.85904312133789 + ], + [ + "\u2581tort", + -12.85907745361328 + ], + [ + "zion", + -12.859092712402344 + ], + [ + "\u2581Konstruktion", + -12.859209060668944 + ], + [ + "\u2581frequente", + -12.859210014343262 + ], + [ + "\u2581assets", + -12.859243392944336 + ], + [ + "\u2581NI", + -12.859320640563965 + ], + [ + "\u2581Richmond", + -12.859334945678713 + ], + [ + "cero", + -12.859347343444824 + ], + [ + "\u2581equi", + -12.859349250793455 + ], + [ + "\u2581nobili", + -12.859410285949709 + ], + [ + "googleapis", + -12.859442710876465 + ], + [ + "\u2581empate", + -12.859469413757324 + ], + [ + "\u2581mehrerer", + -12.859522819519045 + ], + [ + "\u2581CM", + -12.859553337097168 + ], + [ + "\u2581Salamanca", + -12.859580039978027 + ], + [ + "\u2581municipios", + -12.85962200164795 + ], + [ + "\u2581gesichert", + -12.859623908996582 + ], + [ + "\u2581INTO", + -12.859626770019531 + ], + [ + "\u2581hook", + -12.859662055969238 + ], + [ + "\u2581Sens", + -12.85970687866211 + ], + [ + "\u2581enqu", + -12.859721183776855 + ], + [ + "\u2581Sequenz", + -12.85973834991455 + ], + [ + "ATT", + -12.85984992980957 + ], + [ + "\u2581honest", + -12.85989475250244 + ], + [ + "\u2581bieden", + -12.859918594360352 + ], + [ + "autor", + -12.859950065612791 + ], + [ + "ulation", + -12.859951972961426 + ], + [ + "kret", + -12.859975814819336 + ], + [ + "\u2581anunciado", + -12.860003471374512 + ], + [ + "\u2581ficci\u00f3n", + -12.860182762145996 + ], + [ + "\u2581cited", + -12.860186576843262 + ], + [ + "chon", + -12.86019802093506 + ], + [ + "restore", + -12.860228538513184 + ], + [ + "\u2581vogliono", + -12.86024570465088 + ], + [ + "\u2581Mail", + -12.860326766967772 + ], + [ + "\u2581dauert", + -12.860363006591797 + ], + [ + "\u2581monumenti", + -12.860371589660645 + ], + [ + "ntaals", + -12.860383987426758 + ], + [ + "\u2581rit", + -12.860410690307615 + ], + [ + "\u2581cobertura", + -12.860414505004885 + ], + [ + "quipe", + -12.860443115234377 + ], + [ + "choice", + -12.860450744628906 + ], + [ + "\u2581Sten", + -12.8605375289917 + ], + [ + "\u2581Wim", + -12.86064624786377 + ], + [ + "ust", + -12.860654830932615 + ], + [ + "ancing", + -12.8606595993042 + ], + [ + "poi", + -12.860671043395996 + ], + [ + "\u2581Benutzung", + -12.860685348510742 + ], + [ + "\u2581amplio", + -12.86069679260254 + ], + [ + "\u2581veroordeeld", + -12.860730171203612 + ], + [ + "allo", + -12.860844612121582 + ], + [ + "\u2581verticale", + -12.860852241516112 + ], + [ + "\u2581plenty", + -12.860870361328123 + ], + [ + "Branch", + -12.86087703704834 + ], + [ + "arrondissement", + -12.86098861694336 + ], + [ + "\u2581Hoffnung", + -12.86099338531494 + ], + [ + "fluid", + -12.8610200881958 + ], + [ + "jmp", + -12.861063957214355 + ], + [ + "\u2581inwieweit", + -12.861112594604492 + ], + [ + "\u2581Alternativen", + -12.861145973205566 + ], + [ + "\u2581freguesia", + -12.861442565917969 + ], + [ + "\u2581verliet", + -12.861517906188965 + ], + [ + "they", + -12.861527442932127 + ], + [ + "\u2581priester", + -12.861529350280762 + ], + [ + "\u2581IEEE", + -12.861532211303713 + ], + [ + "\u2581pandemia", + -12.861570358276367 + ], + [ + "guid", + -12.861573219299316 + ], + [ + "\u2581converge", + -12.86167335510254 + ], + [ + "\u2581urbaine", + -12.86173152923584 + ], + [ + "datum", + -12.861737251281738 + ], + [ + "\u2581instrumental", + -12.86176586151123 + ], + [ + "\u2581japon\u00e9s", + -12.861788749694824 + ], + [ + "\u2581teksten", + -12.861858367919922 + ], + [ + "\u2581bekannte", + -12.861916542053224 + ], + [ + "Dispatch", + -12.861966133117676 + ], + [ + "members", + -12.861967086791992 + ], + [ + "\u2581auquel", + -12.861980438232422 + ], + [ + "\u2581sky", + -12.861982345581056 + ], + [ + "\u2581mattino", + -12.861988067626951 + ], + [ + "\u2581einheitlichen", + -12.861997604370115 + ], + [ + "\u2581Morales", + -12.862003326416016 + ], + [ + "verbund", + -12.862015724182127 + ], + [ + "\u2581Frieden", + -12.862017631530762 + ], + [ + "\u2581Ensemble", + -12.86202621459961 + ], + [ + "eqn", + -12.86204719543457 + ], + [ + "\u2581Trend", + -12.862071990966797 + ], + [ + "\u2581Opposition", + -12.86214828491211 + ], + [ + "\u2581vermutet", + -12.862168312072754 + ], + [ + "Dur", + -12.862181663513184 + ], + [ + "\u2581vela", + -12.8621826171875 + ], + [ + "\u2581Liefer", + -12.86221694946289 + ], + [ + "\u2581datasets", + -12.862241744995115 + ], + [ + "\u2581Staff", + -12.86225128173828 + ], + [ + "\u2581Valladolid", + -12.862252235412598 + ], + [ + "indirizzo", + -12.862314224243164 + ], + [ + "\u2581b\u00e1sicas", + -12.862345695495604 + ], + [ + "\u2581Verband", + -12.862347602844238 + ], + [ + "\u2581parfaitement", + -12.862357139587402 + ], + [ + "sucht", + -12.862483978271484 + ], + [ + "\u2581d\u00e9cor", + -12.862499237060549 + ], + [ + "\u2581tr\u00e1fico", + -12.862531661987305 + ], + [ + "lmente", + -12.86253547668457 + ], + [ + "\u2581coral", + -12.862567901611328 + ], + [ + "\u2581comprehensive", + -12.862593650817873 + ], + [ + "\u2581Ling", + -12.862619400024414 + ], + [ + "\u2581gemeenschap", + -12.862662315368652 + ], + [ + "\u2581estando", + -12.862689971923828 + ], + [ + "ouwen", + -12.86270523071289 + ], + [ + "\u2581cerebro", + -12.86283016204834 + ], + [ + "\u2581kwalificatie", + -12.86285400390625 + ], + [ + "Natividade", + -12.86290168762207 + ], + [ + "Sender", + -12.862942695617676 + ], + [ + "\u2581KG", + -12.862964630126951 + ], + [ + "\u2581injured", + -12.863064765930176 + ], + [ + "\u2581Normalmente", + -12.86312484741211 + ], + [ + "\u2581producing", + -12.863149642944336 + ], + [ + "\u2581Ful", + -12.86317253112793 + ], + [ + "\u2581Streitkr\u00e4fte", + -12.86320972442627 + ], + [ + "aper", + -12.863378524780272 + ], + [ + "jak", + -12.86337947845459 + ], + [ + "\u2581meia", + -12.863402366638184 + ], + [ + "\u2581Prize", + -12.863433837890623 + ], + [ + "iscono", + -12.863445281982422 + ], + [ + "\u2581Bishop", + -12.863486289978027 + ], + [ + "\u2581Rolling", + -12.86348819732666 + ], + [ + "\u2581betragen", + -12.863492012023926 + ], + [ + "dims", + -12.86353874206543 + ], + [ + "\u2581Malgr\u00e9", + -12.863548278808594 + ], + [ + "\u2581li\u00e9es", + -12.863560676574709 + ], + [ + "\u2581dragen", + -12.863606452941896 + ], + [ + "\u2581governador", + -12.863637924194336 + ], + [ + "\u2581Owen", + -12.863669395446776 + ], + [ + "\u2581Encosta", + -12.863699913024902 + ], + [ + "VH", + -12.863731384277344 + ], + [ + "\u2581beker", + -12.863740921020508 + ], + [ + "avis", + -12.86374282836914 + ], + [ + "\u2581Aveva", + -12.863759994506836 + ], + [ + "\u2581catedral", + -12.863812446594238 + ], + [ + "Like", + -12.863823890686035 + ], + [ + "\u2581bloemen", + -12.863825798034668 + ], + [ + "\u2581Chap", + -12.863829612731934 + ], + [ + "\u2581refus", + -12.86385726928711 + ], + [ + "\u2581tipicamente", + -12.86386013031006 + ], + [ + "\u2581Within", + -12.863926887512209 + ], + [ + "\u2581wx", + -12.86396598815918 + ], + [ + "\u2581internationaal", + -12.863998413085938 + ], + [ + "PtrOutput", + -12.86406135559082 + ], + [ + "\u2581frontiera", + -12.864078521728516 + ], + [ + "\u2581ingezet", + -12.86408805847168 + ], + [ + "\u2581natuurlijk", + -12.86415195465088 + ], + [ + "qual", + -12.8641996383667 + ], + [ + "\u2581Barack", + -12.86422348022461 + ], + [ + "\u2581espec\u00edfica", + -12.864238739013672 + ], + [ + "\u2581Gan\u00f3", + -12.864253997802734 + ], + [ + "\u2581d\u00e9signe", + -12.86430835723877 + ], + [ + "weiler", + -12.864313125610352 + ], + [ + "\u2581thumb", + -12.864325523376465 + ], + [ + "\u2581f\u00edsicas", + -12.864330291748049 + ], + [ + "gern", + -12.864338874816896 + ], + [ + "\u2581MAC", + -12.864367485046388 + ], + [ + "\u2581}....", + -12.864418029785156 + ], + [ + "NotFound", + -12.864429473876951 + ], + [ + "\u2581Mauro", + -12.864446640014648 + ], + [ + "\u2581conciencia", + -12.864487648010254 + ], + [ + "\u2581colaborado", + -12.864495277404783 + ], + [ + "\u2581f\u00e9minin", + -12.864507675170898 + ], + [ + "\u2581contempla", + -12.864529609680176 + ], + [ + "\u2581Beachtung", + -12.8645601272583 + ], + [ + "\u2581Seguran", + -12.864569664001465 + ], + [ + "\u2581Funktions", + -12.864583015441896 + ], + [ + "\u2581valuable", + -12.864583015441896 + ], + [ + "\u2581anwendbar", + -12.86458969116211 + ], + [ + "\u2581Hegel", + -12.86460304260254 + ], + [ + "\u2581nonlinear", + -12.864606857299805 + ], + [ + "\u2581reliable", + -12.86471939086914 + ], + [ + "lane", + -12.864731788635254 + ], + [ + "\u2581Algunas", + -12.86479949951172 + ], + [ + "\u2581Tafel", + -12.86483383178711 + ], + [ + "\u2581geloof", + -12.864912033081056 + ], + [ + "\u2581ra\u00edz", + -12.864923477172852 + ], + [ + "treten", + -12.864927291870115 + ], + [ + "agence", + -12.86497688293457 + ], + [ + "\u2581bezocht", + -12.865004539489746 + ], + [ + "\u2581Spalte", + -12.86509609222412 + ], + [ + "tua", + -12.865114212036133 + ], + [ + "\u2581liens", + -12.86522102355957 + ], + [ + "\u2581Guadalajara", + -12.865222930908203 + ], + [ + "addSubview", + -12.865232467651367 + ], + [ + "\u2581electrons", + -12.865243911743164 + ], + [ + "\u2581komplett", + -12.865321159362791 + ], + [ + "\u2581domingo", + -12.865338325500488 + ], + [ + "cana", + -12.86534309387207 + ], + [ + "orientation", + -12.865354537963867 + ], + [ + "\u2581interessanti", + -12.865433692932127 + ], + [ + "dium", + -12.865436553955078 + ], + [ + "\u2581Ont", + -12.865439414978027 + ], + [ + "\u2581iOS", + -12.865464210510254 + ], + [ + "Include", + -12.865501403808594 + ], + [ + "\u2581Gallo", + -12.865522384643556 + ], + [ + "Sur", + -12.865550994873049 + ], + [ + "esac", + -12.865581512451172 + ], + [ + "\u2581PARTICULAR", + -12.865592956542969 + ], + [ + "\u2581Fabio", + -12.865612983703612 + ], + [ + "\u2581Celui", + -12.86561679840088 + ], + [ + "\u2581eleva", + -12.865628242492676 + ], + [ + "\u2581LED", + -12.86566162109375 + ], + [ + "\u2581l\u00edmite", + -12.865683555603027 + ], + [ + "\u2581comarca", + -12.865687370300291 + ], + [ + "\u2581Cannes", + -12.865693092346191 + ], + [ + "\u2581guter", + -12.865716934204102 + ], + [ + "\u2581Temporada", + -12.865768432617188 + ], + [ + "zoneinfo", + -12.865769386291504 + ], + [ + "\u2581finanziert", + -12.865848541259766 + ], + [ + "\u2581Clima", + -12.865875244140623 + ], + [ + "\u2581beendet", + -12.866046905517578 + ], + [ + "\u2581polo", + -12.866074562072754 + ], + [ + "\u2581M\u00e1laga", + -12.866125106811523 + ], + [ + "\u2581durable", + -12.86617374420166 + ], + [ + "\u2581navios", + -12.866192817687988 + ], + [ + "\u2581bilan", + -12.866212844848633 + ], + [ + "\u2581Pinto", + -12.866238594055176 + ], + [ + "\u2581ppm", + -12.86628532409668 + ], + [ + "oggia", + -12.86640739440918 + ], + [ + "\u2581reporter", + -12.866536140441896 + ], + [ + "\u2581vielfach", + -12.866582870483398 + ], + [ + "\u2581voorkeur", + -12.866633415222168 + ], + [ + "\u2581Arn", + -12.866649627685549 + ], + [ + "\u2581Dichte", + -12.866791725158691 + ], + [ + "\u2581behoren", + -12.866823196411133 + ], + [ + "\u2581d\u00e9fi", + -12.866856575012209 + ], + [ + "\u2581Vuelta", + -12.86686897277832 + ], + [ + "ausgleich", + -12.866872787475586 + ], + [ + "gypten", + -12.866881370544434 + ], + [ + "\u2581fondato", + -12.866907119750977 + ], + [ + "\u2581campione", + -12.866918563842772 + ], + [ + "\u2581utility", + -12.866935729980469 + ], + [ + "\u2581esca", + -12.866998672485352 + ], + [ + "\u2581zand", + -12.867131233215332 + ], + [ + "\u2581segni", + -12.867183685302734 + ], + [ + "\u2581cobertos", + -12.86719036102295 + ], + [ + "\u2581Torneio", + -12.867194175720217 + ], + [ + "\u2581Constant", + -12.867222785949709 + ], + [ + "\u2581t\u00e1xi", + -12.86727237701416 + ], + [ + "\u2581Proposition", + -12.86730670928955 + ], + [ + "\u2581cantora", + -12.867401123046877 + ], + [ + "\u2581bleven", + -12.867445945739746 + ], + [ + "\u2581guarantee", + -12.867459297180176 + ], + [ + "\u2581liberale", + -12.867462158203123 + ], + [ + "\u2581Need", + -12.867486000061035 + ], + [ + "\u2581verringert", + -12.86754035949707 + ], + [ + "Rock", + -12.867542266845703 + ], + [ + "dispatch", + -12.867544174194336 + ], + [ + "iq", + -12.867554664611816 + ], + [ + "\u2581phenomena", + -12.86756706237793 + ], + [ + "\u2581invisible", + -12.86774444580078 + ], + [ + "\u2581gamma", + -12.867849349975586 + ], + [ + "\u2581Hochschullehrer", + -12.867853164672852 + ], + [ + "decoration", + -12.867904663085938 + ], + [ + "\u2581Lingue", + -12.867959976196287 + ], + [ + "m\u00e9di", + -12.868006706237791 + ], + [ + "\u2581Legge", + -12.868148803710938 + ], + [ + "\u2581Restelo", + -12.868185997009276 + ], + [ + "\u2581negativen", + -12.86819839477539 + ], + [ + "review", + -12.868206024169922 + ], + [ + "\u2581Fish", + -12.868260383605955 + ], + [ + "\u2581diffusione", + -12.86826515197754 + ], + [ + "\u2581radicale", + -12.86832332611084 + ], + [ + "mangel", + -12.86833667755127 + ], + [ + "sters", + -12.868350982666016 + ], + [ + "\u2581Cart", + -12.868407249450684 + ], + [ + "\u2581Swiss", + -12.86842918395996 + ], + [ + "mn", + -12.868451118469238 + ], + [ + "\u2581Alabama", + -12.868488311767578 + ], + [ + "studien", + -12.86851406097412 + ], + [ + "\u2581costante", + -12.868523597717283 + ], + [ + "\u2581Fine", + -12.868562698364258 + ], + [ + "\u2581tronco", + -12.868574142456056 + ], + [ + "\u2581duca", + -12.868614196777344 + ], + [ + "m\u00e1n", + -12.86862087249756 + ], + [ + "Ig", + -12.868684768676758 + ], + [ + "\u2581Besteuerung", + -12.868715286254885 + ], + [ + "\u2581fais", + -12.86875057220459 + ], + [ + "\u2581r\u00e9gional", + -12.868789672851562 + ], + [ + "\u2581mitgeteilt", + -12.86879062652588 + ], + [ + "PECTED", + -12.868802070617676 + ], + [ + "olio", + -12.86882781982422 + ], + [ + "SSH", + -12.868903160095217 + ], + [ + "\u2581\u00e9sta", + -12.868946075439451 + ], + [ + "\u2581diende", + -12.868980407714844 + ], + [ + "\u2581erschienen", + -12.86905002593994 + ], + [ + "\u00e9ment", + -12.869062423706056 + ], + [ + "Bra", + -12.869071006774902 + ], + [ + "occupazione", + -12.869075775146484 + ], + [ + "\u2581Cool", + -12.869107246398926 + ], + [ + "Calv\u00e1rio", + -12.869166374206545 + ], + [ + "mei", + -12.869261741638184 + ], + [ + "\u2581Intelligence", + -12.869329452514648 + ], + [ + "lett", + -12.86933422088623 + ], + [ + "\u2581syn", + -12.86937141418457 + ], + [ + "Faker", + -12.869415283203123 + ], + [ + "sexuel", + -12.869451522827148 + ], + [ + "attaque", + -12.869492530822754 + ], + [ + "\u2581especifica", + -12.869528770446776 + ], + [ + "igi", + -12.869545936584473 + ], + [ + "\u2581Muitas", + -12.869587898254396 + ], + [ + "\u2581stretto", + -12.869608879089355 + ], + [ + "\u2581class\u00e9", + -12.869647026062012 + ], + [ + "\u2581iedere", + -12.869735717773438 + ], + [ + "\u2581iniciado", + -12.869796752929688 + ], + [ + "Russisch", + -12.869808197021484 + ], + [ + "\u2581utilize", + -12.86981964111328 + ], + [ + "\u2581ziekenhuis", + -12.869832992553713 + ], + [ + "\u2581lyc\u00e9e", + -12.869871139526367 + ], + [ + "\u2581aanleiding", + -12.869946479797363 + ], + [ + "\u2581carreras", + -12.869949340820312 + ], + [ + "rill", + -12.869958877563477 + ], + [ + "\u2581chaleur", + -12.870031356811523 + ], + [ + "\u2581timestamp", + -12.87004852294922 + ], + [ + "\u2581Joel", + -12.870084762573242 + ], + [ + "\u2581Henk", + -12.870155334472656 + ], + [ + "\u2581Beobachtung", + -12.87016487121582 + ], + [ + "\u2581hinweg", + -12.870194435119627 + ], + [ + "anca", + -12.870206832885742 + ], + [ + "bean", + -12.870227813720703 + ], + [ + "\u2581biggest", + -12.87024974822998 + ], + [ + "\u2581Erfolge", + -12.870318412780762 + ], + [ + "\u2581destroy", + -12.87037181854248 + ], + [ + "\u2581pati", + -12.870381355285645 + ], + [ + "\u2581cristiani", + -12.870400428771973 + ], + [ + "\u2581erros", + -12.87044620513916 + ], + [ + "uke", + -12.870509147644045 + ], + [ + "\u2581seuls", + -12.870512008666992 + ], + [ + "\u2581giusta", + -12.8705472946167 + ], + [ + "amazonaws", + -12.87056827545166 + ], + [ + "gasse", + -12.870625495910645 + ], + [ + "\u2581graphs", + -12.870760917663574 + ], + [ + "formation", + -12.870795249938965 + ], + [ + "OI", + -12.870804786682127 + ], + [ + "Wer", + -12.870849609375 + ], + [ + "\u2581logra", + -12.870866775512695 + ], + [ + "\u2581kennt", + -12.87093448638916 + ], + [ + "\u2581bekendste", + -12.870941162109377 + ], + [ + "\u2581r\u00e9alise", + -12.870969772338867 + ], + [ + "\u2581Stichting", + -12.870983123779297 + ], + [ + "\u2581construida", + -12.87099552154541 + ], + [ + "\u2581Ursprungs", + -12.87100315093994 + ], + [ + "pft", + -12.871016502380373 + ], + [ + "\u2581Blanco", + -12.871021270751951 + ], + [ + "\u2581magnet", + -12.871071815490724 + ], + [ + "amentos", + -12.871088981628418 + ], + [ + "\u2581answered", + -12.871150016784668 + ], + [ + "\u2581rear", + -12.871267318725586 + ], + [ + "\u2581Eng", + -12.871341705322266 + ], + [ + "\u2581venerd", + -12.871378898620604 + ], + [ + "\u2581fattori", + -12.871384620666504 + ], + [ + "DEC", + -12.87138843536377 + ], + [ + "avvi", + -12.871395111083984 + ], + [ + "wohl", + -12.871417045593262 + ], + [ + "\u2581giochi", + -12.871574401855469 + ], + [ + "landschaft", + -12.871575355529783 + ], + [ + "\u2581Cascais", + -12.871589660644531 + ], + [ + "\u2581Alternativ", + -12.871603965759276 + ], + [ + "mena", + -12.87160587310791 + ], + [ + "Hidden", + -12.871664047241213 + ], + [ + "\u2581archi", + -12.871673583984377 + ], + [ + "\u2581desenvolvido", + -12.87169361114502 + ], + [ + "\u2581betont", + -12.87173843383789 + ], + [ + "\u2581\"##", + -12.871739387512209 + ], + [ + "gemeinde", + -12.871747016906738 + ], + [ + "\u2581Frequenz", + -12.871763229370115 + ], + [ + "abbaye", + -12.871764183044434 + ], + [ + "\u2581mauvais", + -12.871820449829102 + ], + [ + "\u2581Bergamo", + -12.87182331085205 + ], + [ + "\u2581Mick", + -12.87186050415039 + ], + [ + "riga", + -12.871877670288086 + ], + [ + "\u2581universale", + -12.871925354003906 + ], + [ + "affront", + -12.871950149536133 + ], + [ + "\u2581endroit", + -12.871965408325195 + ], + [ + "\u2581Veneto", + -12.87198543548584 + ], + [ + "\u2581Bass", + -12.872041702270508 + ], + [ + "\u2581bottle", + -12.872041702270508 + ], + [ + "\u2581majeur", + -12.872056007385254 + ], + [ + "thin", + -12.872062683105469 + ], + [ + "\u2581vak", + -12.872117042541504 + ], + [ + "\u2581representado", + -12.872151374816896 + ], + [ + "\u2581Julien", + -12.872164726257324 + ], + [ + "\u2581minimize", + -12.872166633605955 + ], + [ + "BBEBFF", + -12.872184753417969 + ], + [ + "\u2581confirma", + -12.872313499450684 + ], + [ + "ignano", + -12.872337341308594 + ], + [ + "l\u00e4ndern", + -12.87238311767578 + ], + [ + "Bin", + -12.872414588928224 + ], + [ + "\u2581Large", + -12.872519493103027 + ], + [ + "\u2581verd", + -12.87252140045166 + ], + [ + "\u2581F\u00edsica", + -12.872563362121582 + ], + [ + "\u2581Oswald", + -12.872564315795898 + ], + [ + "\u2581stella", + -12.872596740722656 + ], + [ + "\u2581crack", + -12.872611045837402 + ], + [ + "\u2581prises", + -12.872669219970703 + ], + [ + "streit", + -12.872747421264648 + ], + [ + "Stmt", + -12.872753143310549 + ], + [ + "\u2581Describe", + -12.872784614562988 + ], + [ + "\u2581diciendo", + -12.872822761535645 + ], + [ + "\u2581cimeti", + -12.872912406921388 + ], + [ + "Press", + -12.872920036315918 + ], + [ + "\u2581caratteristica", + -12.872947692871094 + ], + [ + "loge", + -12.872950553894045 + ], + [ + "\u2581permanecer", + -12.872991561889648 + ], + [ + "fica", + -12.873062133789062 + ], + [ + "\u2581Gai", + -12.873074531555176 + ], + [ + "\u2581funziona", + -12.873083114624023 + ], + [ + "\u2581pens", + -12.873104095458984 + ], + [ + "\u2581arrested", + -12.873108863830566 + ], + [ + "\u2581Tanz", + -12.873235702514648 + ], + [ + "\u2581remonta", + -12.87324047088623 + ], + [ + "hockey", + -12.8733549118042 + ], + [ + "gebirge", + -12.873367309570312 + ], + [ + "\u2581spiritual", + -12.873425483703612 + ], + [ + "\u2581puts", + -12.873470306396484 + ], + [ + "\u2581Championships", + -12.873501777648926 + ], + [ + "contra", + -12.873515129089355 + ], + [ + "modo", + -12.87353801727295 + ], + [ + "tee", + -12.873581886291504 + ], + [ + "\u2581Mieter", + -12.873589515686035 + ], + [ + "ziehung", + -12.873674392700195 + ], + [ + "\u2581vrucht", + -12.87377643585205 + ], + [ + "\u2581consult", + -12.873807907104492 + ], + [ + "quino", + -12.873836517333984 + ], + [ + "\u2581Kiss", + -12.873857498168944 + ], + [ + "tiert", + -12.87387466430664 + ], + [ + "\u2581uitvoeren", + -12.873878479003906 + ], + [ + "\u2581teorema", + -12.873887062072754 + ], + [ + "\u2581Platten", + -12.873900413513184 + ], + [ + "\u2581Champ", + -12.87394905090332 + ], + [ + "rap", + -12.873997688293455 + ], + [ + "\u2581imperador", + -12.874029159545898 + ], + [ + "\u2581populair", + -12.874034881591797 + ], + [ + "glu", + -12.874088287353516 + ], + [ + "\u2581hidro", + -12.874130249023438 + ], + [ + "postgres", + -12.874199867248535 + ], + [ + "\u2581puedes", + -12.874300003051758 + ], + [ + "\u2581fera", + -12.874326705932615 + ], + [ + "\u2581Strada", + -12.874333381652832 + ], + [ + "\u2581Akt", + -12.874334335327148 + ], + [ + "\u2581particulares", + -12.874391555786133 + ], + [ + "forte", + -12.87442111968994 + ], + [ + "algebra", + -12.874446868896484 + ], + [ + "Demo", + -12.874470710754396 + ], + [ + "lj", + -12.874638557434082 + ], + [ + "\u2581glas", + -12.874711036682127 + ], + [ + "tures", + -12.87474536895752 + ], + [ + "\u2581migration", + -12.874940872192385 + ], + [ + "\u2581Literatuur", + -12.875052452087402 + ], + [ + "\u2581Fleur", + -12.87510871887207 + ], + [ + "\u2581d\u00e9faite", + -12.875118255615234 + ], + [ + "INTERFACE", + -12.875120162963867 + ], + [ + "\u2581prot\u00e9ger", + -12.875165939331056 + ], + [ + "\u2581facilitate", + -12.875179290771484 + ], + [ + "\u2581valley", + -12.875197410583496 + ], + [ + "\u2581Retrieved", + -12.875266075134276 + ], + [ + "\u2581carrier", + -12.875266075134276 + ], + [ + "\u2581gesticht", + -12.875288009643556 + ], + [ + "\u2581increasingly", + -12.87529182434082 + ], + [ + "Kar", + -12.875479698181152 + ], + [ + "\u2581processed", + -12.875482559204102 + ], + [ + "relation", + -12.875490188598633 + ], + [ + "ACH", + -12.875510215759276 + ], + [ + "\u2581logical", + -12.87551498413086 + ], + [ + "\u2581zip", + -12.87562656402588 + ], + [ + "\u2581armes", + -12.875662803649902 + ], + [ + "Abs", + -12.875703811645508 + ], + [ + "ONG", + -12.875734329223633 + ], + [ + "\u2581Blei", + -12.875734329223633 + ], + [ + "Preis", + -12.87575626373291 + ], + [ + "accent", + -12.875758171081545 + ], + [ + "\u2581exclusive", + -12.87580108642578 + ], + [ + "\u2581pizza", + -12.875849723815918 + ], + [ + "\u2581servito", + -12.87586498260498 + ], + [ + "TES", + -12.875911712646484 + ], + [ + "Ray", + -12.87596035003662 + ], + [ + "\u2581geboorte", + -12.875969886779783 + ], + [ + "grado", + -12.876014709472656 + ], + [ + "\u2581podr\u00edan", + -12.87608242034912 + ], + [ + "mmen", + -12.87610149383545 + ], + [ + "\u2581mittel", + -12.876112937927246 + ], + [ + "\u2581utilizzando", + -12.876232147216797 + ], + [ + "\u2581Pastor", + -12.876259803771973 + ], + [ + "\u2581precedenza", + -12.876264572143556 + ], + [ + "\u2581finds", + -12.876276969909668 + ], + [ + "\u2581Paar", + -12.876314163208008 + ], + [ + "\u2581Pou", + -12.876355171203612 + ], + [ + "Formatter", + -12.876379013061523 + ], + [ + "\u2581id\u00e9ia", + -12.876391410827637 + ], + [ + "kun", + -12.87649631500244 + ], + [ + "\u2581opzichte", + -12.87651538848877 + ], + [ + "nota", + -12.876541137695312 + ], + [ + "\u2581Week", + -12.876542091369627 + ], + [ + "five", + -12.8765869140625 + ], + [ + "\u2581necessita", + -12.876591682434082 + ], + [ + "b\u00fccher", + -12.876599311828612 + ], + [ + "\u2581Matsu", + -12.876625061035156 + ], + [ + "\u2581rasch", + -12.876750946044922 + ], + [ + "\u2581bewirkt", + -12.876757621765137 + ], + [ + "\u2581leichter", + -12.876760482788086 + ], + [ + "JJ", + -12.876890182495115 + ], + [ + "\u2581Fuji", + -12.876898765563965 + ], + [ + "ianus", + -12.876992225646973 + ], + [ + "construct", + -12.877079010009766 + ], + [ + "anforderungen", + -12.877189636230469 + ], + [ + "\u2581Cornelis", + -12.87720012664795 + ], + [ + "\u2581Bristol", + -12.877276420593262 + ], + [ + "\u2581Alfa", + -12.877402305603027 + ], + [ + "lopen", + -12.877413749694824 + ], + [ + "RETURN", + -12.877422332763672 + ], + [ + "Lines", + -12.877434730529783 + ], + [ + "\u2581blow", + -12.877459526062012 + ], + [ + "\u2581Vorsitzende", + -12.877471923828123 + ], + [ + "\u2581inneren", + -12.877479553222656 + ], + [ + "\u2581}..", + -12.87749481201172 + ], + [ + "\u2581cren", + -12.877581596374512 + ], + [ + "\u2581Versailles", + -12.87759017944336 + ], + [ + "\u2581cub", + -12.877593994140623 + ], + [ + "\u2581gamme", + -12.877657890319824 + ], + [ + "izzata", + -12.877691268920898 + ], + [ + "phpunit", + -12.877714157104492 + ], + [ + "vette", + -12.877718925476074 + ], + [ + "\u2581Lasten", + -12.87777042388916 + ], + [ + "\u2581revenue", + -12.877784729003906 + ], + [ + "\u2581pictures", + -12.877800941467283 + ], + [ + "\u2581hits", + -12.877825736999512 + ], + [ + "raz", + -12.877840995788574 + ], + [ + "your", + -12.877886772155762 + ], + [ + "\u2581moderni", + -12.877902030944824 + ], + [ + "\u2581quentes", + -12.877930641174316 + ], + [ + "\u2581Aqua", + -12.877973556518556 + ], + [ + "lijnen", + -12.877997398376465 + ], + [ + "tting", + -12.877997398376465 + ], + [ + "\u2581bonds", + -12.878040313720703 + ], + [ + "sous", + -12.878045082092283 + ], + [ + "arle", + -12.878050804138184 + ], + [ + "\u2581Technologien", + -12.878060340881348 + ], + [ + "hyp", + -12.87807559967041 + ], + [ + "\u2581Bulletin", + -12.878149032592772 + ], + [ + "jt", + -12.878209114074709 + ], + [ + "\u2581alive", + -12.87822151184082 + ], + [ + "\u2581suscita", + -12.878249168395996 + ], + [ + "modified", + -12.878251075744627 + ], + [ + "\u2581Innerhalb", + -12.878259658813477 + ], + [ + "alit\u00e4t", + -12.878275871276855 + ], + [ + "\u2581Alte", + -12.878281593322754 + ], + [ + "fri", + -12.878310203552246 + ], + [ + "Visitante", + -12.878314971923828 + ], + [ + "\u2581Days", + -12.878320693969728 + ], + [ + "\u2581trigo", + -12.87834644317627 + ], + [ + "\u2581assess", + -12.878388404846191 + ], + [ + "\u2581Infektion", + -12.878390312194824 + ], + [ + "\u2581Principal", + -12.878466606140137 + ], + [ + "\u2581partecipato", + -12.878485679626465 + ], + [ + "\u2581asesinato", + -12.878493309020996 + ], + [ + "osso", + -12.878528594970703 + ], + [ + "\u2581concezione", + -12.87853717803955 + ], + [ + "\u2581Namens", + -12.878551483154297 + ], + [ + "\u2581gewissen", + -12.87855339050293 + ], + [ + "amen", + -12.878562927246094 + ], + [ + "\u2581Lfd", + -12.878602981567385 + ], + [ + "ffnete", + -12.878609657287598 + ], + [ + "\u2581Abweichungen", + -12.878653526306152 + ], + [ + "sprung", + -12.878692626953123 + ], + [ + "hafte", + -12.878698348999023 + ], + [ + "\u2581horizon", + -12.878703117370604 + ], + [ + "\u2581Strasbourg", + -12.878722190856934 + ], + [ + "heimer", + -12.87873077392578 + ], + [ + "\u2581capitano", + -12.878742218017578 + ], + [ + "\u2581anzusehen", + -12.878766059875488 + ], + [ + "\u2581escuelas", + -12.878789901733398 + ], + [ + "\u2581constituem", + -12.87883472442627 + ], + [ + "pli", + -12.878867149353027 + ], + [ + "Este", + -12.878926277160645 + ], + [ + "\u2581presentar", + -12.87893772125244 + ], + [ + "zingen", + -12.8789701461792 + ], + [ + "versa", + -12.878997802734377 + ], + [ + "heil", + -12.878999710083008 + ], + [ + "\u2581m\u00e9daille", + -12.87900161743164 + ], + [ + "\u2581floating", + -12.879061698913574 + ], + [ + "Extensions", + -12.879145622253418 + ], + [ + "especialmente", + -12.879223823547363 + ], + [ + "\u2581Mot", + -12.879289627075195 + ], + [ + "\u2581reparto", + -12.879290580749512 + ], + [ + "urn", + -12.87932300567627 + ], + [ + "\u2581representations", + -12.879383087158203 + ], + [ + "\u2581n\u00e9anmoins", + -12.87939167022705 + ], + [ + "iformes", + -12.879487991333008 + ], + [ + "\u2581religiosos", + -12.879551887512209 + ], + [ + "\u2581correo", + -12.879561424255373 + ], + [ + "Vorpommern", + -12.879593849182127 + ], + [ + "\u2581lichen", + -12.879609107971191 + ], + [ + "oever", + -12.879644393920898 + ], + [ + "\u2581angebracht", + -12.879644393920898 + ], + [ + "\u2581Munic\u00edpios", + -12.879677772521973 + ], + [ + "\u2581fri", + -12.879697799682615 + ], + [ + "\u2581erbaut", + -12.879745483398438 + ], + [ + "\u2581aufgestellt", + -12.879746437072754 + ], + [ + "\u2581geschehen", + -12.879762649536133 + ], + [ + "\u2581confident", + -12.87977409362793 + ], + [ + "\u2581losses", + -12.879790306091309 + ], + [ + "Kur", + -12.87985610961914 + ], + [ + "\u2581abri\u00f3", + -12.879863739013672 + ], + [ + "\u2581entregar", + -12.879916191101074 + ], + [ + "\u2581opzioni", + -12.879955291748049 + ], + [ + "providers", + -12.880064010620115 + ], + [ + "credentials", + -12.88009548187256 + ], + [ + "vergleich", + -12.880121231079102 + ], + [ + "reis", + -12.880122184753418 + ], + [ + "\u2581Romani", + -12.88018035888672 + ], + [ + "\u2581stof", + -12.880215644836426 + ], + [ + "Ny", + -12.880227088928224 + ], + [ + "\u2581Holmes", + -12.880243301391602 + ], + [ + "bing", + -12.880382537841797 + ], + [ + "vorming", + -12.880521774291992 + ], + [ + "\u2581bizantino", + -12.880534172058104 + ], + [ + "\u2581absorb", + -12.88056468963623 + ], + [ + "\u2581propri\u00e9t\u00e9s", + -12.88056755065918 + ], + [ + "\u2581cambiamento", + -12.88062572479248 + ], + [ + "\u2581movimenti", + -12.880632400512695 + ], + [ + "\u2581Meyrick", + -12.880682945251465 + ], + [ + "INA", + -12.880794525146484 + ], + [ + "ciano", + -12.88082218170166 + ], + [ + "\u2581Springs", + -12.880885124206545 + ], + [ + "\u2581D\u00e9put\u00e9", + -12.880915641784668 + ], + [ + "\u2581italienischen", + -12.880985260009766 + ], + [ + "\u2581crer", + -12.881017684936523 + ], + [ + "\u2581berufliche", + -12.881025314331056 + ], + [ + "\u2581empfehlen", + -12.88111686706543 + ], + [ + "\u2581impose", + -12.881123542785645 + ], + [ + "\u2581dejando", + -12.881145477294922 + ], + [ + "\u2581Mayer", + -12.881158828735352 + ], + [ + "\u2581gr\u00e1fica", + -12.881174087524414 + ], + [ + "\u2581fabrication", + -12.881210327148438 + ], + [ + "\u2581verheiratet", + -12.881231307983398 + ], + [ + "iato", + -12.88124656677246 + ], + [ + "\u2581Louisiana", + -12.881251335144045 + ], + [ + "\u2581originaria", + -12.88128662109375 + ], + [ + "\u2581Gesellschafter", + -12.881324768066406 + ], + [ + "\u2581bosque", + -12.881328582763672 + ], + [ + "\u2581plantes", + -12.88134479522705 + ], + [ + "\u2581Aktion", + -12.881380081176758 + ], + [ + "\u2581custos", + -12.881392478942873 + ], + [ + "seminar", + -12.881446838378906 + ], + [ + "\u2581jaarlijks", + -12.881464958190918 + ], + [ + "p\u00ed", + -12.881546974182127 + ], + [ + "\u2581intervals", + -12.881550788879396 + ], + [ + "\u2581Prins", + -12.881620407104492 + ], + [ + "\u2581falleci\u00f3", + -12.881678581237791 + ], + [ + "ussen", + -12.881704330444336 + ], + [ + "\u2581boxes", + -12.881706237792969 + ], + [ + "\u2581Campus", + -12.88177490234375 + ], + [ + "dringen", + -12.881786346435549 + ], + [ + "\u2581betrachten", + -12.881789207458496 + ], + [ + "staande", + -12.881820678710938 + ], + [ + "\u2581independence", + -12.8820219039917 + ], + [ + "teaux", + -12.882027626037598 + ], + [ + "dv", + -12.882030487060549 + ], + [ + "subseteq", + -12.882037162780762 + ], + [ + "arry", + -12.882052421569824 + ], + [ + "\u2581prot", + -12.882065773010254 + ], + [ + "\u2581vorzulegen", + -12.88206958770752 + ], + [ + "\u2581SI", + -12.882102012634276 + ], + [ + "\u2581bisdom", + -12.882118225097656 + ], + [ + "\u2581openbare", + -12.88220500946045 + ], + [ + "\u2581Movimento", + -12.882246017456056 + ], + [ + "\u2581Branco", + -12.882268905639648 + ], + [ + "\u2581esseri", + -12.882309913635254 + ], + [ + "\u2581fondation", + -12.882372856140137 + ], + [ + "Border", + -12.882381439208984 + ], + [ + "\u2581Marcelo", + -12.882427215576172 + ], + [ + "\u2581conditional", + -12.882427215576172 + ], + [ + "\u2581legisla", + -12.882461547851562 + ], + [ + "publish", + -12.88246726989746 + ], + [ + "\u2581hadn", + -12.882497787475586 + ], + [ + "\u2581profundo", + -12.882511138916016 + ], + [ + "\u2581inten", + -12.882515907287598 + ], + [ + "\u2581regresar", + -12.882515907287598 + ], + [ + "\u2581credere", + -12.882535934448242 + ], + [ + "iaceae", + -12.882569313049316 + ], + [ + "\u2581Weiss", + -12.882657051086426 + ], + [ + "\u2581thereof", + -12.88269329071045 + ], + [ + "\u2581Schulden", + -12.882705688476562 + ], + [ + "look", + -12.882749557495115 + ], + [ + "geven", + -12.88288688659668 + ], + [ + "\u2581litoral", + -12.882901191711426 + ], + [ + "\u2581coloniale", + -12.8829345703125 + ], + [ + "\u2581investi", + -12.882938385009766 + ], + [ + "\u2581pack", + -12.882946968078612 + ], + [ + "storm", + -12.88299560546875 + ], + [ + "\u2581armen", + -12.8829984664917 + ], + [ + "\u2581Current", + -12.883054733276367 + ], + [ + "Ak", + -12.883102416992188 + ], + [ + "antrag", + -12.883116722106934 + ], + [ + "\u2581Gam", + -12.883173942565918 + ], + [ + "Cons", + -12.88322639465332 + ], + [ + "\u2581professionnelle", + -12.883254051208496 + ], + [ + "\u2581classica", + -12.883267402648926 + ], + [ + "grande", + -12.883395195007324 + ], + [ + "\u2581possano", + -12.883407592773438 + ], + [ + "\u2581dettagli", + -12.883428573608398 + ], + [ + "\u2581palco", + -12.883429527282717 + ], + [ + "\u2581enhance", + -12.88344383239746 + ], + [ + "vast", + -12.883522987365724 + ], + [ + "\u2581cercle", + -12.883538246154783 + ], + [ + "eiterentwicklung", + -12.883541107177734 + ], + [ + "Islam", + -12.883573532104492 + ], + [ + "resin", + -12.883578300476074 + ], + [ + "widehat", + -12.883621215820312 + ], + [ + "\u2581Carreira", + -12.883661270141602 + ], + [ + "\u2581platforms", + -12.883665084838867 + ], + [ + "\u2581ottenne", + -12.883676528930664 + ], + [ + "\u2581Gate", + -12.883719444274902 + ], + [ + "\u2581catalog", + -12.883722305297852 + ], + [ + "ROM", + -12.883724212646484 + ], + [ + "mming", + -12.883749008178713 + ], + [ + "\u2581Mittelalter", + -12.883834838867188 + ], + [ + "kruis", + -12.883854866027832 + ], + [ + "Kapitel", + -12.883855819702148 + ], + [ + "\u2581cat\u00f3licos", + -12.883867263793944 + ], + [ + "Exact", + -12.883898735046388 + ], + [ + "\u2581momenti", + -12.883909225463867 + ], + [ + "\u2581Document", + -12.88392162322998 + ], + [ + "proces", + -12.884005546569824 + ], + [ + "zweck", + -12.88415813446045 + ], + [ + "kundige", + -12.884163856506348 + ], + [ + "\u2581anchor", + -12.884167671203612 + ], + [ + "\u2581schreibt", + -12.884177207946776 + ], + [ + "\u2581Emily", + -12.884203910827637 + ], + [ + "CAP", + -12.884218215942385 + ], + [ + "\u2581axes", + -12.884237289428713 + ], + [ + "\u2581Sometimes", + -12.884302139282228 + ], + [ + "\u2581Aussicht", + -12.884345054626465 + ], + [ + "\u2581Multiple", + -12.884359359741213 + ], + [ + "eres", + -12.884369850158691 + ], + [ + "cipher", + -12.884385108947754 + ], + [ + "\u2581chinesischen", + -12.884522438049316 + ], + [ + "gum", + -12.884553909301758 + ], + [ + "\u2581Jos", + -12.884601593017578 + ], + [ + "wunder", + -12.884666442871094 + ], + [ + "Invoke", + -12.88473892211914 + ], + [ + "PIC", + -12.88475513458252 + ], + [ + "\u2581latitude", + -12.884833335876465 + ], + [ + "\u2581guardar", + -12.88483428955078 + ], + [ + "\u2581arcaico", + -12.884836196899414 + ], + [ + "\u2581chiaramente", + -12.885007858276367 + ], + [ + "\u2581Irene", + -12.885052680969238 + ], + [ + "\u2581defining", + -12.885061264038086 + ], + [ + "\u2581Capri", + -12.885113716125488 + ], + [ + "\u2581tiny", + -12.885144233703612 + ], + [ + "\u2581vorge", + -12.885147094726562 + ], + [ + "\u2581shoulder", + -12.885178565979004 + ], + [ + "\u2581sacrifice", + -12.885188102722168 + ], + [ + "\u2581kommunalen", + -12.885228157043455 + ], + [ + "\u2581d\u00e9finir", + -12.885258674621582 + ], + [ + "\u2581birds", + -12.885279655456545 + ], + [ + "\u2581musei", + -12.885290145874023 + ], + [ + "infanterie", + -12.885346412658691 + ], + [ + "\u2581Deense", + -12.885530471801758 + ], + [ + "\u2581ativamente", + -12.885574340820312 + ], + [ + "pose", + -12.88559913635254 + ], + [ + "\u2581narrativa", + -12.885602951049805 + ], + [ + "\u2581Durchschnitts", + -12.8856201171875 + ], + [ + "\u2581personales", + -12.88562297821045 + ], + [ + "\u2581lectura", + -12.885625839233398 + ], + [ + "fz", + -12.88564395904541 + ], + [ + "\u2581Dag", + -12.885702133178713 + ], + [ + "tional", + -12.885727882385254 + ], + [ + "cens", + -12.885775566101074 + ], + [ + "\u2581consciente", + -12.88577651977539 + ], + [ + "Links", + -12.885909080505373 + ], + [ + "\u2581endroits", + -12.885964393615724 + ], + [ + "\u2581pushed", + -12.885966300964355 + ], + [ + "einschlie", + -12.886072158813477 + ], + [ + "iber", + -12.886191368103027 + ], + [ + "\u2581adicionar", + -12.886212348937988 + ], + [ + "\u2581Berge", + -12.886239051818848 + ], + [ + "ACE", + -12.886263847351074 + ], + [ + "\u2581reprise", + -12.886296272277832 + ], + [ + "\u2581jener", + -12.88629913330078 + ], + [ + "\u2581twintig", + -12.886333465576172 + ], + [ + "\u2581HP", + -12.886347770690918 + ], + [ + "\u2581Jamaica", + -12.886351585388184 + ], + [ + "architecte", + -12.886371612548828 + ], + [ + "\u2581zaterdag", + -12.886406898498535 + ], + [ + "\u2581R\u00fc", + -12.886419296264648 + ], + [ + "\u2581presents", + -12.886442184448242 + ], + [ + "\u2581gegenw\u00e4rtig", + -12.886446952819824 + ], + [ + "\u2581elimina", + -12.886494636535645 + ], + [ + "\u2581disabled", + -12.886536598205566 + ], + [ + "\u2581Portuguesa", + -12.886560440063477 + ], + [ + "\u2581Monsieur", + -12.886615753173828 + ], + [ + "tze", + -12.886624336242676 + ], + [ + "mori", + -12.886693954467772 + ], + [ + "\u2581russischen", + -12.886693954467772 + ], + [ + "\u2581eenvoudig", + -12.886712074279783 + ], + [ + "armen", + -12.886736869812012 + ], + [ + "aert", + -12.886754989624023 + ], + [ + "ury", + -12.886774063110352 + ], + [ + "\u2581Gregory", + -12.886822700500488 + ], + [ + "\u2581Maxwell", + -12.88686180114746 + ], + [ + "\u2581forth", + -12.886876106262209 + ], + [ + "\u2581treinta", + -12.886906623840332 + ], + [ + "trip", + -12.886938095092772 + ], + [ + "\u2581Bene", + -12.886944770812988 + ], + [ + "\u2581batteria", + -12.886978149414062 + ], + [ + "seizoen", + -12.88698959350586 + ], + [ + "course", + -12.887002944946287 + ], + [ + "\u2581Egypte", + -12.887005805969238 + ], + [ + "\u2581lunch", + -12.887038230895996 + ], + [ + "usammenh\u00e4nge", + -12.887042045593262 + ], + [ + "\u2581movimenta", + -12.887052536010742 + ], + [ + "\u2581Jena", + -12.887092590332031 + ], + [ + "\u2581extern", + -12.887124061584473 + ], + [ + "adura", + -12.887141227722168 + ], + [ + "\u2581wollten", + -12.887226104736328 + ], + [ + "\u2581notare", + -12.887385368347168 + ], + [ + "eile", + -12.887408256530762 + ], + [ + "constants", + -12.887428283691406 + ], + [ + "Aquila", + -12.887432098388672 + ], + [ + "\u2581recorrido", + -12.887433052062988 + ], + [ + "\u2581bruit", + -12.887478828430176 + ], + [ + "\u2581\u00e9trangers", + -12.887527465820312 + ], + [ + "aktivit\u00e4t", + -12.88755702972412 + ], + [ + "\u2581tendance", + -12.88759708404541 + ], + [ + "Extended", + -12.887651443481444 + ], + [ + "\u2581suggestion", + -12.887651443481444 + ], + [ + "chos", + -12.887733459472656 + ], + [ + "Ven", + -12.887757301330566 + ], + [ + "\u2581Aleksandr", + -12.88776397705078 + ], + [ + "ements", + -12.887786865234377 + ], + [ + "rna", + -12.887794494628906 + ], + [ + "Om", + -12.887803077697754 + ], + [ + "\u2581Grundst\u00fccke", + -12.887805938720703 + ], + [ + "\u2581domaines", + -12.887815475463867 + ], + [ + "\u2581Motivation", + -12.887883186340332 + ], + [ + "sgrundlage", + -12.88788890838623 + ], + [ + "\u2581bronnen", + -12.88790798187256 + ], + [ + "acu", + -12.887919425964355 + ], + [ + "\u2581psico", + -12.887919425964355 + ], + [ + "\u2581verschillen", + -12.887924194335938 + ], + [ + "overflow", + -12.887969017028809 + ], + [ + "\u2581vormde", + -12.888007164001465 + ], + [ + "\u2581agences", + -12.88801383972168 + ], + [ + "nisch", + -12.888021469116213 + ], + [ + "\u2581amante", + -12.888022422790527 + ], + [ + "\u2581yum", + -12.888031959533691 + ], + [ + "\u2581Lig", + -12.888057708740234 + ], + [ + "\u2581registration", + -12.88809871673584 + ], + [ + "\u2581Crystal", + -12.888250350952148 + ], + [ + "CAD", + -12.888312339782717 + ], + [ + "pytz", + -12.88832950592041 + ], + [ + "\u2581distinguish", + -12.888330459594728 + ], + [ + "yev", + -12.888373374938965 + ], + [ + "\u2581nachhaltige", + -12.888373374938965 + ], + [ + "\u2581sueco", + -12.888376235961914 + ], + [ + "\u2581ontwikkelen", + -12.888381004333496 + ], + [ + "\u2581Jogadores", + -12.888383865356444 + ], + [ + "\u2581eficaz", + -12.888399124145508 + ], + [ + "\u2581sedi", + -12.888557434082031 + ], + [ + "mobil", + -12.888586044311523 + ], + [ + "\u2581Gef\u00e4hrdung", + -12.888664245605469 + ], + [ + "gid", + -12.888668060302734 + ], + [ + "\u2581checkout", + -12.888741493225098 + ], + [ + "\u2581d\u00e9clare", + -12.888786315917969 + ], + [ + "lez", + -12.888790130615234 + ], + [ + "\u2581prob", + -12.888934135437012 + ], + [ + "\u2581Immun", + -12.88898754119873 + ], + [ + "\u2581LB", + -12.88901138305664 + ], + [ + "\u2581Coreia", + -12.889029502868652 + ], + [ + "Cost", + -12.889047622680664 + ], + [ + "chal", + -12.88906478881836 + ], + [ + "\u2581altitud", + -12.889131546020508 + ], + [ + "ching", + -12.889179229736328 + ], + [ + "\u2581Augsburg", + -12.889204025268556 + ], + [ + "\u2581Transparenz", + -12.889243125915527 + ], + [ + "\u2581Vaticano", + -12.88924503326416 + ], + [ + "\u2581diffuso", + -12.889318466186523 + ], + [ + "\u2581masa", + -12.889355659484863 + ], + [ + "\u2581soluci\u00f3n", + -12.889391899108888 + ], + [ + "ogene", + -12.889434814453123 + ], + [ + "\u2581Stanford", + -12.889471054077148 + ], + [ + "boat", + -12.889488220214844 + ], + [ + "\u2581consul", + -12.88952350616455 + ], + [ + "aye", + -12.889525413513184 + ], + [ + "\u2581souhaite", + -12.889575958251951 + ], + [ + "\u2581Rub", + -12.889638900756836 + ], + [ + "\u2581sostegno", + -12.889724731445312 + ], + [ + "\u2581equilibrio", + -12.889790534973145 + ], + [ + "Ordine", + -12.889862060546877 + ], + [ + "vormige", + -12.889886856079102 + ], + [ + "\u2581censura", + -12.889944076538086 + ], + [ + "\u2581notar", + -12.889954566955566 + ], + [ + "\u2581Jonas", + -12.889966011047363 + ], + [ + "\u2581kenmerken", + -12.889972686767578 + ], + [ + "\u2581Folgende", + -12.889975547790527 + ], + [ + "\u2581Hamm", + -12.890042304992676 + ], + [ + "\u2581geblieben", + -12.890047073364258 + ], + [ + "DOS", + -12.89006233215332 + ], + [ + "\u2581broke", + -12.89008903503418 + ], + [ + "OBJECT", + -12.890186309814451 + ], + [ + "\u2581Jur", + -12.89028263092041 + ], + [ + "\u2581Otra", + -12.890324592590332 + ], + [ + "\u2581bouche", + -12.890324592590332 + ], + [ + "\u2581F\u00fchrungs", + -12.890355110168455 + ], + [ + "\u2581wenigstens", + -12.89035701751709 + ], + [ + "\u2581partners", + -12.890398025512695 + ], + [ + "\u2581hundreds", + -12.89040756225586 + ], + [ + "albergo", + -12.89043140411377 + ], + [ + "\u2581chap\u00e9us", + -12.890439987182615 + ], + [ + "amerikanischen", + -12.890506744384766 + ], + [ + "erson", + -12.89052391052246 + ], + [ + "\u2581comma", + -12.890615463256836 + ], + [ + "\u2581fre", + -12.890713691711426 + ], + [ + "affi", + -12.890753746032717 + ], + [ + "\u2581rejected", + -12.890769958496094 + ], + [ + "Convert", + -12.89077091217041 + ], + [ + "comb", + -12.89084529876709 + ], + [ + "\u2581subsec", + -12.890854835510254 + ], + [ + "\u2581correr", + -12.89085865020752 + ], + [ + "fileName", + -12.890892028808594 + ], + [ + "\u2581ramp", + -12.89090347290039 + ], + [ + "\u2581Issue", + -12.890935897827148 + ], + [ + "\u2581cherche", + -12.89095401763916 + ], + [ + "nesi", + -12.89097785949707 + ], + [ + "r\u00e4", + -12.89102840423584 + ], + [ + "\u2581Grie", + -12.891091346740724 + ], + [ + "\u2581attiva", + -12.891108512878418 + ], + [ + "\u2581Brabant", + -12.891312599182127 + ], + [ + "Soll", + -12.891317367553713 + ], + [ + "\u2581d\u00e9mocratique", + -12.891318321228027 + ], + [ + "queira", + -12.891358375549316 + ], + [ + "kp", + -12.891362190246582 + ], + [ + "\u2581Parks", + -12.891440391540527 + ], + [ + "\u2581consta", + -12.891499519348145 + ], + [ + "Esta", + -12.891565322875977 + ], + [ + "abgabe", + -12.89158058166504 + ], + [ + "VU", + -12.891583442687988 + ], + [ + "redo", + -12.891605377197266 + ], + [ + "\u2581cambi", + -12.891605377197266 + ], + [ + "\u2581collina", + -12.8916654586792 + ], + [ + "\u2581cycliste", + -12.891678810119627 + ], + [ + "weisung", + -12.891681671142578 + ], + [ + "Cross", + -12.89169979095459 + ], + [ + "\u2581Horcrux", + -12.891752243041992 + ], + [ + "\u2581Kart", + -12.89180850982666 + ], + [ + "\u2581Jessica", + -12.89181137084961 + ], + [ + "\u2581UIImage", + -12.891816139221191 + ], + [ + "hk", + -12.891839027404783 + ], + [ + "\u2581interventi", + -12.891839981079102 + ], + [ + "\u2581electrical", + -12.8919038772583 + ], + [ + "\u2581contrats", + -12.891923904418944 + ], + [ + "emann", + -12.891931533813477 + ], + [ + "\u2581violenta", + -12.892008781433104 + ], + [ + "\u2581Willen", + -12.892024040222168 + ], + [ + "appelle", + -12.892056465148926 + ], + [ + "nsito", + -12.892072677612305 + ], + [ + "\u2581structuur", + -12.892081260681152 + ], + [ + "hofen", + -12.892105102539062 + ], + [ + "\u2581Boer", + -12.892144203186035 + ], + [ + "vey", + -12.892151832580566 + ], + [ + "\u2581Miles", + -12.892183303833008 + ], + [ + "\u2581examined", + -12.892200469970703 + ], + [ + "\u2581diesel", + -12.892210960388184 + ], + [ + "\u2581consequ", + -12.892227172851562 + ], + [ + "\u2581segreto", + -12.892231941223145 + ], + [ + "\u2581overlap", + -12.892251968383787 + ], + [ + "\u2581voorbeelden", + -12.89226531982422 + ], + [ + "intro", + -12.892324447631836 + ], + [ + "\u2581manuscript", + -12.892333984375 + ], + [ + "\u2581Klinik", + -12.892349243164062 + ], + [ + "\u2581feelings", + -12.89236545562744 + ], + [ + "\u2581Deel", + -12.892400741577148 + ], + [ + "\u2581acquisition", + -12.89241886138916 + ], + [ + "\u2581fifo", + -12.892533302307127 + ], + [ + "\u2581Organiza", + -12.892574310302734 + ], + [ + "nda", + -12.892618179321287 + ], + [ + "diag", + -12.892667770385742 + ], + [ + "\u2581Tests", + -12.892687797546388 + ], + [ + "gemaakt", + -12.892746925354004 + ], + [ + "\u2581extracted", + -12.892792701721191 + ], + [ + "\u2581berufs", + -12.892796516418455 + ], + [ + "\u2581approximate", + -12.892802238464355 + ], + [ + "\u2581deelnemer", + -12.892865180969238 + ], + [ + "\u2581Agosto", + -12.89293384552002 + ], + [ + "Album", + -12.89300537109375 + ], + [ + "bras", + -12.893036842346191 + ], + [ + "\u2581Sparta", + -12.893072128295898 + ], + [ + "\u2581Practice", + -12.89313793182373 + ], + [ + "\u2581evoluci\u00f3n", + -12.893203735351562 + ], + [ + "isco", + -12.89320468902588 + ], + [ + "\u2581Cel", + -12.893221855163574 + ], + [ + "\u2581llevaba", + -12.89330005645752 + ], + [ + "Vereinigte", + -12.893329620361328 + ], + [ + "\u2581exatamente", + -12.893339157104492 + ], + [ + "\u2581bodem", + -12.893362998962402 + ], + [ + "\u2581holes", + -12.8933687210083 + ], + [ + "ETA", + -12.893378257751465 + ], + [ + "isso", + -12.893486976623535 + ], + [ + "Visible", + -12.893534660339355 + ], + [ + "jal", + -12.893542289733888 + ], + [ + "TCL", + -12.89354419708252 + ], + [ + "ovic", + -12.893548011779783 + ], + [ + "\u2581maakten", + -12.893609046936035 + ], + [ + "\u2581tus", + -12.893653869628906 + ], + [ + "\u2581intensive", + -12.893719673156738 + ], + [ + "\u2581restantes", + -12.893738746643066 + ], + [ + "\u2581CVS", + -12.89376449584961 + ], + [ + "\u2581Durchmesser", + -12.893786430358888 + ], + [ + "\u2581statistische", + -12.893786430358888 + ], + [ + "amor", + -12.89382553100586 + ], + [ + "\u2581d\u00f3nde", + -12.89383316040039 + ], + [ + "soorten", + -12.893869400024414 + ], + [ + "\u2581imperio", + -12.893912315368652 + ], + [ + "\u2581Diretor", + -12.893982887268066 + ], + [ + "\u2581poster", + -12.89404582977295 + ], + [ + "closed", + -12.89405632019043 + ], + [ + "wachsen", + -12.89409351348877 + ], + [ + "\u2581litt\u00e9raire", + -12.894102096557615 + ], + [ + "\u2581radi", + -12.894109725952148 + ], + [ + "Inde", + -12.894120216369627 + ], + [ + "\u2581personalit\u00e0", + -12.894129753112791 + ], + [ + "virt", + -12.894145011901855 + ], + [ + "\u2581rifiuta", + -12.894147872924805 + ], + [ + "\u2581triunfo", + -12.894213676452637 + ], + [ + "\u2581Runde", + -12.894262313842772 + ], + [ + "roma", + -12.894292831420898 + ], + [ + "\u2581Tr\u00edptico", + -12.894449234008787 + ], + [ + "messung", + -12.894505500793455 + ], + [ + "\u2581Sencillos", + -12.894509315490724 + ], + [ + "\u2581Rui", + -12.894530296325684 + ], + [ + "piece", + -12.89453411102295 + ], + [ + "nehmen", + -12.894543647766112 + ], + [ + "\u2581actes", + -12.894558906555176 + ], + [ + "\u2581Chamber", + -12.894594192504885 + ], + [ + "\u2581executable", + -12.894612312316896 + ], + [ + "\u2581Augenblick", + -12.894644737243652 + ], + [ + "\u2581negocios", + -12.894648551940918 + ], + [ + "\u2581Speed", + -12.894780158996582 + ], + [ + "reply", + -12.894789695739746 + ], + [ + "ifera", + -12.894843101501465 + ], + [ + "\u2581bladeren", + -12.894888877868652 + ], + [ + "\u2581geltende", + -12.894898414611816 + ], + [ + "\u2581Schadens", + -12.894938468933104 + ], + [ + "Bretagne", + -12.89500904083252 + ], + [ + "\u2581exponent", + -12.895027160644531 + ], + [ + "\u2581Brigade", + -12.895045280456545 + ], + [ + "grenz\u00fcberschreit", + -12.895060539245604 + ], + [ + "bilit\u00e0", + -12.895100593566896 + ], + [ + "\u2581Dys", + -12.895112991333008 + ], + [ + "\u2581organisation", + -12.89515209197998 + ], + [ + "liegen", + -12.895156860351562 + ], + [ + "\u2581Resort", + -12.895180702209473 + ], + [ + "NormalTok", + -12.895309448242188 + ], + [ + "vus", + -12.895336151123049 + ], + [ + "customer", + -12.895377159118652 + ], + [ + "\u2581\"../", + -12.895404815673828 + ], + [ + "\u2581espresso", + -12.89542293548584 + ], + [ + "nsamples", + -12.895452499389648 + ], + [ + "mania", + -12.895545959472656 + ], + [ + "\u2581r\u00e9gionaux", + -12.895549774169922 + ], + [ + "sausschusses", + -12.8956880569458 + ], + [ + "\u2581r\u00e9v", + -12.895712852478027 + ], + [ + "\u2581Niederlande", + -12.895752906799316 + ], + [ + "Inner", + -12.895792007446287 + ], + [ + "DoxyCodeLine", + -12.89580249786377 + ], + [ + "BoxData", + -12.895813941955566 + ], + [ + "\u2581spoken", + -12.895819664001465 + ], + [ + "\u2581muove", + -12.895867347717283 + ], + [ + "\u2581Triple", + -12.895907402038574 + ], + [ + "\u2581filters", + -12.89598274230957 + ], + [ + "\u2581modificar", + -12.896011352539062 + ], + [ + "lack", + -12.896023750305176 + ], + [ + "\u2581ausgesprochen", + -12.896034240722656 + ], + [ + "impact", + -12.89610195159912 + ], + [ + "sleistungen", + -12.8961181640625 + ], + [ + "\u2581Agust\u00edn", + -12.89618682861328 + ], + [ + "\u2581Econom\u00eda", + -12.896222114562988 + ], + [ + "manual", + -12.896245956420898 + ], + [ + "loog", + -12.896297454833984 + ], + [ + "\u2581juvenil", + -12.896317481994627 + ], + [ + "\u2581selectie", + -12.896404266357422 + ], + [ + "ualifikation", + -12.896422386169434 + ], + [ + "\u2581Automobil", + -12.896437644958496 + ], + [ + "\u2581Bez\u00fcge", + -12.89645290374756 + ], + [ + "\u2581Lucy", + -12.896642684936523 + ], + [ + "\u2581Kri", + -12.896650314331056 + ], + [ + "tifs", + -12.896683692932127 + ], + [ + "\u2581award", + -12.896702766418455 + ], + [ + "\u2581filosofie", + -12.896705627441406 + ], + [ + "\u2581Astronom", + -12.896713256835938 + ], + [ + "added", + -12.896750450134276 + ], + [ + "\u2581Mast", + -12.896766662597656 + ], + [ + "\u2581nemico", + -12.896787643432615 + ], + [ + "billig", + -12.89685344696045 + ], + [ + "fici", + -12.896876335144045 + ], + [ + "chromoso", + -12.89689826965332 + ], + [ + "Komm", + -12.89691925048828 + ], + [ + "prinzip", + -12.896927833557127 + ], + [ + "gateway", + -12.89693546295166 + ], + [ + "\u2581lava", + -12.896946907043455 + ], + [ + "ciente", + -12.896947860717772 + ], + [ + "\u2581schilderij", + -12.896955490112305 + ], + [ + "omonima", + -12.89695644378662 + ], + [ + "organe", + -12.897074699401855 + ], + [ + "\u2581Unie", + -12.897088050842283 + ], + [ + "\u2581bigger", + -12.89711093902588 + ], + [ + "\u2581reside", + -12.897132873535156 + ], + [ + "\u2581privato", + -12.897216796875 + ], + [ + "\u2581berufen", + -12.89725112915039 + ], + [ + "\u2581genauso", + -12.897263526916504 + ], + [ + "\u2581Sab", + -12.89730167388916 + ], + [ + "\u2581dorpen", + -12.89730453491211 + ], + [ + "\u2581cobre", + -12.897311210632324 + ], + [ + "chou", + -12.89731216430664 + ], + [ + "minor", + -12.897393226623535 + ], + [ + "\u2581printed", + -12.89742660522461 + ], + [ + "\u2581exceptions", + -12.89743709564209 + ], + [ + "\u2581religi\u00f3n", + -12.897456169128418 + ], + [ + "middel", + -12.897483825683594 + ], + [ + "\u2581cycles", + -12.89748764038086 + ], + [ + "\u2581pico", + -12.897542953491213 + ], + [ + "\u2581tragedia", + -12.897543907165527 + ], + [ + "\u2581armazenamento", + -12.897554397583008 + ], + [ + "\u2581part\u00edculas", + -12.89766788482666 + ], + [ + "\u2581referendum", + -12.89772605895996 + ], + [ + "\u2581Virus", + -12.897738456726074 + ], + [ + "\u2581Pap", + -12.897774696350098 + ], + [ + "\u2581definitely", + -12.897809028625488 + ], + [ + "Nederlands", + -12.897828102111816 + ], + [ + "\u2581GEMEINSCHAFTEN", + -12.897833824157717 + ], + [ + "\u2581Vos", + -12.897879600524902 + ], + [ + "\u2581arroz", + -12.897883415222168 + ], + [ + "\u2581Hierna", + -12.897906303405762 + ], + [ + "geom", + -12.898019790649414 + ], + [ + "\u2581televisivo", + -12.898027420043944 + ], + [ + "products", + -12.89809513092041 + ], + [ + "\u2581Toten", + -12.898098945617676 + ], + [ + "ancha", + -12.898101806640623 + ], + [ + "Virtual", + -12.898168563842772 + ], + [ + "\u00e9n\u00e9", + -12.898185729980469 + ], + [ + "\u2581ortho", + -12.898200035095217 + ], + [ + "\u2581Svezia", + -12.898258209228516 + ], + [ + "\u2581controlli", + -12.898344039916992 + ], + [ + "ibus", + -12.898357391357422 + ], + [ + "\u2581autoridade", + -12.898358345031738 + ], + [ + "\u2581lezen", + -12.89841651916504 + ], + [ + "\u2581necess\u00e1ria", + -12.898463249206545 + ], + [ + "\u2581f\u00e4llig", + -12.898589134216309 + ], + [ + "collector", + -12.898651123046877 + ], + [ + "\u2581trens", + -12.898667335510254 + ], + [ + "\u2581Rocca", + -12.89871883392334 + ], + [ + "panic", + -12.898748397827148 + ], + [ + "Help", + -12.898771286010742 + ], + [ + "\u2581Bilanz", + -12.89879035949707 + ], + [ + "\u2581EFFECTIVE", + -12.8988037109375 + ], + [ + "\u2581conti", + -12.898815155029297 + ], + [ + "\u2581ill", + -12.89889430999756 + ], + [ + "\u00fcl", + -12.898906707763672 + ], + [ + "edges", + -12.898917198181152 + ], + [ + "vorschrift", + -12.898953437805176 + ], + [ + "\u2581Revue", + -12.899070739746094 + ], + [ + "tements", + -12.899102210998535 + ], + [ + "\u2581voyageurs", + -12.899152755737305 + ], + [ + "\u2581soggiorno", + -12.899194717407228 + ], + [ + "\u2581weekly", + -12.899212837219238 + ], + [ + "\u2581regeln", + -12.899324417114258 + ], + [ + "\u2581Rem\u00e9dios", + -12.899385452270508 + ], + [ + "\u2581Turkije", + -12.899386405944824 + ], + [ + "CTAssert", + -12.899415969848633 + ], + [ + "\u2581Denken", + -12.899415969848633 + ], + [ + "\u2581Bog", + -12.89944553375244 + ], + [ + "\u2581manger", + -12.8994722366333 + ], + [ + "bermittlung", + -12.8994779586792 + ], + [ + "\u2581finit", + -12.89950942993164 + ], + [ + "\u2581Pitt", + -12.89951992034912 + ], + [ + "\u2581fondazione", + -12.899523735046388 + ], + [ + "bun", + -12.899534225463867 + ], + [ + "tsj", + -12.89954662322998 + ], + [ + "raj", + -12.899614334106444 + ], + [ + "\u2581ampio", + -12.899619102478027 + ], + [ + "strada", + -12.899656295776367 + ], + [ + "\u2581vermieden", + -12.899678230285645 + ], + [ + "amerikanische", + -12.899697303771973 + ], + [ + "\u2581houten", + -12.899717330932615 + ], + [ + "gaat", + -12.899746894836426 + ], + [ + "\u2581virtue", + -12.89980411529541 + ], + [ + "\u2581Medal", + -12.89981746673584 + ], + [ + "\u2581Hannah", + -12.899823188781738 + ], + [ + "ARRA", + -12.899828910827637 + ], + [ + "\u2581Crown", + -12.899861335754396 + ], + [ + "\u2581sviluppato", + -12.899861335754396 + ], + [ + "eger", + -12.89986515045166 + ], + [ + "listener", + -12.89986515045166 + ], + [ + "\u2581infant", + -12.899869918823242 + ], + [ + "cord", + -12.89993667602539 + ], + [ + "\u2581Deportes", + -12.900007247924805 + ], + [ + "\u2581hiermee", + -12.90002155303955 + ], + [ + "atic", + -12.900047302246094 + ], + [ + "\u2581allait", + -12.900056838989258 + ], + [ + "signed", + -12.900063514709473 + ], + [ + "\u2581vertaald", + -12.90010929107666 + ], + [ + "uart", + -12.900126457214355 + ], + [ + "symfony", + -12.90016269683838 + ], + [ + "\u2581Romeo", + -12.90031909942627 + ], + [ + "rotate", + -12.900333404541016 + ], + [ + "\u2581arranged", + -12.900362014770508 + ], + [ + "\u2581buoni", + -12.900388717651367 + ], + [ + "\u2581caer", + -12.90043830871582 + ], + [ + "\u2581algebraic", + -12.900443077087402 + ], + [ + "uwe", + -12.900444984436035 + ], + [ + "\u2581suffering", + -12.900455474853516 + ], + [ + "\u2581Erkrankung", + -12.900467872619627 + ], + [ + "\u2581dito", + -12.900492668151855 + ], + [ + "uantum", + -12.900494575500488 + ], + [ + "\u2581generazione", + -12.900494575500488 + ], + [ + "\u00e9cran", + -12.900504112243652 + ], + [ + "\u2581angegebenen", + -12.900525093078612 + ], + [ + "\u2581Universe", + -12.900569915771484 + ], + [ + "\u2581compuesta", + -12.90060806274414 + ], + [ + "\u2581nachfolgenden", + -12.90061855316162 + ], + [ + "\u2581riconoscimento", + -12.900651931762695 + ], + [ + "ngaro", + -12.900676727294922 + ], + [ + "\u2581instantie", + -12.900676727294922 + ], + [ + "berechtigte", + -12.900707244873049 + ], + [ + "agh", + -12.900731086730955 + ], + [ + "\u2581Moderne", + -12.900761604309082 + ], + [ + "iles", + -12.900819778442385 + ], + [ + "\u2581WA", + -12.900917053222656 + ], + [ + "defaults", + -12.900928497314451 + ], + [ + "Braconidae", + -12.900938987731934 + ], + [ + "\u2581Administra", + -12.900949478149414 + ], + [ + "\u2581fam\u00edlias", + -12.900954246520996 + ], + [ + "\u2581elevada", + -12.900967597961426 + ], + [ + "substring", + -12.900979042053224 + ], + [ + "\u2581Ef", + -12.900985717773438 + ], + [ + "\u2581trabajando", + -12.901000022888184 + ], + [ + "\u2581streek", + -12.901005744934082 + ], + [ + "\u2581Money", + -12.90106964111328 + ], + [ + "\u2581Regierungen", + -12.901083946228027 + ], + [ + "\u2581Minute", + -12.901087760925291 + ], + [ + "\u2581arise", + -12.90109634399414 + ], + [ + "\u2581L\u00ednea", + -12.901118278503418 + ], + [ + "\u2581Saksen", + -12.901132583618164 + ], + [ + "ivas", + -12.901240348815918 + ], + [ + "intervention", + -12.90131378173828 + ], + [ + "\u2581PRO", + -12.901357650756836 + ], + [ + "\u2581Islamic", + -12.901411056518556 + ], + [ + "\u2581plena", + -12.901412010192873 + ], + [ + "\u2581Sullivan", + -12.90151023864746 + ], + [ + "\u2581superar", + -12.901535987854004 + ], + [ + "\u2581Rohr", + -12.901562690734863 + ], + [ + "\u2581verbos", + -12.901576042175291 + ], + [ + "\u2581tubo", + -12.901607513427734 + ], + [ + "\u2581baile", + -12.901731491088867 + ], + [ + "universit\u00e0", + -12.90174388885498 + ], + [ + "\u2581Brock", + -12.901751518249512 + ], + [ + "\u2581Cir", + -12.90175724029541 + ], + [ + "\u2581verf\u00fcgbaren", + -12.901785850524902 + ], + [ + "\u2581Renn", + -12.9017915725708 + ], + [ + "\u2581senti", + -12.901805877685549 + ], + [ + "leftarrow", + -12.901884078979492 + ], + [ + "\u2581cresce", + -12.901894569396973 + ], + [ + "\u2581mechanische", + -12.901899337768556 + ], + [ + "\u2581traditionele", + -12.90198040008545 + ], + [ + "Amerikaner", + -12.902031898498535 + ], + [ + "andra", + -12.902066230773926 + ], + [ + "lace", + -12.902149200439451 + ], + [ + "trum", + -12.902183532714844 + ], + [ + "\u2581crema", + -12.902203559875488 + ], + [ + "MANN", + -12.902249336242676 + ], + [ + "\u2581Experimental", + -12.902276992797852 + ], + [ + "Arbeitslosigkeit", + -12.902288436889648 + ], + [ + "decimal", + -12.902301788330078 + ], + [ + "\u2581precipita", + -12.902305603027344 + ], + [ + "ateurs", + -12.902360916137695 + ], + [ + "LIN", + -12.902366638183594 + ], + [ + "richting", + -12.902386665344238 + ], + [ + "\u2581persoonlijke", + -12.902402877807615 + ], + [ + "fehl", + -12.902463912963867 + ], + [ + "applicazione", + -12.90250015258789 + ], + [ + "Kl", + -12.902565002441406 + ], + [ + "\u2581caller", + -12.902575492858888 + ], + [ + "\u2581arquitecto", + -12.902592658996582 + ], + [ + "trieb", + -12.902605056762695 + ], + [ + "\u2581accade", + -12.902616500854492 + ], + [ + "Extra", + -12.90270709991455 + ], + [ + "ASF", + -12.902735710144045 + ], + [ + "\u2581involve", + -12.902857780456545 + ], + [ + "ously", + -12.90285873413086 + ], + [ + "\u2581avvenuto", + -12.90286350250244 + ], + [ + "\u2581Saul", + -12.902944564819336 + ], + [ + "PAGE", + -12.902953147888184 + ], + [ + "texture", + -12.90295696258545 + ], + [ + "\u2581Sprecher", + -12.90299129486084 + ], + [ + "\u2581F\u00fcnf", + -12.90302562713623 + ], + [ + "\u2581consensus", + -12.903077125549316 + ], + [ + "\u2581Marti", + -12.903078079223633 + ], + [ + "\u2581expanded", + -12.903079986572266 + ], + [ + "\u2581monastero", + -12.90311336517334 + ], + [ + "gangs", + -12.903157234191896 + ], + [ + "\u2581Smile", + -12.90317153930664 + ], + [ + "Threshold", + -12.903183937072754 + ], + [ + "\u2581stronger", + -12.903223991394045 + ], + [ + "illos", + -12.903363227844238 + ], + [ + "\u2581j\u00e4hrlichen", + -12.903461456298828 + ], + [ + "\u2581aiuto", + -12.903483390808104 + ], + [ + "\u2581oprichting", + -12.903493881225586 + ], + [ + "\u2581Fokus", + -12.903496742248535 + ], + [ + "gelegt", + -12.903518676757812 + ], + [ + "pixel", + -12.903738975524902 + ], + [ + "\u2581pocas", + -12.903753280639648 + ], + [ + "\u2581phenomenon", + -12.903764724731444 + ], + [ + "\u2581plante", + -12.903785705566406 + ], + [ + "\u2581cient\u00edficamente", + -12.903788566589355 + ], + [ + "\u2581leis", + -12.903790473937988 + ], + [ + "\u2581Brasilien", + -12.903854370117188 + ], + [ + "\u2581Para\u00edso", + -12.903863906860352 + ], + [ + "plica", + -12.90386962890625 + ], + [ + "\u2581Room", + -12.903985977172852 + ], + [ + "\u2581genericamente", + -12.904020309448242 + ], + [ + "\u2581messaggio", + -12.904060363769531 + ], + [ + "\u2581risques", + -12.904062271118164 + ], + [ + "\u2581Ellis", + -12.904067039489746 + ], + [ + "\u2581Labour", + -12.904159545898438 + ], + [ + "\u2581Grim", + -12.90417194366455 + ], + [ + "AML", + -12.904203414916992 + ], + [ + "\u2581fame", + -12.904204368591309 + ], + [ + "\u2581Laufbahn", + -12.904214859008787 + ], + [ + "\u2581Stor", + -12.904272079467772 + ], + [ + "DES", + -12.904292106628418 + ], + [ + "\u2581culturales", + -12.90431308746338 + ], + [ + "\u2581sombre", + -12.90433120727539 + ], + [ + "\u2581richtige", + -12.904361724853516 + ], + [ + "\u2581gericht", + -12.904370307922363 + ], + [ + "\u2581Mittelpunkt", + -12.904448509216309 + ], + [ + "\u2581serata", + -12.904454231262209 + ], + [ + "atlas", + -12.90445613861084 + ], + [ + "\u2581quadrado", + -12.904481887817385 + ], + [ + "Margin", + -12.904484748840332 + ], + [ + "\u2581Judith", + -12.90449333190918 + ], + [ + "lohn", + -12.90450382232666 + ], + [ + "frequenz", + -12.904504776000977 + ], + [ + "avam", + -12.90455436706543 + ], + [ + "Marc", + -12.90455722808838 + ], + [ + "\u2581importants", + -12.90458869934082 + ], + [ + "\u2581xmlns", + -12.904613494873049 + ], + [ + "ijk", + -12.904623985290527 + ], + [ + "\u2581getan", + -12.904707908630373 + ], + [ + "\u2581bebida", + -12.904714584350586 + ], + [ + "\u2581psychological", + -12.904722213745115 + ], + [ + "stift", + -12.904741287231444 + ], + [ + "\u2581rapports", + -12.904757499694824 + ], + [ + "\u2581Canyon", + -12.90477466583252 + ], + [ + "\u2581fassen", + -12.904796600341797 + ], + [ + "\u2581attempted", + -12.904857635498049 + ], + [ + "\u2581pr\u00e9cis\u00e9ment", + -12.904864311218262 + ], + [ + "LABEL", + -12.904865264892578 + ], + [ + "\u2581sacrificio", + -12.904879570007324 + ], + [ + "\u2581secundaria", + -12.90489387512207 + ], + [ + "\u2581Observa", + -12.904919624328612 + ], + [ + "\u2581Umstellung", + -12.904930114746094 + ], + [ + "\u2581traslad\u00f3", + -12.904936790466309 + ], + [ + "\u2581naturally", + -12.904945373535156 + ], + [ + "\u2581regulares", + -12.904995918273926 + ], + [ + "\u2581industrie", + -12.90500259399414 + ], + [ + "rollen", + -12.905035018920898 + ], + [ + "\u2581fournir", + -12.905121803283691 + ], + [ + "mement", + -12.905152320861816 + ], + [ + "\u2581Colors", + -12.905155181884766 + ], + [ + "\u2581ausgenommen", + -12.90517234802246 + ], + [ + "\u2581ejercicio", + -12.90517234802246 + ], + [ + "\u2581bucket", + -12.905241012573242 + ], + [ + "\u2581Lib", + -12.905267715454102 + ], + [ + "\u2581mogelijkheden", + -12.905295372009276 + ], + [ + "\u2581Peters", + -12.905302047729492 + ], + [ + "\u2581r\u00e9duit", + -12.905338287353516 + ], + [ + "\u2581kube", + -12.905339241027832 + ], + [ + "\u2581voller", + -12.905341148376465 + ], + [ + "\u2581d\u00e9tail", + -12.905355453491213 + ], + [ + "embra", + -12.90536117553711 + ], + [ + "\u2581Gill", + -12.905399322509766 + ], + [ + "\u2581offrire", + -12.905412673950195 + ], + [ + "\u2581Isola", + -12.905444145202637 + ], + [ + "\u2581profondo", + -12.905473709106444 + ], + [ + "tax", + -12.90548610687256 + ], + [ + "schild", + -12.905521392822266 + ], + [ + "sack", + -12.905535697937012 + ], + [ + "\u2581VM", + -12.905543327331545 + ], + [ + "\u2581somma", + -12.90569019317627 + ], + [ + "ABC", + -12.905752182006836 + ], + [ + "halte", + -12.905755043029783 + ], + [ + "\u2581acepta", + -12.90577793121338 + ], + [ + "sure", + -12.905795097351074 + ], + [ + "\u2581best\u00e4tigen", + -12.905817031860352 + ], + [ + "\u2581contendo", + -12.905820846557615 + ], + [ + "lir", + -12.90583324432373 + ], + [ + "\u2581possiede", + -12.905844688415527 + ], + [ + "\u2581Madeira", + -12.905848503112791 + ], + [ + "slim", + -12.905879020690918 + ], + [ + "\u2581zweiter", + -12.905891418457031 + ], + [ + "\u2581erheben", + -12.905928611755373 + ], + [ + "ires", + -12.905945777893066 + ], + [ + "\u2581employment", + -12.90598201751709 + ], + [ + "enses", + -12.906005859375 + ], + [ + "\u2581listen", + -12.90608024597168 + ], + [ + "ativa", + -12.90611743927002 + ], + [ + "\u2581Alfama", + -12.906122207641602 + ], + [ + "\u2581generali", + -12.906192779541016 + ], + [ + "dosis", + -12.906248092651367 + ], + [ + "identit\u00e0", + -12.906283378601074 + ], + [ + "\u2581toekomst", + -12.90629768371582 + ], + [ + "\u2581Horse", + -12.906302452087402 + ], + [ + "\u2581scientists", + -12.906304359436035 + ], + [ + "\u2581catene", + -12.90634536743164 + ], + [ + "\u2581environments", + -12.90638542175293 + ], + [ + "\u2581Tanzania", + -12.906404495239258 + ], + [ + "Rdata", + -12.90654182434082 + ], + [ + "\u2581acceptable", + -12.906566619873049 + ], + [ + "\u2581sentiero", + -12.90664005279541 + ], + [ + "Using", + -12.906705856323242 + ], + [ + "\u2581vorrangig", + -12.90673828125 + ], + [ + "\u2581Burgos", + -12.906755447387695 + ], + [ + "\u2581Veranstaltung", + -12.90676498413086 + ], + [ + "nonpersistent", + -12.906800270080566 + ], + [ + "tableView", + -12.906813621520996 + ], + [ + "\u2581Abril", + -12.90682888031006 + ], + [ + "\u2581dynamische", + -12.90689754486084 + ], + [ + "\u2581obriga", + -12.90694522857666 + ], + [ + "\u2581commander", + -12.90695095062256 + ], + [ + "\u2581typ", + -12.90696907043457 + ], + [ + "\u2581internationales", + -12.906997680664062 + ], + [ + "\u2581Salvatore", + -12.907054901123049 + ], + [ + "\u2581encoder", + -12.907057762145996 + ], + [ + "\u2581substitution", + -12.907200813293455 + ], + [ + "\u2581affari", + -12.907203674316406 + ], + [ + "\u2581hom", + -12.907254219055176 + ], + [ + "architettura", + -12.90726375579834 + ], + [ + "Indi", + -12.90729808807373 + ], + [ + "\u2581Rie", + -12.907387733459473 + ], + [ + "REN", + -12.907445907592772 + ], + [ + "\u2581St\u00e4rke", + -12.907462120056152 + ], + [ + "\u2581propor", + -12.907471656799316 + ], + [ + "\u2581reales", + -12.907472610473633 + ], + [ + "\u2581bedient", + -12.907492637634276 + ], + [ + "\u2581Silvio", + -12.90750217437744 + ], + [ + "tarif", + -12.90750503540039 + ], + [ + "\u2581s\u00e9culos", + -12.907508850097656 + ], + [ + "ald", + -12.907588958740234 + ], + [ + "bey", + -12.90761947631836 + ], + [ + "\u2581METHOD", + -12.907620429992676 + ], + [ + "\u2581legale", + -12.9076509475708 + ], + [ + "\u2581angek\u00fcndigt", + -12.907676696777344 + ], + [ + "\u2581Religions", + -12.90768051147461 + ], + [ + "\u2581Innovation", + -12.907682418823242 + ], + [ + "Priority", + -12.907707214355469 + ], + [ + "\u2581derrotar", + -12.907732963562012 + ], + [ + "\u2581latinos", + -12.907742500305176 + ], + [ + "cciones", + -12.907772064208984 + ], + [ + "\u2581Pearl", + -12.907790184020996 + ], + [ + "\u2581Liberty", + -12.907809257507324 + ], + [ + "\u00e4ng", + -12.90781021118164 + ], + [ + "\u2581Irland", + -12.90785789489746 + ], + [ + "\u2581Wiley", + -12.907870292663574 + ], + [ + "igu", + -12.907873153686523 + ], + [ + "\u2581aliados", + -12.907876014709473 + ], + [ + "\u2581queries", + -12.907882690429688 + ], + [ + "\u2581Gali", + -12.907991409301758 + ], + [ + "\u2581woonde", + -12.908011436462402 + ], + [ + "psych", + -12.908026695251465 + ], + [ + "\u2581sw", + -12.90803050994873 + ], + [ + "\u2581Landtag", + -12.908143997192385 + ], + [ + "schritt", + -12.908174514770508 + ], + [ + "\u2581pain\u00e9is", + -12.908174514770508 + ], + [ + "\u2581typeof", + -12.908197402954102 + ], + [ + "\u2581thereby", + -12.908202171325684 + ], + [ + "\u2581edif\u00edcio", + -12.90820598602295 + ], + [ + "EAR", + -12.908231735229492 + ], + [ + "\u2581vergessen", + -12.90823459625244 + ], + [ + "\u2581leverde", + -12.908246994018556 + ], + [ + "\u2581Elecciones", + -12.90829372406006 + ], + [ + "hip", + -12.908321380615234 + ], + [ + "Kw", + -12.908323287963867 + ], + [ + "\u00fcnd", + -12.908379554748535 + ], + [ + "tores", + -12.908381462097168 + ], + [ + "\u2581confus", + -12.908442497253418 + ], + [ + "\u2581taxis", + -12.908443450927734 + ], + [ + "reau", + -12.908446311950684 + ], + [ + "\u2581Sandra", + -12.908501625061035 + ], + [ + "konomischen", + -12.908517837524414 + ], + [ + "\u2581sposa", + -12.908541679382324 + ], + [ + "\u2581Oster", + -12.908624649047852 + ], + [ + "SHELL", + -12.908727645874023 + ], + [ + "Gold", + -12.908771514892578 + ], + [ + "\u2581Proteine", + -12.908812522888184 + ], + [ + "\u2581vivos", + -12.908823013305664 + ], + [ + "\u2581Erziehung", + -12.908827781677246 + ], + [ + "\u2581daba", + -12.908852577209473 + ], + [ + "mone", + -12.908860206604004 + ], + [ + "\u2581Vielleicht", + -12.908945083618164 + ], + [ + "\u2581d\u00e9partemental", + -12.909031867980955 + ], + [ + "AES", + -12.909076690673828 + ], + [ + "\u2581Innovations", + -12.909123420715332 + ], + [ + "\u2581Strategien", + -12.90914535522461 + ], + [ + "gramm", + -12.90916633605957 + ], + [ + "modelle", + -12.909183502197266 + ], + [ + "\u2581Erzeuger", + -12.909218788146973 + ], + [ + "\u2581Blas", + -12.909258842468262 + ], + [ + "\u2581recusa", + -12.90928077697754 + ], + [ + "health", + -12.909308433532717 + ], + [ + "\u2581punk", + -12.909326553344728 + ], + [ + "\u2581Reynolds", + -12.909461975097656 + ], + [ + "\u2581regroupe", + -12.90953254699707 + ], + [ + "\u2581Konzepte", + -12.90957736968994 + ], + [ + "\u2581falsch", + -12.909616470336914 + ], + [ + "animo", + -12.90962028503418 + ], + [ + "\u2581missions", + -12.909638404846191 + ], + [ + "\u2581\u00e9crire", + -12.909663200378418 + ], + [ + "\u2581pubbliche", + -12.90973949432373 + ], + [ + "\u2581vais", + -12.90984058380127 + ], + [ + "\u2581espec\u00edficas", + -12.909852981567385 + ], + [ + "\u2581lieutenant", + -12.909863471984863 + ], + [ + "\u2581zaak", + -12.909876823425291 + ], + [ + "uad", + -12.909903526306152 + ], + [ + "\u2581compounds", + -12.909961700439451 + ], + [ + "\u2581dirigente", + -12.910054206848145 + ], + [ + "\u2581l\u00e4ngst", + -12.91014003753662 + ], + [ + "\u2581stade", + -12.910161972045898 + ], + [ + "\u2581appareils", + -12.910179138183594 + ], + [ + "f\u00e4llen", + -12.910218238830566 + ], + [ + "\u2581erop", + -12.910221099853516 + ], + [ + "\u2581submitted", + -12.910244941711426 + ], + [ + "\u2581d\u00e9c\u00e9d\u00e9", + -12.910306930541992 + ], + [ + "Watch", + -12.910314559936523 + ], + [ + "\u2581Abwasser", + -12.910322189331056 + ], + [ + "quilla", + -12.910325050354004 + ], + [ + "arzt", + -12.910364151000977 + ], + [ + "essel", + -12.910372734069824 + ], + [ + "\u2581Ferien", + -12.910402297973633 + ], + [ + "spitze", + -12.910408020019531 + ], + [ + "\u2581Float", + -12.91043472290039 + ], + [ + "\u2581atingir", + -12.91054916381836 + ], + [ + "snake", + -12.910554885864258 + ], + [ + "vorhaben", + -12.910573959350586 + ], + [ + "\u2581constantemente", + -12.91063404083252 + ], + [ + "versions", + -12.910639762878418 + ], + [ + "euros", + -12.910640716552734 + ], + [ + "\u2581peixes", + -12.910642623901367 + ], + [ + "ouille", + -12.910723686218262 + ], + [ + "\u2581bid", + -12.9107666015625 + ], + [ + "\u2581sexta", + -12.910855293273926 + ], + [ + "\u2581Wij", + -12.910870552062988 + ], + [ + "\u2581Axel", + -12.91092014312744 + ], + [ + "\u2581ascend", + -12.910931587219238 + ], + [ + "\u2581oberste", + -12.910935401916504 + ], + [ + "\u2581Vertrages", + -12.910943031311035 + ], + [ + "\u2581Wirtschaftsjahr", + -12.911011695861816 + ], + [ + "iniziativa", + -12.911051750183104 + ], + [ + "CONTENT", + -12.911091804504396 + ], + [ + "\u2581schlechter", + -12.911105155944824 + ], + [ + "\u2581######", + -12.911123275756836 + ], + [ + "sley", + -12.9111967086792 + ], + [ + "\u2581gern", + -12.911293029785156 + ], + [ + "\u2581romans", + -12.911307334899902 + ], + [ + "\u2581EEG", + -12.911359786987305 + ], + [ + "\u2581marks", + -12.911426544189451 + ], + [ + "\u2581darle", + -12.911471366882324 + ], + [ + "\u2581Josh", + -12.911487579345703 + ], + [ + "\u2581bringing", + -12.911513328552246 + ], + [ + "\u2581navio", + -12.91158962249756 + ], + [ + "temporaneamente", + -12.911725044250488 + ], + [ + "\u2581M\u00e9dio", + -12.911794662475586 + ], + [ + "\u2581drogas", + -12.911802291870115 + ], + [ + "\u2581Concepci\u00f3n", + -12.911820411682127 + ], + [ + "\u2581Row", + -12.91185474395752 + ], + [ + "scheid", + -12.911910057067873 + ], + [ + "FV", + -12.91195297241211 + ], + [ + "\u2581patent", + -12.911985397338867 + ], + [ + "\u2581ultimately", + -12.911991119384766 + ], + [ + "opposition", + -12.91200828552246 + ], + [ + "\u2581dessin", + -12.912020683288574 + ], + [ + "\u2581begr\u00fcnden", + -12.912038803100586 + ], + [ + "avez", + -12.912052154541016 + ], + [ + "Auswahl", + -12.912075996398926 + ], + [ + "\u2581Mehrausgaben", + -12.912110328674316 + ], + [ + "\u2581contrary", + -12.912116050720217 + ], + [ + "sistance", + -12.91211986541748 + ], + [ + "rani", + -12.912142753601074 + ], + [ + "\u2581substitui", + -12.91215705871582 + ], + [ + "\u2581Reading", + -12.912166595458984 + ], + [ + "\u2581Plasma", + -12.912171363830566 + ], + [ + "\u2581Spitze", + -12.912198066711426 + ], + [ + "autista", + -12.912227630615234 + ], + [ + "Are", + -12.912240982055664 + ], + [ + "\u2581Stufen", + -12.91228199005127 + ], + [ + "\u2581Pac", + -12.912318229675291 + ], + [ + "\u2581portrait", + -12.912354469299316 + ], + [ + "\u2581entitled", + -12.912376403808594 + ], + [ + "\u2581proceed", + -12.912378311157228 + ], + [ + "spur", + -12.91242218017578 + ], + [ + "\u2581Manu", + -12.912484169006348 + ], + [ + "\u2581antigas", + -12.912650108337402 + ], + [ + "\u2581vendredi", + -12.912677764892578 + ], + [ + "\u2581calda", + -12.91271686553955 + ], + [ + "\u00e9quilibre", + -12.912723541259766 + ], + [ + "gist", + -12.912787437438965 + ], + [ + "\u2581..........", + -12.912801742553713 + ], + [ + "petition", + -12.91280460357666 + ], + [ + "bereichen", + -12.91282558441162 + ], + [ + "\u2581Negra", + -12.91282558441162 + ], + [ + "\u2581demands", + -12.912859916687012 + ], + [ + "\u2581Naties", + -12.912891387939451 + ], + [ + "\u2581Hagen", + -12.912935256958008 + ], + [ + "\u2581calde", + -12.912961959838867 + ], + [ + "\u2581junior", + -12.913010597229004 + ], + [ + "Bundesgesetzbl", + -12.913030624389648 + ], + [ + "UH", + -12.913042068481444 + ], + [ + "\u2581diagrama", + -12.913061141967772 + ], + [ + "\u2581bowl", + -12.913146018981934 + ], + [ + "\u2581bb", + -12.913169860839844 + ], + [ + "\u2581envie", + -12.913186073303224 + ], + [ + "\u2581Partikel", + -12.913190841674805 + ], + [ + "\u2581monarca", + -12.913212776184082 + ], + [ + "\u2581|----", + -12.913219451904297 + ], + [ + "\u2581Persoon", + -12.913241386413574 + ], + [ + "\u2581Lumi", + -12.913244247436523 + ], + [ + "anglais", + -12.913260459899902 + ], + [ + "\u2581geleid", + -12.91329288482666 + ], + [ + "occo", + -12.913297653198242 + ], + [ + "ISE", + -12.91330623626709 + ], + [ + "Collections", + -12.913314819335938 + ], + [ + "\u2581tuoi", + -12.913359642028809 + ], + [ + "meisterschaften", + -12.913397789001465 + ], + [ + "\u2581professionnels", + -12.91356372833252 + ], + [ + "\u2581Fuerza", + -12.913572311401367 + ], + [ + "\u2581scales", + -12.913589477539062 + ], + [ + "\u2581terrenos", + -12.91362476348877 + ], + [ + "\u2581teclado", + -12.913633346557615 + ], + [ + "\u2581famosos", + -12.913640975952148 + ], + [ + "\u2581Federa", + -12.913654327392578 + ], + [ + "\u2581richiesto", + -12.913662910461426 + ], + [ + "deutsch", + -12.913753509521484 + ], + [ + "\u2581leidt", + -12.913783073425291 + ], + [ + "sturen", + -12.91378402709961 + ], + [ + "\u2581multa", + -12.913923263549805 + ], + [ + "\u2581supr", + -12.914015769958496 + ], + [ + "pach", + -12.914048194885254 + ], + [ + "\u2581worry", + -12.914080619812012 + ], + [ + "nha", + -12.91408348083496 + ], + [ + "\u2581literal", + -12.914183616638184 + ], + [ + "doras", + -12.914193153381348 + ], + [ + "\u2581Estland", + -12.914203643798828 + ], + [ + "\u2581dichiara", + -12.91421127319336 + ], + [ + "\u2581wirtschaftlich", + -12.914283752441406 + ], + [ + "\u2581Absicht", + -12.914310455322266 + ], + [ + "\u2581colonie", + -12.914334297180176 + ], + [ + "\u2581Cana", + -12.91438102722168 + ], + [ + "\u2581inmediatamente", + -12.914395332336426 + ], + [ + "steuern", + -12.91442584991455 + ], + [ + "\u2581Clarke", + -12.91442584991455 + ], + [ + "ccffcc", + -12.914450645446776 + ], + [ + "\u2581\u00e1rboles", + -12.91445255279541 + ], + [ + "\u2581erm\u00e4chtigt", + -12.914453506469728 + ], + [ + "\u2581dynamique", + -12.914459228515623 + ], + [ + "\u2581Clear", + -12.914549827575684 + ], + [ + "\u2581Sowohl", + -12.914549827575684 + ], + [ + "\u2581brasileiros", + -12.914631843566896 + ], + [ + "olla", + -12.914665222167969 + ], + [ + "vals", + -12.914669036865234 + ], + [ + "\u2581replied", + -12.914734840393066 + ], + [ + "\u2581disp", + -12.91474723815918 + ], + [ + "\u2581persistent", + -12.914810180664062 + ], + [ + "\u2581J\u00fc", + -12.914911270141602 + ], + [ + "\u2581Gianni", + -12.91492748260498 + ], + [ + "credit", + -12.915030479431152 + ], + [ + "lamp", + -12.915033340454102 + ], + [ + "klassement", + -12.915042877197266 + ], + [ + "\u2581empleo", + -12.915067672729492 + ], + [ + "cep", + -12.915099143981934 + ], + [ + "\u2581transformar", + -12.915227890014648 + ], + [ + "Connor", + -12.915271759033203 + ], + [ + "\u2581aufgefordert", + -12.915323257446287 + ], + [ + "\u2581onore", + -12.915401458740234 + ], + [ + "\u2581revenir", + -12.915572166442873 + ], + [ + "\u2581tomando", + -12.915717124938965 + ], + [ + "\u2581comprendere", + -12.91572380065918 + ], + [ + "gegangen", + -12.915739059448242 + ], + [ + "\u2581attesa", + -12.915767669677734 + ], + [ + "banen", + -12.91578197479248 + ], + [ + "\u2581ve\u00edculos", + -12.915817260742188 + ], + [ + "Alle", + -12.915863990783691 + ], + [ + "aden", + -12.91590976715088 + ], + [ + "tiger", + -12.915926933288574 + ], + [ + "\u2581Ondanks", + -12.91593074798584 + ], + [ + "nodeType", + -12.915979385375977 + ], + [ + "\u2581dergelijke", + -12.916020393371582 + ], + [ + "\u2581reactions", + -12.916053771972656 + ], + [ + "rote", + -12.916080474853516 + ], + [ + "activation", + -12.91609001159668 + ], + [ + "\u2581S\u00e4tze", + -12.916097640991213 + ], + [ + "ibles", + -12.91615104675293 + ], + [ + "\u2581cidad", + -12.916217803955078 + ], + [ + "solution", + -12.91628360748291 + ], + [ + "\u2581Boolean", + -12.916311264038086 + ], + [ + "haben", + -12.91633129119873 + ], + [ + "\u2581traject", + -12.916356086730955 + ], + [ + "estensione", + -12.916431427001951 + ], + [ + "\u2581cfr", + -12.916449546813965 + ], + [ + "\u2581Programms", + -12.91646957397461 + ], + [ + "writefile", + -12.91649055480957 + ], + [ + "\u2581Working", + -12.916540145874023 + ], + [ + "\u2581Mich", + -12.916559219360352 + ], + [ + "\u2581Miembros", + -12.916590690612791 + ], + [ + "Antonio", + -12.916641235351562 + ], + [ + "\u2581victory", + -12.916644096374512 + ], + [ + "\u2581dense", + -12.91667366027832 + ], + [ + "\u2581Mayo", + -12.91667652130127 + ], + [ + "glie", + -12.916681289672852 + ], + [ + "\u2581entnommen", + -12.916762351989746 + ], + [ + "tracker", + -12.916770935058594 + ], + [ + "\u2581trilha", + -12.916770935058594 + ], + [ + "\u2581Eintragung", + -12.916814804077148 + ], + [ + "\u2581esattamente", + -12.91681957244873 + ], + [ + "\u00fcr", + -12.916825294494627 + ], + [ + "\u2581piogge", + -12.916831970214844 + ], + [ + "buff", + -12.916845321655272 + ], + [ + "nelli", + -12.916877746582031 + ], + [ + "\u2581fifth", + -12.916903495788574 + ], + [ + "\u2581absolutely", + -12.916918754577637 + ], + [ + "\u2581breite", + -12.916954040527344 + ], + [ + "\u2581postura", + -12.91697120666504 + ], + [ + "gemm", + -12.917076110839844 + ], + [ + "raises", + -12.91708755493164 + ], + [ + "\u2581$[", + -12.917109489440918 + ], + [ + "\u2581Arbeitskr\u00e4fte", + -12.917120933532717 + ], + [ + "\u2581unterwegs", + -12.917132377624512 + ], + [ + "\u2581visiting", + -12.917176246643066 + ], + [ + "there", + -12.917202949523926 + ], + [ + "Homme", + -12.917206764221191 + ], + [ + "\u2581droga", + -12.917237281799316 + ], + [ + "\u2581torneio", + -12.91723918914795 + ], + [ + "\u2581restaurante", + -12.917261123657228 + ], + [ + "\u2581integriert", + -12.917262077331545 + ], + [ + "\u2581indiv\u00edduos", + -12.917314529418944 + ], + [ + "\u2581evenement", + -12.917360305786133 + ], + [ + "\u2581S\u00ed", + -12.917399406433104 + ], + [ + "\u2581cuarta", + -12.917546272277832 + ], + [ + "\u2581\u00e9coles", + -12.91754913330078 + ], + [ + "\u2581consistente", + -12.917552947998049 + ], + [ + "\u2581Sudan", + -12.917564392089844 + ], + [ + "\u2581territorios", + -12.917583465576172 + ], + [ + "\u2581Independent", + -12.917637825012209 + ], + [ + "Monitor", + -12.917647361755373 + ], + [ + "\u2581dieron", + -12.917790412902832 + ], + [ + "UCH", + -12.917800903320312 + ], + [ + "\u2581determines", + -12.91781520843506 + ], + [ + "Pen", + -12.917896270751951 + ], + [ + "\u2581BK", + -12.91789722442627 + ], + [ + "\u2581googleapi", + -12.917924880981444 + ], + [ + "u\u00ed", + -12.917936325073242 + ], + [ + "\u2581pet", + -12.918020248413086 + ], + [ + "\u2581\u00e1cido", + -12.91802978515625 + ], + [ + "\u2581Eich", + -12.918055534362791 + ], + [ + "\u2581Augusta", + -12.918062210083008 + ], + [ + "esame", + -12.918083190917969 + ], + [ + "\u2581Bourgogne", + -12.91810703277588 + ], + [ + "pq", + -12.918150901794434 + ], + [ + "ishi", + -12.918170928955078 + ], + [ + "\u2581Myanmar", + -12.918187141418455 + ], + [ + "Apple", + -12.918231010437012 + ], + [ + "\u2581falado", + -12.91849422454834 + ], + [ + "euro", + -12.91860580444336 + ], + [ + "\u2581separado", + -12.918614387512209 + ], + [ + "individu", + -12.918665885925291 + ], + [ + "Pero", + -12.91869068145752 + ], + [ + "\u2581requer", + -12.918700218200684 + ], + [ + "\u2581Modena", + -12.918783187866213 + ], + [ + "\u2581camion", + -12.918819427490234 + ], + [ + "\u2581beauty", + -12.918867111206056 + ], + [ + "\u2581Cuerpo", + -12.91889762878418 + ], + [ + "\u2581trasferimento", + -12.918904304504396 + ], + [ + "\u2581thrown", + -12.918936729431152 + ], + [ + "\u2581eingesetzten", + -12.918952941894531 + ], + [ + "\u2581deine", + -12.918953895568848 + ], + [ + "figuren", + -12.919008255004885 + ], + [ + "\u2581wichtigste", + -12.919140815734863 + ], + [ + "\u2581kick", + -12.919188499450684 + ], + [ + "\u2581sought", + -12.919249534606934 + ], + [ + "yna", + -12.91931438446045 + ], + [ + "\u2581Denver", + -12.919316291809082 + ], + [ + "Named", + -12.919333457946776 + ], + [ + "\u2581employ", + -12.919495582580566 + ], + [ + "\u2581LOS", + -12.919588088989258 + ], + [ + "\u2581Tours", + -12.919628143310549 + ], + [ + "uras", + -12.91963005065918 + ], + [ + "\u2581overige", + -12.91973114013672 + ], + [ + "mago", + -12.919766426086426 + ], + [ + "\u2581Load", + -12.919818878173828 + ], + [ + "transpose", + -12.919906616210938 + ], + [ + "\u2581Reggio", + -12.919940948486328 + ], + [ + "\u2581gebleven", + -12.919958114624023 + ], + [ + "ottobre", + -12.919973373413086 + ], + [ + "\u2581Course", + -12.919987678527832 + ], + [ + "\u2581espectadores", + -12.920000076293944 + ], + [ + "\u2581concentrations", + -12.920003890991213 + ], + [ + "stas", + -12.920055389404297 + ], + [ + "closure", + -12.92005729675293 + ], + [ + "\u2581atteindre", + -12.920101165771484 + ], + [ + "\u2581critiques", + -12.9201078414917 + ], + [ + "\u2581Beta", + -12.920130729675291 + ], + [ + "\u2581variantes", + -12.92017936706543 + ], + [ + "\u2581Foster", + -12.920220375061035 + ], + [ + "\u00e9pisode", + -12.920228958129885 + ], + [ + "\u2581paroisse", + -12.92025089263916 + ], + [ + "\u2581jurisdiction", + -12.92029857635498 + ], + [ + "\u2581Kenneth", + -12.92034149169922 + ], + [ + "\u2581entropy", + -12.920369148254396 + ], + [ + "aries", + -12.920380592346191 + ], + [ + "\u2581cl\u00e1sica", + -12.920382499694824 + ], + [ + "lone", + -12.920438766479492 + ], + [ + "\u2581Jet", + -12.92047882080078 + ], + [ + "\u2581betrekking", + -12.920501708984377 + ], + [ + "many", + -12.92051887512207 + ], + [ + "\u2581indicato", + -12.920520782470703 + ], + [ + "uartieri", + -12.92056369781494 + ], + [ + "\u2581HMS", + -12.920608520507812 + ], + [ + "\u2581busy", + -12.920618057250977 + ], + [ + "\u2581arrivano", + -12.920654296875 + ], + [ + "istik", + -12.92067050933838 + ], + [ + "kapel", + -12.920720100402832 + ], + [ + "\u2581presentado", + -12.920812606811523 + ], + [ + "\u2581idx", + -12.920820236206056 + ], + [ + "\u2581derrotado", + -12.92082691192627 + ], + [ + "Fernsehserie", + -12.920844078063965 + ], + [ + "obtenir", + -12.920848846435549 + ], + [ + "\u2581territoires", + -12.920961380004885 + ], + [ + "\u2581diagnosis", + -12.921039581298828 + ], + [ + "\u2581\u00e4hnlichen", + -12.921116828918455 + ], + [ + "mpl", + -12.92115879058838 + ], + [ + "Romagna", + -12.921161651611328 + ], + [ + "\u2581Rapid", + -12.921170234680176 + ], + [ + "asser", + -12.92125415802002 + ], + [ + "\u2581p\u00f3s", + -12.921298027038574 + ], + [ + "\u2581verspreid", + -12.92133617401123 + ], + [ + "connected", + -12.92136001586914 + ], + [ + "ologisch", + -12.92141056060791 + ], + [ + "regi", + -12.921412467956545 + ], + [ + "\u2581costituiscono", + -12.92141342163086 + ], + [ + "della", + -12.921420097351074 + ], + [ + "Gal", + -12.921441078186035 + ], + [ + "\u2581audi", + -12.92144775390625 + ], + [ + "\u2581ricevere", + -12.921462059020996 + ], + [ + "beauftragten", + -12.921521186828612 + ], + [ + "otter", + -12.92164707183838 + ], + [ + "\u2581couche", + -12.921653747558594 + ], + [ + "Variant", + -12.92169189453125 + ], + [ + "telli", + -12.921700477600098 + ], + [ + "\u2581erarbeitet", + -12.921771049499512 + ], + [ + "mare", + -12.92177677154541 + ], + [ + "\u2581lautet", + -12.92181396484375 + ], + [ + "\u2581veranderen", + -12.921830177307127 + ], + [ + "\u2581selva", + -12.921838760375977 + ], + [ + "\u2581alza", + -12.921984672546388 + ], + [ + "\u2581Things", + -12.922019958496094 + ], + [ + "ssement", + -12.922165870666504 + ], + [ + "\u2581Round", + -12.922314643859863 + ], + [ + "\u2581Warschau", + -12.922385215759276 + ], + [ + "\u2581Poland", + -12.922404289245604 + ], + [ + "Filters", + -12.922406196594238 + ], + [ + "\u2581Hold", + -12.922432899475098 + ], + [ + "\u2581Gab", + -12.922435760498049 + ], + [ + "\u2581trekken", + -12.922456741333008 + ], + [ + "importante", + -12.922471046447754 + ], + [ + "\u2581opacity", + -12.92247200012207 + ], + [ + "\u2581Athletic", + -12.922481536865234 + ], + [ + "\u2581ottimo", + -12.922484397888184 + ], + [ + "emi", + -12.922502517700195 + ], + [ + "heading", + -12.92259693145752 + ], + [ + "\u2581trading", + -12.92260456085205 + ], + [ + "Vertrag", + -12.922624588012695 + ], + [ + "\u2581Formulierung", + -12.922627449035645 + ], + [ + "emplacement", + -12.922774314880373 + ], + [ + "\u2581aeree", + -12.922786712646484 + ], + [ + "\u2581servidores", + -12.92282009124756 + ], + [ + "emoji", + -12.922821044921877 + ], + [ + "\u2581Asimismo", + -12.922964096069336 + ], + [ + "\u2581refused", + -12.922995567321776 + ], + [ + "\u2581tungs", + -12.92299747467041 + ], + [ + "\u2581heads", + -12.923008918762209 + ], + [ + "l\u00fc", + -12.923029899597168 + ], + [ + "exact", + -12.923035621643066 + ], + [ + "\u2581suffer", + -12.923054695129396 + ], + [ + "dismiss", + -12.923068046569824 + ], + [ + "\u2581reich", + -12.923171997070312 + ], + [ + "\u2581entwickelten", + -12.923178672790527 + ], + [ + "\u2581tourists", + -12.923185348510742 + ], + [ + "\u2581Shan", + -12.92319393157959 + ], + [ + "lico", + -12.923216819763184 + ], + [ + "\u2581ver\u00e4ndern", + -12.923227310180664 + ], + [ + "\u2581Bez", + -12.92325210571289 + ], + [ + "\u2581Flucht", + -12.923263549804688 + ], + [ + "\u2581Could", + -12.923355102539062 + ], + [ + "\u2581innovative", + -12.92337131500244 + ], + [ + "\u2581MR", + -12.923386573791504 + ], + [ + "\u2581Vorstellungen", + -12.92345905303955 + ], + [ + "\u2581originele", + -12.923470497131348 + ], + [ + "\u2581zung", + -12.923480033874512 + ], + [ + "\u2581Acad", + -12.92349910736084 + ], + [ + "\u00e9ti", + -12.92351245880127 + ], + [ + "r\u00e1s", + -12.923542022705078 + ], + [ + "\u2581conclusions", + -12.92359447479248 + ], + [ + "\u2581Governor", + -12.923641204833984 + ], + [ + "\u2581milit\u00e4rischen", + -12.923654556274414 + ], + [ + "\u2581pag", + -12.923707962036133 + ], + [ + "\u2581neighborhood", + -12.923766136169434 + ], + [ + "\u2581symmetric", + -12.92376708984375 + ], + [ + "\u2581scorre", + -12.92378044128418 + ], + [ + "\u2581Past", + -12.923794746398926 + ], + [ + "East", + -12.923836708068848 + ], + [ + "eah", + -12.923945426940918 + ], + [ + "\u2581vereinbart", + -12.923946380615234 + ], + [ + "\u2581previs", + -12.923957824707031 + ], + [ + "\u2581Molek\u00fcl", + -12.923996925354004 + ], + [ + "\u2581finais", + -12.924029350280762 + ], + [ + "Align", + -12.924077987670898 + ], + [ + "\u2581Republican", + -12.92408847808838 + ], + [ + "\u2581varying", + -12.924127578735352 + ], + [ + "\u2581matrice", + -12.92414093017578 + ], + [ + "\u2581predictions", + -12.924180030822754 + ], + [ + "\u2581Strong", + -12.92424774169922 + ], + [ + "xspace", + -12.924256324768066 + ], + [ + "Alta", + -12.924267768859863 + ], + [ + "\u2581libido", + -12.924299240112305 + ], + [ + "\u2581v\u00edctimas", + -12.92450714111328 + ], + [ + "tering", + -12.924516677856444 + ], + [ + "\u2581leggermente", + -12.924561500549316 + ], + [ + "\u2581Reb", + -12.924642562866213 + ], + [ + "\u2581approval", + -12.924678802490234 + ], + [ + "\u2581Objekte", + -12.92473030090332 + ], + [ + "\u2581Harald", + -12.924741744995115 + ], + [ + "\u2581eingeleitet", + -12.924848556518556 + ], + [ + "\u2581strat\u00e9gie", + -12.924851417541504 + ], + [ + "\u2581Leg", + -12.92485237121582 + ], + [ + "\u2581schildwespen", + -12.92485523223877 + ], + [ + "\u2581Bretagna", + -12.924860954284668 + ], + [ + "\u2581JA", + -12.924867630004885 + ], + [ + "gekommen", + -12.924880027770996 + ], + [ + "erl", + -12.924979209899902 + ], + [ + "\u2581eigenes", + -12.925045013427734 + ], + [ + "\u2581EuGH", + -12.925094604492188 + ], + [ + "distribution", + -12.925095558166504 + ], + [ + "\u2581Erinnerung", + -12.92509651184082 + ], + [ + "Src", + -12.925130844116213 + ], + [ + "imus", + -12.92514705657959 + ], + [ + "\u2581trasmissione", + -12.925152778625488 + ], + [ + "uem", + -12.925164222717283 + ], + [ + "\u2581grund", + -12.925183296203612 + ], + [ + "\u2581insofern", + -12.925183296203612 + ], + [ + "\u2581volksver", + -12.925190925598145 + ], + [ + "North", + -12.92520809173584 + ], + [ + "\u2581Hamburger", + -12.925247192382812 + ], + [ + "\u2581fabric", + -12.925248146057127 + ], + [ + "\u2581llegando", + -12.925268173217772 + ], + [ + "VIEW", + -12.925277709960938 + ], + [ + "\u2581\u00e9videmment", + -12.92530345916748 + ], + [ + "\u2581proposto", + -12.925418853759766 + ], + [ + "\u2581rara", + -12.925460815429688 + ], + [ + "\u2581giocatori", + -12.925538063049316 + ], + [ + "\u2581descubierto", + -12.92553997039795 + ], + [ + "\u2581colpito", + -12.925556182861328 + ], + [ + "\u2581wahrgenommen", + -12.925557136535645 + ], + [ + "\u2581Personas", + -12.925570487976074 + ], + [ + "\u2581attore", + -12.925580024719238 + ], + [ + "\u2581sembrano", + -12.92558765411377 + ], + [ + "\u2581pr\u00e9sent\u00e9", + -12.925609588623049 + ], + [ + "\u2581Body", + -12.925628662109377 + ], + [ + "smith", + -12.925722122192385 + ], + [ + "\u2581seraient", + -12.925722122192385 + ], + [ + "Canada", + -12.925792694091797 + ], + [ + "\u2581courage", + -12.925811767578123 + ], + [ + "\u2581flota", + -12.925861358642578 + ], + [ + "rade", + -12.92590045928955 + ], + [ + "within", + -12.925932884216309 + ], + [ + "\u2581pobres", + -12.925963401794434 + ], + [ + "tava", + -12.92604160308838 + ], + [ + "mela", + -12.926051139831545 + ], + [ + "\u2581Variable", + -12.926054954528809 + ], + [ + "vote", + -12.926107406616213 + ], + [ + "\u2581presidencia", + -12.926148414611816 + ], + [ + "\u2581Isa", + -12.926162719726562 + ], + [ + "\u2581SCH", + -12.926175117492676 + ], + [ + "\u2581esempi", + -12.926196098327637 + ], + [ + "\u2581L\u00e1", + -12.926246643066406 + ], + [ + "\u2581Fusion", + -12.926247596740724 + ], + [ + "\u2581forman", + -12.926332473754885 + ], + [ + "\u2581connessione", + -12.92636489868164 + ], + [ + "\u2581devoir", + -12.926373481750488 + ], + [ + "\u2581scherm", + -12.926406860351562 + ], + [ + "\u2581Ancora", + -12.926433563232422 + ], + [ + "grams", + -12.926436424255373 + ], + [ + "\u2581pala", + -12.926473617553713 + ], + [ + "abschnitt", + -12.926514625549316 + ], + [ + "\u2581Senat", + -12.926514625549316 + ], + [ + "\u2581Della", + -12.92652416229248 + ], + [ + "LTCOMPILE", + -12.92653465270996 + ], + [ + "\u2581Seul", + -12.926586151123049 + ], + [ + "FUNCTION", + -12.92660903930664 + ], + [ + "trich", + -12.926712989807127 + ], + [ + "\u2581Esperanto", + -12.926885604858398 + ], + [ + "clinic", + -12.926959991455078 + ], + [ + "r\u00e9e", + -12.927014350891112 + ], + [ + "miche", + -12.927023887634276 + ], + [ + "linda", + -12.927109718322754 + ], + [ + "graphics", + -12.927136421203612 + ], + [ + "ritz", + -12.92723274230957 + ], + [ + "\u2581codifica", + -12.92729377746582 + ], + [ + "akh", + -12.927297592163086 + ], + [ + "\u2581Jesse", + -12.927325248718262 + ], + [ + "\u2581gerechtfertigt", + -12.927349090576172 + ], + [ + "\u2581r\u00e9alisateur", + -12.927360534667969 + ], + [ + "\u2581Mountains", + -12.92739963531494 + ], + [ + "atur", + -12.92740535736084 + ], + [ + "laut", + -12.927468299865724 + ], + [ + "\u2581Kruis", + -12.927488327026367 + ], + [ + "\u2581dynastie", + -12.927495956420898 + ], + [ + "\u2581Laufzeit", + -12.927496910095217 + ], + [ + "jl", + -12.927531242370604 + ], + [ + "\u2581Eg", + -12.927602767944336 + ], + [ + "\u2581raiz", + -12.927604675292969 + ], + [ + "\u2581giardino", + -12.92764663696289 + ], + [ + "wissenschaftler", + -12.927667617797852 + ], + [ + "\u2581ricerche", + -12.927669525146484 + ], + [ + "\u2581FR", + -12.927678108215332 + ], + [ + "\u2581Tren", + -12.927688598632812 + ], + [ + "\u2581centrali", + -12.927729606628418 + ], + [ + "\u2581betroffene", + -12.927732467651367 + ], + [ + "\u2581Schwer", + -12.927797317504885 + ], + [ + "\u2581guest", + -12.927846908569336 + ], + [ + "nut", + -12.927852630615234 + ], + [ + "\u2581f\u00fc", + -12.927913665771484 + ], + [ + "\u2581commitment", + -12.927983283996582 + ], + [ + "werfen", + -12.928030967712402 + ], + [ + "bris", + -12.928041458129885 + ], + [ + "\u2581Villar", + -12.928102493286133 + ], + [ + "\u2581candidatos", + -12.92812728881836 + ], + [ + "mort", + -12.928339004516602 + ], + [ + "South", + -12.928356170654297 + ], + [ + "\u2581chronic", + -12.928359985351562 + ], + [ + "\u2581partnership", + -12.928443908691406 + ], + [ + "\u2581entities", + -12.928461074829102 + ], + [ + "\u2581quitter", + -12.928478240966797 + ], + [ + "\u2581Pferde", + -12.928492546081545 + ], + [ + "\u2581decreased", + -12.928495407104492 + ], + [ + "rijke", + -12.928513526916504 + ], + [ + "\u2581aquellas", + -12.928522109985352 + ], + [ + "\u2581Dudley", + -12.928546905517578 + ], + [ + "\u2581r\u00e9duire", + -12.928549766540527 + ], + [ + "\u2581Pole", + -12.928568840026855 + ], + [ + "\u2581maal", + -12.928619384765623 + ], + [ + "\u2581Amateur", + -12.928635597229004 + ], + [ + "\u2581Giulia", + -12.92865753173828 + ], + [ + "Created", + -12.92866039276123 + ], + [ + "\u2581bevorzugt", + -12.928747177124023 + ], + [ + "rpers", + -12.928832054138184 + ], + [ + "\u2581ohnehin", + -12.928844451904297 + ], + [ + "\u2581CB", + -12.928926467895508 + ], + [ + "\u2581Andes", + -12.928970336914062 + ], + [ + "\u2581vaga", + -12.92898178100586 + ], + [ + "\u2581TA", + -12.929081916809082 + ], + [ + "\u2581ritiro", + -12.92911148071289 + ], + [ + "Histoire", + -12.92914867401123 + ], + [ + "Lin", + -12.92915153503418 + ], + [ + "Age", + -12.92919921875 + ], + [ + "\u2581V\u00edctor", + -12.929255485534668 + ], + [ + "\u2581sembrava", + -12.929269790649414 + ], + [ + "sver", + -12.929347038269045 + ], + [ + "\u2581daarnaast", + -12.929421424865724 + ], + [ + "\u2581Breda", + -12.929472923278809 + ], + [ + "\u2581Allan", + -12.929481506347656 + ], + [ + "\u2581calme", + -12.929500579833984 + ], + [ + "lesen", + -12.929608345031738 + ], + [ + "Throw", + -12.92961597442627 + ], + [ + "fonts", + -12.929640769958496 + ], + [ + "\u2581compresa", + -12.929658889770508 + ], + [ + "aliases", + -12.929675102233888 + ], + [ + "\u2581slecht", + -12.929885864257812 + ], + [ + "tazione", + -12.929929733276367 + ], + [ + "\u2581functies", + -12.930007934570312 + ], + [ + "lasten", + -12.930020332336426 + ], + [ + "\u2581Auguste", + -12.930041313171388 + ], + [ + "\u2581Brod", + -12.93008804321289 + ], + [ + "\u2581exig", + -12.930091857910156 + ], + [ + "\u2581Slo", + -12.93012237548828 + ], + [ + "\u2581Ask", + -12.930187225341797 + ], + [ + "TESTS", + -12.930233001708984 + ], + [ + "briga", + -12.930299758911133 + ], + [ + "\u2581Defensa", + -12.93036937713623 + ], + [ + "\u2581passen", + -12.93044662475586 + ], + [ + "schauen", + -12.930455207824709 + ], + [ + "\u2581abra", + -12.93059539794922 + ], + [ + "\u2581Schw", + -12.930628776550291 + ], + [ + "\u2581verarbeitet", + -12.930646896362305 + ], + [ + "hero", + -12.93068504333496 + ], + [ + "\u2581Pad", + -12.930703163146973 + ], + [ + "digit", + -12.93073272705078 + ], + [ + "\u2581uscita", + -12.930744171142578 + ], + [ + "\u2581substrate", + -12.930758476257324 + ], + [ + "\u2581describing", + -12.930766105651855 + ], + [ + "ction", + -12.930842399597168 + ], + [ + "cidente", + -12.93088722229004 + ], + [ + "\u2581sucedido", + -12.930893898010254 + ], + [ + "\u2581Siedlungs", + -12.931010246276855 + ], + [ + "\u2581Titan", + -12.931129455566406 + ], + [ + "\u2581colonna", + -12.931137084960938 + ], + [ + "\u2581OUT", + -12.931187629699709 + ], + [ + "tale", + -12.931196212768556 + ], + [ + "mberg", + -12.931239128112791 + ], + [ + "\u2581voulait", + -12.931249618530272 + ], + [ + "\u2581geplante", + -12.93125057220459 + ], + [ + "\u2581humains", + -12.931255340576172 + ], + [ + "\u2581formuliert", + -12.931281089782717 + ], + [ + "\u2581feststellen", + -12.931282043457031 + ], + [ + "chet", + -12.931307792663574 + ], + [ + "\u2581Viva", + -12.931321144104004 + ], + [ + "Break", + -12.931478500366213 + ], + [ + "\u2581solista", + -12.93155288696289 + ], + [ + "chap", + -12.931567192077637 + ], + [ + "rivier", + -12.931570053100586 + ], + [ + "nation", + -12.931574821472168 + ], + [ + "\u2581Eve", + -12.931642532348633 + ], + [ + "\u2581numeric", + -12.93165397644043 + ], + [ + "lijf", + -12.931682586669922 + ], + [ + "pfe", + -12.931685447692873 + ], + [ + "\u2581kap", + -12.931692123413086 + ], + [ + "\u2581Nuovo", + -12.93181037902832 + ], + [ + "wheel", + -12.931814193725586 + ], + [ + "optimizer", + -12.931818962097168 + ], + [ + "sprogramm", + -12.93186378479004 + ], + [ + "\u2581agenti", + -12.931866645812988 + ], + [ + "\u2581fingers", + -12.931879043579102 + ], + [ + "\u2581sufficiently", + -12.93189525604248 + ], + [ + "Park", + -12.931934356689451 + ], + [ + "Rep", + -12.931939125061035 + ], + [ + "Proc", + -12.931943893432615 + ], + [ + "\u2581Senegal", + -12.931954383850098 + ], + [ + "mutable", + -12.93196964263916 + ], + [ + "\u2581kulturellen", + -12.931986808776855 + ], + [ + "ozo", + -12.931999206542969 + ], + [ + "\u2581regina", + -12.932018280029297 + ], + [ + "\u2581Patch", + -12.932045936584473 + ], + [ + "Dependencies", + -12.93207550048828 + ], + [ + "\u2581Parece", + -12.932084083557127 + ], + [ + "\u2581Twin", + -12.932104110717772 + ], + [ + "cidade", + -12.932195663452148 + ], + [ + "\u2581Computing", + -12.932202339172363 + ], + [ + "\u2581Siedlung", + -12.932235717773438 + ], + [ + "Drop", + -12.932241439819336 + ], + [ + "\u2581casou", + -12.932254791259766 + ], + [ + "\u2581conf\u00e9rence", + -12.932256698608398 + ], + [ + "\u2581montanhas", + -12.932374954223633 + ], + [ + "\u2581Onze", + -12.932400703430176 + ], + [ + "Fall", + -12.932459831237791 + ], + [ + "\u2581geschikt", + -12.932543754577637 + ], + [ + "\u2581pr\u00e9c\u00e9dente", + -12.932575225830078 + ], + [ + "\u2581Oregon", + -12.932604789733888 + ], + [ + "\u2581Hip", + -12.932640075683594 + ], + [ + "\u2581PT", + -12.932706832885742 + ], + [ + "Sw", + -12.932727813720703 + ], + [ + "\u2581Eagle", + -12.932746887207031 + ], + [ + "Ul", + -12.932765007019045 + ], + [ + "brauch", + -12.932795524597168 + ], + [ + "\u2581Staffel", + -12.932798385620115 + ], + [ + "cchio", + -12.932832717895508 + ], + [ + "\u2581Luftfahrt", + -12.932923316955566 + ], + [ + "\u2581Geographie", + -12.932964324951172 + ], + [ + "\u2581Ideen", + -12.932969093322754 + ], + [ + "\u2581legati", + -12.93302059173584 + ], + [ + "saldo", + -12.933115005493164 + ], + [ + "\u2581Crouch", + -12.933181762695312 + ], + [ + "Images", + -12.93329906463623 + ], + [ + "hnung", + -12.933300018310549 + ], + [ + "Pages", + -12.933307647705078 + ], + [ + "\u2581Verbund", + -12.933307647705078 + ], + [ + "UGC", + -12.93336582183838 + ], + [ + "\u2581instincts", + -12.93340301513672 + ], + [ + "\u2581Gouvernement", + -12.933456420898438 + ], + [ + "gemisch", + -12.933462142944336 + ], + [ + "obiettivo", + -12.933524131774902 + ], + [ + "rderten", + -12.933555603027344 + ], + [ + "\u2581agencies", + -12.933566093444824 + ], + [ + "\u2581lief", + -12.933601379394531 + ], + [ + "\u2581Contracting", + -12.93362045288086 + ], + [ + "\u2581geheim", + -12.933638572692873 + ], + [ + "\u2581estrelas", + -12.93377685546875 + ], + [ + "\u2581estren\u00f3", + -12.933856010437012 + ], + [ + "\u2581fusie", + -12.93385887145996 + ], + [ + "\u2581comprises", + -12.93388557434082 + ], + [ + "\u2581golfo", + -12.933958053588867 + ], + [ + "\u2581typing", + -12.93401336669922 + ], + [ + "plaatsen", + -12.934052467346191 + ], + [ + "Character", + -12.934054374694824 + ], + [ + "\u2581Gris", + -12.934120178222656 + ], + [ + "\u2581abandon", + -12.93413543701172 + ], + [ + "\u2581lavora", + -12.934175491333008 + ], + [ + "\u2581polnischen", + -12.934192657470703 + ], + [ + "\u2581acute", + -12.934209823608398 + ], + [ + "\u2581Gespr\u00e4che", + -12.934215545654297 + ], + [ + "Picker", + -12.934245109558104 + ], + [ + "ppo", + -12.93425178527832 + ], + [ + "\u2581conduite", + -12.934258460998535 + ], + [ + "\u2581inclus", + -12.934261322021484 + ], + [ + "salt", + -12.934281349182127 + ], + [ + "\u00e9rio", + -12.934331893920898 + ], + [ + "\u2581frases", + -12.934350967407228 + ], + [ + "\u2581Breughel", + -12.934361457824709 + ], + [ + "gewinn", + -12.934392929077148 + ], + [ + "\u2581opstand", + -12.934406280517578 + ], + [ + "IFS", + -12.934442520141602 + ], + [ + "\u2581manifold", + -12.934453010559082 + ], + [ + "\u2581trabaja", + -12.93446445465088 + ], + [ + "\u2581creando", + -12.934510231018066 + ], + [ + "changed", + -12.934520721435549 + ], + [ + "precision", + -12.934545516967772 + ], + [ + "getElementById", + -12.934561729431152 + ], + [ + "\u2581mus", + -12.934590339660645 + ], + [ + "\u2581garage", + -12.934608459472656 + ], + [ + "\u2581voran", + -12.934618949890137 + ], + [ + "ouvrage", + -12.934663772583008 + ], + [ + "\u2581Eck", + -12.934667587280272 + ], + [ + "porte", + -12.934812545776367 + ], + [ + "\u2581gained", + -12.934813499450684 + ], + [ + "owa", + -12.93500518798828 + ], + [ + "\u2581Livros", + -12.93506145477295 + ], + [ + "\u2581dividir", + -12.935112953186035 + ], + [ + "\u2581bevatten", + -12.93512725830078 + ], + [ + "\u2581'${", + -12.935153007507324 + ], + [ + "\u2581Vielmehr", + -12.935169219970703 + ], + [ + "\u2581dicendo", + -12.935194969177246 + ], + [ + "\u2581Kollegen", + -12.935209274291992 + ], + [ + "Instruction", + -12.935232162475586 + ], + [ + "\u2581Otras", + -12.935257911682127 + ], + [ + "\u2581inicializa", + -12.93528938293457 + ], + [ + "\u2581Remember", + -12.935304641723633 + ], + [ + "\u2581verm", + -12.935321807861328 + ], + [ + "googleapi", + -12.935332298278809 + ], + [ + "\u2581schloss", + -12.935396194458008 + ], + [ + "informationen", + -12.935431480407717 + ], + [ + "\u2581Senti", + -12.935491561889648 + ], + [ + "kirchen", + -12.935606002807615 + ], + [ + "scending", + -12.9356107711792 + ], + [ + "Mil", + -12.935616493225098 + ], + [ + "\u2581[])", + -12.935639381408691 + ], + [ + "\u2581Blender", + -12.935643196105955 + ], + [ + "\u2581assistente", + -12.935678482055664 + ], + [ + "Brasil", + -12.935696601867676 + ], + [ + "\u2581scaling", + -12.93571949005127 + ], + [ + "\u2581realisiert", + -12.935720443725586 + ], + [ + "\u2581Positionen", + -12.935726165771484 + ], + [ + "\u2581pintores", + -12.935738563537598 + ], + [ + "g\u00e9e", + -12.935765266418455 + ], + [ + "\u2581dobbiamo", + -12.93577003479004 + ], + [ + "\u2581Cub", + -12.935789108276367 + ], + [ + "\u2581nauw", + -12.935789108276367 + ], + [ + "\u2581equipes", + -12.935812950134276 + ], + [ + "\u2581opci\u00f3n", + -12.935856819152832 + ], + [ + "\u2581Moscow", + -12.935885429382324 + ], + [ + "displayName", + -12.935976028442385 + ], + [ + "\u2581nacque", + -12.935989379882812 + ], + [ + "\u2581currency", + -12.936038970947266 + ], + [ + "\u2581requisitos", + -12.936046600341797 + ], + [ + "\u2581aider", + -12.936150550842283 + ], + [ + "\u2581plaus\u00edvel", + -12.936172485351562 + ], + [ + "\u2581rondom", + -12.936174392700195 + ], + [ + "Schl", + -12.936198234558104 + ], + [ + "\u2581Rit", + -12.936212539672852 + ], + [ + "\u2581Rente", + -12.936219215393066 + ], + [ + "builtin", + -12.936358451843262 + ], + [ + "president", + -12.936371803283691 + ], + [ + "oct", + -12.936418533325195 + ], + [ + "\u2581cattolica", + -12.936474800109863 + ], + [ + "\u2581Hund", + -12.93654441833496 + ], + [ + "\u2581GC", + -12.93654727935791 + ], + [ + "PRIVATE", + -12.93657112121582 + ], + [ + "\u2581Jamie", + -12.936595916748049 + ], + [ + "\u2581v\u00e9cu", + -12.936663627624512 + ], + [ + "\u2581classified", + -12.936713218688965 + ], + [ + "\u2581Session", + -12.936732292175291 + ], + [ + "COL", + -12.93673324584961 + ], + [ + "troph", + -12.936750411987305 + ], + [ + "\u2581Delaware", + -12.936790466308594 + ], + [ + "\u2581correspondiente", + -12.936807632446287 + ], + [ + "gaard", + -12.936810493469238 + ], + [ + "\u2581entreprise", + -12.936870574951172 + ], + [ + "\u2581friendly", + -12.936915397644045 + ], + [ + "\u2581Opere", + -12.936933517456056 + ], + [ + "Arbeits", + -12.937050819396973 + ], + [ + "\u2581Deckung", + -12.937051773071287 + ], + [ + "\u2581Mauer", + -12.937066078186035 + ], + [ + "\u2581Strafe", + -12.937078475952148 + ], + [ + "argo", + -12.93711280822754 + ], + [ + "Installing", + -12.93714714050293 + ], + [ + "\u2581transformed", + -12.937177658081056 + ], + [ + "\u2581zijde", + -12.937213897705078 + ], + [ + "swert", + -12.93721866607666 + ], + [ + "Machine", + -12.937230110168455 + ], + [ + "\u2581Ausrichtung", + -12.937237739562988 + ], + [ + "cone", + -12.937259674072266 + ], + [ + "lica", + -12.937285423278809 + ], + [ + "spir", + -12.93730354309082 + ], + [ + "\u2581laufen", + -12.937345504760742 + ], + [ + "\u2581Rule", + -12.937463760375977 + ], + [ + "\u2581schiavi", + -12.937519073486328 + ], + [ + "\u2581gesch\u00e4tzt", + -12.93754768371582 + ], + [ + "\u2581tournament", + -12.937554359436035 + ], + [ + "Week", + -12.9375581741333 + ], + [ + "archs", + -12.9375581741333 + ], + [ + "\u2581inference", + -12.937655448913574 + ], + [ + "rim", + -12.937657356262209 + ], + [ + "\u2581hypo", + -12.937664031982422 + ], + [ + "\u2581Ark", + -12.937671661376951 + ], + [ + "\u2581blanca", + -12.937700271606444 + ], + [ + "\u2581removal", + -12.93770980834961 + ], + [ + "\u2581saggio", + -12.937713623046877 + ], + [ + "\u2581funding", + -12.937807083129885 + ], + [ + "sergebnisse", + -12.93781280517578 + ], + [ + "\u2581Gracias", + -12.937841415405272 + ], + [ + "\u2581originales", + -12.937846183776855 + ], + [ + "lda", + -12.937891006469728 + ], + [ + "\u2581Promise", + -12.937915802001951 + ], + [ + "\u2581Neuen", + -12.937936782836914 + ], + [ + "\u2581breaking", + -12.937968254089355 + ], + [ + "scatter", + -12.937973022460938 + ], + [ + "\u2581allocation", + -12.937973022460938 + ], + [ + "\u2581noleggio", + -12.93799114227295 + ], + [ + "wangs", + -12.938016891479492 + ], + [ + "steek", + -12.93803882598877 + ], + [ + "\u2581Sang", + -12.93813419342041 + ], + [ + "\u2581Blumen", + -12.938173294067385 + ], + [ + "\u2581stradale", + -12.938261985778809 + ], + [ + "\u2581Batalla", + -12.938321113586426 + ], + [ + "anello", + -12.93835735321045 + ], + [ + "\u2581concluded", + -12.938371658325195 + ], + [ + "ampia", + -12.93837833404541 + ], + [ + "computer", + -12.938382148742676 + ], + [ + "\u2581montagnes", + -12.938387870788574 + ], + [ + "\u2581Marokko", + -12.938390731811523 + ], + [ + "Creation", + -12.938404083251951 + ], + [ + "teca", + -12.938409805297852 + ], + [ + "TODO", + -12.938416481018066 + ], + [ + "ationen", + -12.938422203063965 + ], + [ + "fenster", + -12.938450813293455 + ], + [ + "\u2581bird", + -12.938494682312012 + ], + [ + "\u2581Gi\u00e0", + -12.93850040435791 + ], + [ + "\u2581subsequently", + -12.938541412353516 + ], + [ + "\u2581cou", + -12.93858242034912 + ], + [ + "\u2581Innsbruck", + -12.938666343688965 + ], + [ + "WN", + -12.93866729736328 + ], + [ + "Managed", + -12.938680648803713 + ], + [ + "\u2581corporate", + -12.938730239868164 + ], + [ + "\u2581descreve", + -12.93881607055664 + ], + [ + "\u2581erzielen", + -12.93882656097412 + ], + [ + "IMPORT", + -12.938953399658203 + ], + [ + "\u2581Noorwegen", + -12.938976287841797 + ], + [ + "pflanzen", + -12.93901538848877 + ], + [ + "cult", + -12.939017295837402 + ], + [ + "analy", + -12.939115524291992 + ], + [ + "\u2581interpretado", + -12.939189910888672 + ], + [ + "\u2581Desert", + -12.93919277191162 + ], + [ + "\u2581Stel", + -12.939196586608888 + ], + [ + "\u2581primaire", + -12.939199447631836 + ], + [ + "drag", + -12.93928050994873 + ], + [ + "\u2581systematic", + -12.93928337097168 + ], + [ + "\u2581esser", + -12.939431190490724 + ], + [ + "\u2581displacement", + -12.939534187316896 + ], + [ + "\u2581Municipios", + -12.939544677734377 + ], + [ + "stic", + -12.939637184143066 + ], + [ + "\u2581Wahlkreis", + -12.939682960510254 + ], + [ + "illes", + -12.939689636230469 + ], + [ + "\u2581compiled", + -12.939702033996582 + ], + [ + "\u2581Investment", + -12.93970775604248 + ], + [ + "\u2581Verringerung", + -12.939729690551758 + ], + [ + "\u00eddo", + -12.939730644226074 + ], + [ + "Rot", + -12.939831733703612 + ], + [ + "\u2581schlug", + -12.93993091583252 + ], + [ + "\u2581Stevens", + -12.939945220947266 + ], + [ + "\u2581canali", + -12.93997573852539 + ], + [ + "\u2581producten", + -12.93998908996582 + ], + [ + "\u2581Wikip\u00e9dia", + -12.940009117126465 + ], + [ + "\u2581Letras", + -12.940016746520996 + ], + [ + "\u2581Umweltschutz", + -12.940018653869627 + ], + [ + "\u2581edif\u00edcios", + -12.9400634765625 + ], + [ + "\u2581Braga", + -12.940108299255373 + ], + [ + "\u2581Steel", + -12.940156936645508 + ], + [ + "\u2581Edinburgh", + -12.940204620361328 + ], + [ + "\u2581Augustin", + -12.940218925476074 + ], + [ + "\u2581medizinische", + -12.940290451049805 + ], + [ + "\u2581usam", + -12.940332412719728 + ], + [ + "\u2581modulo", + -12.940356254577637 + ], + [ + "bird", + -12.940359115600586 + ], + [ + "\u2581probe", + -12.940396308898926 + ], + [ + "\u2581Dylan", + -12.940470695495604 + ], + [ + "\u2581Madagascar", + -12.940513610839844 + ], + [ + "\u2581acessar", + -12.940515518188477 + ], + [ + "\u2581Hoje", + -12.94051742553711 + ], + [ + "\u2581scientifica", + -12.940614700317385 + ], + [ + "\u2581munic\u00edpios", + -12.9406156539917 + ], + [ + "wards", + -12.940648078918455 + ], + [ + "Speed", + -12.940658569335938 + ], + [ + "\u2581auszugehen", + -12.94066333770752 + ], + [ + "\u2581relacionada", + -12.940675735473633 + ], + [ + "\u2581vicinanze", + -12.9407320022583 + ], + [ + "\u2581buscando", + -12.940757751464844 + ], + [ + "\u2581Unterscheidung", + -12.94075870513916 + ], + [ + "Pat", + -12.940759658813477 + ], + [ + "\u2581acceleration", + -12.940860748291016 + ], + [ + "\u2581gesch\u00fctzt", + -12.940895080566406 + ], + [ + "\u2581leggera", + -12.940939903259276 + ], + [ + "\u2581metallic", + -12.94100570678711 + ], + [ + "\u2581Hang", + -12.941007614135742 + ], + [ + "ader", + -12.941009521484377 + ], + [ + "embre", + -12.941022872924805 + ], + [ + "\u2581Vector", + -12.941031455993652 + ], + [ + "\u2581Lem", + -12.941038131713867 + ], + [ + "attacco", + -12.941057205200195 + ], + [ + "\u2581densit\u00e9", + -12.941059112548828 + ], + [ + "\u2581leitor", + -12.94115924835205 + ], + [ + "\u2581Spielen", + -12.941160202026367 + ], + [ + "abb", + -12.941195487976074 + ], + [ + "\u2581clothes", + -12.941204071044922 + ], + [ + "\u2581prestigio", + -12.941267013549805 + ], + [ + "\u2581conform", + -12.941278457641602 + ], + [ + "\u2581comenzar", + -12.941287994384766 + ], + [ + "igkeiten", + -12.94131088256836 + ], + [ + "\u2581comparing", + -12.941335678100586 + ], + [ + "\u2581spons", + -12.941349029541016 + ], + [ + "\u2581marcado", + -12.941411972045898 + ], + [ + "\u2581Informaci\u00f3n", + -12.941415786743164 + ], + [ + "\u2581tipici", + -12.94145679473877 + ], + [ + "\u2581Ship", + -12.941497802734377 + ], + [ + "\u2581Verwertung", + -12.94150161743164 + ], + [ + "\u2581implications", + -12.941502571105955 + ], + [ + "\u2581Criminal", + -12.941521644592283 + ], + [ + "\u2581Graz", + -12.94156551361084 + ], + [ + "\u2581vivono", + -12.941656112670898 + ], + [ + "\u2581quantities", + -12.941665649414062 + ], + [ + "\u2581pittore", + -12.94168758392334 + ], + [ + "\u2581contemporanea", + -12.941749572753906 + ], + [ + "\u2581componenti", + -12.941757202148438 + ], + [ + "KF", + -12.941834449768066 + ], + [ + "\u2581classi", + -12.94196891784668 + ], + [ + "erhebung", + -12.941969871520996 + ], + [ + "\u2581Father", + -12.941974639892578 + ], + [ + "\u2581v\u00e9rtices", + -12.942004203796388 + ], + [ + "\u2581cai", + -12.942012786865234 + ], + [ + "\u2581Kane", + -12.942096710205078 + ], + [ + "ausgabe", + -12.942121505737305 + ], + [ + "\u2581sostanza", + -12.942144393920898 + ], + [ + "bedingten", + -12.942158699035645 + ], + [ + "w\u00e4rts", + -12.942172050476074 + ], + [ + "\u2581Wait", + -12.942197799682615 + ], + [ + "luk", + -12.942265510559082 + ], + [ + "\u2581HU", + -12.942323684692385 + ], + [ + "maschine", + -12.942378044128418 + ], + [ + "\u2581Casino", + -12.942386627197266 + ], + [ + "\u2581Kl\u00e4gerin", + -12.942408561706545 + ], + [ + "twitter", + -12.94243335723877 + ], + [ + "\u2581rilievo", + -12.942437171936035 + ], + [ + "\u2581gekregen", + -12.94246768951416 + ], + [ + "\u2581avvenuta", + -12.94253921508789 + ], + [ + "Lit", + -12.94261360168457 + ], + [ + "\u2581FALSE", + -12.94261360168457 + ], + [ + "Bereich", + -12.942645072937012 + ], + [ + "\u2581Desta", + -12.942646026611328 + ], + [ + "\u2581ambiental", + -12.942660331726074 + ], + [ + "sparse", + -12.9426851272583 + ], + [ + "\u2581spagnola", + -12.942742347717283 + ], + [ + "\u2581kunstenaars", + -12.94277286529541 + ], + [ + "\u2581basiert", + -12.94279956817627 + ], + [ + "\u2581Falcon", + -12.942824363708496 + ], + [ + "\u2581estilos", + -12.942893028259276 + ], + [ + "scaled", + -12.94290256500244 + ], + [ + "\u2581morire", + -12.94294261932373 + ], + [ + "\u2581Companhia", + -12.942951202392578 + ], + [ + "Escape", + -12.942970275878906 + ], + [ + "statt", + -12.942988395690918 + ], + [ + "Hypertarget", + -12.943070411682127 + ], + [ + "dol", + -12.94308376312256 + ], + [ + "\u2581suelen", + -12.943090438842772 + ], + [ + "\u2581participate", + -12.943097114562988 + ], + [ + "\u2581Rats", + -12.943130493164062 + ], + [ + "\u2581injection", + -12.943159103393556 + ], + [ + "\u2581verdadera", + -12.943161964416504 + ], + [ + "\u2581overleden", + -12.943199157714844 + ], + [ + "\u2581Hoffmann", + -12.943263053894045 + ], + [ + "\u2581pl\u00e1stico", + -12.943316459655762 + ], + [ + "Division", + -12.943333625793455 + ], + [ + "\u2581langfristig", + -12.943342208862305 + ], + [ + "\u2581nested", + -12.943367004394531 + ], + [ + "expire", + -12.943376541137695 + ], + [ + "unda", + -12.943382263183594 + ], + [ + "\u2581patriarca", + -12.943415641784668 + ], + [ + "logisch", + -12.94344425201416 + ], + [ + "\u2581Rivera", + -12.94349765777588 + ], + [ + "ascii", + -12.94355010986328 + ], + [ + "sdienst", + -12.943554878234863 + ], + [ + "\u2581partecipanti", + -12.943588256835938 + ], + [ + "polo", + -12.943695068359377 + ], + [ + "atis", + -12.943696022033691 + ], + [ + "\u2581hosts", + -12.94370174407959 + ], + [ + "tit", + -12.943730354309082 + ], + [ + "\u2581aufweist", + -12.943730354309082 + ], + [ + "\u2581boucle", + -12.943761825561523 + ], + [ + "\u2581pr\u00e9vention", + -12.943817138671877 + ], + [ + "bundel", + -12.943829536437988 + ], + [ + "\u2581entidad", + -12.943937301635742 + ], + [ + "\u2581Adler", + -12.943950653076172 + ], + [ + "verbindung", + -12.943952560424805 + ], + [ + "ur\u00e9", + -12.943964958190918 + ], + [ + "Typ", + -12.943977355957031 + ], + [ + "\u2581tarea", + -12.944055557250977 + ], + [ + "\u2581Aujourd", + -12.94406032562256 + ], + [ + "\u2581Belastungen", + -12.944069862365724 + ], + [ + "\u2581indiano", + -12.944092750549316 + ], + [ + "\u2581Flur", + -12.944125175476074 + ], + [ + "\u2581seguendo", + -12.944146156311035 + ], + [ + "SWIFT", + -12.9441556930542 + ], + [ + "\u2581Unfortunately", + -12.944181442260742 + ], + [ + "alli", + -12.944189071655272 + ], + [ + "l\u00f3n", + -12.944204330444336 + ], + [ + "\u2581datetime", + -12.94421100616455 + ], + [ + "Jos\u00e9", + -12.944280624389648 + ], + [ + "\u2581finalizar", + -12.944283485412598 + ], + [ + "\u2581Gegner", + -12.944293022155762 + ], + [ + "bx", + -12.94432258605957 + ], + [ + "PACKAGES", + -12.944331169128418 + ], + [ + "provincie", + -12.944387435913086 + ], + [ + "\u2581condamn\u00e9", + -12.944393157958984 + ], + [ + "arity", + -12.9443941116333 + ], + [ + "\u2581nacido", + -12.94444465637207 + ], + [ + "gelassen", + -12.944456100463867 + ], + [ + "Radweg", + -12.944469451904297 + ], + [ + "\u2581Woll", + -12.944473266601562 + ], + [ + "\u2581Alicia", + -12.94448184967041 + ], + [ + "\u2581folla", + -12.9445219039917 + ], + [ + "\u2581partially", + -12.944661140441896 + ], + [ + "\u2581Rim", + -12.94471549987793 + ], + [ + "\u2581retourne", + -12.944720268249512 + ], + [ + "FORM", + -12.944746971130373 + ], + [ + "\u2581flows", + -12.944747924804688 + ], + [ + "\u2581H\u00fcgel", + -12.944768905639648 + ], + [ + "\u2581soir\u00e9e", + -12.944768905639648 + ], + [ + "\u2581ausgebildet", + -12.94484043121338 + ], + [ + "\u2581Naar", + -12.94485855102539 + ], + [ + "\u2581verwendete", + -12.944870948791504 + ], + [ + "INIT", + -12.945059776306152 + ], + [ + "\u2581sportive", + -12.945068359375 + ], + [ + "witserse", + -12.945077896118164 + ], + [ + "\u2581bloem", + -12.945145606994627 + ], + [ + "\u2581atuais", + -12.945198059082031 + ], + [ + "\u2581Motiv", + -12.94520664215088 + ], + [ + "\u2581bath", + -12.945240020751951 + ], + [ + "\u2581vermelho", + -12.94524383544922 + ], + [ + "middle", + -12.945316314697266 + ], + [ + "\u2581huizen", + -12.945440292358398 + ], + [ + "\u2581formata", + -12.94544506072998 + ], + [ + "\u2581traditions", + -12.945517539978027 + ], + [ + "\u2581Deve", + -12.94552516937256 + ], + [ + "\u2581newspaper", + -12.945537567138672 + ], + [ + "\u2581cousin", + -12.94555950164795 + ], + [ + "meth", + -12.945611953735352 + ], + [ + "vic", + -12.945619583129885 + ], + [ + "\u2581Syst", + -12.945630073547363 + ], + [ + "\u2581pelea", + -12.945672988891602 + ], + [ + "\u2581milliers", + -12.94570541381836 + ], + [ + "\u2581Arc", + -12.945745468139648 + ], + [ + "\u2581Versto", + -12.945791244506836 + ], + [ + "\u2581Reserva", + -12.945802688598633 + ], + [ + "\u2581Auschwitz", + -12.94581127166748 + ], + [ + "\u2581T\u00fcbingen", + -12.945816040039062 + ], + [ + "\u2581eaux", + -12.945845603942873 + ], + [ + "Agostino", + -12.945889472961426 + ], + [ + "coll", + -12.945894241333008 + ], + [ + "m\u00e1s", + -12.94590187072754 + ], + [ + "\u2581trug", + -12.945988655090332 + ], + [ + "\u2581violation", + -12.945989608764648 + ], + [ + "dotto", + -12.94611930847168 + ], + [ + "\u2581Blu", + -12.946144104003906 + ], + [ + "\u2581fleurs", + -12.946147918701172 + ], + [ + "\u2581butter", + -12.946215629577637 + ], + [ + "\u2581Problems", + -12.946239471435549 + ], + [ + "tafel", + -12.946242332458496 + ], + [ + "veja", + -12.946276664733888 + ], + [ + "\u2581Estrada", + -12.94631290435791 + ], + [ + "\u2581Present", + -12.946325302124023 + ], + [ + "\u2581cristal", + -12.946380615234377 + ], + [ + "\u2581per\u00edodos", + -12.946398735046388 + ], + [ + "\u2581voitures", + -12.946436882019045 + ], + [ + "\u2581scattering", + -12.946459770202637 + ], + [ + "Front", + -12.946466445922852 + ], + [ + "t\u00f3ria", + -12.94650650024414 + ], + [ + "Sys", + -12.946517944335938 + ], + [ + "\u2581dum", + -12.946566581726074 + ], + [ + "\u2581profonda", + -12.946606636047363 + ], + [ + "\u2581verwijst", + -12.946609497070312 + ], + [ + "tbl", + -12.946698188781738 + ], + [ + "\u2581Direcci\u00f3n", + -12.946717262268066 + ], + [ + "\u2581zusammengefasst", + -12.946730613708496 + ], + [ + "\u2581Tercera", + -12.946731567382812 + ], + [ + "\u2581hogere", + -12.94675636291504 + ], + [ + "\u2581cambi\u00f3", + -12.946765899658203 + ], + [ + "\u2581abs", + -12.946792602539062 + ], + [ + "\u2581encoded", + -12.946832656860352 + ], + [ + "Villa", + -12.946861267089844 + ], + [ + "\u2581Bourbon", + -12.946892738342283 + ], + [ + "strecken", + -12.946944236755373 + ], + [ + "tada", + -12.946956634521484 + ], + [ + "sound", + -12.946975708007812 + ], + [ + "\u2581infinito", + -12.94699001312256 + ], + [ + "\u2581L\u00fc", + -12.94700050354004 + ], + [ + "\u2581gradualmente", + -12.947072982788086 + ], + [ + "Amerikaanse", + -12.947080612182615 + ], + [ + "officier", + -12.947103500366213 + ], + [ + "j\u00e1", + -12.947182655334473 + ], + [ + "abad", + -12.947243690490724 + ], + [ + "\u2581\u00fcbernimmt", + -12.947333335876465 + ], + [ + "effi", + -12.94735050201416 + ], + [ + "samen", + -12.947395324707031 + ], + [ + "\u2581duc", + -12.947500228881836 + ], + [ + "\u2581Sant\u00edssimo", + -12.947566986083984 + ], + [ + "\u2581fluido", + -12.947633743286133 + ], + [ + "\u2581Jake", + -12.94766616821289 + ], + [ + "\u2581Hamiltonian", + -12.94770050048828 + ], + [ + "\u2581perte", + -12.947705268859863 + ], + [ + "\u2581Devido", + -12.94774341583252 + ], + [ + "\u2581versi", + -12.947789192199709 + ], + [ + "heads", + -12.94783878326416 + ], + [ + "\u2581poser", + -12.947839736938477 + ], + [ + "\u2581amino", + -12.947861671447754 + ], + [ + "ayant", + -12.947898864746094 + ], + [ + "\u2581vaca", + -12.947922706604004 + ], + [ + "Serializer", + -12.94798469543457 + ], + [ + "\u2581Fernsehen", + -12.947989463806152 + ], + [ + "scient", + -12.948009490966797 + ], + [ + "\u2581kader", + -12.948026657104492 + ], + [ + "suchen", + -12.948055267333984 + ], + [ + "\u2581vieler", + -12.948081016540527 + ], + [ + "\u2581neg\u00f3cios", + -12.948090553283691 + ], + [ + "rating", + -12.948134422302246 + ], + [ + "finish", + -12.948171615600586 + ], + [ + "\u2581CAR", + -12.948175430297852 + ], + [ + "\u2581elabora", + -12.948214530944824 + ], + [ + "\u2581remix", + -12.948237419128418 + ], + [ + "riti", + -12.948272705078123 + ], + [ + "\u2581esqui", + -12.948301315307615 + ], + [ + "Irlande", + -12.948334693908691 + ], + [ + "\u2581booktitle", + -12.94834804534912 + ], + [ + "gefangen", + -12.948351860046388 + ], + [ + "\u2581Milton", + -12.948468208312988 + ], + [ + "Agence", + -12.94861125946045 + ], + [ + "MAIN", + -12.94863510131836 + ], + [ + "\u2581profondeur", + -12.948659896850586 + ], + [ + "\u2581perd", + -12.94871425628662 + ], + [ + "\u2581Jacobs", + -12.948790550231934 + ], + [ + "\u2581Romero", + -12.94882869720459 + ], + [ + "wird", + -12.948857307434082 + ], + [ + "\u2581Lid", + -12.948904037475586 + ], + [ + "\u2581decidir", + -12.948945045471191 + ], + [ + "\u2581permitindo", + -12.948956489562988 + ], + [ + "\u2581llena", + -12.949018478393556 + ], + [ + "vari", + -12.94902801513672 + ], + [ + "\u2581blieben", + -12.949045181274414 + ], + [ + "\u2581Tipo", + -12.949092864990234 + ], + [ + "sets", + -12.949103355407717 + ], + [ + "\u2581Polish", + -12.949127197265623 + ], + [ + "\u2581r\u00e9gionale", + -12.949200630187988 + ], + [ + "\u2581Proceedings", + -12.949225425720217 + ], + [ + "\u2581Fantasy", + -12.949263572692873 + ], + [ + "Look", + -12.94930934906006 + ], + [ + "ennes", + -12.949332237243652 + ], + [ + "\u2581visibile", + -12.949454307556152 + ], + [ + "documentation", + -12.94947910308838 + ], + [ + "\u2581tarefas", + -12.94948673248291 + ], + [ + "\u2581misure", + -12.949514389038086 + ], + [ + "affaires", + -12.949517250061035 + ], + [ + "assemble", + -12.949588775634766 + ], + [ + "\u2581reproduction", + -12.94961166381836 + ], + [ + "\u2581attacchi", + -12.949671745300291 + ], + [ + "\u2581pest", + -12.949724197387695 + ], + [ + "klima", + -12.949764251708984 + ], + [ + "\u2581viento", + -12.949799537658691 + ], + [ + "\u2581counts", + -12.949892044067385 + ], + [ + "\u2581Bundesbahn", + -12.949902534484863 + ], + [ + "\u2581Museums", + -12.949991226196287 + ], + [ + "Mouse", + -12.949995040893556 + ], + [ + "\u2581Archi", + -12.950068473815918 + ], + [ + "unreachable", + -12.950069427490234 + ], + [ + "\u2581telenovela", + -12.950071334838867 + ], + [ + "\u2581Eigentum", + -12.9500732421875 + ], + [ + "\u2581umfassen", + -12.950098991394045 + ], + [ + "\u2581ind\u00edgena", + -12.950132369995115 + ], + [ + "vh", + -12.950172424316406 + ], + [ + "\u2581medizinischen", + -12.950199127197266 + ], + [ + "avan", + -12.950258255004885 + ], + [ + "\u2581Guilherme", + -12.950272560119627 + ], + [ + "\u2581aside", + -12.950387001037598 + ], + [ + "\u2581contenant", + -12.950387001037598 + ], + [ + "AUTH", + -12.950397491455078 + ], + [ + "beziehungen", + -12.950398445129396 + ], + [ + "\u2581Between", + -12.950400352478027 + ], + [ + "Rotation", + -12.95041561126709 + ], + [ + "\u2581alvo", + -12.950450897216797 + ], + [ + "\u2581everywhere", + -12.950520515441896 + ], + [ + "roso", + -12.950538635253906 + ], + [ + "\u2581Bogen", + -12.95067024230957 + ], + [ + "mouth", + -12.950676918029783 + ], + [ + "Capacity", + -12.950697898864746 + ], + [ + "\u2581placeholder", + -12.950719833374023 + ], + [ + "\u2581Seja", + -12.950790405273438 + ], + [ + "nw", + -12.95085334777832 + ], + [ + "\u2581luxo", + -12.950864791870115 + ], + [ + "\u2581Nic", + -12.951094627380373 + ], + [ + "\u2581teken", + -12.951196670532228 + ], + [ + "\u2581Bilbao", + -12.951272010803224 + ], + [ + "lova", + -12.951335906982422 + ], + [ + "plex", + -12.951348304748535 + ], + [ + "\u2581harmony", + -12.951371192932127 + ], + [ + "\u2581Burke", + -12.951382637023926 + ], + [ + "\u2581mutual", + -12.95139503479004 + ], + [ + "\u2581computational", + -12.951401710510254 + ], + [ + "\u2581adquirir", + -12.95142936706543 + ], + [ + "League", + -12.951467514038086 + ], + [ + "\u2581conocidos", + -12.951473236083984 + ], + [ + "\u2581reaching", + -12.951473236083984 + ], + [ + "\u2581spirituale", + -12.951476097106934 + ], + [ + "\u2581mutation", + -12.951478958129885 + ], + [ + "\u2581onafhankelijk", + -12.951519012451172 + ], + [ + "\u2581natuurlijke", + -12.9515962600708 + ], + [ + "\u2581l\u00edmites", + -12.95159912109375 + ], + [ + "\u2581plataformas", + -12.951637268066406 + ], + [ + "emer", + -12.95166301727295 + ], + [ + "\u2581handelte", + -12.951669692993164 + ], + [ + "\u2581Vordergrund", + -12.951706886291504 + ], + [ + "\u2581enfoque", + -12.951810836791992 + ], + [ + "curi", + -12.951849937438965 + ], + [ + "\u2581Prado", + -12.951889038085938 + ], + [ + "\u2581aeropuerto", + -12.951909065246582 + ], + [ + "\u2581Fortbildung", + -12.951971054077148 + ], + [ + "ImageView", + -12.951982498168944 + ], + [ + "guer", + -12.952006340026855 + ], + [ + "\u2581intensiv", + -12.952020645141602 + ], + [ + "works", + -12.952052116394045 + ], + [ + "Seconds", + -12.952106475830078 + ], + [ + "gls", + -12.952159881591797 + ], + [ + "\u2581adatta", + -12.952223777770996 + ], + [ + "\u2581Estaci\u00f3n", + -12.952227592468262 + ], + [ + "\u2581artikelen", + -12.952231407165527 + ], + [ + "\u2581topology", + -12.952279090881348 + ], + [ + "\u2581bovendien", + -12.95233917236328 + ], + [ + "\u2581augmente", + -12.952341079711914 + ], + [ + "\u2581Drake", + -12.952436447143556 + ], + [ + "\u2581sposta", + -12.952476501464844 + ], + [ + "\u2581Novi", + -12.952591896057127 + ], + [ + "\u2581Slow", + -12.952617645263672 + ], + [ + "\u2581di\u00f3cesis", + -12.952625274658203 + ], + [ + "\u2581restante", + -12.952629089355469 + ], + [ + "\u2581Farben", + -12.952630996704102 + ], + [ + "pong", + -12.952653884887695 + ], + [ + "\u2581scia", + -12.952654838562012 + ], + [ + "\u2581decline", + -12.95266056060791 + ], + [ + "\u2581recevoir", + -12.952730178833008 + ], + [ + "\u2581castigo", + -12.952763557434082 + ], + [ + "\u2581interroga", + -12.95277976989746 + ], + [ + "\u2581Ard", + -12.952813148498535 + ], + [ + "\u2581refor", + -12.952818870544434 + ], + [ + "ar\u00eda", + -12.95284938812256 + ], + [ + "\u2581senador", + -12.952853202819824 + ], + [ + "\u2581victim", + -12.952882766723633 + ], + [ + "\u2581appartenente", + -12.952933311462402 + ], + [ + "AUS", + -12.95294952392578 + ], + [ + "\u2581exclu", + -12.952962875366213 + ], + [ + "\u2581Guerrero", + -12.952966690063477 + ], + [ + "\u2581idiomas", + -12.953072547912598 + ], + [ + "\u2581Allora", + -12.953140258789062 + ], + [ + "Act", + -12.953149795532228 + ], + [ + "\u2581exceto", + -12.953165054321287 + ], + [ + "\u2581traduzione", + -12.953173637390137 + ], + [ + "\u2581cortometraggio", + -12.953186988830566 + ], + [ + "ELL", + -12.953237533569336 + ], + [ + "\u2581serveur", + -12.953375816345217 + ], + [ + "\u2581formou", + -12.953424453735352 + ], + [ + "\u2581Dienstes", + -12.9534273147583 + ], + [ + "\u2581trenta", + -12.953439712524414 + ], + [ + "GK", + -12.953615188598633 + ], + [ + "\u2581Proze", + -12.953662872314451 + ], + [ + "\u2581Observe", + -12.953667640686035 + ], + [ + "waarts", + -12.953803062438965 + ], + [ + "\u2581caravelas", + -12.95385456085205 + ], + [ + "\u2581definitivo", + -12.953858375549316 + ], + [ + "\u2581surgiu", + -12.953865051269531 + ], + [ + "malloc", + -12.95388126373291 + ], + [ + "lien", + -12.953899383544922 + ], + [ + "\u2581CUDA", + -12.953923225402832 + ], + [ + "\u2581sg", + -12.95393180847168 + ], + [ + "\u2581geb", + -12.953967094421388 + ], + [ + "\u2581Marca", + -12.953975677490234 + ], + [ + "\u2581bewegt", + -12.953990936279297 + ], + [ + "\u2581distribuzione", + -12.954066276550291 + ], + [ + "\u2581Soms", + -12.954072952270508 + ], + [ + "cea", + -12.954073905944824 + ], + [ + "gend", + -12.954093933105469 + ], + [ + "\u2581tracking", + -12.95411205291748 + ], + [ + "quist", + -12.954123497009276 + ], + [ + "Roman", + -12.954136848449709 + ], + [ + "\u2581regolare", + -12.95423698425293 + ], + [ + "fj", + -12.954323768615724 + ], + [ + "\u2581closest", + -12.954357147216797 + ], + [ + "\u2581concern\u00e9s", + -12.9545316696167 + ], + [ + "\u2581Send", + -12.954545974731444 + ], + [ + "\u2581necesidades", + -12.954657554626465 + ], + [ + "zit", + -12.954668045043944 + ], + [ + "\u2581Productions", + -12.954683303833008 + ], + [ + "\u2581Peer", + -12.954706192016602 + ], + [ + "\u2581preparado", + -12.954745292663574 + ], + [ + "odon", + -12.954754829406738 + ], + [ + "sville", + -12.954764366149902 + ], + [ + "\u2581buenas", + -12.954835891723633 + ], + [ + "\u2581Remo", + -12.954889297485352 + ], + [ + "\u2581scendere", + -12.954926490783691 + ], + [ + "\u2581disput\u00f3", + -12.954989433288574 + ], + [ + "plots", + -12.955063819885254 + ], + [ + "\u2581gebeurde", + -12.955066680908203 + ], + [ + "\u2581chacune", + -12.955124855041504 + ], + [ + "izzare", + -12.955132484436035 + ], + [ + "\u2581Cor\u00e9e", + -12.955153465270996 + ], + [ + "\u2581Hilfen", + -12.955162048339844 + ], + [ + "\u2581Cava", + -12.955316543579102 + ], + [ + "\u2581pistola", + -12.955333709716797 + ], + [ + "certs", + -12.955363273620604 + ], + [ + "\u2581zwingend", + -12.955367088317873 + ], + [ + "\u2581sobald", + -12.955373764038086 + ], + [ + "steken", + -12.95548152923584 + ], + [ + "ceil", + -12.955495834350586 + ], + [ + "\u2581romain", + -12.955517768859863 + ], + [ + "inqui", + -12.955520629882812 + ], + [ + "\u2581Finance", + -12.955565452575684 + ], + [ + "\u2581n\u00e9cessit\u00e9", + -12.955599784851074 + ], + [ + "Programs", + -12.955632209777832 + ], + [ + "LIMIT", + -12.955662727355955 + ], + [ + "adel", + -12.955804824829102 + ], + [ + "chars", + -12.955811500549316 + ], + [ + "\u2581propriamente", + -12.955875396728516 + ], + [ + "\u2581Chin", + -12.955881118774414 + ], + [ + "\u2581Neuregelung", + -12.955942153930664 + ], + [ + "\u2581musicali", + -12.955974578857422 + ], + [ + "\u2581Seus", + -12.95598602294922 + ], + [ + "\u2581DEFINED", + -12.955999374389648 + ], + [ + "\u2581ricchezza", + -12.956015586853027 + ], + [ + "\u2581Wirklichkeit", + -12.956026077270508 + ], + [ + "\u2581clo", + -12.956046104431152 + ], + [ + "\u2581beabsichtigt", + -12.956063270568848 + ], + [ + "\u2581result\u00f3", + -12.956068992614746 + ], + [ + "\u2581Berry", + -12.95607566833496 + ], + [ + "\u2581decidiu", + -12.9561185836792 + ], + [ + "owned", + -12.95612907409668 + ], + [ + "\u2581Befragung", + -12.95616626739502 + ], + [ + "meier", + -12.956169128417969 + ], + [ + "\u2581alguno", + -12.956180572509766 + ], + [ + "\u2581Schn", + -12.956206321716309 + ], + [ + "\u2581cromatismo", + -12.956215858459473 + ], + [ + "\u2581Wissenschafts", + -12.956232070922852 + ], + [ + "\u2581concierto", + -12.95624542236328 + ], + [ + "\u2581Cidades", + -12.956260681152344 + ], + [ + "\u2581publications", + -12.95626163482666 + ], + [ + "\u2581Gouverneur", + -12.95626735687256 + ], + [ + "\u2581compagni", + -12.95632266998291 + ], + [ + "\u2581lady", + -12.95633029937744 + ], + [ + "\u2581colle", + -12.956348419189451 + ], + [ + "currency", + -12.956408500671388 + ], + [ + "\u2581Nevertheless", + -12.956421852111816 + ], + [ + "hnliche", + -12.956502914428713 + ], + [ + "\u2581Cortes", + -12.956512451171877 + ], + [ + "\u2581comfortable", + -12.956521034240724 + ], + [ + "\u2581pr\u00e4sentiert", + -12.956560134887695 + ], + [ + "\u2581Turkey", + -12.956665992736816 + ], + [ + "\u2581bier", + -12.956705093383787 + ], + [ + "\u2581causando", + -12.956765174865724 + ], + [ + "\u2581bando", + -12.956771850585938 + ], + [ + "hardt", + -12.956822395324709 + ], + [ + "autorest", + -12.95683765411377 + ], + [ + "slug", + -12.9568452835083 + ], + [ + "\u2581posiciones", + -12.9568452835083 + ], + [ + "\u2581rossa", + -12.956850051879885 + ], + [ + "\u2581Wahlen", + -12.956857681274414 + ], + [ + "\u2581Fels", + -12.956883430480955 + ], + [ + "Ana", + -12.956908226013184 + ], + [ + "\u2581purchased", + -12.956917762756348 + ], + [ + "\u2581Konkurrenz", + -12.95691967010498 + ], + [ + "\u2581Ermittlungen", + -12.956931114196776 + ], + [ + "\u2581loco", + -12.956936836242676 + ], + [ + "STA", + -12.956987380981444 + ], + [ + "\u2581zahlen", + -12.95700740814209 + ], + [ + "\u2581precisar", + -12.957106590270996 + ], + [ + "neros", + -12.957162857055664 + ], + [ + "patri", + -12.95718479156494 + ], + [ + "\u2581surgery", + -12.95730972290039 + ], + [ + "\u2581Chambre", + -12.957314491271973 + ], + [ + "\u2581Johanna", + -12.957387924194336 + ], + [ + "NAT", + -12.957392692565918 + ], + [ + "\u2581difficult\u00e9s", + -12.95741844177246 + ], + [ + "\u2581Pyr", + -12.95745849609375 + ], + [ + "pom", + -12.957468032836914 + ], + [ + "\u2581huid", + -12.957476615905762 + ], + [ + "untersuchung", + -12.957477569580078 + ], + [ + "ONU", + -12.957480430603027 + ], + [ + "\u2581noter", + -12.957594871520996 + ], + [ + "\u2581Francesa", + -12.957656860351562 + ], + [ + "\u2581cons\u00e9quences", + -12.9577054977417 + ], + [ + "raient", + -12.957743644714355 + ], + [ + "poca", + -12.957749366760254 + ], + [ + "komplex", + -12.957765579223633 + ], + [ + "gst", + -12.957775115966797 + ], + [ + "\u2581steam", + -12.957840919494627 + ], + [ + "\u2581objectif", + -12.957845687866213 + ], + [ + "\u2581traz", + -12.957867622375488 + ], + [ + "\u2581utilizan", + -12.95786952972412 + ], + [ + "\u2581sl", + -12.95790672302246 + ], + [ + "raket", + -12.957927703857422 + ], + [ + "\u2581integrantes", + -12.957974433898926 + ], + [ + "bacher", + -12.958070755004885 + ], + [ + "\u2581Varianten", + -12.958149909973145 + ], + [ + "gende", + -12.958237648010254 + ], + [ + "pension", + -12.958277702331545 + ], + [ + "vater", + -12.958287239074709 + ], + [ + "\u2581Umwandlung", + -12.958395957946776 + ], + [ + "Workflow", + -12.958409309387209 + ], + [ + "\u2581Bosnia", + -12.958416938781738 + ], + [ + "\u2581cuidados", + -12.958431243896484 + ], + [ + "HELLO", + -12.958446502685549 + ], + [ + "Roll", + -12.958494186401367 + ], + [ + "\u2581mappa", + -12.958505630493164 + ], + [ + "\u2581mezza", + -12.958534240722656 + ], + [ + "\u2581portano", + -12.958536148071287 + ], + [ + "\u2581fixe", + -12.958542823791504 + ], + [ + "avond", + -12.958656311035156 + ], + [ + "\u2581bloco", + -12.958701133728027 + ], + [ + "quest", + -12.958739280700684 + ], + [ + "fact", + -12.958748817443848 + ], + [ + "erden", + -12.958758354187012 + ], + [ + "\u2581servita", + -12.958763122558594 + ], + [ + "\u2581Sultan", + -12.958791732788086 + ], + [ + "\u2581int\u00e9ressant", + -12.958880424499512 + ], + [ + "\u2581ajouter", + -12.958881378173828 + ], + [ + "tabile", + -12.958946228027344 + ], + [ + "vallen", + -12.959026336669922 + ], + [ + "\u2581BVerfG", + -12.959041595458984 + ], + [ + "obobobo", + -12.959101676940918 + ], + [ + "\u2581garder", + -12.95913314819336 + ], + [ + "ngulos", + -12.959187507629396 + ], + [ + "\u2581\u00e1rbol", + -12.959203720092772 + ], + [ + "fuzz", + -12.95925998687744 + ], + [ + "\u2581zorgde", + -12.9592866897583 + ], + [ + "\u2581succession", + -12.959304809570312 + ], + [ + "oals", + -12.959322929382324 + ], + [ + "ketten", + -12.959328651428224 + ], + [ + "formatted", + -12.959403038024902 + ], + [ + "\u2581ligado", + -12.959415435791016 + ], + [ + "oc\u00e9an", + -12.959471702575684 + ], + [ + "getter", + -12.959481239318848 + ], + [ + "spina", + -12.95949363708496 + ], + [ + "\u2581ama", + -12.95949363708496 + ], + [ + "spanning", + -12.959571838378906 + ], + [ + "\u2581cavalli", + -12.959611892700195 + ], + [ + "gara", + -12.9596529006958 + ], + [ + "f\u00fchrt", + -12.959678649902344 + ], + [ + "\u2581Berechnungen", + -12.959702491760254 + ], + [ + "\u2581temi", + -12.959734916687012 + ], + [ + "\u2581documental", + -12.959782600402832 + ], + [ + "\u2581suffered", + -12.959794044494627 + ], + [ + "\u2581quiz\u00e1", + -12.95980739593506 + ], + [ + "\u2581cappella", + -12.959820747375488 + ], + [ + "\u2581dogs", + -12.959908485412598 + ], + [ + "\u2581leaf", + -12.95992660522461 + ], + [ + "\u2581slide", + -12.95995807647705 + ], + [ + "indig", + -12.95998191833496 + ], + [ + "\u2581Jer", + -12.95999240875244 + ], + [ + "plac", + -12.960006713867188 + ], + [ + "\u2581Nau", + -12.960043907165527 + ], + [ + "\u2581diceva", + -12.960070610046388 + ], + [ + "kker", + -12.960135459899902 + ], + [ + "\u2581Timo", + -12.960200309753418 + ], + [ + "ctor", + -12.960203170776367 + ], + [ + "\u2581trafic", + -12.960245132446287 + ], + [ + "\u2581preferiu", + -12.960264205932615 + ], + [ + "activate", + -12.96028995513916 + ], + [ + "genome", + -12.960291862487791 + ], + [ + "\u2581Hub", + -12.960336685180664 + ], + [ + "quina", + -12.960387229919434 + ], + [ + "\u2581zweimal", + -12.960389137268066 + ], + [ + "\u2581Lion", + -12.96043300628662 + ], + [ + "\u2581dejado", + -12.96053409576416 + ], + [ + "Makefile", + -12.960543632507324 + ], + [ + "\u2581frequencies", + -12.960563659667969 + ], + [ + "buffers", + -12.960610389709473 + ], + [ + "\u2581iniciou", + -12.960611343383787 + ], + [ + "\u2581Diskriminierung", + -12.96069049835205 + ], + [ + "Pb", + -12.96071434020996 + ], + [ + "Rolverdeling", + -12.960755348205566 + ], + [ + "\u2581Besetzung", + -12.9607572555542 + ], + [ + "\u2581confianza", + -12.960817337036133 + ], + [ + "neck", + -12.96083641052246 + ], + [ + "ldap", + -12.960844993591309 + ], + [ + "tov", + -12.96084976196289 + ], + [ + "\u2581ouvrage", + -12.960855484008787 + ], + [ + "\u2581Ace", + -12.96094036102295 + ], + [ + "Mc", + -12.960966110229492 + ], + [ + "\u2581Jou", + -12.960966110229492 + ], + [ + "\u2581interni", + -12.96098518371582 + ], + [ + "RUNTIME", + -12.960989952087402 + ], + [ + "\u2581intenta", + -12.960993766784668 + ], + [ + "\u2581Tevens", + -12.961002349853516 + ], + [ + "brush", + -12.96102809906006 + ], + [ + "\u2581vistas", + -12.961030006408691 + ], + [ + "\u2581Hongarije", + -12.961039543151855 + ], + [ + "\u2581seguidores", + -12.961067199707031 + ], + [ + "\u2581volumen", + -12.961071014404297 + ], + [ + "\u2581necessari", + -12.96112060546875 + ], + [ + "\u2581Schema", + -12.961164474487305 + ], + [ + "deprecated", + -12.961169242858888 + ], + [ + "\u2581ordre", + -12.961264610290527 + ], + [ + "hey", + -12.9613618850708 + ], + [ + "\u2581atender", + -12.961369514465332 + ], + [ + "\u2581refresh", + -12.96139144897461 + ], + [ + "\u2581Todd", + -12.96140480041504 + ], + [ + "roni", + -12.961424827575684 + ], + [ + "\u2581fatte", + -12.961459159851074 + ], + [ + "LEN", + -12.961474418640137 + ], + [ + "\u2581concreta", + -12.961524963378906 + ], + [ + "\u2581covering", + -12.961552619934082 + ], + [ + "\u2581oplossing", + -12.96156406402588 + ], + [ + "\u2581Economics", + -12.961573600769045 + ], + [ + "\u2581desarroll\u00f3", + -12.96157455444336 + ], + [ + "\u2581Sancho", + -12.96157932281494 + ], + [ + "Madrid", + -12.961590766906738 + ], + [ + "alo", + -12.961605072021484 + ], + [ + "\u2581competizione", + -12.961636543273926 + ], + [ + "\u2581petr\u00f3leo", + -12.961677551269531 + ], + [ + "\u2581ordnungsgem\u00e4", + -12.961678504943848 + ], + [ + "\u2581relie", + -12.961694717407228 + ], + [ + "phenyl", + -12.96177864074707 + ], + [ + "\u2581escritura", + -12.961795806884766 + ], + [ + "\u2581doorgaans", + -12.961807250976562 + ], + [ + "Blob", + -12.961857795715332 + ], + [ + "SAN", + -12.962010383605955 + ], + [ + "\u2581TypeError", + -12.962014198303224 + ], + [ + "\u2581brazos", + -12.962037086486816 + ], + [ + "\u2581Basse", + -12.962106704711914 + ], + [ + "\u2581toxic", + -12.962217330932615 + ], + [ + "\u2581geste", + -12.96223258972168 + ], + [ + "ALE", + -12.962244987487791 + ], + [ + "traves", + -12.962257385253906 + ], + [ + "\u2581tem\u00e1tica", + -12.962267875671388 + ], + [ + "zij", + -12.962282180786133 + ], + [ + "\u2581erhielten", + -12.96228313446045 + ], + [ + "\u2581Malaysia", + -12.96229076385498 + ], + [ + "\u2581Amphi", + -12.962303161621094 + ], + [ + "erne", + -12.962308883666992 + ], + [ + "\u2581giornalista", + -12.962320327758787 + ], + [ + "Padding", + -12.96233081817627 + ], + [ + "\u2581inizio", + -12.962350845336914 + ], + [ + "\u2581Jens", + -12.96238136291504 + ], + [ + "ingham", + -12.962416648864746 + ], + [ + "kologischen", + -12.962420463562012 + ], + [ + "\u2581abarca", + -12.962441444396973 + ], + [ + "\u2581Moral", + -12.962459564208984 + ], + [ + "\u2581Kino", + -12.962471961975098 + ], + [ + "\u2581autocarro", + -12.962542533874512 + ], + [ + "\u2581Montpellier", + -12.962562561035156 + ], + [ + "\u2581Alpi", + -12.962603569030762 + ], + [ + "\u2581continuer", + -12.962618827819824 + ], + [ + "\u2581civiliza", + -12.962621688842772 + ], + [ + "\u2581fishing", + -12.962654113769531 + ], + [ + "\u2581gebruikers", + -12.962658882141112 + ], + [ + "\u2581Sendo", + -12.96265983581543 + ], + [ + "arius", + -12.96272087097168 + ], + [ + "\u2581vorgeschlagen", + -12.962764739990234 + ], + [ + "\u2581Bindungs", + -12.962838172912598 + ], + [ + "\u2581websites", + -12.962885856628418 + ], + [ + "\u2581ssh", + -12.96291160583496 + ], + [ + "sind", + -12.962963104248049 + ], + [ + "\u2581denotes", + -12.963014602661133 + ], + [ + "cet", + -12.963031768798828 + ], + [ + "\u2581soci", + -12.963052749633787 + ], + [ + "\u2581vini", + -12.963055610656738 + ], + [ + "\u2581doelpunten", + -12.963059425354004 + ], + [ + "verkeer", + -12.963088035583496 + ], + [ + "\u2581Heaven", + -12.963094711303713 + ], + [ + "Initial", + -12.963120460510254 + ], + [ + "Engels", + -12.96318531036377 + ], + [ + "\u2581recenti", + -12.963274002075195 + ], + [ + "zins", + -12.963305473327637 + ], + [ + "\u2581psychical", + -12.96331024169922 + ], + [ + "\u2581previa", + -12.96334171295166 + ], + [ + "\u2581Bedingung", + -12.96338176727295 + ], + [ + "wapen", + -12.963452339172363 + ], + [ + "\u2581afraid", + -12.96345329284668 + ], + [ + "ppe", + -12.963496208190918 + ], + [ + "\u2581Galer\u00eda", + -12.963619232177734 + ], + [ + "\u2581Verdi", + -12.963679313659668 + ], + [ + "\u2581recover", + -12.96369743347168 + ], + [ + "baut", + -12.963698387145996 + ], + [ + "\u2581incendi", + -12.96371364593506 + ], + [ + "\u2581preto", + -12.963809967041016 + ], + [ + "artige", + -12.963855743408203 + ], + [ + "\u2581genus", + -12.963896751403809 + ], + [ + "\u2581Haas", + -12.963909149169922 + ], + [ + "\u2581Widerruf", + -12.963996887207031 + ], + [ + "\u2581aanleg", + -12.964113235473633 + ], + [ + "\u2581piatto", + -12.96411418914795 + ], + [ + "riger", + -12.96412467956543 + ], + [ + "\u2581raci", + -12.96414566040039 + ], + [ + "\u2581banks", + -12.964190483093262 + ], + [ + "Vis", + -12.964213371276855 + ], + [ + "citet", + -12.964280128479004 + ], + [ + "\u2581Viol", + -12.964299201965332 + ], + [ + "protoimpl", + -12.964303016662598 + ], + [ + "\u2581Dale", + -12.964315414428713 + ], + [ + "\u00e1rias", + -12.964332580566406 + ], + [ + "Registration", + -12.964337348937988 + ], + [ + "\u2581Beschr\u00e4nkung", + -12.964344024658203 + ], + [ + "Chunk", + -12.964367866516112 + ], + [ + "\u2581firm\u00f3", + -12.964385032653809 + ], + [ + "\u2581acusa", + -12.964394569396973 + ], + [ + "islam", + -12.96440887451172 + ], + [ + "Seq", + -12.964425086975098 + ], + [ + "\u2581hohem", + -12.964459419250488 + ], + [ + "\u2581Behinderung", + -12.964469909667969 + ], + [ + "isering", + -12.96452808380127 + ], + [ + "\u2581Ministero", + -12.964564323425291 + ], + [ + "\u2581Eurovisiesong", + -12.964574813842772 + ], + [ + "\u2581Player", + -12.964595794677734 + ], + [ + "\u2581Campeones", + -12.96461009979248 + ], + [ + "\u2581cleanup", + -12.96463680267334 + ], + [ + "\u2581pou", + -12.964648246765137 + ], + [ + "rici", + -12.96466827392578 + ], + [ + "\u2581synthesis", + -12.964706420898438 + ], + [ + "purple", + -12.964716911315918 + ], + [ + "\u2581movimentos", + -12.9647216796875 + ], + [ + "\u2581lanza", + -12.96473217010498 + ], + [ + "\u2581amministrativa", + -12.964739799499512 + ], + [ + "horst", + -12.964763641357422 + ], + [ + "regionen", + -12.964778900146484 + ], + [ + "\u2581werkzaam", + -12.964780807495115 + ], + [ + "\u2581digits", + -12.964804649353027 + ], + [ + "\u2581Globe", + -12.964808464050291 + ], + [ + "Literatur", + -12.96493148803711 + ], + [ + "\u2581ghiaccio", + -12.964956283569336 + ], + [ + "\u2581producida", + -12.965139389038086 + ], + [ + "SCH", + -12.965140342712402 + ], + [ + "\u2581Barr", + -12.965140342712402 + ], + [ + "g\u00e4nger", + -12.965147972106934 + ], + [ + "\u2581formalmente", + -12.96519947052002 + ], + [ + "\u2581engage", + -12.965228080749512 + ], + [ + "nahm", + -12.965344429016112 + ], + [ + "\u2581accordo", + -12.965396881103516 + ], + [ + "\u2581distinto", + -12.965471267700195 + ], + [ + "\u2581santuario", + -12.965519905090332 + ], + [ + "\u2581dependendo", + -12.965524673461914 + ], + [ + "\u2581laiss\u00e9", + -12.965560913085938 + ], + [ + "\u2581Krisen", + -12.965570449829102 + ], + [ + "weer", + -12.965572357177734 + ], + [ + "\u2581Raumordnung", + -12.96567726135254 + ], + [ + "\u2581RC", + -12.965680122375488 + ], + [ + "\u2581Discovery", + -12.965707778930664 + ], + [ + "\u2581parlano", + -12.96571159362793 + ], + [ + "\u2581statua", + -12.965743064880373 + ], + [ + "Navigation", + -12.965764999389648 + ], + [ + "\u2581r\u00e9action", + -12.965771675109863 + ], + [ + "\u2581partecip", + -12.96577262878418 + ], + [ + "UICollectionView", + -12.96587085723877 + ], + [ + "ranger", + -12.965893745422363 + ], + [ + "\u2581jou", + -12.965899467468262 + ], + [ + "\u2581fehlen", + -12.965907096862791 + ], + [ + "toolchain", + -12.96594524383545 + ], + [ + "Mai", + -12.966019630432127 + ], + [ + "\u2581niedrigen", + -12.966032028198242 + ], + [ + "\u2581Docs", + -12.966041564941406 + ], + [ + "Styles", + -12.96607494354248 + ], + [ + "\u2581partecipare", + -12.966153144836426 + ], + [ + "\u2581enables", + -12.966156959533691 + ], + [ + "\u2581Recent", + -12.96617317199707 + ], + [ + "\u2581nata", + -12.966185569763184 + ], + [ + "existing", + -12.966198921203612 + ], + [ + "\u2581zoeken", + -12.966206550598145 + ], + [ + "\u2581democrazia", + -12.966229438781738 + ], + [ + "\u2581respectievelijk", + -12.96623420715332 + ], + [ + "\u2581koningin", + -12.966279029846191 + ], + [ + "comme", + -12.966293334960938 + ], + [ + "\u2581Modernisierung", + -12.966315269470217 + ], + [ + "\u2581Brom", + -12.966364860534668 + ], + [ + "\u2581affirme", + -12.966413497924805 + ], + [ + "zawa", + -12.966429710388184 + ], + [ + "\u2581Tiger", + -12.966450691223145 + ], + [ + "\u2581estudar", + -12.966532707214355 + ], + [ + "osaurus", + -12.96657371520996 + ], + [ + "\u2581constitucional", + -12.96658420562744 + ], + [ + "\u2581cerveja", + -12.966598510742188 + ], + [ + "\u2581matched", + -12.966673851013184 + ], + [ + "coach", + -12.966691970825195 + ], + [ + "\u2581beeintr\u00e4chtigt", + -12.966694831848145 + ], + [ + "\u2581bas\u00e9", + -12.966720581054688 + ], + [ + "\u2581esperando", + -12.966796875 + ], + [ + "\u2581Neumann", + -12.96682071685791 + ], + [ + "politicus", + -12.966901779174805 + ], + [ + "\u2581ber\u00fchrt", + -12.966919898986816 + ], + [ + "\u2581Turchia", + -12.966949462890623 + ], + [ + "\u2581boundaries", + -12.967020988464355 + ], + [ + "\u2581Lower", + -12.96704387664795 + ], + [ + "\u2581touche", + -12.967118263244627 + ], + [ + "viewModel", + -12.96713638305664 + ], + [ + "\u2581Hetero", + -12.967148780822754 + ], + [ + "Expand", + -12.96714973449707 + ], + [ + "\u2581gcc", + -12.967157363891602 + ], + [ + "\u2581manuelinas", + -12.967168807983398 + ], + [ + "Our", + -12.967169761657717 + ], + [ + "\u2581ningu\u00e9m", + -12.967199325561523 + ], + [ + "nucle", + -12.9672269821167 + ], + [ + "\u2581lieber", + -12.967279434204102 + ], + [ + "\u2581visibili", + -12.967292785644531 + ], + [ + "\u2581Script", + -12.96729850769043 + ], + [ + "\u2581originaire", + -12.967324256896973 + ], + [ + "\u2581l\u00e4ngere", + -12.967325210571287 + ], + [ + "dition", + -12.967328071594238 + ], + [ + "\u2581advocaat", + -12.967329025268556 + ], + [ + "\u2581Cron", + -12.967350006103516 + ], + [ + "\u2581Sweden", + -12.967435836791992 + ], + [ + "ncer", + -12.967463493347168 + ], + [ + "\u2581Ausw\u00e4rtigen", + -12.96748161315918 + ], + [ + "\u2581Karin", + -12.967520713806152 + ], + [ + "\u2581d\u00e9signer", + -12.967565536499023 + ], + [ + "\u2581getallen", + -12.967625617980955 + ], + [ + "\u2581Saga", + -12.967658996582031 + ], + [ + "\u2581younger", + -12.967694282531738 + ], + [ + "\u2581Kanada", + -12.967723846435549 + ], + [ + "\u2581Wai", + -12.967733383178713 + ], + [ + "\u2581somehow", + -12.96773910522461 + ], + [ + "\u2581K\u00e4", + -12.967780113220217 + ], + [ + "evt", + -12.967803955078123 + ], + [ + "uwendungen", + -12.967878341674805 + ], + [ + "gil", + -12.967883110046388 + ], + [ + "\u2581brings", + -12.967891693115234 + ], + [ + "\u2581Ausgangspunkt", + -12.96792984008789 + ], + [ + "\u2581Medalla", + -12.967947959899902 + ], + [ + "\u2581allontana", + -12.96804141998291 + ], + [ + "\u2581oportunidade", + -12.968083381652832 + ], + [ + "niche", + -12.96809196472168 + ], + [ + "ground", + -12.96811580657959 + ], + [ + "antas", + -12.968148231506348 + ], + [ + "\u2581Artista", + -12.968194961547852 + ], + [ + "\u2581legata", + -12.96823787689209 + ], + [ + "yar", + -12.968280792236328 + ], + [ + "erebbe", + -12.968350410461426 + ], + [ + "\u2581Viel", + -12.968365669250488 + ], + [ + "latency", + -12.968368530273438 + ], + [ + "\u2581Griekenland", + -12.968439102172852 + ], + [ + "MID", + -12.968523025512695 + ], + [ + "\u2581openbaar", + -12.968547821044922 + ], + [ + "\u2581Clin", + -12.968551635742188 + ], + [ + "lou", + -12.968554496765137 + ], + [ + "\u2581extensa", + -12.968554496765137 + ], + [ + "\u2581sociedades", + -12.968557357788086 + ], + [ + "\u2581dette", + -12.96862506866455 + ], + [ + "\u2581Estende", + -12.968649864196776 + ], + [ + "\u2581Wach", + -12.968664169311523 + ], + [ + "Baden", + -12.96877384185791 + ], + [ + "\u2581Toyota", + -12.968801498413086 + ], + [ + "ellini", + -12.968832969665527 + ], + [ + "\u2581reazione", + -12.968838691711426 + ], + [ + "\u2581noord", + -12.968852043151855 + ], + [ + "Adresse", + -12.968886375427246 + ], + [ + "rsen", + -12.968987464904783 + ], + [ + "\u2581effettuare", + -12.969029426574709 + ], + [ + "ISTS", + -12.969034194946287 + ], + [ + "\u2581medici", + -12.969042778015137 + ], + [ + "Constraints", + -12.969045639038086 + ], + [ + "Completion", + -12.96914005279541 + ], + [ + "\u2581Pico", + -12.96914768218994 + ], + [ + "Username", + -12.969202041625977 + ], + [ + "pheno", + -12.969261169433594 + ], + [ + "\u2581macchine", + -12.969274520874023 + ], + [ + "gras", + -12.96929168701172 + ], + [ + "hao", + -12.969318389892578 + ], + [ + "\u2581besuchte", + -12.969340324401855 + ], + [ + "\u2581adjust", + -12.969430923461914 + ], + [ + "okken", + -12.969457626342772 + ], + [ + "\u2581Gef\u00e4ngnis", + -12.969494819641112 + ], + [ + "\u2581speziellen", + -12.969497680664062 + ], + [ + "Keyboard", + -12.96950626373291 + ], + [ + "\u2581offene", + -12.969525337219238 + ], + [ + "\u2581K\u00fcndigung", + -12.969550132751465 + ], + [ + "easy", + -12.969579696655272 + ], + [ + "must", + -12.969622611999512 + ], + [ + "kinder", + -12.969658851623535 + ], + [ + "\u2581erfassen", + -12.969724655151367 + ], + [ + "\u2581Teixeira", + -12.969770431518556 + ], + [ + "August", + -12.969782829284668 + ], + [ + "\u2581totally", + -12.969796180725098 + ], + [ + "glicher", + -12.969840049743652 + ], + [ + "\u2581welcome", + -12.969908714294434 + ], + [ + "\u2581insist", + -12.969924926757812 + ], + [ + "\u2581laguna", + -12.969925880432127 + ], + [ + "\u2581lenguas", + -12.969947814941406 + ], + [ + "\u2581volete", + -12.969951629638672 + ], + [ + "\u2581tarda", + -12.96999740600586 + ], + [ + "\u2581anciennes", + -12.970005989074709 + ], + [ + "\u2581reparti", + -12.970046043395996 + ], + [ + "\u2581Einer", + -12.970054626464844 + ], + [ + "\u2581Hawaii", + -12.970100402832031 + ], + [ + "\u2581Hopkins", + -12.970115661621094 + ], + [ + "\u2581rim", + -12.970149040222168 + ], + [ + "\u2581Euler", + -12.970224380493164 + ], + [ + "ambia", + -12.97023105621338 + ], + [ + "addon", + -12.970232963562012 + ], + [ + "Bur", + -12.97028636932373 + ], + [ + "getValue", + -12.970292091369627 + ], + [ + "\u2581concep", + -12.970455169677734 + ], + [ + "\u2581turistici", + -12.970457077026367 + ], + [ + "JI", + -12.9705171585083 + ], + [ + "\u2581Planstellen", + -12.970580101013184 + ], + [ + "\u2581Terme", + -12.970623970031738 + ], + [ + "\u2581reizen", + -12.970627784729004 + ], + [ + "tilla", + -12.970637321472168 + ], + [ + "\u2581betr", + -12.970681190490724 + ], + [ + "riana", + -12.970733642578123 + ], + [ + "Who", + -12.970772743225098 + ], + [ + "\u2581verwoest", + -12.970779418945312 + ], + [ + "\u2581Dados", + -12.970787048339844 + ], + [ + "\u2581victims", + -12.970808029174805 + ], + [ + "\u2581cole", + -12.970864295959473 + ], + [ + "\u2581Cay", + -12.970877647399902 + ], + [ + "ann\u00e9es", + -12.970938682556152 + ], + [ + "\u2581airosas", + -12.970958709716797 + ], + [ + "\u2581Effect", + -12.970975875854492 + ], + [ + "\u2581Angebots", + -12.971014022827148 + ], + [ + "\u2581Hei", + -12.971038818359377 + ], + [ + "laboratori", + -12.971047401428224 + ], + [ + "Finish", + -12.9711332321167 + ], + [ + "\u2581Frankfurter", + -12.971273422241213 + ], + [ + "st\u00fccke", + -12.971312522888184 + ], + [ + "incarico", + -12.971354484558104 + ], + [ + "ency", + -12.971405029296877 + ], + [ + "quia", + -12.97141170501709 + ], + [ + "\u2581pioggia", + -12.971442222595217 + ], + [ + "\u2581Immobilien", + -12.971450805664062 + ], + [ + "\u2581Mack", + -12.971450805664062 + ], + [ + "\u2581ibn", + -12.971480369567873 + ], + [ + "\u2581reta", + -12.971498489379885 + ], + [ + "\u2581\"]\"}]}],", + -12.971574783325195 + ], + [ + "nger", + -12.97159481048584 + ], + [ + "aars", + -12.97166633605957 + ], + [ + "God", + -12.971692085266112 + ], + [ + "ports", + -12.971704483032228 + ], + [ + "\u2581Leber", + -12.971718788146973 + ], + [ + "altare", + -12.971857070922852 + ], + [ + "Achse", + -12.971877098083496 + ], + [ + "belli", + -12.971878051757812 + ], + [ + "\u2581businesses", + -12.971939086914062 + ], + [ + "lateral", + -12.97195529937744 + ], + [ + "valent", + -12.971980094909668 + ], + [ + "\u2581Clemente", + -12.972007751464844 + ], + [ + "ooi", + -12.972023010253906 + ], + [ + "regular", + -12.972023010253906 + ], + [ + "\u2581trataba", + -12.972041130065918 + ], + [ + "\u2581diputado", + -12.972047805786133 + ], + [ + "\u2581Laat", + -12.972085952758787 + ], + [ + "\u2581cen\u00e1rio", + -12.972092628479004 + ], + [ + "\u2581Lagos", + -12.97209644317627 + ], + [ + "urge", + -12.972160339355469 + ], + [ + "\u2581Krebs", + -12.972260475158691 + ], + [ + "gelegen", + -12.972329139709473 + ], + [ + "\u2581messen", + -12.972363471984863 + ], + [ + "\u2581Pine", + -12.972379684448242 + ], + [ + "\u2581Detail", + -12.972393035888672 + ], + [ + "\u2581Powell", + -12.972404479980469 + ], + [ + "\u2581palazzi", + -12.972437858581545 + ], + [ + "\u2581heavily", + -12.972482681274414 + ], + [ + "\u2581est\u00e1ndar", + -12.9725923538208 + ], + [ + "zlib", + -12.972594261169434 + ], + [ + "\u2581Tac", + -12.972599983215332 + ], + [ + "\u2581Sz", + -12.97260856628418 + ], + [ + "\u2581assicura", + -12.972668647766112 + ], + [ + "\u2581aceptar", + -12.972678184509276 + ], + [ + "mL", + -12.972684860229492 + ], + [ + "\u2581ongoing", + -12.972699165344238 + ], + [ + "Equipo", + -12.97272777557373 + ], + [ + "\u2581Bangladesh", + -12.97275161743164 + ], + [ + "\u2581percebe", + -12.972761154174805 + ], + [ + "\u2581destinos", + -12.97281265258789 + ], + [ + "\u2581Floresta", + -12.972833633422852 + ], + [ + "\u2581pieza", + -12.972860336303713 + ], + [ + "\u2581SIG", + -12.972882270812988 + ], + [ + "\u2581Delft", + -12.972939491271973 + ], + [ + "\u2581vende", + -12.972978591918944 + ], + [ + "\u2581Rebel", + -12.972982406616213 + ], + [ + "pato", + -12.973017692565918 + ], + [ + "\u2581Trieste", + -12.973029136657717 + ], + [ + "\u2581ordena", + -12.973044395446776 + ], + [ + "\u2581eventuali", + -12.973052024841309 + ], + [ + "\u2581Spuren", + -12.973102569580078 + ], + [ + "\u2581Uran", + -12.97311782836914 + ], + [ + "\u2581Statistics", + -12.973129272460938 + ], + [ + "\u2581Cul", + -12.973150253295898 + ], + [ + "\u2581destas", + -12.973164558410645 + ], + [ + "Git", + -12.973169326782228 + ], + [ + "portfolio", + -12.973180770874023 + ], + [ + "schaffen", + -12.973189353942873 + ], + [ + "\u2581parcialmente", + -12.973225593566896 + ], + [ + "wf", + -12.97325038909912 + ], + [ + "\u2581Lua", + -12.973284721374512 + ], + [ + "elling", + -12.97330379486084 + ], + [ + "\u2581prov", + -12.97336483001709 + ], + [ + "rme", + -12.973380088806152 + ], + [ + "AMA", + -12.973416328430176 + ], + [ + "\u2581spedizione", + -12.973462104797363 + ], + [ + "jug", + -12.973549842834473 + ], + [ + "\u2581Beyond", + -12.973640441894531 + ], + [ + "\u2581Marke", + -12.97366428375244 + ], + [ + "\u2581religiosi", + -12.973668098449709 + ], + [ + "\u2581Galicia", + -12.973674774169922 + ], + [ + "\u2581Mercado", + -12.973732948303224 + ], + [ + "\u2581districts", + -12.973745346069336 + ], + [ + "hals", + -12.973763465881348 + ], + [ + "\u2581Achter", + -12.973801612854004 + ], + [ + "OBJ", + -12.973861694335938 + ], + [ + "\u2581vermoord", + -12.973913192749023 + ], + [ + "\u2581fertig", + -12.973919868469238 + ], + [ + "\u2581verdwenen", + -12.973962783813477 + ], + [ + "\u2581trasforma", + -12.974028587341309 + ], + [ + "aks", + -12.974042892456056 + ], + [ + "numberOf", + -12.97407341003418 + ], + [ + "\u2581Adriano", + -12.974081993103027 + ], + [ + "bestimmungen", + -12.97412395477295 + ], + [ + "teten", + -12.97412395477295 + ], + [ + "\u2581Goi\u00e1s", + -12.974160194396973 + ], + [ + "treiben", + -12.974187850952148 + ], + [ + "\u2581belastet", + -12.974228858947754 + ], + [ + "\u2581basically", + -12.974250793457031 + ], + [ + "\u2581interpreted", + -12.974319458007812 + ], + [ + "\u2581recordar", + -12.974324226379396 + ], + [ + "\u2581Leser", + -12.974357604980469 + ], + [ + "\u2581wonderful", + -12.97436809539795 + ], + [ + "\u2581buitenland", + -12.974411964416504 + ], + [ + "\u2581Schalt", + -12.974443435668944 + ], + [ + "\u2581qualifizierte", + -12.974481582641602 + ], + [ + "\u2581Sanierung", + -12.974506378173828 + ], + [ + "\u2581Std", + -12.97452449798584 + ], + [ + "\u2581cont\u00f3", + -12.974542617797852 + ], + [ + "\u2581reali", + -12.974578857421877 + ], + [ + "\u2581Nello", + -12.974581718444824 + ], + [ + "\u2581ferrocarril", + -12.974595069885254 + ], + [ + "polder", + -12.974618911743164 + ], + [ + "\u2581divertirsi", + -12.974618911743164 + ], + [ + "\u2581hist\u00f3rias", + -12.974713325500488 + ], + [ + "aught", + -12.974753379821776 + ], + [ + "hunter", + -12.974760055541992 + ], + [ + "\u2581Nachteile", + -12.974769592285156 + ], + [ + "DNF", + -12.974822998046877 + ], + [ + "\u2581limitato", + -12.974855422973633 + ], + [ + "\u2581proceedings", + -12.974864959716797 + ], + [ + "\u2581HO", + -12.974882125854492 + ], + [ + "\u2581offrir", + -12.974893569946287 + ], + [ + "\u2581P\u00f3", + -12.9749174118042 + ], + [ + "\u2581img", + -12.974933624267578 + ], + [ + "\u2581Literatura", + -12.974966049194336 + ], + [ + "\u2581ogen", + -12.975205421447754 + ], + [ + "Resp", + -12.975435256958008 + ], + [ + "smann", + -12.975555419921877 + ], + [ + "ometer", + -12.975578308105469 + ], + [ + "\u2581asociaci\u00f3n", + -12.975652694702148 + ], + [ + "\u2581Wick", + -12.975659370422363 + ], + [ + "volt", + -12.975701332092283 + ], + [ + "urne", + -12.975780487060549 + ], + [ + "\u2581descubiertos", + -12.975811004638672 + ], + [ + "\u2581F\u00e9d\u00e9ration", + -12.975839614868164 + ], + [ + "ergebnis", + -12.975866317749023 + ], + [ + "Turn", + -12.975884437561035 + ], + [ + "\u2581stadio", + -12.975884437561035 + ], + [ + "\u2581caja", + -12.975963592529297 + ], + [ + "\u2581Eye", + -12.97600555419922 + ], + [ + "Haus", + -12.976036071777344 + ], + [ + "\u2581startte", + -12.97613525390625 + ], + [ + "\u2581profissionais", + -12.97617530822754 + ], + [ + "Hall", + -12.97618293762207 + ], + [ + "Conditions", + -12.976242065429688 + ], + [ + "\u2581Toutes", + -12.976243019104004 + ], + [ + "\u2581methode", + -12.97626781463623 + ], + [ + "\u2581M\u00e9dia", + -12.976271629333496 + ], + [ + "artillerie", + -12.97633171081543 + ], + [ + "\u2581pouvons", + -12.976354598999023 + ], + [ + "rotation", + -12.976361274719238 + ], + [ + "\u2581d\u00edptico", + -12.97637176513672 + ], + [ + "\u2581Perth", + -12.97638988494873 + ], + [ + "European", + -12.976445198059082 + ], + [ + "china", + -12.976468086242676 + ], + [ + "\u2581fertili", + -12.976508140563965 + ], + [ + "\u2581fator", + -12.976530075073242 + ], + [ + "neh", + -12.976534843444824 + ], + [ + "Syn", + -12.976574897766112 + ], + [ + "\u2581Till", + -12.976593017578123 + ], + [ + "\u2581ernannt", + -12.976629257202148 + ], + [ + "\u2581indicare", + -12.976630210876465 + ], + [ + "\u2581Trocken", + -12.976638793945312 + ], + [ + "Protein", + -12.976644515991213 + ], + [ + "\u2581flying", + -12.9768648147583 + ], + [ + "\u2581collegata", + -12.976898193359377 + ], + [ + "\u2581diferencias", + -12.976966857910156 + ], + [ + "\u2581chiusura", + -12.9769926071167 + ], + [ + "\u2581Otro", + -12.977011680603027 + ], + [ + "\u2581Nationalpark", + -12.977030754089355 + ], + [ + "institute", + -12.977042198181152 + ], + [ + "\u2581encontramos", + -12.977155685424805 + ], + [ + "\u2581distruzione", + -12.977195739746094 + ], + [ + "pear", + -12.977229118347168 + ], + [ + "\u2581fondamentali", + -12.977238655090332 + ], + [ + "Atom", + -12.977254867553713 + ], + [ + "spacing", + -12.977277755737305 + ], + [ + "\u2581penal", + -12.977334022521973 + ], + [ + "\u2581entrando", + -12.977465629577637 + ], + [ + "FIELD", + -12.977478981018066 + ], + [ + "flatten", + -12.977484703063965 + ], + [ + "\u2581plage", + -12.977497100830078 + ], + [ + "\u2581bay", + -12.977511405944824 + ], + [ + "lbstverst\u00e4ndlich", + -12.97755241394043 + ], + [ + "\u2581tendenza", + -12.97755241394043 + ], + [ + "\u2581Intensit\u00e4t", + -12.97763442993164 + ], + [ + "\u2581Hunde", + -12.977648735046388 + ], + [ + "ast\u00e9ro", + -12.977691650390623 + ], + [ + "\u2581besuchen", + -12.977702140808104 + ], + [ + "\u2581shouldn", + -12.977724075317385 + ], + [ + "\u2581proc\u00e9dure", + -12.977807998657228 + ], + [ + "\u2581Anliegen", + -12.977813720703123 + ], + [ + "\u2581subparagraph", + -12.977828979492188 + ], + [ + "cant", + -12.977829933166504 + ], + [ + "relli", + -12.977839469909668 + ], + [ + "\u2581semifinal", + -12.977863311767578 + ], + [ + "it\u00e4ts", + -12.977928161621094 + ], + [ + "\u2581Reduzierung", + -12.977933883666992 + ], + [ + "\u2581ausgewiesen", + -12.978007316589355 + ], + [ + "\u2581orthogonal", + -12.978029251098633 + ], + [ + "\u2581Fragment", + -12.978084564208984 + ], + [ + "\u2581Peu", + -12.97808837890625 + ], + [ + "Grad", + -12.978106498718262 + ], + [ + "\u2581percep", + -12.978113174438477 + ], + [ + "ersdorf", + -12.97813320159912 + ], + [ + "\u2581receives", + -12.97814655303955 + ], + [ + "\u2581creative", + -12.978224754333496 + ], + [ + "\u2581esquina", + -12.97827434539795 + ], + [ + "\u2581cesse", + -12.978320121765137 + ], + [ + "\u2581Tek", + -12.978348731994627 + ], + [ + "\u2581Magdeburg", + -12.978363990783691 + ], + [ + "\u2581rip", + -12.97842502593994 + ], + [ + "\u2581geschieht", + -12.978453636169434 + ], + [ + "Locale", + -12.978480339050291 + ], + [ + "envoy", + -12.978508949279783 + ], + [ + "interpret", + -12.978533744812012 + ], + [ + "\u2581smell", + -12.97857666015625 + ], + [ + "\u2581Emil", + -12.978681564331056 + ], + [ + "\u2581suppression", + -12.978729248046877 + ], + [ + "\u2581escolhido", + -12.978792190551758 + ], + [ + "ventur", + -12.9788179397583 + ], + [ + "ringe", + -12.978852272033691 + ], + [ + "\u2581magari", + -12.978917121887209 + ], + [ + "\u2581pezzo", + -12.978983879089355 + ], + [ + "\u2581quartiers", + -12.97904109954834 + ], + [ + "\u2581diff\u00e9rent", + -12.979097366333008 + ], + [ + "Scene", + -12.979127883911133 + ], + [ + "\u2581zelfstandig", + -12.979143142700195 + ], + [ + "hungen", + -12.979181289672852 + ], + [ + "\u2581vuol", + -12.979273796081545 + ], + [ + "presidente", + -12.979281425476074 + ], + [ + "houding", + -12.97930145263672 + ], + [ + "\u2581accetta", + -12.97931957244873 + ], + [ + "\u2581progressive", + -12.979348182678224 + ], + [ + "Pas", + -12.979425430297852 + ], + [ + "\u2581Abweichung", + -12.979434967041016 + ], + [ + "\u2581seeking", + -12.97944164276123 + ], + [ + "\u2581oftmals", + -12.979443550109863 + ], + [ + "fluor", + -12.97949504852295 + ], + [ + "\u2581warnings", + -12.979549407958984 + ], + [ + "\u2581CONTRACT", + -12.979555130004885 + ], + [ + "oci", + -12.979654312133787 + ], + [ + "\u2581r\u00e9giment", + -12.979781150817873 + ], + [ + "\u2581asunto", + -12.979829788208008 + ], + [ + "\u2581Rag", + -12.97984218597412 + ], + [ + "\u2581charola", + -12.979851722717283 + ], + [ + "stes", + -12.97993278503418 + ], + [ + "\u2581Medioevo", + -12.979935646057127 + ], + [ + "fax", + -12.980009078979492 + ], + [ + "\u2581Tee", + -12.9800443649292 + ], + [ + "\u2581participant", + -12.980058670043944 + ], + [ + "\u2581winst", + -12.980064392089844 + ], + [ + "\u2581convenience", + -12.980080604553224 + ], + [ + "\u2581Arnhem", + -12.980103492736816 + ], + [ + "apport", + -12.98010540008545 + ], + [ + "estado", + -12.98011875152588 + ], + [ + "gesehen", + -12.980121612548828 + ], + [ + "\u2581cons\u00e9quent", + -12.980134963989258 + ], + [ + "studium", + -12.980152130126951 + ], + [ + "\u2581sluiten", + -12.980154037475586 + ], + [ + "\u2581quente", + -12.980177879333496 + ], + [ + "cando", + -12.98020362854004 + ], + [ + "\u2581dottrina", + -12.980244636535645 + ], + [ + "\u2581disegno", + -12.98027229309082 + ], + [ + "\u2581Physical", + -12.980280876159668 + ], + [ + "\u2581ocupado", + -12.980311393737791 + ], + [ + "\u2581cuenca", + -12.98031997680664 + ], + [ + "\u2581Vert", + -12.980354309082031 + ], + [ + "gypte", + -12.980413436889648 + ], + [ + "NW", + -12.98046588897705 + ], + [ + "\u2581Whi", + -12.980480194091797 + ], + [ + "sformen", + -12.980555534362791 + ], + [ + "ROS", + -12.980557441711426 + ], + [ + "\u2581supporto", + -12.98059368133545 + ], + [ + "\u2581Species", + -12.98062229156494 + ], + [ + "\u2581Familia", + -12.980636596679688 + ], + [ + "orkshire", + -12.980698585510254 + ], + [ + "\u2581Begrenzung", + -12.980791091918944 + ], + [ + "\u2581devasta", + -12.980874061584473 + ], + [ + "\u2581Sad", + -12.980910301208496 + ], + [ + "\u2581buone", + -12.980997085571287 + ], + [ + "\u2581grootte", + -12.981035232543944 + ], + [ + "\u2581poteri", + -12.98110008239746 + ], + [ + "laat", + -12.98111057281494 + ], + [ + "dacht", + -12.981121063232422 + ], + [ + "\u2581Alber", + -12.981163024902344 + ], + [ + "\u2581Mura", + -12.981183052062988 + ], + [ + "\u2581fornecer", + -12.981219291687012 + ], + [ + "\u2581tro", + -12.98122787475586 + ], + [ + "\u2581cantor", + -12.981257438659668 + ], + [ + "\u2581franciscanos", + -12.981304168701172 + ], + [ + "\u2581alloggi", + -12.98140811920166 + ], + [ + "Hint", + -12.981484413146973 + ], + [ + "China", + -12.981569290161133 + ], + [ + "\u2581mercados", + -12.98158836364746 + ], + [ + "\u2581Eh", + -12.981637954711914 + ], + [ + "Permission", + -12.981681823730469 + ], + [ + "ssing", + -12.98169994354248 + ], + [ + "\u2581bitter", + -12.981709480285645 + ], + [ + "\u2581TT", + -12.981773376464844 + ], + [ + "zaal", + -12.981806755065918 + ], + [ + "\u2581ampiamente", + -12.9818115234375 + ], + [ + "\u2581domicile", + -12.98182201385498 + ], + [ + "\u2581Sozialversicher", + -12.98198413848877 + ], + [ + "gels", + -12.982020378112791 + ], + [ + "\u2581scienze", + -12.982040405273438 + ], + [ + "\u2581attractions", + -12.982041358947754 + ], + [ + "\u2581Toe", + -12.982068061828612 + ], + [ + "\u2581mostram", + -12.982078552246094 + ], + [ + "\u2581initialize", + -12.982132911682127 + ], + [ + "\u2581Sch\u00e4digung", + -12.982139587402344 + ], + [ + "oki", + -12.982199668884276 + ], + [ + "\u2581a\u00e9rea", + -12.982237815856934 + ], + [ + "\u2581foundation", + -12.982247352600098 + ], + [ + "gier", + -12.982284545898438 + ], + [ + "\u2581grounds", + -12.98240089416504 + ], + [ + "ssy", + -12.982415199279783 + ], + [ + "\u2581glauben", + -12.982420921325684 + ], + [ + "\u2581Move", + -12.982430458068848 + ], + [ + "\u2581vierten", + -12.982619285583496 + ], + [ + "\u2581Senato", + -12.982620239257812 + ], + [ + "\u2581vaso", + -12.98275661468506 + ], + [ + "\u2581Daraus", + -12.982815742492676 + ], + [ + "\u2581dramatique", + -12.98282527923584 + ], + [ + "REMOVE", + -12.982834815979004 + ], + [ + "\u2581abandonado", + -12.982840538024902 + ], + [ + "\u2581culturais", + -12.982912063598633 + ], + [ + "\u2581beeldhouwer", + -12.98293113708496 + ], + [ + "\u2581Insolvenz", + -12.982943534851074 + ], + [ + "Exists", + -12.98294448852539 + ], + [ + "rperschaften", + -12.982953071594238 + ], + [ + "Miss", + -12.983072280883787 + ], + [ + "lake", + -12.98307991027832 + ], + [ + "\u2581Jeremy", + -12.983087539672852 + ], + [ + "\u2581Membre", + -12.983142852783203 + ], + [ + "\u2581elektronischen", + -12.983271598815918 + ], + [ + "\u2581provar", + -12.9832763671875 + ], + [ + "Gradient", + -12.98332405090332 + ], + [ + "\u2581Wing", + -12.98333740234375 + ], + [ + "Love", + -12.983426094055176 + ], + [ + "\u2581Brett", + -12.98344612121582 + ], + [ + "\u2581jam\u00e1s", + -12.983455657958984 + ], + [ + "Compile", + -12.98346710205078 + ], + [ + "\u2581Testamento", + -12.983477592468262 + ], + [ + "\u2581metodi", + -12.983518600463867 + ], + [ + "\u2581espace", + -12.983529090881348 + ], + [ + "\u2581frazioni", + -12.983534812927246 + ], + [ + "\u00f3d", + -12.983598709106444 + ], + [ + "\u2581officiellement", + -12.983602523803713 + ], + [ + "\u2581bold", + -12.983606338500977 + ], + [ + "\u2581Hardy", + -12.983686447143556 + ], + [ + "\u2581tries", + -12.983699798583984 + ], + [ + "\u2581aviso", + -12.983799934387209 + ], + [ + "\u2581Oostenrijkse", + -12.983823776245115 + ], + [ + "atsu", + -12.983881950378418 + ], + [ + "\u2581collegano", + -12.983916282653809 + ], + [ + "\u2581truc", + -12.983969688415527 + ], + [ + "\u2581T\u00edtulos", + -12.98402500152588 + ], + [ + "\u2581Parties", + -12.984067916870115 + ], + [ + "\u2581decomposition", + -12.98408317565918 + ], + [ + "working", + -12.984085083007812 + ], + [ + "\u2581Similar", + -12.984098434448242 + ], + [ + "\u2581praktischen", + -12.984116554260254 + ], + [ + "\u2581cijfers", + -12.984137535095217 + ], + [ + "pytest", + -12.984148979187012 + ], + [ + "\u2581rely", + -12.984170913696287 + ], + [ + "\u2581Faro", + -12.98418426513672 + ], + [ + "eremo", + -12.984209060668944 + ], + [ + "\u2581depression", + -12.984227180480955 + ], + [ + "mala", + -12.984292030334473 + ], + [ + "\u2581Schatten", + -12.984295845031738 + ], + [ + "\u2581Saba", + -12.984298706054688 + ], + [ + "\u2581sediment", + -12.984298706054688 + ], + [ + "SIL", + -12.9843111038208 + ], + [ + "\u2581thickness", + -12.9843168258667 + ], + [ + "\u2581caratteri", + -12.984403610229492 + ], + [ + "\u2581rechte", + -12.984405517578123 + ], + [ + "vig", + -12.984437942504885 + ], + [ + "\u2581meerderheid", + -12.98446273803711 + ], + [ + "\u2581hob", + -12.984487533569336 + ], + [ + "\u2581Garda", + -12.984591484069824 + ], + [ + "\u2581\"...", + -12.984599113464355 + ], + [ + "fine", + -12.98460578918457 + ], + [ + "\u2581jaune", + -12.984607696533203 + ], + [ + "ACK", + -12.984691619873049 + ], + [ + "\u2581Isabella", + -12.984691619873049 + ], + [ + "agir", + -12.984723091125488 + ], + [ + "minus", + -12.984813690185549 + ], + [ + "Assets", + -12.984818458557127 + ], + [ + "Seine", + -12.984824180603027 + ], + [ + "\u2581escritores", + -12.984896659851074 + ], + [ + "\u2581messi", + -12.984918594360352 + ], + [ + "\u2581disposto", + -12.984939575195312 + ], + [ + "roth", + -12.984949111938477 + ], + [ + "amina", + -12.98496150970459 + ], + [ + "\u2581EVENT", + -12.98498249053955 + ], + [ + "\u2581Wan", + -12.985005378723145 + ], + [ + "SEN", + -12.985039710998535 + ], + [ + "Cur", + -12.985089302062988 + ], + [ + "\u2581Michelle", + -12.985093116760254 + ], + [ + "\u2581philosophy", + -12.98511791229248 + ], + [ + "sions", + -12.985177040100098 + ], + [ + "\u2581visiter", + -12.985212326049805 + ], + [ + "\u2581Mona", + -12.98521327972412 + ], + [ + "telo", + -12.985345840454102 + ], + [ + "\u2581oberhalb", + -12.985355377197266 + ], + [ + "initializer", + -12.98540496826172 + ], + [ + "\u2581queremos", + -12.985428810119627 + ], + [ + "\u2581modificado", + -12.985464096069336 + ], + [ + "\u2581entnehmen", + -12.985469818115234 + ], + [ + "\u2581sapeva", + -12.985492706298828 + ], + [ + "\u2581relatives", + -12.985726356506348 + ], + [ + "\u2581sombra", + -12.985733032226562 + ], + [ + "fas", + -12.985821723937988 + ], + [ + "nera", + -12.985825538635254 + ], + [ + "bezug", + -12.985827445983888 + ], + [ + "\u2581organizada", + -12.985872268676758 + ], + [ + "\u2581peor", + -12.985906600952148 + ], + [ + "\u2581Ned", + -12.985923767089844 + ], + [ + "\u2581timer", + -12.985958099365234 + ], + [ + "RGBColor", + -12.985980033874512 + ], + [ + "Jet", + -12.985995292663574 + ], + [ + "\u2581fissa", + -12.986016273498535 + ], + [ + "\u2581nationaal", + -12.986093521118164 + ], + [ + "episodio", + -12.986124038696287 + ], + [ + "\u2581printemps", + -12.98615550994873 + ], + [ + "\u2581Muhammad", + -12.986162185668944 + ], + [ + "Haupt", + -12.986163139343262 + ], + [ + "\u2581Hahn", + -12.986186027526855 + ], + [ + "\u2581giallo", + -12.986245155334473 + ], + [ + "\u2581generates", + -12.986249923706056 + ], + [ + "\u2581chica", + -12.986351013183594 + ], + [ + "\u2581funcionamiento", + -12.986398696899414 + ], + [ + "Linear", + -12.986410140991213 + ], + [ + "\u2581encargado", + -12.986424446105955 + ], + [ + "\u2581Maschine", + -12.986522674560549 + ], + [ + "\u2581approche", + -12.98654079437256 + ], + [ + "\u2581Vertragsstaat", + -12.986567497253418 + ], + [ + "scr", + -12.986583709716797 + ], + [ + "\u2581Deut", + -12.986594200134276 + ], + [ + "\u2581beantwortet", + -12.986600875854492 + ], + [ + "\u2581Mujeres", + -12.986620903015137 + ], + [ + "\u2581Braziliaanse", + -12.98664093017578 + ], + [ + "Cond", + -12.986727714538574 + ], + [ + "\u2581navale", + -12.986858367919922 + ], + [ + "\u2581suspension", + -12.986921310424805 + ], + [ + "\u2581Fudge", + -12.986928939819336 + ], + [ + "\u2581perceber", + -12.986944198608398 + ], + [ + "\u2581suolo", + -12.986977577209473 + ], + [ + "\u2581detalles", + -12.98702335357666 + ], + [ + "Reply", + -12.987034797668455 + ], + [ + "\u2581Bear", + -12.98705005645752 + ], + [ + "\u2581articolo", + -12.987064361572266 + ], + [ + "Unable", + -12.98707103729248 + ], + [ + "\u2581vermogen", + -12.987141609191896 + ], + [ + "dpkg", + -12.987142562866213 + ], + [ + "lop", + -12.98714828491211 + ], + [ + "ending", + -12.98719882965088 + ], + [ + "wirkungen", + -12.987239837646484 + ], + [ + "avventura", + -12.987245559692385 + ], + [ + "\u2581annotation", + -12.987259864807127 + ], + [ + "\u2581pensato", + -12.987299919128418 + ], + [ + "\u2581Basta", + -12.98730182647705 + ], + [ + "INI", + -12.987313270568848 + ], + [ + "hid", + -12.98732089996338 + ], + [ + "\u2581TM", + -12.987375259399414 + ], + [ + "\u2581Banks", + -12.987377166748049 + ], + [ + "\u2581recita", + -12.987384796142578 + ], + [ + "casse", + -12.987388610839844 + ], + [ + "\u2581daarin", + -12.987433433532717 + ], + [ + "\u2581Moh", + -12.987439155578612 + ], + [ + "publisher", + -12.987462043762209 + ], + [ + "th\u00e9", + -12.987504959106444 + ], + [ + "\u2581chains", + -12.987550735473633 + ], + [ + "his", + -12.987622261047363 + ], + [ + "\u2581zugeh", + -12.987738609313965 + ], + [ + "\u2581ofrecer", + -12.98779010772705 + ], + [ + "MAJOR", + -12.987849235534668 + ], + [ + "\u2581guerras", + -12.987857818603516 + ], + [ + "Hora", + -12.987866401672363 + ], + [ + "\u2581branche", + -12.987866401672363 + ], + [ + "\u2581Felder", + -12.987875938415527 + ], + [ + "\u2581vorwiegend", + -12.987922668457031 + ], + [ + "\u2581Plato", + -12.987947463989258 + ], + [ + "gef\u00fchl", + -12.98798370361328 + ], + [ + "affermazione", + -12.98802089691162 + ], + [ + "\u2581amendments", + -12.98803424835205 + ], + [ + "Ant", + -12.988062858581545 + ], + [ + "vigne", + -12.98807430267334 + ], + [ + "\u2581\u00e1guas", + -12.98809051513672 + ], + [ + "atmosph", + -12.988103866577148 + ], + [ + "tista", + -12.988117218017578 + ], + [ + "\u2581Milo", + -12.988147735595703 + ], + [ + "\u2581estrangeiros", + -12.988186836242676 + ], + [ + "\u2581Stab", + -12.988221168518066 + ], + [ + "Analyse", + -12.988224029541016 + ], + [ + "\u2581gestern", + -12.988255500793455 + ], + [ + "\u2581predominante", + -12.988348007202148 + ], + [ + "\u2581Curtis", + -12.98839282989502 + ], + [ + "\u2581Operations", + -12.988423347473145 + ], + [ + "\u2581Habita", + -12.988485336303713 + ], + [ + "glyc", + -12.988500595092772 + ], + [ + "fv", + -12.98851490020752 + ], + [ + "\u2581settled", + -12.988574981689451 + ], + [ + "\u2581Sp\u00e4ter", + -12.988597869873049 + ], + [ + "\u2581pivot", + -12.988608360290527 + ], + [ + "\u2581ebbero", + -12.98866081237793 + ], + [ + "iane", + -12.988666534423828 + ], + [ + "boten", + -12.98869514465332 + ], + [ + "\u2581Alexandria", + -12.988774299621582 + ], + [ + "\u2581Somme", + -12.98878574371338 + ], + [ + "sino", + -12.98879051208496 + ], + [ + "\u2581corpi", + -12.988799095153809 + ], + [ + "United", + -12.98881721496582 + ], + [ + "\u2581Rehabilitation", + -12.988837242126465 + ], + [ + "\u2581Ferrara", + -12.988850593566896 + ], + [ + "Carri", + -12.988862037658691 + ], + [ + "Dan", + -12.988890647888184 + ], + [ + "\u2581vontade", + -12.988920211791992 + ], + [ + "\u2581certe", + -12.988998413085938 + ], + [ + "\u2581fuertes", + -12.989012718200684 + ], + [ + "\u2581d\u00e9sert", + -12.989079475402832 + ], + [ + "direktor", + -12.989110946655272 + ], + [ + "basierte", + -12.989140510559082 + ], + [ + "\u2581exclude", + -12.989169120788574 + ], + [ + "IMA", + -12.98917293548584 + ], + [ + "\u2581criticism", + -12.989347457885742 + ], + [ + "\u2581veicoli", + -12.989444732666016 + ], + [ + "\u2581pese", + -12.989498138427734 + ], + [ + "\u2581doadores", + -12.98949909210205 + ], + [ + "\u2581oferecem", + -12.98955535888672 + ], + [ + "Smith", + -12.98962116241455 + ], + [ + "\u2581belong", + -12.989636421203612 + ], + [ + "\u2581casco", + -12.989639282226562 + ], + [ + "\u2581Soft", + -12.98965549468994 + ], + [ + "\u2581intende", + -12.989688873291016 + ], + [ + "\u2581socialismo", + -12.989797592163086 + ], + [ + "\u2581Hack", + -12.98983669281006 + ], + [ + "orientierung", + -12.98984146118164 + ], + [ + "\u2581shares", + -12.989885330200195 + ], + [ + "\u2581Erlass", + -12.98991870880127 + ], + [ + "\u2581unit\u00e9s", + -12.989946365356444 + ], + [ + "\u2581lijnen", + -12.98999309539795 + ], + [ + "Lat", + -12.990012168884276 + ], + [ + "\u2581menschliche", + -12.990059852600098 + ], + [ + "\u2581Neotropisch", + -12.990079879760742 + ], + [ + "\u2581sable", + -12.990079879760742 + ], + [ + "\u2581Cardinale", + -12.990097999572754 + ], + [ + "\u2581Bohr", + -12.990130424499512 + ], + [ + "equip", + -12.990142822265623 + ], + [ + "Tor", + -12.990167617797852 + ], + [ + "\u2581annuelle", + -12.990190505981444 + ], + [ + "\u2581Trentino", + -12.990221977233888 + ], + [ + "\u2581veh\u00edculos", + -12.990262031555176 + ], + [ + "\u2581wijn", + -12.990302085876465 + ], + [ + "\u2581Executive", + -12.990318298339844 + ], + [ + "iennes", + -12.99032974243164 + ], + [ + "cosa", + -12.9904203414917 + ], + [ + "\u2581colombiano", + -12.990435600280762 + ], + [ + "Arte", + -12.990452766418455 + ], + [ + "\u2581guys", + -12.990544319152832 + ], + [ + "ientes", + -12.990559577941896 + ], + [ + "\u2581PDS", + -12.990592956542969 + ], + [ + "\u2581realizzare", + -12.99067211151123 + ], + [ + "\u2581ciertas", + -12.990693092346191 + ], + [ + "\u2581construy\u00f3", + -12.99072551727295 + ], + [ + "deserialize", + -12.99073600769043 + ], + [ + "\u2581Hampshire", + -12.990825653076172 + ], + [ + "\u2581cozinha", + -12.990870475769045 + ], + [ + "Han", + -12.990921020507812 + ], + [ + "\u2581handels", + -12.990921974182127 + ], + [ + "nahen", + -12.990966796875 + ], + [ + "ografia", + -12.990984916687012 + ], + [ + "\u2581aanslag", + -12.99103832244873 + ], + [ + "\u2581Wohnungsbau", + -12.991141319274902 + ], + [ + "\u2581Florian", + -12.991158485412598 + ], + [ + "\u2581poemas", + -12.991174697875977 + ], + [ + "\u2581allant", + -12.991233825683594 + ], + [ + "\u2581begleitet", + -12.991291999816896 + ], + [ + "\u2581Tyler", + -12.991321563720703 + ], + [ + "\u2581Liechtenstein", + -12.991415023803713 + ], + [ + "\u2581wilden", + -12.991433143615724 + ], + [ + "\u2581propiedades", + -12.991458892822266 + ], + [ + "\u2581eventuell", + -12.99147129058838 + ], + [ + "\u2581rough", + -12.991546630859377 + ], + [ + "\u2581prijzen", + -12.991589546203612 + ], + [ + "\u2581roupas", + -12.991640090942385 + ], + [ + "\u2581agricoles", + -12.991641998291016 + ], + [ + "\u2581aggiunge", + -12.991708755493164 + ], + [ + "lens", + -12.991743087768556 + ], + [ + "\u2581Cardeal", + -12.991786003112791 + ], + [ + "specialist", + -12.991804122924805 + ], + [ + "\u2581domains", + -12.991984367370604 + ], + [ + "\u2581Seguridad", + -12.991995811462402 + ], + [ + "\u2581pau", + -12.992042541503906 + ], + [ + "\u2581familiari", + -12.992067337036133 + ], + [ + "\u2581Abwicklung", + -12.992085456848145 + ], + [ + "\u2581beneficio", + -12.99211597442627 + ], + [ + "\u2581folgendem", + -12.9921236038208 + ], + [ + "duction", + -12.992127418518066 + ], + [ + "\u2581noleggiare", + -12.99213695526123 + ], + [ + "\u2581Priester", + -12.99217128753662 + ], + [ + "\u2581accuse", + -12.992204666137695 + ], + [ + "\u2581Proof", + -12.992205619812012 + ], + [ + "graphie", + -12.992223739624023 + ], + [ + "augur", + -12.992233276367188 + ], + [ + "\u2581st\u00e4rken", + -12.992254257202148 + ], + [ + "sine", + -12.992258071899414 + ], + [ + "\u2581Shopping", + -12.99229621887207 + ], + [ + "\u2581ser\u00e1n", + -12.99229621887207 + ], + [ + "aarch", + -12.992297172546388 + ], + [ + "\u2581aangenomen", + -12.992317199707031 + ], + [ + "\u00e4hr", + -12.992319107055664 + ], + [ + "\u2581guardare", + -12.99236011505127 + ], + [ + "\u2581slechte", + -12.992420196533203 + ], + [ + "Setup", + -12.992429733276367 + ], + [ + "\u2581Gegend", + -12.9925537109375 + ], + [ + "ORA", + -12.99260711669922 + ], + [ + "\u2581andato", + -12.99266529083252 + ], + [ + "ethyl", + -12.99268627166748 + ], + [ + "abteilung", + -12.992714881896973 + ], + [ + "\u2581autonomia", + -12.992725372314451 + ], + [ + "\u2581Pl\u00e4ne", + -12.992775917053224 + ], + [ + "slow", + -12.992916107177734 + ], + [ + "\u2581regularly", + -12.992945671081545 + ], + [ + "laus", + -12.992949485778809 + ], + [ + "\u2581UILabel", + -12.99295139312744 + ], + [ + "\u2581secondes", + -12.992977142333984 + ], + [ + "\u2581Twi", + -12.993087768554688 + ], + [ + "\u2581Krankheiten", + -12.993104934692385 + ], + [ + "\u2581romaine", + -12.993115425109863 + ], + [ + "\u2581commerci", + -12.99316120147705 + ], + [ + "\u2581Macedonia", + -12.993224143981934 + ], + [ + "shutdown", + -12.993250846862791 + ], + [ + "\u2581Range", + -12.993378639221191 + ], + [ + "urban", + -12.99338436126709 + ], + [ + "\u2581modernes", + -12.993407249450684 + ], + [ + "\u2581establishment", + -12.993449211120604 + ], + [ + "\u2581cave", + -12.993453025817873 + ], + [ + "iven", + -12.993504524230955 + ], + [ + "\u2581capita", + -12.993574142456056 + ], + [ + "\u2581gewijd", + -12.993584632873535 + ], + [ + "\u2581Elf", + -12.993612289428713 + ], + [ + "\u2581whi", + -12.99361515045166 + ], + [ + "\u2581invita", + -12.99361801147461 + ], + [ + "\u2581Ding", + -12.99367332458496 + ], + [ + "zanger", + -12.993701934814451 + ], + [ + "\u2581Lieder", + -12.993707656860352 + ], + [ + "Central", + -12.993724822998049 + ], + [ + "\u2581addressed", + -12.993783950805664 + ], + [ + "\u2581Interaktion", + -12.993849754333496 + ], + [ + "\u2581sortable", + -12.993885040283203 + ], + [ + "\u2581utilis\u00e9es", + -12.99396800994873 + ], + [ + "\u2581espacios", + -12.993990898132324 + ], + [ + "\u2581Galaxy", + -12.994033813476562 + ], + [ + "Amb", + -12.994085311889648 + ], + [ + "blick", + -12.994105339050291 + ], + [ + "\u2581Iorque", + -12.994134902954102 + ], + [ + "\u2581cream", + -12.99416732788086 + ], + [ + "\u2581n\u00e9o", + -12.994176864624023 + ], + [ + "\u2581Sociedade", + -12.994207382202148 + ], + [ + "\u2581Wehrmacht", + -12.994244575500488 + ], + [ + "\u2581Bertrand", + -12.994365692138672 + ], + [ + "\u2581R\u00edos", + -12.994452476501465 + ], + [ + "uello", + -12.994508743286133 + ], + [ + "\u2581ciertos", + -12.994548797607422 + ], + [ + "DOM", + -12.994559288024902 + ], + [ + "zocht", + -12.9945650100708 + ], + [ + "\u2581Regio", + -12.99463176727295 + ], + [ + "\u2581SMS", + -12.994635581970217 + ], + [ + "\u2581grano", + -12.99465560913086 + ], + [ + "t\u00edn", + -12.994669914245604 + ], + [ + "NON", + -12.99467658996582 + ], + [ + "\u2581chiunque", + -12.994685173034668 + ], + [ + "\u2581verkoop", + -12.994722366333008 + ], + [ + "annotations", + -12.99472427368164 + ], + [ + "\u2581exhibit", + -12.994725227355955 + ], + [ + "mene", + -12.994747161865234 + ], + [ + "\u2581Assume", + -12.994771003723145 + ], + [ + "uinta", + -12.994781494140623 + ], + [ + "\u2581feminina", + -12.994789123535156 + ], + [ + "\u2581Unterhalts", + -12.994791030883787 + ], + [ + "\u2581Einzelnen", + -12.994840621948242 + ], + [ + "\u2581copertura", + -12.994867324829102 + ], + [ + "\u2581deploy", + -12.994885444641112 + ], + [ + "\u2581supervis", + -12.994935035705566 + ], + [ + "\u2581analisi", + -12.994967460632324 + ], + [ + "\u2581nationaler", + -12.994976997375488 + ], + [ + "\u2581Elke", + -12.994987487792969 + ], + [ + "Verspreiding", + -12.99499225616455 + ], + [ + "\u2581linguagens", + -12.99502182006836 + ], + [ + "\u2581measuring", + -12.995089530944824 + ], + [ + "Units", + -12.995098114013672 + ], + [ + "ianos", + -12.995108604431152 + ], + [ + "\u2581ecco", + -12.995113372802734 + ], + [ + "Codes", + -12.995157241821287 + ], + [ + "universo", + -12.995194435119627 + ], + [ + "\u2581StPO", + -12.995197296142578 + ], + [ + "lah", + -12.99520206451416 + ], + [ + "\u2581Flow", + -12.995210647583008 + ], + [ + "\u2581neurosis", + -12.99522304534912 + ], + [ + "\u2581signifikante", + -12.995321273803713 + ], + [ + "monat", + -12.995333671569824 + ], + [ + "\u2581onderdelen", + -12.995403289794922 + ], + [ + "\u2581canzoni", + -12.995447158813477 + ], + [ + "MustParse", + -12.995526313781738 + ], + [ + "trade", + -12.9955472946167 + ], + [ + "\u2581tu\u00e9", + -12.995576858520508 + ], + [ + "slav", + -12.995650291442873 + ], + [ + "\u2581Cata", + -12.99567985534668 + ], + [ + "wiel", + -12.99570655822754 + ], + [ + "achtig", + -12.99575901031494 + ], + [ + "SOL", + -12.995763778686523 + ], + [ + "\u2581Universo", + -12.995817184448242 + ], + [ + "\u00fcm", + -12.995829582214355 + ], + [ + "\u2581Politique", + -12.995830535888672 + ], + [ + "\u2581Dana", + -12.99583625793457 + ], + [ + "Middleware", + -12.995849609375 + ], + [ + "\u00e9tant", + -12.995929718017578 + ], + [ + "\u2581Teoria", + -12.99593448638916 + ], + [ + "aatsanwaltschaft", + -12.995970726013184 + ], + [ + "\u2581Masa", + -12.99603271484375 + ], + [ + "\u2581Fotos", + -12.996060371398926 + ], + [ + "uzzi", + -12.99609661102295 + ], + [ + "\u2581mul", + -12.99609661102295 + ], + [ + "\u2581geringere", + -12.99614143371582 + ], + [ + "odore", + -12.99618434906006 + ], + [ + "pag", + -12.996243476867676 + ], + [ + "Found", + -12.996262550354004 + ], + [ + "\u2581associ\u00e9s", + -12.996273040771484 + ], + [ + "\u2581powiat", + -12.996273040771484 + ], + [ + "\u2581Botschaft", + -12.996345520019531 + ], + [ + "\u2581frutto", + -12.996407508850098 + ], + [ + "\u2581sectores", + -12.99640941619873 + ], + [ + "Skip", + -12.99642562866211 + ], + [ + "\u2581Vend", + -12.996450424194336 + ], + [ + "\u2581outils", + -12.996461868286133 + ], + [ + "\u2581selling", + -12.996482849121094 + ], + [ + "\u2581immun", + -12.996600151062012 + ], + [ + "\u2581compromiso", + -12.996688842773438 + ], + [ + "orders", + -12.99675464630127 + ], + [ + "bazel", + -12.996768951416016 + ], + [ + "Major", + -12.99678897857666 + ], + [ + "\u2581Judge", + -12.996816635131836 + ], + [ + "\u2581regie", + -12.996837615966797 + ], + [ + "\u2581expose", + -12.99683952331543 + ], + [ + "rista", + -12.996848106384276 + ], + [ + "altitudine", + -12.996877670288086 + ], + [ + "imagin", + -12.996990203857422 + ], + [ + "\u2581atingiu", + -12.997018814086914 + ], + [ + "\u2581Vorsitzenden", + -12.997023582458496 + ], + [ + "\u2581Inicialmente", + -12.99703884124756 + ], + [ + "\u2581musicais", + -12.997050285339355 + ], + [ + "\u2581operatori", + -12.99705696105957 + ], + [ + "\u2581esperienze", + -12.997121810913086 + ], + [ + "\u2581nodded", + -12.99717617034912 + ], + [ + "\u2581erstellen", + -12.997184753417969 + ], + [ + "ographische", + -12.99724578857422 + ], + [ + "\u2581Netflix", + -12.997260093688965 + ], + [ + "\u2581conecta", + -12.997288703918455 + ], + [ + "\u2581trials", + -12.997382164001465 + ], + [ + "tata", + -12.99749755859375 + ], + [ + "Ky", + -12.997514724731444 + ], + [ + "\u2581brachten", + -12.99754238128662 + ], + [ + "\u2581shooting", + -12.997562408447266 + ], + [ + "\u2581bonheur", + -12.997580528259276 + ], + [ + "erlaubnis", + -12.99764633178711 + ], + [ + "cta", + -12.997671127319336 + ], + [ + "vole", + -12.997671127319336 + ], + [ + "\u2581Gehirn", + -12.99767780303955 + ], + [ + "\u2581vibra", + -12.997705459594728 + ], + [ + "\u2581avenida", + -12.997716903686523 + ], + [ + "\u2581indispensable", + -12.997726440429688 + ], + [ + "\u2581Grundwasser", + -12.997736930847168 + ], + [ + "\u2581Bram", + -12.9978666305542 + ], + [ + "\u2581Landschafts", + -12.99787139892578 + ], + [ + "\u2581Fein", + -12.997876167297363 + ], + [ + "\u2581Santana", + -12.997992515563965 + ], + [ + "toon", + -12.99803066253662 + ], + [ + "\u2581Congr", + -12.998052597045898 + ], + [ + "\u2581braccia", + -12.99806785583496 + ], + [ + "\u2581itens", + -12.99810791015625 + ], + [ + "Executor", + -12.998130798339844 + ], + [ + "\u2581Joined", + -12.998234748840332 + ], + [ + "\u2581Kot", + -12.998311042785645 + ], + [ + "\u2581vorzunehmen", + -12.998459815979004 + ], + [ + "Unix", + -12.998461723327637 + ], + [ + "\u2581finance", + -12.998531341552734 + ], + [ + "grub", + -12.998580932617188 + ], + [ + "Nummer", + -12.9985933303833 + ], + [ + "\u2581presentano", + -12.998598098754885 + ], + [ + "Measure", + -12.998623847961426 + ], + [ + "\u2581vergleichsweise", + -12.99872875213623 + ], + [ + "\u2581prennent", + -12.998753547668455 + ], + [ + "\u2581aufzunehmen", + -12.998775482177734 + ], + [ + "\u2581groei", + -12.998778343200684 + ], + [ + "\u2581bagagli", + -12.998825073242188 + ], + [ + "\u2581Panda", + -12.99885082244873 + ], + [ + "\u2581individu", + -12.998883247375488 + ], + [ + "\u2581griff", + -12.998930931091309 + ], + [ + "\u2581pr\u00e9sents", + -12.998948097229004 + ], + [ + "\u2581informed", + -12.998950004577637 + ], + [ + "\u2581Ingrid", + -12.999061584472656 + ], + [ + "\u2581Kop", + -12.999078750610352 + ], + [ + "\u2581candidat", + -12.99911880493164 + ], + [ + "herr", + -12.9992094039917 + ], + [ + "\u2581di\u00e1logo", + -12.999242782592772 + ], + [ + "Frei", + -12.999314308166504 + ], + [ + "\u2581Universit\u00e4ten", + -12.999319076538086 + ], + [ + "Loss", + -12.999326705932615 + ], + [ + "\u2581fornece", + -12.999334335327148 + ], + [ + "\u2581spi", + -12.999337196350098 + ], + [ + "\u2581goederen", + -12.999369621276855 + ], + [ + "\u2581faux", + -12.99939250946045 + ], + [ + "beitrag", + -12.999403953552246 + ], + [ + "lern", + -12.999411582946776 + ], + [ + "\u2581Kno", + -12.999466896057127 + ], + [ + "stamm", + -12.999500274658203 + ], + [ + "\u2581Vinci", + -12.999517440795898 + ], + [ + "\u2581risponde", + -12.999552726745604 + ], + [ + "redirect", + -12.999571800231934 + ], + [ + "xyz", + -12.999581336975098 + ], + [ + "cultural", + -12.999582290649414 + ], + [ + "\u2581Banca", + -12.999625205993652 + ], + [ + "\u2581fiber", + -12.999683380126951 + ], + [ + "zx", + -12.999746322631836 + ], + [ + "\u2581sporen", + -12.999863624572754 + ], + [ + "\u2581tijden", + -12.999951362609863 + ], + [ + "Ter", + -12.999960899353027 + ], + [ + "\u2581autonomo", + -12.999960899353027 + ], + [ + "trial", + -13.000036239624023 + ], + [ + "\u2581Volker", + -13.000045776367188 + ], + [ + "\u2581Chemical", + -13.000067710876465 + ], + [ + "konvention", + -13.000082015991213 + ], + [ + "\u2581Turkse", + -13.000109672546388 + ], + [ + "\u2581NFL", + -13.000301361083984 + ], + [ + "bica", + -13.000323295593262 + ], + [ + "\u2581VER", + -13.00033187866211 + ], + [ + "jpeg", + -13.000348091125488 + ], + [ + "\u2581Cuenta", + -13.000370025634766 + ], + [ + "\u2581authentication", + -13.00041675567627 + ], + [ + "\u2581aims", + -13.000442504882812 + ], + [ + "\u2581presentaci\u00f3n", + -13.00045680999756 + ], + [ + "\u2581Schmerz", + -13.000476837158203 + ], + [ + "\u2581denkt", + -13.000497817993164 + ], + [ + "\u2581Immer", + -13.000499725341797 + ], + [ + "\u2581lager", + -13.000537872314451 + ], + [ + "\u2581voorkomt", + -13.000638008117676 + ], + [ + "\u2581Churchill", + -13.000673294067385 + ], + [ + "\u2581venezianos", + -13.000703811645508 + ], + [ + "pr\u00e9sident", + -13.00072193145752 + ], + [ + "\u2581immune", + -13.000741004943848 + ], + [ + "\u2581iria", + -13.000772476196287 + ], + [ + "Uz", + -13.00087070465088 + ], + [ + "\u2581illustrated", + -13.000879287719728 + ], + [ + "\u2581bonnes", + -13.000895500183104 + ], + [ + "\u2581historias", + -13.000919342041016 + ], + [ + "\u2581fornito", + -13.000925064086914 + ], + [ + "\u2581deelname", + -13.000982284545898 + ], + [ + "\u2581scontro", + -13.001011848449709 + ], + [ + "\u2581Aeropuerto", + -13.001065254211426 + ], + [ + "\u2581closing", + -13.001075744628906 + ], + [ + "\u2581Advanced", + -13.00108242034912 + ], + [ + "\u2581aange", + -13.00115966796875 + ], + [ + "onic", + -13.001197814941406 + ], + [ + "\u2581puedan", + -13.001198768615724 + ], + [ + "\u2581uitzondering", + -13.001206398010254 + ], + [ + "\u2581tomada", + -13.00123119354248 + ], + [ + "\u2581Brig", + -13.001251220703123 + ], + [ + "\u2581victimes", + -13.001327514648438 + ], + [ + "\u2581Allgemein", + -13.001361846923828 + ], + [ + "dynami", + -13.0014066696167 + ], + [ + "\u2581invasion", + -13.00141716003418 + ], + [ + "\u2581cualquiera", + -13.001445770263672 + ], + [ + "\u2581Lev", + -13.001460075378418 + ], + [ + "\u2581Architect", + -13.001529693603516 + ], + [ + "Present", + -13.001537322998049 + ], + [ + "\u2581cuerpos", + -13.001553535461426 + ], + [ + "\u2581Lorenz", + -13.001605033874512 + ], + [ + "\u2581bares", + -13.001615524291992 + ], + [ + "\u2581Woiwodschaft", + -13.00173568725586 + ], + [ + "\u2581Used", + -13.001798629760742 + ], + [ + "\u2581obligation", + -13.00184154510498 + ], + [ + "\u2581vigueur", + -13.001843452453612 + ], + [ + "\u2581angeblich", + -13.001895904541016 + ], + [ + "\u2581Schwei", + -13.00191879272461 + ], + [ + "gebieden", + -13.001959800720217 + ], + [ + "\u2581Conti", + -13.00196933746338 + ], + [ + "iness", + -13.00197982788086 + ], + [ + "\u2581battery", + -13.002009391784668 + ], + [ + "IAM", + -13.002023696899414 + ], + [ + "\u2581tputs", + -13.002042770385742 + ], + [ + "wettbewerb", + -13.0021333694458 + ], + [ + "\u2581Clasificaci\u00f3n", + -13.00214958190918 + ], + [ + "\u2581CREATE", + -13.002241134643556 + ], + [ + "\u2581Kristall", + -13.002257347106934 + ], + [ + "\u2581diabetes", + -13.002273559570312 + ], + [ + "\u2581toepassing", + -13.00237274169922 + ], + [ + "\u2581BS", + -13.002423286437988 + ], + [ + "\u00e1ndolo", + -13.002521514892578 + ], + [ + "venv", + -13.002553939819336 + ], + [ + "\u2581einzusetzen", + -13.002599716186523 + ], + [ + "\u2581Philippines", + -13.00265121459961 + ], + [ + "\u2581Creative", + -13.002674102783203 + ], + [ + "\u2581router", + -13.002740859985352 + ], + [ + "\u2581baia", + -13.0027437210083 + ], + [ + "\u2581trasfer", + -13.002756118774414 + ], + [ + "\u2581Credit", + -13.002778053283691 + ], + [ + "categories", + -13.00278091430664 + ], + [ + "wijs", + -13.002808570861816 + ], + [ + "\u2581interpretada", + -13.002850532531738 + ], + [ + "\u2581regret", + -13.00289821624756 + ], + [ + "nidae", + -13.00290298461914 + ], + [ + "\u2581culturas", + -13.002958297729492 + ], + [ + "Psych", + -13.00296401977539 + ], + [ + "\u2581rispondere", + -13.002978324890137 + ], + [ + "\u2581Aufsicht", + -13.003039360046388 + ], + [ + "\u2581patente", + -13.003046035766602 + ], + [ + "\u2581braccio", + -13.00305461883545 + ], + [ + "\u2581equivale", + -13.003055572509766 + ], + [ + "\u2581Senioren", + -13.003069877624512 + ], + [ + "laub", + -13.00307273864746 + ], + [ + "setter", + -13.003080368041992 + ], + [ + "\u2581Moi", + -13.003095626831056 + ], + [ + "\u2581destijds", + -13.003133773803713 + ], + [ + "bl\u00e4tter", + -13.003135681152344 + ], + [ + "spelen", + -13.003202438354492 + ], + [ + "\u2581AI", + -13.003213882446287 + ], + [ + "problemen", + -13.003318786621094 + ], + [ + "Tip", + -13.003368377685549 + ], + [ + "\u2581tent", + -13.003387451171877 + ], + [ + "\u2581nomination", + -13.003408432006836 + ], + [ + "cyclic", + -13.00344181060791 + ], + [ + "gegeben", + -13.00350284576416 + ], + [ + "\u2581vertelt", + -13.003530502319336 + ], + [ + "\u2581absolut", + -13.003532409667969 + ], + [ + "\u2581Australien", + -13.003546714782717 + ], + [ + "\u2581sanitaria", + -13.003546714782717 + ], + [ + "\u2581andando", + -13.003559112548828 + ], + [ + "zj", + -13.003626823425291 + ], + [ + "\u2581desejo", + -13.003660202026367 + ], + [ + "FRA", + -13.00368595123291 + ], + [ + "\u2581attended", + -13.003705978393556 + ], + [ + "servlet", + -13.003740310668944 + ], + [ + "arda", + -13.003745079040527 + ], + [ + "entourage", + -13.003782272338867 + ], + [ + "\u2581Boa", + -13.003786087036133 + ], + [ + "\u2581PI", + -13.003803253173828 + ], + [ + "ESS", + -13.00389575958252 + ], + [ + "\u2581barbar", + -13.003946304321287 + ], + [ + "\u2581privat", + -13.003979682922363 + ], + [ + "\u2581hoofdstuk", + -13.003986358642578 + ], + [ + "messageInfo", + -13.003990173339844 + ], + [ + "sch\u00e4tzung", + -13.004008293151855 + ], + [ + "\u2581Cle", + -13.004057884216309 + ], + [ + "erman", + -13.004138946533203 + ], + [ + "\u2581am\u00e9ricains", + -13.004145622253418 + ], + [ + "\u2581seco", + -13.004175186157228 + ], + [ + "abbau", + -13.00418186187744 + ], + [ + "\u2581Ph\u00e4nomen", + -13.004201889038086 + ], + [ + "Tier", + -13.004210472106934 + ], + [ + "ministro", + -13.004226684570312 + ], + [ + "\u2581evenals", + -13.004237174987791 + ], + [ + "\u2581grabaci\u00f3n", + -13.004342079162598 + ], + [ + "\u2581Basketball", + -13.00438117980957 + ], + [ + "amar", + -13.004386901855469 + ], + [ + "\u2581Nag", + -13.004414558410645 + ], + [ + "\u2581Werten", + -13.00441837310791 + ], + [ + "\u2581informieren", + -13.004434585571287 + ], + [ + "Lower", + -13.00446891784668 + ], + [ + "kommun", + -13.00446891784668 + ], + [ + "investitionen", + -13.004536628723145 + ], + [ + "\u2581rechtliche", + -13.004551887512209 + ], + [ + "Wikinews", + -13.004605293273926 + ], + [ + "cionado", + -13.004626274108888 + ], + [ + "\u2581testes", + -13.004706382751465 + ], + [ + "bureau", + -13.004720687866213 + ], + [ + "\u2581Structure", + -13.004735946655272 + ], + [ + "\u2581\"\";", + -13.00479793548584 + ], + [ + "\u2581altrettanto", + -13.004880905151367 + ], + [ + "\u2581DOI", + -13.004927635192873 + ], + [ + "r\u00e4te", + -13.005006790161133 + ], + [ + "\u2581Geltungsbereich", + -13.005014419555664 + ], + [ + "buck", + -13.005078315734863 + ], + [ + "Ut", + -13.00511360168457 + ], + [ + "orbita", + -13.005172729492188 + ], + [ + "\u2581Petr", + -13.005181312561035 + ], + [ + "Holder", + -13.005199432373049 + ], + [ + "arresto", + -13.005215644836426 + ], + [ + "\u2581employer", + -13.005227088928224 + ], + [ + "\u2581\u00e9crivain", + -13.005284309387209 + ], + [ + "fasci", + -13.00528621673584 + ], + [ + "istruzione", + -13.005290985107422 + ], + [ + "student", + -13.005300521850586 + ], + [ + "Subject", + -13.00532054901123 + ], + [ + "\u2581Bomb", + -13.005478858947754 + ], + [ + "\u2581camminare", + -13.00549030303955 + ], + [ + "AWSShapeMember", + -13.005504608154297 + ], + [ + "\u2581vuoi", + -13.005515098571776 + ], + [ + "sportiva", + -13.005545616149902 + ], + [ + "cua", + -13.005616188049316 + ], + [ + "still", + -13.005638122558594 + ], + [ + "\u2581Mantova", + -13.005660057067873 + ], + [ + "\u2581Fondation", + -13.00570011138916 + ], + [ + "\u2581Abnahme", + -13.005702018737791 + ], + [ + "\u2581Boom", + -13.00570583343506 + ], + [ + "lore", + -13.005725860595703 + ], + [ + "\u2581hardly", + -13.00578784942627 + ], + [ + "interm\u00e9diaire", + -13.005810737609863 + ], + [ + "mantel", + -13.00587272644043 + ], + [ + "\u2581fija", + -13.005887985229492 + ], + [ + "\u2581d\u00e9veloppe", + -13.00592041015625 + ], + [ + "\u2581strictly", + -13.005964279174805 + ], + [ + "itti", + -13.006024360656738 + ], + [ + "\u2581Cap\u00edtulo", + -13.006025314331056 + ], + [ + "antwort", + -13.006032943725586 + ], + [ + "\u2581Connect", + -13.0060453414917 + ], + [ + "awi", + -13.006056785583496 + ], + [ + "\u2581transformations", + -13.00615119934082 + ], + [ + "\u2581Lande", + -13.006182670593262 + ], + [ + "\u00edsimo", + -13.006232261657717 + ], + [ + "atmosfera", + -13.006250381469728 + ], + [ + "\u2581Handbuch", + -13.006251335144045 + ], + [ + "\u2581destinado", + -13.006298065185549 + ], + [ + "\u2581Grass", + -13.006301879882812 + ], + [ + "\u2581sicura", + -13.006308555603027 + ], + [ + "\u2581analytic", + -13.006437301635742 + ], + [ + "\u2581excluded", + -13.006542205810549 + ], + [ + "\u2581interpret\u00f3", + -13.006552696228027 + ], + [ + "\u2581faixas", + -13.006576538085938 + ], + [ + "\u2581pausa", + -13.006576538085938 + ], + [ + "\u2581J\u00e9r", + -13.006604194641112 + ], + [ + "cod", + -13.00662899017334 + ], + [ + "\u2581pasos", + -13.0066499710083 + ], + [ + "\u2581grabado", + -13.006669044494627 + ], + [ + "\u2581wealth", + -13.006674766540527 + ], + [ + "\u2581N\u00f3s", + -13.00671100616455 + ], + [ + "\u2581semantic", + -13.006715774536133 + ], + [ + "\u2581LC", + -13.00674533843994 + ], + [ + "\u2581estaciones", + -13.00676155090332 + ], + [ + "\u2581Nutzungs", + -13.006776809692385 + ], + [ + "\u2581Sup", + -13.00681972503662 + ], + [ + "\u2581repeti", + -13.006826400756836 + ], + [ + "\u2581navires", + -13.006831169128418 + ], + [ + "culi", + -13.006834030151367 + ], + [ + "\u2581ballet", + -13.006874084472656 + ], + [ + "surface", + -13.00688934326172 + ], + [ + "\u2581andern", + -13.006902694702148 + ], + [ + "\u2581Ger\u00e4t", + -13.006913185119627 + ], + [ + "\u2581Armen", + -13.006946563720703 + ], + [ + "chenko", + -13.006966590881348 + ], + [ + "\u2581Aufteilung", + -13.006967544555664 + ], + [ + "\u2581r\u00e9alis\u00e9e", + -13.00697898864746 + ], + [ + "\u2581Resolution", + -13.006983757019045 + ], + [ + "\u2581residenza", + -13.006996154785156 + ], + [ + "sterreichische", + -13.006997108459473 + ], + [ + "\u2581pares", + -13.007000923156738 + ], + [ + "tete", + -13.007051467895508 + ], + [ + "\u2581Fortschritt", + -13.007089614868164 + ], + [ + "\u2581peste", + -13.007129669189451 + ], + [ + "\u2581ebraica", + -13.007162094116213 + ], + [ + "\u2581listener", + -13.00722312927246 + ], + [ + "\u2581superficial", + -13.007277488708496 + ], + [ + "JR", + -13.007281303405762 + ], + [ + "\u2581McG", + -13.007309913635254 + ], + [ + "numeric", + -13.007369995117188 + ], + [ + "insky", + -13.00738525390625 + ], + [ + "\u2581pasajeros", + -13.007464408874512 + ], + [ + "expansion", + -13.007503509521484 + ], + [ + "\u2581Thierry", + -13.007525444030762 + ], + [ + "\u2581medallas", + -13.007529258728027 + ], + [ + "MJ", + -13.007593154907228 + ], + [ + "\u2581conquistou", + -13.007681846618652 + ], + [ + "alar", + -13.0076904296875 + ], + [ + "\u2581Climate", + -13.007735252380373 + ], + [ + "\u2581homenaje", + -13.007777214050291 + ], + [ + "\u2581wood", + -13.00779628753662 + ], + [ + "\u2581scored", + -13.007859230041504 + ], + [ + "\u2581........", + -13.007952690124512 + ], + [ + "kopie", + -13.007965087890623 + ], + [ + "\u2581diminui", + -13.008041381835938 + ], + [ + "nai", + -13.00810432434082 + ], + [ + "\u2581precede", + -13.008111953735352 + ], + [ + "\u2581$#", + -13.008166313171388 + ], + [ + "\u2581integrado", + -13.008173942565918 + ], + [ + "\u2581bewerten", + -13.008186340332031 + ], + [ + "ErrUnexpectedEOF", + -13.00821018218994 + ], + [ + "\u2581fees", + -13.008233070373535 + ], + [ + "\u2581segna", + -13.008240699768066 + ], + [ + "\u2581femenina", + -13.008246421813965 + ], + [ + "\u2581Unterbringung", + -13.008339881896973 + ], + [ + "\u2581Flight", + -13.008341789245604 + ], + [ + "varianten", + -13.008352279663086 + ], + [ + "aler", + -13.008359909057615 + ], + [ + "\u2581einst", + -13.008383750915527 + ], + [ + "foto", + -13.008472442626951 + ], + [ + "renderer", + -13.008522033691406 + ], + [ + "\u2581Rik", + -13.008532524108888 + ], + [ + "Cas", + -13.008541107177734 + ], + [ + "roch", + -13.00857639312744 + ], + [ + "Unlock", + -13.008594512939451 + ], + [ + "fiel", + -13.00861644744873 + ], + [ + "\u2581inspirado", + -13.008758544921877 + ], + [ + "\u2581transcription", + -13.008767127990724 + ], + [ + "Cookie", + -13.008797645568848 + ], + [ + "Weg", + -13.00888442993164 + ], + [ + "\u2581Breta", + -13.008913040161133 + ], + [ + "\u2581Lebensjahr", + -13.00902271270752 + ], + [ + "lix", + -13.009105682373049 + ], + [ + "ll\u00f3n", + -13.009159088134766 + ], + [ + "\u2581mecanismos", + -13.009182929992676 + ], + [ + "\u2581proporcionar", + -13.009222030639648 + ], + [ + "\u2581pr\u00e9cis", + -13.009233474731444 + ], + [ + "\u2581succesvol", + -13.00927448272705 + ], + [ + "\u2581segretario", + -13.009334564208984 + ], + [ + "\u2581aberta", + -13.009407997131348 + ], + [ + "\u2581Defense", + -13.009417533874512 + ], + [ + "\u2581partidas", + -13.009421348571776 + ], + [ + "\u2581manipulation", + -13.009456634521484 + ], + [ + "exp\u00e9dition", + -13.009503364562988 + ], + [ + "phasen", + -13.00954532623291 + ], + [ + "\u2581anunciou", + -13.00961685180664 + ], + [ + "\u2581TI", + -13.009626388549805 + ], + [ + "\u2581Apenas", + -13.009634971618652 + ], + [ + "Ram", + -13.009645462036133 + ], + [ + "\u2581biens", + -13.009720802307127 + ], + [ + "\u2581pesante", + -13.009720802307127 + ], + [ + "\u2581keinerlei", + -13.009758949279783 + ], + [ + "\u2581Dev", + -13.009759902954102 + ], + [ + "Duitsland", + -13.009793281555176 + ], + [ + "\u2581stuck", + -13.009824752807615 + ], + [ + "\u2581Arbeitsgruppe", + -13.009842872619627 + ], + [ + "slash", + -13.009864807128906 + ], + [ + "\u2581reward", + -13.00989818572998 + ], + [ + "\u2581Protest", + -13.009925842285156 + ], + [ + "\u2581Andaluc\u00eda", + -13.009943008422852 + ], + [ + "CMake", + -13.009971618652344 + ], + [ + "\u2581thermo", + -13.010093688964844 + ], + [ + "\u2581Schuldner", + -13.01010799407959 + ], + [ + "macrocode", + -13.010111808776855 + ], + [ + "\u2581Doc", + -13.010122299194336 + ], + [ + "grama", + -13.010183334350586 + ], + [ + "gemeinschaften", + -13.01019287109375 + ], + [ + "\u2581Maldi", + -13.010241508483888 + ], + [ + "\u2581colpa", + -13.010246276855469 + ], + [ + "\u2581haver", + -13.010271072387695 + ], + [ + "\u2581Nijmegen", + -13.010278701782228 + ], + [ + "\u2581Archive", + -13.010289192199709 + ], + [ + "\u2581separately", + -13.01031494140625 + ], + [ + "\u2581offence", + -13.010321617126465 + ], + [ + "Blocks", + -13.01034164428711 + ], + [ + "\u2581dotato", + -13.010361671447754 + ], + [ + "\u2581est\u00e9", + -13.01036262512207 + ], + [ + "sch\u00e4dlich", + -13.010409355163574 + ], + [ + "\u2581gols", + -13.01042938232422 + ], + [ + "\u2581tutor", + -13.010453224182127 + ], + [ + "\u2581Luisa", + -13.01046657562256 + ], + [ + "\u2581superare", + -13.010467529296877 + ], + [ + "\u2581Porter", + -13.010475158691406 + ], + [ + "\u2581forming", + -13.010480880737305 + ], + [ + "parentid", + -13.010549545288086 + ], + [ + "Umstrukturierung", + -13.010579109191896 + ], + [ + "\u2581erleichtert", + -13.010594367980955 + ], + [ + "\u2581raad", + -13.010761260986328 + ], + [ + "\u2581Esco", + -13.010766983032228 + ], + [ + "\u2581entscheidend", + -13.010772705078123 + ], + [ + "SIS", + -13.010801315307615 + ], + [ + "\u2581abierta", + -13.010805130004885 + ], + [ + "shaw", + -13.010820388793944 + ], + [ + "\u2581primeiramente", + -13.010847091674805 + ], + [ + "Average", + -13.010913848876951 + ], + [ + "f\u00fchl", + -13.011001586914062 + ], + [ + "DataType", + -13.01101779937744 + ], + [ + "antenne", + -13.011019706726074 + ], + [ + "Allow", + -13.011034965515137 + ], + [ + "schuss", + -13.011210441589355 + ], + [ + "predict", + -13.01136302947998 + ], + [ + "Absatz", + -13.01140308380127 + ], + [ + "\u2581tienes", + -13.011448860168455 + ], + [ + "\u2581devemos", + -13.011474609375 + ], + [ + "\u2581chiamare", + -13.011491775512695 + ], + [ + "srechts", + -13.01160717010498 + ], + [ + "snelheid", + -13.011663436889648 + ], + [ + "\u2581precies", + -13.011673927307127 + ], + [ + "\u2581Ramon", + -13.011680603027344 + ], + [ + "Take", + -13.011700630187988 + ], + [ + "polizei", + -13.011728286743164 + ], + [ + "\u2581Maio", + -13.011752128601074 + ], + [ + "\u2581Bernd", + -13.011757850646973 + ], + [ + "\u2581pianeta", + -13.01179027557373 + ], + [ + "\u2581nemici", + -13.011805534362791 + ], + [ + "\u2581provincias", + -13.011825561523438 + ], + [ + "autorit\u00e0", + -13.011885643005373 + ], + [ + "nwendungsbereich", + -13.011919021606444 + ], + [ + "\u2581m\u00fcssten", + -13.01192569732666 + ], + [ + "localized", + -13.01194667816162 + ], + [ + "\u2581Murcia", + -13.01194953918457 + ], + [ + "\u2581reducir", + -13.011951446533203 + ], + [ + "educazione", + -13.011968612670898 + ], + [ + "leave", + -13.012104034423828 + ], + [ + "eum", + -13.012106895446776 + ], + [ + "\u2581fog", + -13.012124061584473 + ], + [ + "\u2581Leeds", + -13.012161254882812 + ], + [ + "\u2581Tegen", + -13.012161254882812 + ], + [ + "\u2581menace", + -13.012171745300291 + ], + [ + "\u2581proton", + -13.012171745300291 + ], + [ + "\u2581li\u00e9s", + -13.012179374694824 + ], + [ + "shard", + -13.01218605041504 + ], + [ + "Special", + -13.012219429016112 + ], + [ + "\u2581Philips", + -13.012298583984377 + ], + [ + "\u2581pubblicata", + -13.012313842773438 + ], + [ + "otten", + -13.01236057281494 + ], + [ + "\u2581chegam", + -13.01241397857666 + ], + [ + "gingen", + -13.012428283691406 + ], + [ + "\u2581Wen", + -13.012439727783203 + ], + [ + "\u2581speciaal", + -13.012445449829102 + ], + [ + "fabric", + -13.012470245361328 + ], + [ + "\u2581beh", + -13.012471199035645 + ], + [ + "executor", + -13.012478828430176 + ], + [ + "\u2581Hem", + -13.012511253356934 + ], + [ + "\u2581realistic", + -13.01258659362793 + ], + [ + "\u2581copying", + -13.012600898742676 + ], + [ + "rook", + -13.012608528137209 + ], + [ + "Primitive", + -13.01268196105957 + ], + [ + "\u2581Balzac", + -13.012774467468262 + ], + [ + "\u2581veranderd", + -13.012863159179688 + ], + [ + "\u2581Collect", + -13.01287841796875 + ], + [ + "\u2581vantagem", + -13.012906074523926 + ], + [ + "ifying", + -13.012917518615724 + ], + [ + "\u2581prote\u00ednas", + -13.01294231414795 + ], + [ + "\u2581fenomeni", + -13.012986183166504 + ], + [ + "estro", + -13.01298999786377 + ], + [ + "hive", + -13.01301097869873 + ], + [ + "\u2581slachtoffers", + -13.01303768157959 + ], + [ + "medien", + -13.013049125671388 + ], + [ + "\u2581denied", + -13.013050079345703 + ], + [ + "adj", + -13.013118743896484 + ], + [ + "glo", + -13.01313591003418 + ], + [ + "\u2581chicken", + -13.013165473937988 + ], + [ + "\u2581titolare", + -13.013201713562012 + ], + [ + "Anlage", + -13.013216018676758 + ], + [ + "\u2581independently", + -13.013224601745604 + ], + [ + "Met", + -13.013226509094238 + ], + [ + "\u2581encontradas", + -13.01325511932373 + ], + [ + "nit", + -13.013256072998049 + ], + [ + "\u2581prec", + -13.013259887695312 + ], + [ + "\u2581erz\u00e4hlt", + -13.013283729553224 + ], + [ + "ITE", + -13.01329231262207 + ], + [ + "ENS", + -13.013297080993652 + ], + [ + "\u2581ambientes", + -13.013317108154297 + ], + [ + "\u2581parcheggi", + -13.013317108154297 + ], + [ + "\u2581settlement", + -13.013362884521484 + ], + [ + "Wasser", + -13.01341152191162 + ], + [ + "ecke", + -13.013455390930176 + ], + [ + "Ordre", + -13.013457298278809 + ], + [ + "\u2581malattie", + -13.013476371765137 + ], + [ + "\u2581Teams", + -13.013521194458008 + ], + [ + "\u2581reflected", + -13.01353931427002 + ], + [ + "\u2581calcium", + -13.013541221618652 + ], + [ + "enberger", + -13.013588905334473 + ], + [ + "GRA", + -13.013654708862305 + ], + [ + "lak", + -13.013670921325684 + ], + [ + "feira", + -13.013677597045898 + ], + [ + "\u2581conserve", + -13.013712882995604 + ], + [ + "Closed", + -13.013809204101562 + ], + [ + "\u2581bruin", + -13.01384735107422 + ], + [ + "\u2581fornisce", + -13.013859748840332 + ], + [ + "\u2581angewiesen", + -13.013930320739746 + ], + [ + "\u2581ausgestellt", + -13.013973236083984 + ], + [ + "b\u00fc", + -13.013995170593262 + ], + [ + "eker", + -13.014045715332031 + ], + [ + "bios", + -13.014119148254396 + ], + [ + "dov", + -13.01417636871338 + ], + [ + "\u2581Hut", + -13.014180183410645 + ], + [ + "\u2581Alianza", + -13.014188766479492 + ], + [ + "\u2581Nat\u00fcrlich", + -13.014199256896973 + ], + [ + "\u2581traditie", + -13.014243125915527 + ], + [ + "L\u00e4nder", + -13.014291763305664 + ], + [ + "\u2581cardinale", + -13.01429557800293 + ], + [ + "anthus", + -13.014297485351562 + ], + [ + "\u2581Historical", + -13.01431941986084 + ], + [ + "Gtk", + -13.014334678649902 + ], + [ + "\u2581Sacro", + -13.014530181884766 + ], + [ + "DCMAKE", + -13.014541625976562 + ], + [ + "\u2581reviews", + -13.014578819274902 + ], + [ + "\u2581Ucrania", + -13.014593124389648 + ], + [ + "\u2581miljard", + -13.014617919921877 + ], + [ + "\u2581donnent", + -13.014656066894531 + ], + [ + "\u2581constituye", + -13.014665603637695 + ], + [ + "\u2581c\u00e9r\u00e9monie", + -13.014726638793944 + ], + [ + "\u2581soberbos", + -13.014734268188477 + ], + [ + "\u2581giudice", + -13.014854431152344 + ], + [ + "\u2581contemporary", + -13.014968872070312 + ], + [ + "bahnhof", + -13.014986038208008 + ], + [ + "\u2581denkbar", + -13.015013694763184 + ], + [ + "\u2581politischer", + -13.015045166015623 + ], + [ + "dummy", + -13.015076637268066 + ], + [ + "\u2581Bey", + -13.01508903503418 + ], + [ + "\u2581ponta", + -13.015134811401367 + ], + [ + "\u2581Maroc", + -13.015196800231934 + ], + [ + "zzano", + -13.01519775390625 + ], + [ + "\u2581amateurs", + -13.01523494720459 + ], + [ + "\u2581Br\u00fccken", + -13.01527976989746 + ], + [ + "\u2581omstandigheden", + -13.015373229980469 + ], + [ + "\u2581topological", + -13.015389442443848 + ], + [ + "\u2581Principe", + -13.015413284301758 + ], + [ + "\u2581islam", + -13.015419006347656 + ], + [ + "Frank", + -13.01542854309082 + ], + [ + "\u2581retrato", + -13.015446662902832 + ], + [ + "\u2581li\u00e9", + -13.015451431274414 + ], + [ + "\u2581kost", + -13.015511512756348 + ], + [ + "\u2581prospettiva", + -13.015517234802246 + ], + [ + "\u2581niveaux", + -13.015531539916992 + ], + [ + "\u2581Koo", + -13.01553726196289 + ], + [ + "pit", + -13.01556396484375 + ], + [ + "apprentissage", + -13.015707015991213 + ], + [ + "\u2581carcere", + -13.01573371887207 + ], + [ + "\u2581alfa", + -13.015738487243652 + ], + [ + "\u2581transmitir", + -13.015756607055664 + ], + [ + "\u2581recours", + -13.015765190124512 + ], + [ + "\u2581indiv\u00edduo", + -13.01581573486328 + ], + [ + "\u2581torrente", + -13.01584529876709 + ], + [ + "nikov", + -13.015846252441406 + ], + [ + "Far", + -13.015868186950684 + ], + [ + "Targets", + -13.015871047973633 + ], + [ + "\u2581CNN", + -13.015914916992188 + ], + [ + "zek", + -13.015948295593262 + ], + [ + "Stage", + -13.016039848327637 + ], + [ + "architetto", + -13.016063690185549 + ], + [ + "\u2581einfacher", + -13.016111373901367 + ], + [ + "t\u00e1n", + -13.016120910644531 + ], + [ + "agricoltura", + -13.01614475250244 + ], + [ + "\u2581Cave", + -13.016156196594238 + ], + [ + "\u2581Sym", + -13.016169548034668 + ], + [ + "Ui", + -13.016180992126465 + ], + [ + "lucht", + -13.016225814819336 + ], + [ + "ijl", + -13.016227722167969 + ], + [ + "\u2581nomm\u00e9e", + -13.016347885131836 + ], + [ + "veranstaltungen", + -13.0164213180542 + ], + [ + "\u2581deportiva", + -13.016424179077148 + ], + [ + "\u2581repris", + -13.016460418701172 + ], + [ + "\u00e4tz", + -13.016488075256348 + ], + [ + "\u2581proposer", + -13.016528129577637 + ], + [ + "\u2581cola", + -13.016557693481444 + ], + [ + "\u2581Relation", + -13.01656436920166 + ], + [ + "Clock", + -13.016572952270508 + ], + [ + "\u2581Komponist", + -13.01663303375244 + ], + [ + "agne", + -13.016660690307615 + ], + [ + "\u2581utilisateurs", + -13.01667308807373 + ], + [ + "\u2581halbe", + -13.01671314239502 + ], + [ + "\u2581Futter", + -13.016733169555664 + ], + [ + "\u2581Neg", + -13.016782760620115 + ], + [ + "\u2581poveri", + -13.016799926757812 + ], + [ + "\u2581stenen", + -13.016875267028809 + ], + [ + "\u2581Rien", + -13.016887664794922 + ], + [ + "LENGTH", + -13.016908645629885 + ], + [ + "\u2581esigenze", + -13.0169095993042 + ], + [ + "\u00e9l\u00e9", + -13.016932487487791 + ], + [ + "Flor", + -13.016953468322754 + ], + [ + "\u2581gef\u00e4hrlich", + -13.016956329345703 + ], + [ + "\u2581li\u00e9e", + -13.01699924468994 + ], + [ + "uadribol", + -13.017001152038574 + ], + [ + "\u2581Draft", + -13.017004013061523 + ], + [ + "Us", + -13.01704216003418 + ], + [ + "Updated", + -13.017053604125977 + ], + [ + "engage", + -13.017077445983888 + ], + [ + "\u2581ermittelten", + -13.01716423034668 + ], + [ + "\u2581daemon", + -13.01720905303955 + ], + [ + "\u2581Factor", + -13.017294883728027 + ], + [ + "\u2581Calli", + -13.017309188842772 + ], + [ + "\u2581Kalk", + -13.017316818237305 + ], + [ + "\u2581faute", + -13.01735782623291 + ], + [ + "codice", + -13.017372131347656 + ], + [ + "lightgrey", + -13.01738166809082 + ], + [ + "\u2581adresse", + -13.017410278320312 + ], + [ + "\u2581engaged", + -13.017431259155272 + ], + [ + "\u2581Tendenz", + -13.017436027526855 + ], + [ + "\u2581NRW", + -13.01743984222412 + ], + [ + "\u2581cultivo", + -13.017480850219728 + ], + [ + "\u2581likelihood", + -13.017495155334473 + ], + [ + "pping", + -13.017515182495115 + ], + [ + "\u2581bull", + -13.017584800720217 + ], + [ + "\u2581Duck", + -13.017602920532228 + ], + [ + "FAFF", + -13.017657279968262 + ], + [ + "\u2581umgekehrt", + -13.017666816711426 + ], + [ + "profit", + -13.01768684387207 + ], + [ + "\u2581lens", + -13.017692565917969 + ], + [ + "\u2581el\u00e9trica", + -13.017709732055664 + ], + [ + "\u2581aceite", + -13.01772403717041 + ], + [ + "\u2581Regulierung", + -13.01773452758789 + ], + [ + "tella", + -13.0177640914917 + ], + [ + "\u2581Brot", + -13.017815589904783 + ], + [ + "Monte", + -13.017860412597656 + ], + [ + "\u2581olympique", + -13.01801586151123 + ], + [ + "\u2581H\u00e4rte", + -13.018027305603027 + ], + [ + "\u2581Schle", + -13.01803493499756 + ], + [ + "beton", + -13.01810359954834 + ], + [ + "TED", + -13.018136024475098 + ], + [ + "bec", + -13.01815700531006 + ], + [ + "\u2581ARS", + -13.018170356750488 + ], + [ + "\u2581critico", + -13.018193244934082 + ], + [ + "grafo", + -13.018198013305664 + ], + [ + "alu", + -13.01825714111328 + ], + [ + "opard", + -13.018340110778809 + ], + [ + "\u2581persist", + -13.01845359802246 + ], + [ + "\u2581\u00e4ltere", + -13.01858139038086 + ], + [ + "\u2581laghi", + -13.018583297729492 + ], + [ + "\u2581Afro", + -13.018630981445312 + ], + [ + "sfreiheit", + -13.01865291595459 + ], + [ + "\u2581souvenirs", + -13.018694877624512 + ], + [ + "\u2581manca", + -13.018768310546877 + ], + [ + "Ignore", + -13.01878833770752 + ], + [ + "\u2581laurea", + -13.01886749267578 + ], + [ + "\u2581Stadion", + -13.018876075744627 + ], + [ + "stretch", + -13.018919944763184 + ], + [ + "\u2581lundi", + -13.0189208984375 + ], + [ + "\u2581Ambas", + -13.018926620483398 + ], + [ + "\u2581Dominicana", + -13.01895809173584 + ], + [ + "\u2581verzameling", + -13.019006729125977 + ], + [ + "gf", + -13.019107818603516 + ], + [ + "\u2581difficulties", + -13.019112586975098 + ], + [ + "gzip", + -13.019157409667969 + ], + [ + "\u2581ali", + -13.019187927246094 + ], + [ + "\u2581Servicio", + -13.01919174194336 + ], + [ + "\u2581Figur", + -13.01930046081543 + ], + [ + "\u2581Clay", + -13.019309997558594 + ], + [ + "pretty", + -13.01931381225586 + ], + [ + "\u2581Beethoven", + -13.019314765930176 + ], + [ + "\u2581Synopsis", + -13.019323348999023 + ], + [ + "\u2581zumeist", + -13.019371032714844 + ], + [ + "\u2581mesh", + -13.01941967010498 + ], + [ + "\u2581costas", + -13.019427299499512 + ], + [ + "\u2581Einreise", + -13.019439697265623 + ], + [ + "reservation", + -13.019478797912598 + ], + [ + "Philosoph", + -13.01951503753662 + ], + [ + "\u2581r\u00edos", + -13.019675254821776 + ], + [ + "fino", + -13.019683837890623 + ], + [ + "arina", + -13.019686698913574 + ], + [ + "tuur", + -13.019692420959473 + ], + [ + "\u2581NR", + -13.019725799560549 + ], + [ + "geslacht", + -13.019775390625 + ], + [ + "\u2581Guer", + -13.019824028015137 + ], + [ + "gerechten", + -13.019851684570312 + ], + [ + "\u2581ottiene", + -13.019978523254396 + ], + [ + "\u2581Contudo", + -13.019996643066406 + ], + [ + "etas", + -13.020026206970217 + ], + [ + "vak", + -13.020029067993164 + ], + [ + "itt", + -13.020069122314451 + ], + [ + "Patienten", + -13.02007293701172 + ], + [ + "\u2581frontal", + -13.020212173461914 + ], + [ + "\u2581enemigos", + -13.020217895507812 + ], + [ + "Negative", + -13.020286560058594 + ], + [ + "\u2581Santander", + -13.020345687866213 + ], + [ + "\u2581Problemen", + -13.020371437072754 + ], + [ + "\u2581Bam", + -13.020484924316406 + ], + [ + "\u2581onbekend", + -13.020546913146973 + ], + [ + "\u00fcberwachung", + -13.020560264587402 + ], + [ + "\u2581scharf", + -13.020626068115234 + ], + [ + "\u2581potentiel", + -13.020684242248535 + ], + [ + "\u2581promozione", + -13.02070140838623 + ], + [ + "\u00e9galit\u00e9", + -13.020703315734863 + ], + [ + "hra", + -13.020724296569824 + ], + [ + "\u2581Loro", + -13.020742416381836 + ], + [ + "\u2581Blair", + -13.02084732055664 + ], + [ + "l\u00e4ssig", + -13.020865440368652 + ], + [ + "\u2581actores", + -13.020913124084473 + ], + [ + "retta", + -13.020929336547852 + ], + [ + "\u2581accompagna", + -13.020949363708496 + ], + [ + "\u2581Groep", + -13.020957946777344 + ], + [ + "temps", + -13.021059036254885 + ], + [ + "\u2581Pare", + -13.02106475830078 + ], + [ + "\u2581giapponesi", + -13.021066665649414 + ], + [ + "\u2581monasterio", + -13.021102905273438 + ], + [ + "\u2581helping", + -13.021161079406738 + ], + [ + "\u2581g\u00e9n\u00e9ration", + -13.021183967590332 + ], + [ + "\u2581ridder", + -13.021288871765137 + ], + [ + "\u2581riuscito", + -13.021310806274414 + ], + [ + "\u2581aero", + -13.021379470825195 + ], + [ + "\u2581pond", + -13.021397590637209 + ], + [ + "elman", + -13.021536827087402 + ], + [ + "\u2581poucas", + -13.021559715270996 + ], + [ + "\u2581Norma", + -13.02157497406006 + ], + [ + "\u2581jogar", + -13.02157497406006 + ], + [ + "Recht", + -13.021598815917969 + ], + [ + "\u2581GTW", + -13.02163314819336 + ], + [ + "FAILED", + -13.021635055541992 + ], + [ + "gesetze", + -13.021684646606444 + ], + [ + "\u2581renta", + -13.021687507629396 + ], + [ + "\u2581gegenseitig", + -13.02171230316162 + ], + [ + "\u2581indicando", + -13.02176570892334 + ], + [ + "\u2581vendido", + -13.021773338317873 + ], + [ + "asm", + -13.021833419799805 + ], + [ + "\u2581Joint", + -13.021883010864258 + ], + [ + "\u2581citoyens", + -13.021885871887209 + ], + [ + "\u2581riferisce", + -13.021907806396484 + ], + [ + "\u2581stellar", + -13.02196216583252 + ], + [ + "\u2581autorest", + -13.021963119506836 + ], + [ + "\u2581schreiben", + -13.021973609924316 + ], + [ + "gerichte", + -13.02199935913086 + ], + [ + "sphase", + -13.02211570739746 + ], + [ + "\u2581zweier", + -13.022150993347168 + ], + [ + "\u2581commedia", + -13.022171974182127 + ], + [ + "\u2581audiencia", + -13.022173881530762 + ], + [ + "\u2581Reinhard", + -13.02219581604004 + ], + [ + "\u2581Christen", + -13.022196769714355 + ], + [ + "\u2581Duca", + -13.022202491760254 + ], + [ + "\u2581Chrys", + -13.02221393585205 + ], + [ + "artifact", + -13.022228240966797 + ], + [ + "\u2581elseif", + -13.022228240966797 + ], + [ + "sensitive", + -13.022239685058594 + ], + [ + "containers", + -13.022250175476074 + ], + [ + "\u2581admitted", + -13.02225399017334 + ], + [ + "\u2581explosion", + -13.022255897521973 + ], + [ + "\u2581Croix", + -13.02230739593506 + ], + [ + "PRINT", + -13.02233600616455 + ], + [ + "Println", + -13.022348403930664 + ], + [ + "\u2581Kris", + -13.02237033843994 + ], + [ + "ingress", + -13.022372245788574 + ], + [ + "\u2581promotie", + -13.022416114807127 + ], + [ + "trus", + -13.022442817687988 + ], + [ + "\u2581Edwin", + -13.02248191833496 + ], + [ + "\u2581presenze", + -13.022491455078123 + ], + [ + "sungs", + -13.022513389587402 + ], + [ + "\u2581\u00edndios", + -13.022517204284668 + ], + [ + "ception", + -13.022536277770996 + ], + [ + "Univers", + -13.02257251739502 + ], + [ + "\u2581provinces", + -13.022576332092283 + ], + [ + "\u2581trac\u00e9", + -13.022583961486816 + ], + [ + "\u2581Vu", + -13.022611618041992 + ], + [ + "\u2581Nog", + -13.02272891998291 + ], + [ + "\u2581Generate", + -13.022741317749023 + ], + [ + "rito", + -13.022747039794922 + ], + [ + "energia", + -13.022817611694336 + ], + [ + "\u2581telephone", + -13.022850036621094 + ], + [ + "kunden", + -13.022906303405762 + ], + [ + "gesch", + -13.022971153259276 + ], + [ + "ups", + -13.022993087768556 + ], + [ + "kast", + -13.02304744720459 + ], + [ + "\u2581studying", + -13.023059844970703 + ], + [ + "\u2581tats\u00e4chliche", + -13.023072242736816 + ], + [ + "fiction", + -13.023083686828612 + ], + [ + "average", + -13.02310848236084 + ], + [ + "\u2581r\u00e9union", + -13.023202896118164 + ], + [ + "bow", + -13.023263931274414 + ], + [ + "\u2581sad", + -13.02331256866455 + ], + [ + "phones", + -13.023323059082031 + ], + [ + "\u2581Redirect", + -13.023343086242676 + ], + [ + "\u2581normative", + -13.023364067077637 + ], + [ + "\u2581psicologia", + -13.023420333862305 + ], + [ + "\u2581Besonderheiten", + -13.023436546325684 + ], + [ + "\u2581vigor", + -13.023481369018556 + ], + [ + "\u2581Fitz", + -13.0235013961792 + ], + [ + "llerie", + -13.023521423339844 + ], + [ + "endroit", + -13.023555755615234 + ], + [ + "\u2581amava", + -13.02359390258789 + ], + [ + "bk", + -13.023618698120115 + ], + [ + "\u2581Task", + -13.023688316345217 + ], + [ + "mah", + -13.02371883392334 + ], + [ + "\u2581fr\u00edo", + -13.023756980895996 + ], + [ + "phospho", + -13.023765563964844 + ], + [ + "\u2581quart", + -13.023783683776855 + ], + [ + "\u2581sign\u00e9", + -13.023859024047852 + ], + [ + "\u2581Gul", + -13.023865699768066 + ], + [ + "\u2581loger", + -13.023881912231444 + ], + [ + "Proceedings", + -13.023893356323242 + ], + [ + "inherits", + -13.023896217346191 + ], + [ + "\u2581presidential", + -13.023921966552734 + ], + [ + "\u2581Verbindlichkeit", + -13.02392292022705 + ], + [ + "\u2581inteligencia", + -13.02392292022705 + ], + [ + "\u2581Groen", + -13.023954391479492 + ], + [ + "\u2581NOTES", + -13.023963928222656 + ], + [ + "\u2581pilote", + -13.023984909057615 + ], + [ + "\u2581Amazonas", + -13.02401638031006 + ], + [ + "\u2581Tong", + -13.02403163909912 + ], + [ + "\u2581toneladas", + -13.024052619934082 + ], + [ + "\u2581Gus", + -13.024059295654297 + ], + [ + "\u2581Nicol", + -13.024203300476074 + ], + [ + "\u2581wilt", + -13.024216651916504 + ], + [ + "\u2581Schall", + -13.02428913116455 + ], + [ + "\u2581carbone", + -13.024290084838867 + ], + [ + "\u2581agreements", + -13.024300575256348 + ], + [ + "\u2581Dino", + -13.02432918548584 + ], + [ + "\u2581pistas", + -13.024332046508787 + ], + [ + "\u2581imp\u00e9rio", + -13.024375915527344 + ], + [ + "\u2581relates", + -13.024511337280272 + ], + [ + "\u2581Seele", + -13.02457046508789 + ], + [ + "\u2581propaga", + -13.024593353271484 + ], + [ + "\u2581Scala", + -13.02459716796875 + ], + [ + "\u2581Hauptbahnhof", + -13.02460479736328 + ], + [ + "\u2581Affairs", + -13.024646759033203 + ], + [ + "\u2581Wor", + -13.02467441558838 + ], + [ + "keten", + -13.024681091308594 + ], + [ + "\u2581erleichtern", + -13.024691581726074 + ], + [ + "\u2581durchf\u00fchren", + -13.024746894836426 + ], + [ + "\u2581branca", + -13.02476406097412 + ], + [ + "cultura", + -13.02476692199707 + ], + [ + "salz", + -13.024785041809082 + ], + [ + "\u2581Esteban", + -13.024885177612305 + ], + [ + "\u2581Coup", + -13.024943351745604 + ], + [ + "\u2581monete", + -13.024943351745604 + ], + [ + "\u2581Meso", + -13.02495288848877 + ], + [ + "Experiment", + -13.024975776672363 + ], + [ + "\u2581T\u00e9cnica", + -13.025022506713867 + ], + [ + "\u2581transfert", + -13.025025367736816 + ], + [ + "\u2581Rush", + -13.0250883102417 + ], + [ + "afa", + -13.025140762329102 + ], + [ + "HJ", + -13.02519416809082 + ], + [ + "grupo", + -13.025214195251465 + ], + [ + "bull", + -13.025238990783691 + ], + [ + "\u2581iniziale", + -13.025270462036133 + ], + [ + "urier", + -13.025282859802246 + ], + [ + "Nested", + -13.025482177734377 + ], + [ + "serve", + -13.025485038757324 + ], + [ + "\u2581registrar", + -13.025517463684082 + ], + [ + "\u2581verwant", + -13.025517463684082 + ], + [ + "\u2581parada", + -13.025530815124512 + ], + [ + "\u2581teatrale", + -13.025538444519045 + ], + [ + "\u2581Anzeige", + -13.025585174560549 + ], + [ + "\u2581Oblast", + -13.025650024414062 + ], + [ + "eroe", + -13.02565574645996 + ], + [ + "\u2581cattedrale", + -13.025712013244627 + ], + [ + "TRI", + -13.025713920593262 + ], + [ + "ipe", + -13.025723457336426 + ], + [ + "\u2581insediamenti", + -13.02579402923584 + ], + [ + "Linnaeus", + -13.025795936584473 + ], + [ + "Gh", + -13.025816917419434 + ], + [ + "Generate", + -13.025882720947266 + ], + [ + "\u2581username", + -13.025897026062012 + ], + [ + "Mobile", + -13.026056289672852 + ], + [ + "\u2581Beijing", + -13.02607250213623 + ], + [ + "\u2581AMENDMENT", + -13.02612590789795 + ], + [ + "\u2581[#", + -13.026134490966797 + ], + [ + "\u2581Coca", + -13.026151657104492 + ], + [ + "\u2581hiper", + -13.026167869567873 + ], + [ + "Online", + -13.02617359161377 + ], + [ + "indica", + -13.026174545288086 + ], + [ + "\u2581Fortsetzung", + -13.026188850402832 + ], + [ + "Visitor", + -13.02622127532959 + ], + [ + "trusted", + -13.026270866394045 + ], + [ + "\u2581DAMAGES", + -13.026293754577637 + ], + [ + "insieme", + -13.026341438293455 + ], + [ + "\u2581atributos", + -13.02634620666504 + ], + [ + "\u2581Ebenen", + -13.026371955871582 + ], + [ + "\u2581specifico", + -13.026372909545898 + ], + [ + "stadion", + -13.02638053894043 + ], + [ + "\u2581Anth", + -13.026432991027832 + ], + [ + "\u2581ventana", + -13.026453018188477 + ], + [ + "\u2581pompa", + -13.026540756225586 + ], + [ + "\u2581Guard", + -13.02655029296875 + ], + [ + "\u2581praias", + -13.026592254638672 + ], + [ + "vino", + -13.02662754058838 + ], + [ + "capture", + -13.026773452758787 + ], + [ + "\u2581centuries", + -13.026853561401367 + ], + [ + "pragma", + -13.02685546875 + ], + [ + "scala", + -13.026863098144531 + ], + [ + "\u2581digit", + -13.026867866516112 + ], + [ + "\u2581fewer", + -13.026906967163086 + ], + [ + "tender", + -13.026991844177246 + ], + [ + "schat", + -13.027206420898438 + ], + [ + "interp", + -13.02725601196289 + ], + [ + "\u2581kritische", + -13.027329444885254 + ], + [ + "\u2581richieste", + -13.027341842651367 + ], + [ + "\u2581consacr\u00e9", + -13.027361869812012 + ], + [ + "Ottocento", + -13.027462005615234 + ], + [ + "intervista", + -13.027521133422852 + ], + [ + "\u2581Preisen", + -13.027586936950684 + ], + [ + "\u2581stride", + -13.027620315551758 + ], + [ + "\u2581angemessenen", + -13.027722358703612 + ], + [ + "\u2581colegas", + -13.027777671813965 + ], + [ + "\u2581fecero", + -13.027835845947266 + ], + [ + "subtitle", + -13.02784252166748 + ], + [ + "Audit", + -13.027870178222656 + ], + [ + "Erelijst", + -13.027905464172363 + ], + [ + "reaktion", + -13.027960777282717 + ], + [ + "\u2581Verw", + -13.02802562713623 + ], + [ + "\u2581religiose", + -13.028027534484863 + ], + [ + "\u2581stukken", + -13.02805995941162 + ], + [ + "\u2581Abi", + -13.028091430664062 + ], + [ + "\u2581Around", + -13.028098106384276 + ], + [ + "\u2581belegen", + -13.028117179870604 + ], + [ + "Attachment", + -13.02812385559082 + ], + [ + "\u2581sosta", + -13.028182983398438 + ], + [ + "\u2581elf", + -13.028197288513184 + ], + [ + "\u2581venceu", + -13.028220176696776 + ], + [ + "\u2581accedere", + -13.028230667114258 + ], + [ + "six", + -13.028231620788574 + ], + [ + "sprozesse", + -13.028278350830078 + ], + [ + "inscription", + -13.028282165527344 + ], + [ + "filament", + -13.028326034545898 + ], + [ + "\u2581mistake", + -13.02833366394043 + ], + [ + "\u2581Gilles", + -13.028350830078123 + ], + [ + "\u2581Thomson", + -13.02835750579834 + ], + [ + "\u2581statistisch", + -13.028414726257324 + ], + [ + "\u2581induce", + -13.028450012207031 + ], + [ + "\u2581Found", + -13.028489112854004 + ], + [ + "\u2581Attention", + -13.02852725982666 + ], + [ + "\u2581manifestations", + -13.028573989868164 + ], + [ + "riano", + -13.028579711914062 + ], + [ + "\u2581provindo", + -13.028639793395996 + ], + [ + "\u2581commandes", + -13.028666496276855 + ], + [ + "\u2581Landgericht", + -13.028669357299805 + ], + [ + "\u2581dialetto", + -13.028706550598145 + ], + [ + "sorption", + -13.02873706817627 + ], + [ + "\u2581posibles", + -13.028853416442873 + ], + [ + "\u2581Biodiversity", + -13.028882026672363 + ], + [ + "\u2581comprender", + -13.02889633178711 + ], + [ + "\u2581corrida", + -13.028913497924805 + ], + [ + "\u2581Saudi", + -13.028916358947754 + ], + [ + "\u2581europeus", + -13.02894115447998 + ], + [ + "\u2581Besch\u00e4ftigte", + -13.028959274291992 + ], + [ + "\u2581skill", + -13.028995513916016 + ], + [ + "\u2581beteiligen", + -13.02899932861328 + ], + [ + "\u2581direta", + -13.029013633728027 + ], + [ + "\u2581versteht", + -13.029029846191406 + ], + [ + "\u2581ricchi", + -13.029040336608888 + ], + [ + "\u2581Realisierung", + -13.029043197631836 + ], + [ + "\u2581umfassenden", + -13.029075622558594 + ], + [ + "speicher", + -13.029094696044922 + ], + [ + "\u2581Rules", + -13.029098510742188 + ], + [ + "\u2581Grunds\u00e4tzen", + -13.02911376953125 + ], + [ + "elec", + -13.029146194458008 + ], + [ + "\u2581ungew", + -13.029187202453612 + ], + [ + "achtung", + -13.029194831848145 + ], + [ + "t\u00e9e", + -13.029211044311523 + ], + [ + "\u2581acceder", + -13.02933120727539 + ], + [ + "\u2581Sperr", + -13.02936840057373 + ], + [ + "cosse", + -13.029369354248049 + ], + [ + "unwrap", + -13.029483795166016 + ], + [ + "\u2581wirkte", + -13.029497146606444 + ], + [ + "\u2581Konzeption", + -13.029534339904783 + ], + [ + "\u2581awarded", + -13.029541015625 + ], + [ + "\u2581Eigenschaft", + -13.02955722808838 + ], + [ + "\u2581Click", + -13.029571533203123 + ], + [ + "\u2581kulturelle", + -13.029596328735352 + ], + [ + "\u2581Academie", + -13.029656410217283 + ], + [ + "\u2581clic", + -13.029711723327637 + ], + [ + "\u2581payments", + -13.029778480529783 + ], + [ + "\u2581correspondent", + -13.029808044433594 + ], + [ + "halter", + -13.02983283996582 + ], + [ + "\u2581Imagin", + -13.029877662658691 + ], + [ + "\u2581acha", + -13.029921531677246 + ], + [ + "\u2581Eur", + -13.029922485351562 + ], + [ + "\u2581Revolu", + -13.029922485351562 + ], + [ + "ampa", + -13.029943466186523 + ], + [ + "\u2581changements", + -13.029949188232422 + ], + [ + "\u2581incremento", + -13.029973983764648 + ], + [ + "\u2581Felice", + -13.029977798461914 + ], + [ + "r\u00edo", + -13.03001880645752 + ], + [ + "\u2581odio", + -13.03006076812744 + ], + [ + "etcd", + -13.03007698059082 + ], + [ + "\u2581Randy", + -13.030117988586426 + ], + [ + "\u2581expuls", + -13.030122756958008 + ], + [ + "\u2581assoluto", + -13.030220985412598 + ], + [ + "mungs", + -13.030301094055176 + ], + [ + "effetto", + -13.030400276184082 + ], + [ + "ffentlichten", + -13.030409812927246 + ], + [ + "\u2581RO", + -13.03041172027588 + ], + [ + "\u2581Grove", + -13.030452728271484 + ], + [ + "\u2581einschl\u00e4gigen", + -13.030485153198242 + ], + [ + "\u2581ordini", + -13.030503273010254 + ], + [ + "\u2581sigla", + -13.030510902404783 + ], + [ + "serializer", + -13.030523300170898 + ], + [ + "breite", + -13.030529022216797 + ], + [ + "\u2581retirado", + -13.030591011047363 + ], + [ + "\u2581vessel", + -13.030632019042969 + ], + [ + "Od", + -13.030673027038574 + ], + [ + "\u2581Guti\u00e9rrez", + -13.030762672424316 + ], + [ + "\u2581Doug", + -13.030790328979492 + ], + [ + "\u2581Tram", + -13.030826568603516 + ], + [ + "\u2581dames", + -13.03090000152588 + ], + [ + "ausschuss", + -13.03094482421875 + ], + [ + "\u2581bekam", + -13.031001091003418 + ], + [ + "getrokken", + -13.031006813049316 + ], + [ + "sek", + -13.031015396118164 + ], + [ + "bam", + -13.03103733062744 + ], + [ + "\u2581lati", + -13.031052589416504 + ], + [ + "\u2581cinesi", + -13.03105640411377 + ], + [ + "\u2581tensione", + -13.031091690063477 + ], + [ + "\u2581belongs", + -13.031109809875488 + ], + [ + "\u2581gelungen", + -13.031149864196776 + ], + [ + "ours", + -13.0311861038208 + ], + [ + "POS", + -13.03121280670166 + ], + [ + "\u2581Peking", + -13.031243324279783 + ], + [ + "\u2581Amaz", + -13.031261444091797 + ], + [ + "him", + -13.03128719329834 + ], + [ + "\u2581veroorzaakt", + -13.03130340576172 + ], + [ + "\u2581Nessa", + -13.03131866455078 + ], + [ + "inelli", + -13.03144359588623 + ], + [ + "\u2581spending", + -13.03154754638672 + ], + [ + "\u2581waarvoor", + -13.03156566619873 + ], + [ + "quiz", + -13.031575202941896 + ], + [ + "r\u00e4t", + -13.031618118286133 + ], + [ + "Sources", + -13.03163719177246 + ], + [ + "dron", + -13.031707763671877 + ], + [ + "dies", + -13.031730651855469 + ], + [ + "\u2581vorhandene", + -13.03177261352539 + ], + [ + "\u2581Aga", + -13.031773567199709 + ], + [ + "\u2581produrre", + -13.031864166259766 + ], + [ + "orchestre", + -13.03187656402588 + ], + [ + "\u2581Libertadores", + -13.03189468383789 + ], + [ + "\u2581probeerde", + -13.031909942626951 + ], + [ + "\u2581corn", + -13.031991004943848 + ], + [ + "Mitglied", + -13.03199863433838 + ], + [ + "\u2581angeschlossen", + -13.03200340270996 + ], + [ + "dder", + -13.032036781311035 + ], + [ + "\u2581\u00e4ndert", + -13.032065391540527 + ], + [ + "\u2581surprised", + -13.03207302093506 + ], + [ + "Bat", + -13.032094955444336 + ], + [ + "bzw", + -13.032122611999512 + ], + [ + "Destroy", + -13.032166481018066 + ], + [ + "\u2581formats", + -13.03220558166504 + ], + [ + "\u2581Vieh", + -13.032243728637695 + ], + [ + "nafhankelijkheid", + -13.032325744628906 + ], + [ + "\u2581Jeffrey", + -13.032341957092283 + ], + [ + "ATP", + -13.03237533569336 + ], + [ + "\u2581chefs", + -13.032390594482422 + ], + [ + "Dependency", + -13.032432556152344 + ], + [ + "\u2581secrets", + -13.032437324523926 + ], + [ + "\u2581Monza", + -13.032529830932615 + ], + [ + "zeichnen", + -13.032544136047363 + ], + [ + "uname", + -13.032578468322754 + ], + [ + "methods", + -13.03260612487793 + ], + [ + "\u2581passos", + -13.032703399658203 + ], + [ + "Eine", + -13.032718658447266 + ], + [ + "\u2581Reaktionen", + -13.032830238342283 + ], + [ + "\u2581personage", + -13.032879829406738 + ], + [ + "\u2581configurations", + -13.032901763916016 + ], + [ + "\u2581exponential", + -13.032929420471191 + ], + [ + "\u2581entend", + -13.032934188842772 + ], + [ + "\u2581car\u00e1ter", + -13.033212661743164 + ], + [ + "\u2581Constitutional", + -13.033225059509276 + ], + [ + "\u2581Mediterraneo", + -13.033312797546388 + ], + [ + "\u2581Tak", + -13.03333568572998 + ], + [ + "poll", + -13.033355712890623 + ], + [ + "\u2581foreste", + -13.033363342285156 + ], + [ + "\u2581diventata", + -13.033371925354004 + ], + [ + "\u2581legitim", + -13.033406257629396 + ], + [ + "\u2581descobre", + -13.03341293334961 + ], + [ + "efe", + -13.03342056274414 + ], + [ + "\u2581Officer", + -13.033496856689451 + ], + [ + "\u2581belleza", + -13.033506393432615 + ], + [ + "PACK", + -13.033540725708008 + ], + [ + "\u2581integrante", + -13.033559799194336 + ], + [ + "issi", + -13.033589363098145 + ], + [ + "\u2581zuk\u00fcnftig", + -13.033605575561523 + ], + [ + "lida", + -13.033607482910156 + ], + [ + "\u2581Lynn", + -13.033632278442385 + ], + [ + "\u2581Slughorn", + -13.033645629882812 + ], + [ + "\u2581Schengen", + -13.033671379089355 + ], + [ + "\u2581Demo", + -13.033674240112305 + ], + [ + "\u2581Unsere", + -13.03367519378662 + ], + [ + "\u2581batterie", + -13.033726692199709 + ], + [ + "\u2581arrangements", + -13.033733367919922 + ], + [ + "\u2581retirar", + -13.033831596374512 + ], + [ + "\u2581couverture", + -13.033832550048828 + ], + [ + "ellus", + -13.03391933441162 + ], + [ + "vcf", + -13.033926963806152 + ], + [ + "\u2581compone", + -13.033939361572266 + ], + [ + "\u2581r\u00e9sidence", + -13.034002304077148 + ], + [ + "\u2581finir", + -13.034011840820312 + ], + [ + "\u2581narrative", + -13.034037590026855 + ], + [ + "\u2581Manga", + -13.034055709838867 + ], + [ + "\u2581Branchen", + -13.03409194946289 + ], + [ + "\u2581plates", + -13.034157752990724 + ], + [ + "\u2581Campionati", + -13.034159660339355 + ], + [ + "\u2581escapa", + -13.03430461883545 + ], + [ + "\u2581Loop", + -13.03432846069336 + ], + [ + "lander", + -13.034483909606934 + ], + [ + "\u2581trasformazione", + -13.0344877243042 + ], + [ + "\u2581corrispondenza", + -13.034546852111816 + ], + [ + "cir", + -13.034565925598145 + ], + [ + "\u2581inaugurada", + -13.034621238708496 + ], + [ + "\u2581props", + -13.034634590148926 + ], + [ + "\u2581bedacht", + -13.034652709960938 + ], + [ + "\u2581viagens", + -13.034666061401367 + ], + [ + "\u2581delicadas", + -13.034696578979492 + ], + [ + "\u2581rarely", + -13.034788131713867 + ], + [ + "scp", + -13.034790992736816 + ], + [ + "\u2581Papel", + -13.034834861755373 + ], + [ + "\u2581Andererseits", + -13.034868240356444 + ], + [ + "naming", + -13.034876823425291 + ], + [ + "amin", + -13.03487777709961 + ], + [ + "jam", + -13.034947395324709 + ], + [ + "jdk", + -13.034960746765137 + ], + [ + "\u2581australiano", + -13.034978866577148 + ], + [ + "processor", + -13.034997940063477 + ], + [ + "\u2581massif", + -13.03499984741211 + ], + [ + "\u2581consultation", + -13.035040855407717 + ], + [ + "\u2581Cau", + -13.035046577453612 + ], + [ + "\u2581princ\u00edpios", + -13.035052299499512 + ], + [ + "\u2581pourraient", + -13.035140991210938 + ], + [ + "\u2581TS", + -13.035161018371582 + ], + [ + "\u2581caiu", + -13.035311698913574 + ], + [ + "\u2581reveal", + -13.035317420959473 + ], + [ + "abitato", + -13.035372734069824 + ], + [ + "\u2581einander", + -13.035396575927734 + ], + [ + "Dienst", + -13.035401344299316 + ], + [ + "\u2581SDK", + -13.035428047180176 + ], + [ + "\u2581Viene", + -13.035492897033691 + ], + [ + "Korea", + -13.035496711730955 + ], + [ + "ldkampioenschap", + -13.035497665405272 + ], + [ + "\u2581movements", + -13.035508155822754 + ], + [ + "sac", + -13.035517692565918 + ], + [ + "\u2581Jupiter", + -13.035576820373535 + ], + [ + "\u2581semelhantes", + -13.035578727722168 + ], + [ + "\u00e9change", + -13.03559398651123 + ], + [ + "Gomez", + -13.035597801208496 + ], + [ + "acre", + -13.035599708557127 + ], + [ + "\u2581ponteiro", + -13.035672187805176 + ], + [ + "\u2581exactement", + -13.035682678222656 + ], + [ + "\u2581captain", + -13.035687446594238 + ], + [ + "\u2581zetel", + -13.035741806030272 + ], + [ + "\u2581Indo", + -13.035755157470703 + ], + [ + "bilit\u00e4t", + -13.035772323608398 + ], + [ + "\u2581Trata", + -13.035773277282717 + ], + [ + "\u2581franchise", + -13.035842895507812 + ], + [ + "\u2581Anbau", + -13.035935401916504 + ], + [ + "op\u00e9ra", + -13.036011695861816 + ], + [ + "\u2581Ortschaft", + -13.03604793548584 + ], + [ + "Void", + -13.036067008972168 + ], + [ + "skin", + -13.036077499389648 + ], + [ + "\u2581prescribed", + -13.036081314086914 + ], + [ + "raden", + -13.03609848022461 + ], + [ + "regierung", + -13.036109924316406 + ], + [ + "\u2581Manger", + -13.03622055053711 + ], + [ + "\u2581charter", + -13.03626823425293 + ], + [ + "\u2581conseguido", + -13.036279678344728 + ], + [ + "\u2581guitarrista", + -13.03631591796875 + ], + [ + "\u2581schoon", + -13.036335945129396 + ], + [ + "\u2581fallait", + -13.03634262084961 + ], + [ + "INTER", + -13.036432266235352 + ], + [ + "abapgit", + -13.0364408493042 + ], + [ + "\u2581beaut\u00e9", + -13.036523818969728 + ], + [ + "pert", + -13.036538124084473 + ], + [ + "Cambridge", + -13.036563873291016 + ], + [ + "\u2581lleno", + -13.036643981933594 + ], + [ + "\u2581affaire", + -13.036653518676758 + ], + [ + "\u2581Igor", + -13.036667823791504 + ], + [ + "ERN", + -13.0366792678833 + ], + [ + "\u2581Formation", + -13.036687850952148 + ], + [ + "\u2581Installation", + -13.036787033081056 + ], + [ + "\u2581scopre", + -13.036787033081056 + ], + [ + "\u2581escuchar", + -13.036846160888672 + ], + [ + "\u2581Liz", + -13.036863327026367 + ], + [ + "Marne", + -13.036900520324709 + ], + [ + "\u2581detective", + -13.036901473999023 + ], + [ + "\u2581Movimiento", + -13.0369291305542 + ], + [ + "misi\u00f3n", + -13.036972045898438 + ], + [ + "heilig", + -13.03697681427002 + ], + [ + "\u2581wearing", + -13.037004470825195 + ], + [ + "\u2581commando", + -13.037007331848145 + ], + [ + "\u2581............", + -13.03701877593994 + ], + [ + "\u2581Ostsee", + -13.037090301513672 + ], + [ + "\u2581sudeste", + -13.037092208862305 + ], + [ + "\u2581Coro", + -13.037100791931152 + ], + [ + "\u2581scrittura", + -13.037121772766112 + ], + [ + "precia", + -13.037129402160645 + ], + [ + "\u2581accommodation", + -13.037174224853516 + ], + [ + "\u2581Hawk", + -13.037184715270996 + ], + [ + "\u2581bosques", + -13.037291526794434 + ], + [ + "\u2581Mallorca", + -13.037318229675291 + ], + [ + "\u2581zat", + -13.03732681274414 + ], + [ + "thia", + -13.037328720092772 + ], + [ + "\u2581sqlite", + -13.03738498687744 + ], + [ + "zos", + -13.037446022033691 + ], + [ + "\u2581prochain", + -13.037450790405272 + ], + [ + "noten", + -13.03745174407959 + ], + [ + "\u2581dirig\u00e9", + -13.037477493286133 + ], + [ + "\u2581carnaval", + -13.037529945373535 + ], + [ + "JC", + -13.037561416625977 + ], + [ + "\u2581noticia", + -13.037586212158203 + ], + [ + "\u2581lake", + -13.037593841552734 + ], + [ + "\u2581Duc", + -13.037596702575684 + ], + [ + "\u2581gevraagd", + -13.037652969360352 + ], + [ + "\u2581loose", + -13.037711143493652 + ], + [ + "responsabilidade", + -13.037755012512209 + ], + [ + "\u2581banche", + -13.037763595581056 + ], + [ + "ORG", + -13.037765502929688 + ], + [ + "\u2581coups", + -13.037836074829102 + ], + [ + "harmoni", + -13.037841796875 + ], + [ + "\u2581grain", + -13.037849426269531 + ], + [ + "ECUTABLE", + -13.037872314453123 + ], + [ + "SchemaProps", + -13.03789234161377 + ], + [ + "punct", + -13.037921905517578 + ], + [ + "\u2581arabe", + -13.03792667388916 + ], + [ + "gesetzt", + -13.037952423095703 + ], + [ + "\u2581pr\u00e1ticas", + -13.038009643554688 + ], + [ + "\u2581\u00fcberlassen", + -13.038111686706545 + ], + [ + "\u2581Substrat", + -13.03817081451416 + ], + [ + "rut", + -13.038209915161133 + ], + [ + "\u2581liquide", + -13.038280487060549 + ], + [ + "\u2581Enable", + -13.038354873657228 + ], + [ + "\u2581adi", + -13.038372993469238 + ], + [ + "\u2581differenze", + -13.038412094116213 + ], + [ + "\u2581twelve", + -13.038432121276855 + ], + [ + "\u2581coalition", + -13.038434028625488 + ], + [ + "\u2581Bras\u00edlia", + -13.038447380065918 + ], + [ + "\u2581Echo", + -13.038447380065918 + ], + [ + "\u2581zichtbaar", + -13.038596153259276 + ], + [ + "\u2581zilver", + -13.03859806060791 + ], + [ + "\u2581passenger", + -13.038623809814451 + ], + [ + "iot", + -13.038626670837402 + ], + [ + "\u2581facing", + -13.03864860534668 + ], + [ + "\u2581samt", + -13.038697242736816 + ], + [ + "\u2581Casas", + -13.038726806640623 + ], + [ + "nheit", + -13.038743019104004 + ], + [ + "digital", + -13.038747787475586 + ], + [ + "\u2581Touch", + -13.038758277893066 + ], + [ + "\u2581giant", + -13.038763999938965 + ], + [ + "arbeits", + -13.038785934448242 + ], + [ + "\u2581nachts", + -13.03879165649414 + ], + [ + "\u2581entrenamiento", + -13.038792610168455 + ], + [ + "ugangs", + -13.038798332214355 + ], + [ + "\u2581d\u00e9marche", + -13.038878440856934 + ], + [ + "\u00edsmo", + -13.038979530334473 + ], + [ + "\u2581condena", + -13.039027214050291 + ], + [ + "\u2581frio", + -13.0390625 + ], + [ + "\u2581Gr\u00fcnen", + -13.039074897766112 + ], + [ + "lati", + -13.03908348083496 + ], + [ + "\u2581leistet", + -13.039102554321287 + ], + [ + "\u2581restrict", + -13.039186477661133 + ], + [ + "\u2581CLI", + -13.039246559143066 + ], + [ + "\u2581sou", + -13.039252281188965 + ], + [ + "rax", + -13.039344787597656 + ], + [ + "\u2581tendr\u00e1", + -13.039355278015137 + ], + [ + "hoch", + -13.03936767578125 + ], + [ + "vedi", + -13.039374351501465 + ], + [ + "\u2581registriert", + -13.039382934570312 + ], + [ + "\u2581entradas", + -13.039395332336426 + ], + [ + "\u2581conciertos", + -13.039430618286133 + ], + [ + "\u2581Heb", + -13.039496421813965 + ], + [ + "RCC", + -13.039525032043455 + ], + [ + "Mount", + -13.039535522460938 + ], + [ + "phal", + -13.039552688598633 + ], + [ + "lante", + -13.03955364227295 + ], + [ + "\u2581querido", + -13.03958511352539 + ], + [ + "\u2581Urt", + -13.039589881896973 + ], + [ + "Plane", + -13.039621353149414 + ], + [ + "\u2581Grundgesetz", + -13.039647102355955 + ], + [ + "\u2581auparavant", + -13.039665222167969 + ], + [ + "\u2581activo", + -13.039682388305664 + ], + [ + "\u2581Pope", + -13.03972625732422 + ], + [ + "joy", + -13.039777755737305 + ], + [ + "\u2581horizontale", + -13.039794921875 + ], + [ + "\u2581afdeling", + -13.039824485778809 + ], + [ + "\u2581inf\u00e9rieur", + -13.039834976196287 + ], + [ + "nvalue", + -13.039841651916504 + ], + [ + "Assun", + -13.039922714233398 + ], + [ + "Christ", + -13.03993797302246 + ], + [ + "\u2581niemals", + -13.039996147155762 + ], + [ + "offerta", + -13.040006637573242 + ], + [ + "omp", + -13.040038108825684 + ], + [ + "zm", + -13.040047645568848 + ], + [ + "\u2581prenant", + -13.040058135986328 + ], + [ + "entend", + -13.040095329284668 + ], + [ + "\u2581hacerse", + -13.04010009765625 + ], + [ + "\u2581podr\u00e1", + -13.040122985839844 + ], + [ + "installed", + -13.040149688720703 + ], + [ + "\u2581steep", + -13.040205001831056 + ], + [ + "genti", + -13.040212631225586 + ], + [ + "\u2581Lys", + -13.040241241455078 + ], + [ + "\u2581chansons", + -13.040253639221191 + ], + [ + "MER", + -13.04035472869873 + ], + [ + "\u2581supone", + -13.04038429260254 + ], + [ + "\u2581Raja", + -13.040411949157717 + ], + [ + "schaf", + -13.04043674468994 + ], + [ + "\u2581chest", + -13.040461540222168 + ], + [ + "Have", + -13.0404634475708 + ], + [ + "OVER", + -13.04046630859375 + ], + [ + "\u2581Tao", + -13.040468215942385 + ], + [ + "\u2581Forte", + -13.040482521057127 + ], + [ + "\u2581vertaling", + -13.040525436401367 + ], + [ + "\u2581funktioniert", + -13.04053783416748 + ], + [ + "\u2581Cultuur", + -13.040559768676758 + ], + [ + "cps", + -13.040627479553224 + ], + [ + "\u2581anerkannten", + -13.04063606262207 + ], + [ + "\u2581Taschen", + -13.040664672851562 + ], + [ + "\u2581gram", + -13.040666580200195 + ], + [ + "\u2581animale", + -13.04080295562744 + ], + [ + "THONPATH", + -13.040814399719238 + ], + [ + "mast", + -13.040850639343262 + ], + [ + "sand", + -13.040851593017578 + ], + [ + "\u2581inser", + -13.040884971618652 + ], + [ + "\u2581o\u00eddo", + -13.040884971618652 + ], + [ + "\u2581ondas", + -13.040936470031738 + ], + [ + "\u2581derivatives", + -13.040970802307127 + ], + [ + "an\u00eda", + -13.040987968444824 + ], + [ + "Staaten", + -13.0410737991333 + ], + [ + "\u2581Marianne", + -13.041090965270996 + ], + [ + "ingly", + -13.041141510009766 + ], + [ + "\u2581aviones", + -13.041150093078612 + ], + [ + "\u2581fases", + -13.041181564331056 + ], + [ + "\u2581Duitsers", + -13.04124641418457 + ], + [ + "\u2581distant", + -13.041261672973633 + ], + [ + "\u2581recuerda", + -13.04129123687744 + ], + [ + "\u2581acces", + -13.04129409790039 + ], + [ + "\u2581Erfurt", + -13.041319847106934 + ], + [ + "\u2581vraie", + -13.041326522827148 + ], + [ + "\u2581fr\u00fchere", + -13.041367530822754 + ], + [ + "\u2581Pis", + -13.0413818359375 + ], + [ + "Paths", + -13.041418075561523 + ], + [ + "\u2581guitar", + -13.041425704956056 + ], + [ + "\u2581regisseur", + -13.041473388671877 + ], + [ + "\u2581copied", + -13.041483879089355 + ], + [ + "Noord", + -13.041489601135254 + ], + [ + "\u2581distinta", + -13.041491508483888 + ], + [ + "\u2581actors", + -13.04152488708496 + ], + [ + "\u2581Kohl", + -13.041546821594238 + ], + [ + "\u2581perdre", + -13.041566848754885 + ], + [ + "rech", + -13.04157257080078 + ], + [ + "\u2581intentar", + -13.041577339172363 + ], + [ + "\u2581bibliotecas", + -13.04164218902588 + ], + [ + "\u2581Cum", + -13.041653633117676 + ], + [ + "capital", + -13.041752815246582 + ], + [ + "\u2581regards", + -13.041759490966797 + ], + [ + "Inline", + -13.041781425476074 + ], + [ + "\u2581Morning", + -13.041787147521973 + ], + [ + "\u2581Pueblo", + -13.041804313659668 + ], + [ + "Suffix", + -13.0418062210083 + ], + [ + "\u2581Resource", + -13.04181671142578 + ], + [ + "\u2581sucede", + -13.041865348815918 + ], + [ + "etic", + -13.04188060760498 + ], + [ + "\u2581tel\u00e9fono", + -13.041890144348145 + ], + [ + "\u2581kende", + -13.041906356811523 + ], + [ + "regeln", + -13.041915893554688 + ], + [ + "kolo", + -13.0419340133667 + ], + [ + "kron", + -13.041935920715332 + ], + [ + "\u2581Corpo", + -13.042001724243164 + ], + [ + "\u2581Happy", + -13.042017936706545 + ], + [ + "\u2581regalo", + -13.042020797729492 + ], + [ + "\u2581mete", + -13.042028427124023 + ], + [ + "\u00e9toile", + -13.042047500610352 + ], + [ + "measure", + -13.042208671569824 + ], + [ + "bola", + -13.04221534729004 + ], + [ + "\u2581Harbor", + -13.04222297668457 + ], + [ + "lehrer", + -13.04222583770752 + ], + [ + "staan", + -13.042306900024414 + ], + [ + "\u2581Aufsichtsbeh", + -13.04235553741455 + ], + [ + "\u2581custa", + -13.042373657226562 + ], + [ + "\u2581racial", + -13.042383193969728 + ], + [ + "libc", + -13.0424222946167 + ], + [ + "\u2581ausgerichtet", + -13.042435646057127 + ], + [ + "dotted", + -13.042450904846191 + ], + [ + "\u2581Mik", + -13.042451858520508 + ], + [ + "\u2581tabelas", + -13.042490005493164 + ], + [ + "noop", + -13.042532920837402 + ], + [ + "\u2581Uganda", + -13.042546272277832 + ], + [ + "\u2581verwandt", + -13.04256534576416 + ], + [ + "\u2581HC", + -13.042569160461426 + ], + [ + "Lookup", + -13.042596817016602 + ], + [ + "\u2581obobobobobobobo", + -13.04263687133789 + ], + [ + "\u2581fachlich", + -13.042738914489746 + ], + [ + "attore", + -13.042767524719238 + ], + [ + "\u2581Bamberg", + -13.042767524719238 + ], + [ + "\u2581Herm", + -13.04283332824707 + ], + [ + "\u2581Proto", + -13.04284381866455 + ], + [ + "\u2581Sabine", + -13.04284381866455 + ], + [ + "\u2581Kang", + -13.042876243591309 + ], + [ + "\u2581riduzione", + -13.042936325073242 + ], + [ + "\u2581verkeers", + -13.04304027557373 + ], + [ + "\u2581voltooid", + -13.043051719665527 + ], + [ + "\u2581latte", + -13.043129920959473 + ], + [ + "\u2581veroverde", + -13.04318141937256 + ], + [ + "\u2581qualitativ", + -13.043251037597656 + ], + [ + "\u2581Produkten", + -13.043254852294922 + ], + [ + "vaardig", + -13.0432710647583 + ], + [ + "\u2581medal", + -13.043341636657717 + ], + [ + "\u2581vermitteln", + -13.043344497680664 + ], + [ + "\u2581Umstand", + -13.043357849121094 + ], + [ + "cies", + -13.043363571166992 + ], + [ + "\u2581fonde", + -13.04336643218994 + ], + [ + "\u2581obersten", + -13.043401718139648 + ], + [ + "\u2581\u00e9tude", + -13.043427467346191 + ], + [ + "\u2581Sofern", + -13.0435152053833 + ], + [ + "\u2581seigneur", + -13.043550491333008 + ], + [ + "\u2581noemt", + -13.043590545654297 + ], + [ + "\u2581Feuerwehr", + -13.043591499328612 + ], + [ + "TCP", + -13.043594360351562 + ], + [ + "\u2581blocco", + -13.043622016906738 + ], + [ + "\u2581Biblioth", + -13.043646812438965 + ], + [ + "\u2581ignor", + -13.043683052062988 + ], + [ + "\u2581tornaram", + -13.0437650680542 + ], + [ + "matches", + -13.043776512145996 + ], + [ + "\u2581empirical", + -13.043829917907717 + ], + [ + "\u2581evidentemente", + -13.043858528137209 + ], + [ + "\u2581inspect", + -13.04388427734375 + ], + [ + "\u2581Messe", + -13.043896675109863 + ], + [ + "\u2581Grimm", + -13.043900489807127 + ], + [ + "exported", + -13.043903350830078 + ], + [ + "\u2581ripresa", + -13.04393196105957 + ], + [ + "hofer", + -13.043996810913086 + ], + [ + "\u2581esprime", + -13.044014930725098 + ], + [ + "\u2581deswegen", + -13.044061660766602 + ], + [ + "\u2581velha", + -13.044082641601562 + ], + [ + "\u2581Sham", + -13.044084548950195 + ], + [ + "\u2581Choice", + -13.044114112854004 + ], + [ + "\u2581Dell", + -13.044122695922852 + ], + [ + "\u2581saia", + -13.044124603271484 + ], + [ + "ObjectMeta", + -13.044224739074709 + ], + [ + "\u2581Tatsachen", + -13.044257164001465 + ], + [ + "IW", + -13.044304847717283 + ], + [ + "regulation", + -13.04431438446045 + ], + [ + "\u2581Olympics", + -13.044333457946776 + ], + [ + "\u2581Laos", + -13.04438591003418 + ], + [ + "\u2581caballo", + -13.044415473937988 + ], + [ + "liegenden", + -13.04445457458496 + ], + [ + "Alg", + -13.044487953186035 + ], + [ + "inna", + -13.044549942016602 + ], + [ + "S\u00e4chs", + -13.044593811035156 + ], + [ + "\u2581devint", + -13.0446138381958 + ], + [ + "\u2581Erhalt", + -13.044635772705078 + ], + [ + "Televis", + -13.044637680053713 + ], + [ + "Multiple", + -13.044683456420898 + ], + [ + "\u2581smallest", + -13.044744491577148 + ], + [ + "istituzione", + -13.044775009155272 + ], + [ + "\u2581curioso", + -13.044809341430664 + ], + [ + "occult", + -13.044814109802246 + ], + [ + "\u2581quote", + -13.044819831848145 + ], + [ + "epochs", + -13.044833183288574 + ], + [ + "\u2581necess\u00e1rios", + -13.044836044311523 + ], + [ + "notice", + -13.044837951660156 + ], + [ + "\u2581Liv", + -13.04491138458252 + ], + [ + "doorn", + -13.044925689697266 + ], + [ + "\u2581K\u00fc", + -13.045031547546388 + ], + [ + "\u2581divisor", + -13.045034408569336 + ], + [ + "SDL", + -13.04506015777588 + ], + [ + "TION", + -13.045076370239258 + ], + [ + "\u2581Fuente", + -13.04514980316162 + ], + [ + "\u2581aggressive", + -13.045215606689451 + ], + [ + "lima", + -13.045318603515623 + ], + [ + "chev", + -13.04533576965332 + ], + [ + "archi", + -13.045380592346191 + ], + [ + "\u2581zevende", + -13.045408248901367 + ], + [ + "\u2581searching", + -13.045434951782228 + ], + [ + "\u2581Nuclear", + -13.045438766479492 + ], + [ + "mari", + -13.045466423034668 + ], + [ + "Gy", + -13.04554271697998 + ], + [ + "cour", + -13.045618057250977 + ], + [ + "\u2581Dora", + -13.045626640319824 + ], + [ + "\u2581curta", + -13.045655250549316 + ], + [ + "\u00f3nico", + -13.045676231384276 + ], + [ + "lido", + -13.04570198059082 + ], + [ + "imba", + -13.045705795288086 + ], + [ + "\u2581Ket", + -13.045716285705566 + ], + [ + "\u2581gagner", + -13.045719146728516 + ], + [ + "\u2581aperte", + -13.045738220214844 + ], + [ + "KN", + -13.045822143554688 + ], + [ + "north", + -13.04582977294922 + ], + [ + "Abruzzo", + -13.045832633972168 + ], + [ + "\u2581pol\u00edcia", + -13.045848846435549 + ], + [ + "\u2581Etwa", + -13.045884132385254 + ], + [ + "standards", + -13.04588508605957 + ], + [ + "\u2581Carvalho", + -13.04588794708252 + ], + [ + "\u2581tendono", + -13.045907020568848 + ], + [ + "\u2581Statistiche", + -13.045924186706545 + ], + [ + "cog", + -13.045964241027832 + ], + [ + "\u2581seriam", + -13.04596710205078 + ], + [ + "Mel", + -13.045989990234377 + ], + [ + "\u2581mesmas", + -13.045992851257324 + ], + [ + "\u2581continuing", + -13.046049118041992 + ], + [ + "\u2581unica", + -13.046112060546877 + ], + [ + "\u2581probeert", + -13.04621410369873 + ], + [ + "Sint", + -13.046239852905272 + ], + [ + "\u2581archive", + -13.046245574951172 + ], + [ + "sprachen", + -13.046249389648438 + ], + [ + "Declare", + -13.046284675598145 + ], + [ + "messe", + -13.046323776245115 + ], + [ + "\u2581organizzato", + -13.046353340148926 + ], + [ + "roles", + -13.04640007019043 + ], + [ + "\u2581Olga", + -13.046433448791504 + ], + [ + "\u2581Teo", + -13.046507835388184 + ], + [ + "\u2581Muni", + -13.046542167663574 + ], + [ + "\u2581coupled", + -13.046615600585938 + ], + [ + "\u2581machten", + -13.046698570251465 + ], + [ + "usam", + -13.046792030334473 + ], + [ + "\u2581regresa", + -13.046795845031738 + ], + [ + "MEN", + -13.046836853027344 + ], + [ + "\u2581expresa", + -13.046853065490724 + ], + [ + "\u2581Merkel", + -13.046866416931152 + ], + [ + "\u2581Dich", + -13.04688835144043 + ], + [ + "\u2581revolution", + -13.04689121246338 + ], + [ + "\u2581Fara", + -13.04696559906006 + ], + [ + "\u2581d\u00e9terminer", + -13.046968460083008 + ], + [ + "\u2581riporta", + -13.046968460083008 + ], + [ + "Sig", + -13.046998977661133 + ], + [ + "\u2581K\u00fchl", + -13.047027587890623 + ], + [ + "uais", + -13.047072410583496 + ], + [ + "\u2581hierdoor", + -13.047110557556152 + ], + [ + "character", + -13.047111511230469 + ], + [ + "\u2581sess", + -13.047157287597656 + ], + [ + "\u2581gemeentelijke", + -13.047160148620604 + ], + [ + "Credentials", + -13.04723834991455 + ], + [ + "\u2581DOS", + -13.047268867492676 + ], + [ + "\u2581polymer", + -13.047412872314451 + ], + [ + "\u2581nest", + -13.047446250915527 + ], + [ + "\u2581Ape", + -13.047476768493652 + ], + [ + "\u2581bevande", + -13.047514915466309 + ], + [ + "\u2581exibi", + -13.04753303527832 + ], + [ + "akten", + -13.047635078430176 + ], + [ + "anspruch", + -13.047637939453123 + ], + [ + "\u2581satisfa", + -13.04765510559082 + ], + [ + "\u2581connaissances", + -13.047657012939451 + ], + [ + "ilus", + -13.047670364379885 + ], + [ + "gir", + -13.047727584838867 + ], + [ + "\u2581Very", + -13.047731399536133 + ], + [ + "\u2581Spo", + -13.047785758972168 + ], + [ + "\u2581dormi", + -13.04783821105957 + ], + [ + "\u2581simboli", + -13.047882080078123 + ], + [ + "\u2581Teilhabe", + -13.047940254211426 + ], + [ + "\u2581Horizonte", + -13.047978401184082 + ], + [ + "\u2581Japans", + -13.047991752624512 + ], + [ + "\u2581Newcastle", + -13.048004150390623 + ], + [ + "\u2581duraci\u00f3n", + -13.048016548156738 + ], + [ + "Bg", + -13.04806137084961 + ], + [ + "\u2581diam", + -13.048192977905272 + ], + [ + "DEP", + -13.048287391662598 + ], + [ + "\u2581kijken", + -13.048312187194824 + ], + [ + "\u2581Wellington", + -13.048319816589355 + ], + [ + "\u2581Content", + -13.048322677612305 + ], + [ + "\u2581sostenere", + -13.048396110534668 + ], + [ + "south", + -13.048413276672363 + ], + [ + "\u2581randomly", + -13.04847526550293 + ], + [ + "Overlay", + -13.04850959777832 + ], + [ + "attraction", + -13.048518180847168 + ], + [ + "tamb\u00e9m", + -13.0485200881958 + ], + [ + "\u2581v\u00eddeos", + -13.04859733581543 + ], + [ + "\u2581Passion", + -13.04863166809082 + ], + [ + "\u2581estudi\u00f3", + -13.04863739013672 + ], + [ + "\u2581esperan", + -13.04870319366455 + ], + [ + "\u2581frequenza", + -13.04872989654541 + ], + [ + "\u2581Su\u00e1rez", + -13.048749923706056 + ], + [ + "Casa", + -13.048815727233888 + ], + [ + "\u2581foresta", + -13.04883098602295 + ], + [ + "\u2581ospiti", + -13.04887866973877 + ], + [ + "\u2581treinen", + -13.048885345458984 + ], + [ + "\u2581Blanche", + -13.048901557922363 + ], + [ + "campo", + -13.048921585083008 + ], + [ + "LOCK", + -13.048927307128906 + ], + [ + "\u2581Journalist", + -13.048943519592283 + ], + [ + "\u2581nobile", + -13.049022674560549 + ], + [ + "\u2581household", + -13.04907512664795 + ], + [ + "\u2581pile", + -13.049086570739746 + ], + [ + "\u2581Kenny", + -13.049135208129885 + ], + [ + "\u2581ceremonia", + -13.049160957336426 + ], + [ + "\u2581subscription", + -13.049214363098145 + ], + [ + "Storia", + -13.049220085144045 + ], + [ + "\u2581obten", + -13.049271583557127 + ], + [ + "\u2581Ble", + -13.049276351928713 + ], + [ + "\u2581governa", + -13.049285888671877 + ], + [ + "\u2581Anos", + -13.049314498901367 + ], + [ + "Plat", + -13.049360275268556 + ], + [ + "\u2581Hul", + -13.04936981201172 + ], + [ + "\u2581d\u00e9claration", + -13.04936981201172 + ], + [ + "ssystem", + -13.0493745803833 + ], + [ + "ncy", + -13.049421310424805 + ], + [ + "\u2581overcome", + -13.049424171447754 + ], + [ + "\u2581r\u00e9cord", + -13.04944896697998 + ], + [ + "centos", + -13.049450874328612 + ], + [ + "\u2581individuales", + -13.049466133117676 + ], + [ + "\u2581vendas", + -13.04952907562256 + ], + [ + "\u2581Bemessung", + -13.049569129943848 + ], + [ + "avion", + -13.049577713012695 + ], + [ + "\u2581vicepresidente", + -13.04959487915039 + ], + [ + "\u2581Herrera", + -13.049607276916504 + ], + [ + "\u2581orden\u00f3", + -13.049612045288086 + ], + [ + "\u2581lega", + -13.049633026123049 + ], + [ + "\u2581dono", + -13.049647331237791 + ], + [ + "ottima", + -13.04967212677002 + ], + [ + "Based", + -13.04970932006836 + ], + [ + "\u2581possibles", + -13.04976749420166 + ], + [ + "\u2581RF", + -13.049856185913086 + ], + [ + "\u2581valida", + -13.04987907409668 + ], + [ + "\u2581reduces", + -13.049915313720703 + ], + [ + "appen", + -13.04992389678955 + ], + [ + "\u2581vuoto", + -13.049925804138184 + ], + [ + "\u2581operadores", + -13.049934387207031 + ], + [ + "\u2581retry", + -13.050046920776367 + ], + [ + "ANS", + -13.050063133239746 + ], + [ + "smithy", + -13.050063133239746 + ], + [ + "\u2581\u00e9clat", + -13.05013656616211 + ], + [ + "Dor", + -13.050163269042969 + ], + [ + "\u2581signifikanten", + -13.050182342529297 + ], + [ + "ausschu", + -13.050223350524902 + ], + [ + "magic", + -13.050223350524902 + ], + [ + "\u2581ganador", + -13.05022430419922 + ], + [ + "\u2581bedoeling", + -13.05027675628662 + ], + [ + "\u2581decimo", + -13.050285339355469 + ], + [ + "\u2581Gabriele", + -13.050312995910645 + ], + [ + "\u2581pr\u00e9paration", + -13.050400733947754 + ], + [ + "\u2581Aufstieg", + -13.050410270690918 + ], + [ + "\u2581Flam", + -13.05041217803955 + ], + [ + "\u2581disposici\u00f3n", + -13.050413131713867 + ], + [ + "\u2581normalized", + -13.050490379333496 + ], + [ + "\u2581gelegenheid", + -13.050540924072266 + ], + [ + "\u2581restent", + -13.050573348999023 + ], + [ + "\u2581readers", + -13.05065631866455 + ], + [ + "\u2581gevangen", + -13.050687789916992 + ], + [ + "\u2581Archives", + -13.05070686340332 + ], + [ + "\u2581assis", + -13.050755500793455 + ], + [ + "kawa", + -13.050783157348633 + ], + [ + "shrink", + -13.050796508789062 + ], + [ + "\u2581Hesse", + -13.050920486450195 + ], + [ + "\u2581sesso", + -13.051019668579102 + ], + [ + "\u2581gr\u00e1ficos", + -13.051020622253418 + ], + [ + "\u2581evid", + -13.051047325134276 + ], + [ + "\u2581#--------------", + -13.05109405517578 + ], + [ + "maximum", + -13.05112075805664 + ], + [ + "selectfont", + -13.05119800567627 + ], + [ + "addClass", + -13.051214218139648 + ], + [ + "\u2581achtste", + -13.051261901855469 + ], + [ + "BERT", + -13.051283836364746 + ], + [ + "\u2581iPhone", + -13.05130100250244 + ], + [ + "gru", + -13.051346778869627 + ], + [ + "\u2581NT", + -13.051393508911133 + ], + [ + "\u2581graag", + -13.051395416259766 + ], + [ + "\u2581partecipa", + -13.051395416259766 + ], + [ + "menos", + -13.05146598815918 + ], + [ + "\u2581Soziale", + -13.051530838012695 + ], + [ + "\u2581Paus", + -13.05155086517334 + ], + [ + "\u2581divine", + -13.051553726196287 + ], + [ + "\u2581Schwerpunkte", + -13.051556587219238 + ], + [ + "\u2581Fed", + -13.051613807678224 + ], + [ + "\u2581roteiro", + -13.051615715026855 + ], + [ + "\u2581japonaise", + -13.051623344421388 + ], + [ + "nburg", + -13.051663398742676 + ], + [ + "\u2581aut\u00f3noma", + -13.051685333251951 + ], + [ + "ILL", + -13.051687240600586 + ], + [ + "materialien", + -13.051690101623535 + ], + [ + "\u2581Fluoreszenz", + -13.05172061920166 + ], + [ + "HASH", + -13.05176067352295 + ], + [ + "\u2581Sac", + -13.05177402496338 + ], + [ + "pilot", + -13.051786422729492 + ], + [ + "\u2581paralelo", + -13.051799774169922 + ], + [ + "\u2581Bellatrix", + -13.051800727844238 + ], + [ + "\u2581SHALL", + -13.051843643188477 + ], + [ + "alcol", + -13.051862716674805 + ], + [ + "poten", + -13.051907539367676 + ], + [ + "\u2581carna", + -13.051910400390623 + ], + [ + "reqHeaders", + -13.051963806152344 + ], + [ + "\u2581meados", + -13.052000045776367 + ], + [ + "gleichung", + -13.05201244354248 + ], + [ + "marshal", + -13.05201816558838 + ], + [ + "\u2581gewerblichen", + -13.052019119262695 + ], + [ + "veil", + -13.052024841308594 + ], + [ + "kring", + -13.05207061767578 + ], + [ + "\u2581vrijheid", + -13.05212116241455 + ], + [ + "\u2581Merc", + -13.052123069763184 + ], + [ + "\u2581homes", + -13.052178382873535 + ], + [ + "\u2581Relevanz", + -13.052189826965332 + ], + [ + "\u2581Cass", + -13.052202224731444 + ], + [ + "\u2581Magno", + -13.052223205566406 + ], + [ + "\u2581Rennes", + -13.052228927612305 + ], + [ + "\u2581macOS", + -13.052241325378418 + ], + [ + "\u2581instituto", + -13.052252769470217 + ], + [ + "\u2581absurd", + -13.052355766296388 + ], + [ + "genital", + -13.05241870880127 + ], + [ + "teit", + -13.052452087402344 + ], + [ + "\u2581Historische", + -13.052519798278809 + ], + [ + "Conversion", + -13.052597045898438 + ], + [ + "\u2581Legend", + -13.052616119384766 + ], + [ + "\u2581DEFAULT", + -13.052648544311523 + ], + [ + "SHOW", + -13.052650451660156 + ], + [ + "zoals", + -13.052679061889648 + ], + [ + "\u2581Hui", + -13.052799224853516 + ], + [ + "\u2581uitgave", + -13.052802085876465 + ], + [ + "\u2581DIN", + -13.052803993225098 + ], + [ + "\u2581flore", + -13.052818298339844 + ], + [ + "\u2581supervision", + -13.05284309387207 + ], + [ + "\u2581populacional", + -13.05285358428955 + ], + [ + "\u2581filosofo", + -13.052891731262209 + ], + [ + "\u2581baloncesto", + -13.052929878234863 + ], + [ + "\u2581guion", + -13.052943229675291 + ], + [ + "tikz", + -13.052990913391112 + ], + [ + "casa", + -13.05303955078125 + ], + [ + "\u2581cerrado", + -13.053055763244627 + ], + [ + "Suite", + -13.053056716918944 + ], + [ + "actor", + -13.053075790405272 + ], + [ + "\u2581betalen", + -13.053160667419434 + ], + [ + "\u2581RA", + -13.053163528442385 + ], + [ + "\u2581Chip", + -13.0531644821167 + ], + [ + "\u2581bevel", + -13.053166389465332 + ], + [ + "\u2581terzi", + -13.053167343139648 + ], + [ + "bigg", + -13.053179740905762 + ], + [ + "\u2581formale", + -13.053277969360352 + ], + [ + "\u2581vigil", + -13.053336143493652 + ], + [ + "geln", + -13.053348541259766 + ], + [ + "\u2581digitalen", + -13.053362846374512 + ], + [ + "\u2581paiement", + -13.053374290466309 + ], + [ + "wahr", + -13.053424835205078 + ], + [ + "a\u00ed", + -13.053442001342772 + ], + [ + "\u2581footballeur", + -13.053475379943848 + ], + [ + "JG", + -13.05348777770996 + ], + [ + "\u2581publicaciones", + -13.053564071655272 + ], + [ + "\u2581invite", + -13.053566932678224 + ], + [ + "\u2581merece", + -13.053646087646484 + ], + [ + "konomische", + -13.053661346435549 + ], + [ + "\u2581nochmals", + -13.053682327270508 + ], + [ + "AppData", + -13.053707122802734 + ], + [ + "\u2581proprietari", + -13.05372428894043 + ], + [ + "FROM", + -13.053747177124023 + ], + [ + "\u2581ausgel", + -13.053756713867188 + ], + [ + "iras", + -13.053789138793944 + ], + [ + "\u2581Abt", + -13.053794860839844 + ], + [ + "fter", + -13.053831100463867 + ], + [ + "\u2581Season", + -13.053893089294434 + ], + [ + "bye", + -13.05392074584961 + ], + [ + "\u2581int\u00e9rieure", + -13.054024696350098 + ], + [ + "Clause", + -13.054064750671388 + ], + [ + "\u2581gagne", + -13.054146766662598 + ], + [ + "passwd", + -13.054176330566406 + ], + [ + "lump", + -13.054184913635254 + ], + [ + "\u2581angewandt", + -13.054191589355469 + ], + [ + "dip", + -13.054198265075684 + ], + [ + "maps", + -13.054222106933594 + ], + [ + "\u2581questioni", + -13.05424690246582 + ], + [ + "\u2581sent\u00eda", + -13.054248809814451 + ], + [ + "\u2581thrust", + -13.054290771484377 + ], + [ + "\u2581tienda", + -13.054290771484377 + ], + [ + "Antoine", + -13.054293632507324 + ], + [ + "\u2581Nunca", + -13.054306983947754 + ], + [ + "aprile", + -13.054326057434082 + ], + [ + "\u2581CodingKeys", + -13.05434799194336 + ], + [ + "\u2581Enzym", + -13.05440902709961 + ], + [ + "unione", + -13.054425239562988 + ], + [ + "\u2581Puente", + -13.054472923278809 + ], + [ + "\u2581erkend", + -13.054522514343262 + ], + [ + "nisme", + -13.054524421691896 + ], + [ + "laten", + -13.054525375366213 + ], + [ + "\u2581Flor", + -13.05453395843506 + ], + [ + "\u2581balan", + -13.054543495178224 + ], + [ + "\u2581accompagn\u00e9", + -13.054553031921388 + ], + [ + "moon", + -13.054651260375977 + ], + [ + "alves", + -13.054670333862305 + ], + [ + "\u2581Verhandlung", + -13.054706573486328 + ], + [ + "\u2581rating", + -13.05476188659668 + ], + [ + "REAL", + -13.054773330688477 + ], + [ + "\u2581pensieri", + -13.054789543151855 + ], + [ + "\u2581Pr\u00fcfungen", + -13.054802894592283 + ], + [ + "Serie", + -13.054819107055664 + ], + [ + "\u2581ingeniero", + -13.054840087890623 + ], + [ + "\u2581M\u00e4ngel", + -13.05487060546875 + ], + [ + "\u2581d\u00e9tails", + -13.05490779876709 + ], + [ + "bett", + -13.054909706115724 + ], + [ + "\u2581Ingenieur", + -13.05491542816162 + ], + [ + "\u2581sick", + -13.054957389831545 + ], + [ + "Automatic", + -13.054993629455566 + ], + [ + "\u2581anglaise", + -13.055012702941896 + ], + [ + "vn", + -13.05502700805664 + ], + [ + "\u2581Wilde", + -13.055039405822754 + ], + [ + "\u2581rice", + -13.055061340332031 + ], + [ + "\u2581raccoglie", + -13.055071830749512 + ], + [ + "\u2581giocato", + -13.055120468139648 + ], + [ + "\u2581Schar", + -13.055147171020508 + ], + [ + "cono", + -13.05514907836914 + ], + [ + "mongo", + -13.055181503295898 + ], + [ + "\u2581Glenn", + -13.055181503295898 + ], + [ + "\u00edna", + -13.055191040039062 + ], + [ + "beschreibung", + -13.055224418640137 + ], + [ + "\u2581reads", + -13.055270195007324 + ], + [ + "\u2581causas", + -13.055315017700195 + ], + [ + "Coin", + -13.055411338806152 + ], + [ + "guera", + -13.055418968200684 + ], + [ + "\u2581naci\u00f3n", + -13.055453300476074 + ], + [ + "\u2581Autres", + -13.05545711517334 + ], + [ + "\u2581Burger", + -13.055482864379885 + ], + [ + "\u00e9tique", + -13.055503845214844 + ], + [ + "\u2581marker", + -13.055506706237791 + ], + [ + "\u2581Lieferung", + -13.055571556091309 + ], + [ + "\u2581Schm", + -13.055607795715332 + ], + [ + "Could", + -13.055611610412598 + ], + [ + "enfance", + -13.055621147155762 + ], + [ + "\u2581beurt", + -13.055624961853027 + ], + [ + "imo", + -13.05564022064209 + ], + [ + "\u2581Registro", + -13.055684089660645 + ], + [ + "secure", + -13.055706024169922 + ], + [ + "unset", + -13.055716514587402 + ], + [ + "Ep", + -13.05573272705078 + ], + [ + "\u2581individuos", + -13.055755615234377 + ], + [ + "\u2581suspeita", + -13.055767059326172 + ], + [ + "\u2581Turkish", + -13.05577564239502 + ], + [ + "\u2581japon", + -13.055792808532717 + ], + [ + "aggiunta", + -13.055806159973145 + ], + [ + "suke", + -13.055818557739258 + ], + [ + "\u2581Euch", + -13.055825233459473 + ], + [ + "\u2581Direito", + -13.055875778198242 + ], + [ + "\u2581sp\u00e9cifique", + -13.05588150024414 + ], + [ + "\u2581sinon", + -13.055916786193848 + ], + [ + "viewer", + -13.05592918395996 + ], + [ + "\u2581pretend", + -13.055953979492188 + ], + [ + "\u2581Verwirklichung", + -13.055991172790527 + ], + [ + "enqu", + -13.056001663208008 + ], + [ + "\u2581frutta", + -13.056028366088867 + ], + [ + "\u2581mol\u00e9culas", + -13.0560302734375 + ], + [ + "\u2581rusa", + -13.05603313446045 + ], + [ + "archipel", + -13.0560941696167 + ], + [ + "tac", + -13.056097984313965 + ], + [ + "\u2581placement", + -13.05612564086914 + ], + [ + "\u2581pending", + -13.056148529052734 + ], + [ + "\u2581Kontakte", + -13.056159973144531 + ], + [ + "\u2581Patr", + -13.056181907653809 + ], + [ + "yz", + -13.056190490722656 + ], + [ + "\u2581BMI", + -13.056199073791504 + ], + [ + "\u2581gama", + -13.056279182434082 + ], + [ + "potenzial", + -13.05634593963623 + ], + [ + "\u2581Dampf", + -13.056421279907228 + ], + [ + "z\u00e1", + -13.05642795562744 + ], + [ + "\u2581Datenbank", + -13.056432723999023 + ], + [ + "\u2581Stru", + -13.05644989013672 + ], + [ + "textsc", + -13.056488037109377 + ], + [ + "ansatz", + -13.056541442871094 + ], + [ + "rfer", + -13.056591033935549 + ], + [ + "\u2581vacuum", + -13.05659294128418 + ], + [ + "\u2581Varia", + -13.056635856628418 + ], + [ + "\u2581Camille", + -13.05665111541748 + ], + [ + "\u2581Linden", + -13.05667495727539 + ], + [ + "clave", + -13.056695938110352 + ], + [ + "\u2581esteve", + -13.056723594665527 + ], + [ + "\u2581Tali", + -13.056748390197754 + ], + [ + "\u2581steady", + -13.05677318572998 + ], + [ + "\u2581dicono", + -13.056784629821776 + ], + [ + "\u2581t\u00edo", + -13.05681324005127 + ], + [ + "igte", + -13.05683708190918 + ], + [ + "gula", + -13.056867599487305 + ], + [ + "jong", + -13.05686855316162 + ], + [ + "\u2581schaft", + -13.056997299194336 + ], + [ + "\u2581Kooperations", + -13.057084083557127 + ], + [ + "\u2581ricostruzione", + -13.057134628295898 + ], + [ + "\u2581Acta", + -13.05714511871338 + ], + [ + "\u2581masculina", + -13.057170867919922 + ], + [ + "\u2581Norton", + -13.057174682617188 + ], + [ + "\u2581Maha", + -13.05717945098877 + ], + [ + "\u2581wrapper", + -13.05721664428711 + ], + [ + "strich", + -13.05722713470459 + ], + [ + "\u2581Wheeler", + -13.057254791259766 + ], + [ + "\u2581Lektion", + -13.057260513305664 + ], + [ + "\u2581profondit\u00e0", + -13.057266235351562 + ], + [ + "\u2581Sca", + -13.05730152130127 + ], + [ + "\u2581gevolgen", + -13.05731201171875 + ], + [ + "\u2581seriously", + -13.057395935058594 + ], + [ + "\u2581depress", + -13.05742645263672 + ], + [ + "aufbau", + -13.057466506958008 + ], + [ + "\u2581servers", + -13.057562828063965 + ], + [ + "\u2581Membros", + -13.057625770568848 + ], + [ + "\u2581erkennt", + -13.05763339996338 + ], + [ + "\u2581servido", + -13.057652473449709 + ], + [ + "\u2581repara", + -13.057680130004885 + ], + [ + "cip", + -13.057709693908691 + ], + [ + "\u2581Vau", + -13.05777359008789 + ], + [ + "Bounds", + -13.057825088500977 + ], + [ + "itaire", + -13.057853698730469 + ], + [ + "aak", + -13.057857513427734 + ], + [ + "\u2581pali", + -13.057883262634276 + ], + [ + "nem", + -13.057884216308594 + ], + [ + "\u2581promoci\u00f3n", + -13.057905197143556 + ], + [ + "ece", + -13.057990074157717 + ], + [ + "Mart", + -13.058027267456056 + ], + [ + "\u2581vicende", + -13.058030128479004 + ], + [ + "clin", + -13.058051109313965 + ], + [ + "feuer", + -13.05805206298828 + ], + [ + "\u2581Kran", + -13.058075904846191 + ], + [ + "\u2581lazy", + -13.058150291442873 + ], + [ + "instrumenten", + -13.058167457580566 + ], + [ + "\u2581exerce", + -13.058195114135742 + ], + [ + "w\u00e4hl", + -13.05819606781006 + ], + [ + "\u2581situazioni", + -13.058205604553224 + ], + [ + "oste", + -13.058226585388184 + ], + [ + "\u00edo", + -13.058286666870115 + ], + [ + "diamond", + -13.058341026306152 + ], + [ + "\u2581Bahnstrecke", + -13.05837059020996 + ], + [ + "ABS", + -13.058375358581545 + ], + [ + "\u2581voulez", + -13.058380126953123 + ], + [ + "\u2581Holt", + -13.05838108062744 + ], + [ + "betrieben", + -13.05838394165039 + ], + [ + "\u2581brazo", + -13.05839729309082 + ], + [ + "\u2581Bradley", + -13.058451652526855 + ], + [ + "osus", + -13.058473587036133 + ], + [ + "rid", + -13.058536529541016 + ], + [ + "\u2581bedroht", + -13.058544158935549 + ], + [ + "\u2581veille", + -13.05856704711914 + ], + [ + "\u2581boas", + -13.05859661102295 + ], + [ + "\u2581Alleen", + -13.058601379394531 + ], + [ + "\u2581morgen", + -13.058624267578123 + ], + [ + "agglom\u00e9ration", + -13.058696746826172 + ], + [ + "\u2581portando", + -13.058716773986816 + ], + [ + "adjectif", + -13.058720588684082 + ], + [ + "\u2581Stol", + -13.058745384216309 + ], + [ + "\u2581Seconda", + -13.05875301361084 + ], + [ + "\u2581exemplaren", + -13.058771133422852 + ], + [ + "ndentingNewLine", + -13.058834075927734 + ], + [ + "\u2581ventas", + -13.058845520019531 + ], + [ + "\u2581Vit", + -13.05886936187744 + ], + [ + "\u2581appartient", + -13.05888557434082 + ], + [ + "\u2581Gulf", + -13.058886528015137 + ], + [ + "\u2581creature", + -13.058890342712402 + ], + [ + "\u2581Ermessen", + -13.05891227722168 + ], + [ + "Fortran", + -13.058926582336426 + ], + [ + "\u2581vainqueur", + -13.058947563171388 + ], + [ + "CONFIGURATION", + -13.058968544006348 + ], + [ + "\u2581Rousseau", + -13.059000015258787 + ], + [ + "annu", + -13.059040069580078 + ], + [ + "\u2581haviam", + -13.05906867980957 + ], + [ + "geschiedenis", + -13.059082984924316 + ], + [ + "\u2581H\u00fc", + -13.059086799621582 + ], + [ + "\u2581Introduzione", + -13.05912971496582 + ], + [ + "\u2581Demokratischen", + -13.059178352355955 + ], + [ + "\u2581unbekannt", + -13.05918788909912 + ], + [ + "odor", + -13.0592041015625 + ], + [ + "\u2581bosco", + -13.059226989746094 + ], + [ + "\u2581fisico", + -13.059233665466309 + ], + [ + "\u2581r\u00e9duction", + -13.059247016906738 + ], + [ + "\u2581Argentino", + -13.059296607971191 + ], + [ + "omba", + -13.05937671661377 + ], + [ + "\u2581verwijderd", + -13.05940055847168 + ], + [ + "\u2581Sahara", + -13.059404373168944 + ], + [ + "\u2581ponti", + -13.059471130371094 + ], + [ + "TASK", + -13.059475898742676 + ], + [ + "\u2581KV", + -13.059487342834473 + ], + [ + "\u2581extranjero", + -13.05951690673828 + ], + [ + "\u2581Idade", + -13.059526443481444 + ], + [ + "\u2581nordeste", + -13.059530258178713 + ], + [ + "\u2581Wide", + -13.05958652496338 + ], + [ + "\u2581Kleidung", + -13.059659004211426 + ], + [ + "iris", + -13.059667587280272 + ], + [ + "armata", + -13.05966854095459 + ], + [ + "SKIP", + -13.059670448303224 + ], + [ + "infrastruktur", + -13.059724807739258 + ], + [ + "Stiftung", + -13.059725761413574 + ], + [ + "NAMES", + -13.059762954711914 + ], + [ + "DEL", + -13.059773445129396 + ], + [ + "\u2581firewall", + -13.059775352478027 + ], + [ + "platten", + -13.059876441955566 + ], + [ + "heap", + -13.059880256652832 + ], + [ + "\u2581alumnos", + -13.059918403625488 + ], + [ + "Design", + -13.06000518798828 + ], + [ + "\u2581agir", + -13.060016632080078 + ], + [ + "\u2581Vest", + -13.06002426147461 + ], + [ + "\u2581Lieb", + -13.060029029846191 + ], + [ + "\u2581CAN", + -13.060057640075684 + ], + [ + "\u2581zeitliche", + -13.06010627746582 + ], + [ + "liegende", + -13.06011962890625 + ], + [ + "Browser", + -13.060128211975098 + ], + [ + "Schlussfolgerung", + -13.060132026672363 + ], + [ + "\u2581listening", + -13.060206413269045 + ], + [ + "ulf", + -13.060226440429688 + ], + [ + "grass", + -13.060230255126951 + ], + [ + "\u2581Paulus", + -13.060257911682127 + ], + [ + "grens", + -13.06026840209961 + ], + [ + "\u2581sc\u00e9nario", + -13.060304641723633 + ], + [ + "Motor", + -13.060345649719238 + ], + [ + "\u2581vieille", + -13.06038761138916 + ], + [ + "\u2581communiste", + -13.06039047241211 + ], + [ + "\u2581d\u00e9partementales", + -13.06044578552246 + ], + [ + "Family", + -13.060480117797852 + ], + [ + "\u2581Beklagten", + -13.060503959655762 + ], + [ + "limited", + -13.060544967651367 + ], + [ + "\u2581Realit\u00e4t", + -13.060547828674316 + ], + [ + "\u2581passaporto", + -13.060554504394531 + ], + [ + "\u2581reduzieren", + -13.060579299926758 + ], + [ + "mmer", + -13.0606050491333 + ], + [ + "\u2581illustrate", + -13.060633659362791 + ], + [ + "\u2581BORDER", + -13.060640335083008 + ], + [ + "\u2581Breuning", + -13.060663223266602 + ], + [ + "groepen", + -13.060762405395508 + ], + [ + "perl", + -13.060839653015137 + ], + [ + "\u2581Rodolfo", + -13.06088924407959 + ], + [ + "\u2581bicicleta", + -13.060948371887209 + ], + [ + "\u2581Aluminium", + -13.06101894378662 + ], + [ + "\u2581grad", + -13.061063766479492 + ], + [ + "\u2581encountered", + -13.061111450195312 + ], + [ + "\u2581ciclismo", + -13.06113052368164 + ], + [ + "labs", + -13.061182022094728 + ], + [ + "\u2581accused", + -13.061206817626951 + ], + [ + "Grupo", + -13.061220169067385 + ], + [ + "\u2581assumir", + -13.061227798461914 + ], + [ + "indexPath", + -13.061287879943848 + ], + [ + "\u2581Raz", + -13.061317443847656 + ], + [ + "\u2581desert", + -13.061317443847656 + ], + [ + "fixture", + -13.061365127563477 + ], + [ + "\u2581masculin", + -13.061370849609377 + ], + [ + "uille", + -13.061393737792969 + ], + [ + "conversion", + -13.061400413513184 + ], + [ + "Aw", + -13.061408042907717 + ], + [ + "\u2581Pfad", + -13.061410903930664 + ], + [ + "\u2581fizeram", + -13.061456680297852 + ], + [ + "ramp", + -13.06148624420166 + ], + [ + "\u2581creer", + -13.061500549316406 + ], + [ + "blo", + -13.061528205871582 + ], + [ + "\u2581formam", + -13.06154441833496 + ], + [ + "\u2581aufgel", + -13.06157398223877 + ], + [ + "\u2581accusa", + -13.061590194702148 + ], + [ + "klass", + -13.061615943908691 + ], + [ + "\u2581Kost", + -13.061707496643066 + ], + [ + "Arma", + -13.061738967895508 + ], + [ + "\u2581Behandlungs", + -13.06174659729004 + ], + [ + "cultuur", + -13.061802864074709 + ], + [ + "tresse", + -13.06180477142334 + ], + [ + "\u2581bladkevers", + -13.061805725097656 + ], + [ + "\u2581condotta", + -13.061811447143556 + ], + [ + "palette", + -13.061904907226562 + ], + [ + "\u2581britannica", + -13.06202793121338 + ], + [ + "\u2581complementar", + -13.062052726745604 + ], + [ + "\u2581\u00f3leo", + -13.062057495117188 + ], + [ + "serial", + -13.062127113342283 + ], + [ + "\u2581Aussi", + -13.062159538269045 + ], + [ + "\u2581unmittelbaren", + -13.062206268310549 + ], + [ + "\u2581couronne", + -13.062207221984863 + ], + [ + "\u2581pr\u00f3ximas", + -13.062215805053713 + ], + [ + "\u2581Dez", + -13.06222152709961 + ], + [ + "\u2581guidelines", + -13.06222438812256 + ], + [ + "\u2581viaja", + -13.06222915649414 + ], + [ + "\u2581NW", + -13.062243461608888 + ], + [ + "\u2581PROVIDED", + -13.062262535095217 + ], + [ + "\u2581collapsible", + -13.062274932861328 + ], + [ + "\u2581eenheid", + -13.062320709228516 + ], + [ + "\u2581permaneci\u00f3", + -13.062325477600098 + ], + [ + "\u2581tenant", + -13.062360763549805 + ], + [ + "\u2581m\u00e9decine", + -13.062365531921388 + ], + [ + "ifolia", + -13.06246566772461 + ], + [ + "\u2581zwi", + -13.062522888183594 + ], + [ + "sans", + -13.062554359436035 + ], + [ + "\u2581Think", + -13.0625638961792 + ], + [ + "\u2581confian", + -13.062566757202148 + ], + [ + "lac", + -13.062591552734377 + ], + [ + "\u2581Pettigrew", + -13.062599182128906 + ], + [ + "oeuvre", + -13.06265354156494 + ], + [ + "\u2581behalf", + -13.062714576721191 + ], + [ + "\u2581profundamente", + -13.06273078918457 + ], + [ + "\u2581corpus", + -13.062789916992188 + ], + [ + "\u2581Pec", + -13.0629301071167 + ], + [ + "\u2581Elias", + -13.062976837158203 + ], + [ + "mons", + -13.062990188598633 + ], + [ + "rated", + -13.062995910644531 + ], + [ + "\u2581traf", + -13.06303596496582 + ], + [ + "Gra", + -13.063051223754885 + ], + [ + "naire", + -13.063051223754885 + ], + [ + "\u2581specifies", + -13.063055992126465 + ], + [ + "Mg", + -13.063088417053224 + ], + [ + "ennemi", + -13.063121795654297 + ], + [ + "older", + -13.06313705444336 + ], + [ + "\u2581Swa", + -13.063138008117676 + ], + [ + "pr\u00e9", + -13.063155174255373 + ], + [ + "posten", + -13.063197135925291 + ], + [ + "\u2581celeste", + -13.06321907043457 + ], + [ + "\u2581reformas", + -13.063237190246582 + ], + [ + "\u2581portas", + -13.063273429870604 + ], + [ + "sized", + -13.063276290893556 + ], + [ + "\u2581Korrektur", + -13.0632905960083 + ], + [ + "\u2581Westminster", + -13.0632963180542 + ], + [ + "petit", + -13.063332557678224 + ], + [ + "\u2581vittima", + -13.063406944274902 + ], + [ + "\u2581Letter", + -13.063421249389648 + ], + [ + "Under", + -13.063444137573242 + ], + [ + "\u2581Aut\u00f3noma", + -13.063472747802734 + ], + [ + "cation", + -13.063490867614746 + ], + [ + "Algorithm", + -13.063541412353516 + ], + [ + "\u2581Fabrik", + -13.063546180725098 + ], + [ + "\u2581repente", + -13.063546180725098 + ], + [ + "\u2581Oracle", + -13.063559532165527 + ], + [ + "\u2581diventando", + -13.063591003417969 + ], + [ + "\u2581getreten", + -13.063596725463867 + ], + [ + "\u2581definici\u00f3n", + -13.06362533569336 + ], + [ + "\u2581Bewegungs", + -13.06363296508789 + ], + [ + "sammlung", + -13.063728332519531 + ], + [ + "\u2581Vai", + -13.063740730285645 + ], + [ + "\u2581Sozialhilfe", + -13.063777923583984 + ], + [ + "ciencia", + -13.063800811767578 + ], + [ + "\u2581licensed", + -13.063838958740234 + ], + [ + "\u2581Musiker", + -13.063851356506348 + ], + [ + "\u2581circonscription", + -13.063855171203612 + ], + [ + "\u2581Agnes", + -13.063870429992676 + ], + [ + "\u2581smiled", + -13.063879013061523 + ], + [ + "iku", + -13.063908576965332 + ], + [ + "\u2581PBS", + -13.063994407653809 + ], + [ + "\u2581\u00e9crite", + -13.064004898071287 + ], + [ + "\u2581bezeichnen", + -13.06401824951172 + ], + [ + "\u2581ped", + -13.064050674438477 + ], + [ + "\u2581Bow", + -13.064093589782717 + ], + [ + "\u2581Chain", + -13.064125061035156 + ], + [ + "ject", + -13.064157485961914 + ], + [ + "kle", + -13.06415843963623 + ], + [ + "\u2581consejo", + -13.064170837402344 + ], + [ + "\u2581strategic", + -13.064212799072266 + ], + [ + "\u2581Chau", + -13.064216613769531 + ], + [ + "\u2581Marin", + -13.064218521118164 + ], + [ + "\u2581diede", + -13.064248085021973 + ], + [ + "\u2581proclama", + -13.064282417297363 + ], + [ + "\u2581Damas", + -13.064300537109377 + ], + [ + "\u2581invernali", + -13.06431484222412 + ], + [ + "\u2581Arme", + -13.06433391571045 + ], + [ + "\u2581breiten", + -13.064342498779297 + ], + [ + "ologi", + -13.064373016357422 + ], + [ + "kovi", + -13.064376831054688 + ], + [ + "huile", + -13.06438159942627 + ], + [ + "\u2581aiutare", + -13.064414978027344 + ], + [ + "ValueError", + -13.064472198486328 + ], + [ + "includes", + -13.064571380615234 + ], + [ + "\u2581estrategia", + -13.064618110656738 + ], + [ + "\u2581PostgreS", + -13.064629554748535 + ], + [ + "\u2581naturels", + -13.064650535583496 + ], + [ + "\u2581visti", + -13.064703941345217 + ], + [ + "\u2581asi\u00e1ticos", + -13.064774513244627 + ], + [ + "tetra", + -13.064793586730955 + ], + [ + "tischer", + -13.064807891845703 + ], + [ + "\u2581Verluste", + -13.064827919006348 + ], + [ + "\u2581Bath", + -13.064851760864258 + ], + [ + "oplus", + -13.064863204956056 + ], + [ + "\u2581tentou", + -13.064870834350586 + ], + [ + "\u2581vestido", + -13.064894676208496 + ], + [ + "\u2581juiste", + -13.064902305603027 + ], + [ + "asta", + -13.064903259277344 + ], + [ + "WU", + -13.06491470336914 + ], + [ + "\u2581judgment", + -13.064918518066406 + ], + [ + "\u2581bewoners", + -13.064974784851074 + ], + [ + "\u2581gehad", + -13.06498908996582 + ], + [ + "rappresentazione", + -13.065011978149414 + ], + [ + "\u2581Hamas", + -13.065018653869627 + ], + [ + "\u2581sentito", + -13.065044403076172 + ], + [ + "\u2581fraude", + -13.065075874328612 + ], + [ + "\u2581tand", + -13.065075874328612 + ], + [ + "\u2581tabel", + -13.065077781677246 + ], + [ + "\u2581generalized", + -13.065181732177734 + ], + [ + "bl\u00e9", + -13.065292358398438 + ], + [ + "\u2581Posi", + -13.065303802490234 + ], + [ + "\u2581japoneses", + -13.065347671508787 + ], + [ + "\u2581interference", + -13.065356254577637 + ], + [ + "\u2581Thermo", + -13.065374374389648 + ], + [ + "movie", + -13.065384864807127 + ], + [ + "\u2581companhias", + -13.065388679504396 + ], + [ + "placement", + -13.065412521362305 + ], + [ + "\u2581elegir", + -13.06541347503662 + ], + [ + "\u2581shorter", + -13.06546688079834 + ], + [ + "Balance", + -13.065476417541504 + ], + [ + "bedarfs", + -13.065484046936035 + ], + [ + "\u2581Brut", + -13.065502166748049 + ], + [ + "dono", + -13.065649032592772 + ], + [ + "uelo", + -13.065673828125 + ], + [ + "\u2581c\u00e9u", + -13.065675735473633 + ], + [ + "\u2581erinnert", + -13.065690994262695 + ], + [ + "\u2581beneficios", + -13.065805435180664 + ], + [ + "moor", + -13.065834999084473 + ], + [ + "\u2581fatores", + -13.065844535827637 + ], + [ + "lood", + -13.06584930419922 + ], + [ + "bah", + -13.065877914428713 + ], + [ + "\u2581Subject", + -13.065881729125977 + ], + [ + "DMA", + -13.06594467163086 + ], + [ + "\u2581viewed", + -13.065994262695312 + ], + [ + "Aeroporto", + -13.066018104553224 + ], + [ + "\u2581finire", + -13.06606101989746 + ], + [ + "\u2581presidencial", + -13.06607723236084 + ], + [ + "\u2581vergleichbare", + -13.066085815429688 + ], + [ + "\u2581Aki", + -13.066152572631836 + ], + [ + "zame", + -13.06617259979248 + ], + [ + "meng", + -13.066237449645996 + ], + [ + "\u2581atmosfera", + -13.066241264343262 + ], + [ + "\u2581Kepler", + -13.066272735595703 + ], + [ + "\u2581endg\u00fcltig", + -13.066272735595703 + ], + [ + "inson", + -13.06633186340332 + ], + [ + "\u2581Verzeichnis", + -13.066372871398926 + ], + [ + "\u2581letzter", + -13.066381454467772 + ], + [ + "\u2581Br\u00fcder", + -13.066515922546388 + ], + [ + "building", + -13.06661605834961 + ], + [ + "\u2581cori", + -13.066620826721191 + ], + [ + "\u2581Equation", + -13.066650390625 + ], + [ + "\u2581Espada", + -13.066679000854492 + ], + [ + "fabrik", + -13.066767692565918 + ], + [ + "\u2581Nikola", + -13.066789627075195 + ], + [ + "\u2581Sousa", + -13.06683349609375 + ], + [ + "imbo", + -13.066920280456545 + ], + [ + "\u2581fuese", + -13.066981315612791 + ], + [ + "\u2581luned", + -13.067001342773438 + ], + [ + "\u2581Initial", + -13.067005157470703 + ], + [ + "\u2581eigenschappen", + -13.067010879516602 + ], + [ + "\u2581communicate", + -13.067049980163574 + ], + [ + "\u2581moon", + -13.067084312438965 + ], + [ + "Welt", + -13.067098617553713 + ], + [ + "\u2581affects", + -13.067144393920898 + ], + [ + "\u2581lidar", + -13.06714916229248 + ], + [ + "\u2581rythme", + -13.06718635559082 + ], + [ + "omicidio", + -13.06719207763672 + ], + [ + "\u2581buono", + -13.067197799682615 + ], + [ + "\u2581inmediato", + -13.0672025680542 + ], + [ + "\u2581bearbeitet", + -13.067217826843262 + ], + [ + "\u2581scenarios", + -13.067267417907717 + ], + [ + "cular", + -13.067270278930664 + ], + [ + "\u2581criaturas", + -13.067285537719728 + ], + [ + "\u2581uni\u00f3n", + -13.067293167114258 + ], + [ + "\u2581critici", + -13.06733512878418 + ], + [ + "zed", + -13.067378997802734 + ], + [ + "bru", + -13.067380905151367 + ], + [ + "arcipelago", + -13.067435264587402 + ], + [ + "\u2581Betty", + -13.067439079284668 + ], + [ + "\u2581Dokumente", + -13.06745719909668 + ], + [ + "Adam", + -13.067459106445312 + ], + [ + "\u2581nauwelijks", + -13.06752586364746 + ], + [ + "\u2581Bereitschaft", + -13.067535400390623 + ], + [ + "accusa", + -13.067577362060549 + ], + [ + "komende", + -13.06757926940918 + ], + [ + "Foundation", + -13.067639350891112 + ], + [ + "\u2581ognuno", + -13.067641258239746 + ], + [ + "gott", + -13.067703247070312 + ], + [ + "\u2581diminu", + -13.067721366882324 + ], + [ + "\u2581t\u00edpico", + -13.06773567199707 + ], + [ + "\u2581males", + -13.0677490234375 + ], + [ + "\u2581smartphone", + -13.067829132080078 + ], + [ + "\u2581tiende", + -13.06783962249756 + ], + [ + "\u2581Chuck", + -13.067841529846191 + ], + [ + "\u2581traducci\u00f3n", + -13.06786060333252 + ], + [ + "conomie", + -13.067861557006836 + ], + [ + "\u2581prestations", + -13.067863464355469 + ], + [ + "\u2581transitions", + -13.067885398864746 + ], + [ + "\u2581Vollzug", + -13.06789493560791 + ], + [ + "textField", + -13.06795597076416 + ], + [ + "\u2581relata", + -13.067968368530272 + ], + [ + "pflichtigen", + -13.06797981262207 + ], + [ + "\u2581Tegenwoordig", + -13.067985534667969 + ], + [ + "\u2581Dias", + -13.06800365447998 + ], + [ + "stenen", + -13.068025588989258 + ], + [ + "ww", + -13.068045616149902 + ], + [ + "\u2581Raven", + -13.068188667297363 + ], + [ + "nke", + -13.068231582641602 + ], + [ + "\u2581perpendicular", + -13.068236351013184 + ], + [ + "hnlichen", + -13.068264961242676 + ], + [ + "\u2581umfangreiche", + -13.068310737609863 + ], + [ + "LER", + -13.068313598632812 + ], + [ + "\u2581variants", + -13.06832218170166 + ], + [ + "\u2581empezar", + -13.068336486816406 + ], + [ + "\u2581Hansen", + -13.068403244018556 + ], + [ + "\u2581Listen", + -13.068411827087402 + ], + [ + "RAN", + -13.068424224853516 + ], + [ + "Rightarrow", + -13.068500518798828 + ], + [ + "erreur", + -13.068552017211914 + ], + [ + "\u2581esposo", + -13.068554878234863 + ], + [ + "\u2581LABEL", + -13.06867218017578 + ], + [ + "idium", + -13.068679809570312 + ], + [ + "ROW", + -13.06871509552002 + ], + [ + "\u2581Encarna", + -13.068717956542969 + ], + [ + "IOS", + -13.06873893737793 + ], + [ + "\u2581brak", + -13.068761825561523 + ], + [ + "\u2581contributo", + -13.068802833557127 + ], + [ + "frames", + -13.068818092346191 + ], + [ + "roche", + -13.06882381439209 + ], + [ + "\u2581Plot", + -13.068836212158203 + ], + [ + "\u2581Brook", + -13.068839073181152 + ], + [ + "\u2581ausf\u00fchrlich", + -13.068861961364746 + ], + [ + "ipennis", + -13.068862915039062 + ], + [ + "\u2581bandiera", + -13.068881034851074 + ], + [ + "ector", + -13.068904876708984 + ], + [ + "\u2581Tib", + -13.06894302368164 + ], + [ + "kundig", + -13.06899642944336 + ], + [ + "\u2581Hoge", + -13.069045066833496 + ], + [ + "retti", + -13.069109916687012 + ], + [ + "King", + -13.069110870361328 + ], + [ + "\u2581curto", + -13.06912899017334 + ], + [ + "cie", + -13.06921672821045 + ], + [ + "\u2581Kana", + -13.069219589233398 + ], + [ + "puffer", + -13.069238662719728 + ], + [ + "uir", + -13.069287300109863 + ], + [ + "\u2581Scritto", + -13.069291114807127 + ], + [ + "oxo", + -13.06930160522461 + ], + [ + "\u2581Adi", + -13.069341659545898 + ], + [ + "\u2581Ruhr", + -13.069384574890137 + ], + [ + "\u2581Bott", + -13.069427490234377 + ], + [ + "\u2581Rechen", + -13.069448471069336 + ], + [ + "\u2581gelegentlich", + -13.069525718688965 + ], + [ + "roz", + -13.069561958312988 + ], + [ + "\u2581march\u00e9s", + -13.069562911987305 + ], + [ + "substitu", + -13.069597244262695 + ], + [ + "\u2581griega", + -13.0696439743042 + ], + [ + "\u2581conhecidas", + -13.069683074951172 + ], + [ + "rir", + -13.069696426391602 + ], + [ + "\u2581proibi", + -13.06969928741455 + ], + [ + "\u2581suffisamment", + -13.069710731506348 + ], + [ + "rings", + -13.069753646850586 + ], + [ + "\u2581molecule", + -13.0697660446167 + ], + [ + "\u2581Something", + -13.069769859313965 + ], + [ + "\u2581separados", + -13.069841384887695 + ], + [ + "\u2581GM", + -13.069923400878906 + ], + [ + "\u2581reconocido", + -13.069975852966309 + ], + [ + "heiten", + -13.070003509521484 + ], + [ + "\u2581extraction", + -13.070013046264648 + ], + [ + "grat", + -13.070023536682127 + ], + [ + "introduzione", + -13.070048332214355 + ], + [ + "\u2581Poll", + -13.070053100585938 + ], + [ + "\u2581Burgemeester", + -13.070056915283203 + ], + [ + "\u2581Rodrigues", + -13.07007884979248 + ], + [ + "Klein", + -13.070079803466797 + ], + [ + "\u2581hr", + -13.070152282714844 + ], + [ + "\u2581fen\u00f3meno", + -13.07017993927002 + ], + [ + "\u2581gen\u00fcgt", + -13.070194244384766 + ], + [ + "\u2581Eli", + -13.070195198059082 + ], + [ + "ising", + -13.070197105407717 + ], + [ + "\u2581Package", + -13.070215225219728 + ], + [ + "deux", + -13.07023811340332 + ], + [ + "\u2581Environmental", + -13.070260047912598 + ], + [ + "\u2581shook", + -13.070308685302734 + ], + [ + "correct", + -13.070359230041504 + ], + [ + "\u2581referencias", + -13.07038116455078 + ], + [ + "\u2581grundlegende", + -13.070396423339844 + ], + [ + "abh\u00e4ngige", + -13.070452690124512 + ], + [ + "EIT", + -13.07045841217041 + ], + [ + "\u2581Pak", + -13.07048797607422 + ], + [ + "celli", + -13.070513725280762 + ], + [ + "ATIH", + -13.07052993774414 + ], + [ + "f\u00e4higen", + -13.070570945739746 + ], + [ + "\u2581videoclip", + -13.07057285308838 + ], + [ + "\u2581Bayer", + -13.070613861083984 + ], + [ + "\u2581Downtown", + -13.07066535949707 + ], + [ + "\u2581Christi", + -13.070680618286133 + ], + [ + "etsu", + -13.070701599121094 + ], + [ + "\u2581tentoonstelling", + -13.070714950561523 + ], + [ + "\u2581PIB", + -13.070749282836914 + ], + [ + "\u2581statistischen", + -13.070762634277344 + ], + [ + "\u2581Guest", + -13.070781707763672 + ], + [ + "\u2581bezeichnete", + -13.070853233337402 + ], + [ + "rderungs", + -13.07093334197998 + ], + [ + "\u2581Davies", + -13.070989608764648 + ], + [ + "etal", + -13.071012496948242 + ], + [ + "\u2581Umsatzsteuer", + -13.071067810058594 + ], + [ + "\u2581Bakterien", + -13.071148872375488 + ], + [ + "DLL", + -13.071158409118652 + ], + [ + "cellen", + -13.071161270141602 + ], + [ + "\u2581geweld", + -13.071174621582031 + ], + [ + "validated", + -13.071176528930664 + ], + [ + "\u2581eng", + -13.071178436279297 + ], + [ + "checker", + -13.071213722229004 + ], + [ + "\u2581versioni", + -13.071229934692385 + ], + [ + "\u2581Toro", + -13.071290969848633 + ], + [ + "Provision", + -13.071352005004885 + ], + [ + "\u2581PARA", + -13.071370124816896 + ], + [ + "\u2581lat\u00edn", + -13.071419715881348 + ], + [ + "\u2581totdat", + -13.071420669555664 + ], + [ + "\u2581Nada", + -13.071484565734863 + ], + [ + "\u2581'',", + -13.071486473083496 + ], + [ + "Mrecord", + -13.071496963500977 + ], + [ + "\u2581mandar", + -13.071513175964355 + ], + [ + "\u2581Everything", + -13.071534156799316 + ], + [ + "jahres", + -13.071535110473633 + ], + [ + "\u2581paysage", + -13.071575164794922 + ], + [ + "\u2581untereinander", + -13.071605682373049 + ], + [ + "\u2581KOM", + -13.071638107299805 + ], + [ + "DOC", + -13.071720123291016 + ], + [ + "division", + -13.071742057800291 + ], + [ + "beam", + -13.071772575378418 + ], + [ + "esecuzione", + -13.07179832458496 + ], + [ + "Via", + -13.071805000305176 + ], + [ + "\u2581L\u00e0", + -13.071890830993652 + ], + [ + "\u2581inteligente", + -13.071897506713867 + ], + [ + "\u2581surgimento", + -13.071900367736816 + ], + [ + "\u2581bianchi", + -13.07192039489746 + ], + [ + "\u2581end\u00e9mique", + -13.071924209594728 + ], + [ + "\u2581servant", + -13.07194995880127 + ], + [ + "\u2581bac", + -13.07195281982422 + ], + [ + "Assign", + -13.071955680847168 + ], + [ + "\u2581r\u00e9partition", + -13.071961402893066 + ], + [ + "Small", + -13.072011947631836 + ], + [ + "\u2581Vorstand", + -13.072016716003418 + ], + [ + "\u2581Christophe", + -13.072050094604492 + ], + [ + "\u2581compensa", + -13.072102546691896 + ], + [ + "tieve", + -13.072115898132324 + ], + [ + "\u2581Evan", + -13.072129249572754 + ], + [ + "bereitschaft", + -13.072154998779297 + ], + [ + "acr", + -13.072222709655762 + ], + [ + "pane", + -13.07222843170166 + ], + [ + "\u2581souci", + -13.072240829467772 + ], + [ + "bitcoin", + -13.072260856628418 + ], + [ + "Health", + -13.072271347045898 + ], + [ + "\u2581Puebla", + -13.072278022766112 + ], + [ + "\u2581Referenties", + -13.07229709625244 + ], + [ + "\u2581Creates", + -13.072324752807615 + ], + [ + "\u2581inclu", + -13.07232666015625 + ], + [ + "cort", + -13.07235336303711 + ], + [ + "\u2581conflito", + -13.072425842285156 + ], + [ + "artiste", + -13.072434425354004 + ], + [ + "zol", + -13.072477340698242 + ], + [ + "\u2581trauma", + -13.072526931762695 + ], + [ + "\u2581ejecuci\u00f3n", + -13.072593688964844 + ], + [ + "\u2581offices", + -13.072630882263184 + ], + [ + "feri", + -13.072647094726562 + ], + [ + "spinner", + -13.072664260864258 + ], + [ + "\u2581G\u00fc", + -13.072735786437988 + ], + [ + "jana", + -13.07273769378662 + ], + [ + "\u2581Ale", + -13.07273769378662 + ], + [ + "\u2581guns", + -13.072750091552734 + ], + [ + "\u2581patio", + -13.072820663452148 + ], + [ + "\u2581matem\u00e1tico", + -13.072858810424805 + ], + [ + "gerufen", + -13.072871208190918 + ], + [ + "aurait", + -13.072885513305664 + ], + [ + "\u2581ganha", + -13.072887420654297 + ], + [ + "\u2581Spannung", + -13.072998046875 + ], + [ + "pl\u00e4ne", + -13.073007583618164 + ], + [ + "zustellen", + -13.07308292388916 + ], + [ + "\u2581pr\u00e9f", + -13.07308864593506 + ], + [ + "\u2581plaat", + -13.073098182678224 + ], + [ + "\u2581mixing", + -13.073131561279297 + ], + [ + "\u2581hereby", + -13.07315731048584 + ], + [ + "\u2581novelas", + -13.073197364807127 + ], + [ + "\u2581toll", + -13.073201179504396 + ], + [ + "\u2581Spektrum", + -13.073246002197266 + ], + [ + "insel", + -13.073270797729492 + ], + [ + "DependInf", + -13.073286056518556 + ], + [ + "\u2581Ilhas", + -13.073381423950195 + ], + [ + "bilis", + -13.073383331298828 + ], + [ + "\u2581Matter", + -13.07341194152832 + ], + [ + "kolonie", + -13.073423385620115 + ], + [ + "ieran", + -13.073518753051758 + ], + [ + "\u2581wenden", + -13.073525428771973 + ], + [ + "execution", + -13.07358741760254 + ], + [ + "\u2581sitzen", + -13.073607444763184 + ], + [ + "\u2581Daarbij", + -13.073648452758787 + ], + [ + "\u2581nascimento", + -13.07380485534668 + ], + [ + "LDAP", + -13.073808670043944 + ], + [ + "\u2581accompanied", + -13.073830604553224 + ], + [ + "\u2581russi", + -13.073848724365234 + ], + [ + "\u2581croce", + -13.073891639709473 + ], + [ + "\u2581mood", + -13.073928833007812 + ], + [ + "\u2581corruption", + -13.073946952819824 + ], + [ + "esia", + -13.073949813842772 + ], + [ + "\u2581destacado", + -13.073956489562988 + ], + [ + "cong", + -13.073966026306152 + ], + [ + "\u2581murs", + -13.074061393737791 + ], + [ + "etos", + -13.074092864990234 + ], + [ + "\u2581comunes", + -13.07409954071045 + ], + [ + "\u2581alterna", + -13.074127197265623 + ], + [ + "\u2581agr\u00edcola", + -13.074130058288574 + ], + [ + "\u2581boeren", + -13.074193954467772 + ], + [ + "\u2581Piemonte", + -13.074217796325684 + ], + [ + "\u2581Julho", + -13.074273109436035 + ], + [ + "m\u00e9rito", + -13.074322700500488 + ], + [ + "\u2581disaster", + -13.074371337890623 + ], + [ + "\u2581debut\u00f3", + -13.074378967285156 + ], + [ + "\u2581trabalha", + -13.074426651000977 + ], + [ + "\u2581taxpayer", + -13.07444190979004 + ], + [ + "Fort", + -13.07455825805664 + ], + [ + "Procedure", + -13.074559211730955 + ], + [ + "\u2581Pip", + -13.074661254882812 + ], + [ + "erichterstattung", + -13.074676513671877 + ], + [ + "\u2581faced", + -13.074684143066406 + ], + [ + "\u2581partielle", + -13.07469367980957 + ], + [ + "\u2581funeral", + -13.07469654083252 + ], + [ + "\u2581Hyp", + -13.074699401855469 + ], + [ + "\u2581residentes", + -13.07470989227295 + ], + [ + "\u2581dauerhaft", + -13.074753761291504 + ], + [ + "nommen", + -13.074790954589844 + ], + [ + "\u2581gall", + -13.074817657470703 + ], + [ + "\u2581MATCHES", + -13.074824333190918 + ], + [ + "\u2581st\u00e4rkere", + -13.074859619140623 + ], + [ + "\u2581Cry", + -13.074875831604004 + ], + [ + "\u2581viennent", + -13.074883460998535 + ], + [ + "\u2581Statut", + -13.074911117553713 + ], + [ + "\u00e9quivalent", + -13.074929237365724 + ], + [ + "neutral", + -13.074963569641112 + ], + [ + "\u2581consci", + -13.0750093460083 + ], + [ + "\u2581retail", + -13.075035095214844 + ], + [ + "setlength", + -13.075189590454102 + ], + [ + "\u2581estabelecer", + -13.07519245147705 + ], + [ + "genehmigung", + -13.075243949890137 + ], + [ + "scrollView", + -13.07524871826172 + ], + [ + "\u2581Festa", + -13.075252532958984 + ], + [ + "\u2581cent\u00edmetros", + -13.075252532958984 + ], + [ + "\u2581unlikely", + -13.07528305053711 + ], + [ + "\u2581giocare", + -13.075287818908691 + ], + [ + "lazy", + -13.075298309326172 + ], + [ + "\u2581rendimiento", + -13.07532024383545 + ], + [ + "\u2581chemins", + -13.075410842895508 + ], + [ + "\u2581Molina", + -13.075416564941406 + ], + [ + "Palmar", + -13.075434684753418 + ], + [ + "\u2581insight", + -13.07545566558838 + ], + [ + "\u2581accessed", + -13.075457572937012 + ], + [ + "\u2581begangen", + -13.07546043395996 + ], + [ + "\u2581Heilig", + -13.075488090515137 + ], + [ + "\u2581enhanced", + -13.075544357299805 + ], + [ + "Btn", + -13.075557708740234 + ], + [ + "\u2581loan", + -13.07559299468994 + ], + [ + "MES", + -13.0756254196167 + ], + [ + "\u2581contacts", + -13.075693130493164 + ], + [ + "\u2581tender", + -13.07571029663086 + ], + [ + "\u2581explorar", + -13.075711250305176 + ], + [ + "\u2581actuales", + -13.07571792602539 + ], + [ + "Rx", + -13.075764656066896 + ], + [ + "\u2581Sets", + -13.075806617736816 + ], + [ + "ggia", + -13.075813293457031 + ], + [ + "\u2581exceed", + -13.075840950012209 + ], + [ + "\u2581continuou", + -13.075846672058104 + ], + [ + "\u2581indu", + -13.075972557067873 + ], + [ + "\u2581citato", + -13.07605266571045 + ], + [ + "\u2581Knie", + -13.076139450073242 + ], + [ + "\u2581westelijke", + -13.076146125793455 + ], + [ + "fillcolor", + -13.076183319091797 + ], + [ + "\u2581Psychology", + -13.076183319091797 + ], + [ + "\u2581TORT", + -13.076199531555176 + ], + [ + "\u2581grab", + -13.076269149780272 + ], + [ + "\u2581Kassen", + -13.07627773284912 + ], + [ + "CHO", + -13.076302528381348 + ], + [ + "maken", + -13.076311111450195 + ], + [ + "\u2581optimale", + -13.076334953308104 + ], + [ + "\u2581marchand", + -13.076364517211914 + ], + [ + "\u2581montr\u00e9", + -13.076374053955078 + ], + [ + "Sym", + -13.076433181762695 + ], + [ + "\u2581Bessie", + -13.076571464538574 + ], + [ + "\u2581$|", + -13.076579093933104 + ], + [ + "\u2581ridurre", + -13.076583862304688 + ], + [ + "\u2581categor\u00edas", + -13.076611518859863 + ], + [ + "\u2581Promotion", + -13.076616287231444 + ], + [ + "\u2581Rosso", + -13.076620101928713 + ], + [ + "\u2581sufri\u00f3", + -13.076642036437988 + ], + [ + "bindings", + -13.076653480529783 + ], + [ + "\u2581gemakkelijk", + -13.076654434204102 + ], + [ + "\u2581benutzen", + -13.076719284057615 + ], + [ + "\u2581cantar", + -13.076749801635742 + ], + [ + "\u2581sovrano", + -13.0768461227417 + ], + [ + "\u2581feuilles", + -13.07685089111328 + ], + [ + "\u2581Circular", + -13.076895713806152 + ], + [ + "\u2581dispersion", + -13.076913833618164 + ], + [ + "\u2581Indiase", + -13.076916694641112 + ], + [ + "\u2581Verb\u00e4nde", + -13.076922416687012 + ], + [ + "\u2581Clan", + -13.076958656311035 + ], + [ + "\u2581disait", + -13.076995849609377 + ], + [ + "LIT", + -13.077022552490234 + ], + [ + "\u2581Gymnasium", + -13.077088356018066 + ], + [ + "aille", + -13.077102661132812 + ], + [ + "\u2581saut", + -13.077144622802734 + ], + [ + "\u2581Cheng", + -13.077163696289062 + ], + [ + "\u2581suono", + -13.077188491821287 + ], + [ + "\u2581reception", + -13.077215194702148 + ], + [ + "\u2581bestuurder", + -13.07723903656006 + ], + [ + "al\u00f3", + -13.077335357666016 + ], + [ + "\u2581Steuerung", + -13.07737922668457 + ], + [ + "\u2581preguntas", + -13.077385902404783 + ], + [ + "\u2581cadeia", + -13.077459335327148 + ], + [ + "\u2581Ursula", + -13.077472686767578 + ], + [ + "ppi", + -13.07749080657959 + ], + [ + "\u2581britische", + -13.077510833740234 + ], + [ + "escens", + -13.077536582946776 + ], + [ + "\u2581rainha", + -13.077607154846191 + ], + [ + "\u2581Bailey", + -13.077619552612305 + ], + [ + "\u2581battu", + -13.077658653259276 + ], + [ + "\u2581Bravo", + -13.077679634094238 + ], + [ + "faktoren", + -13.077685356140137 + ], + [ + "\u2581harder", + -13.077686309814451 + ], + [ + "\u2581testimonianze", + -13.077692031860352 + ], + [ + "schedule", + -13.077701568603516 + ], + [ + "iten", + -13.077713966369627 + ], + [ + "\u2581klimaat", + -13.077733993530272 + ], + [ + "maak", + -13.077789306640623 + ], + [ + "Filename", + -13.07781219482422 + ], + [ + "\u2581Watt", + -13.077816009521484 + ], + [ + "snap", + -13.077839851379396 + ], + [ + "dove", + -13.077919006347656 + ], + [ + "\u2581Foot", + -13.077935218811035 + ], + [ + "\u2581lusso", + -13.077954292297363 + ], + [ + "\u2581tradicionales", + -13.077964782714844 + ], + [ + "\u2581bijzondere", + -13.078012466430664 + ], + [ + "\u2581Vicenza", + -13.07810878753662 + ], + [ + "dato", + -13.078174591064451 + ], + [ + "brace", + -13.078179359436035 + ], + [ + "\u2581Edizioni", + -13.078185081481934 + ], + [ + "\u2581transparente", + -13.078185081481934 + ], + [ + "compress", + -13.078187942504885 + ], + [ + "utilities", + -13.07831859588623 + ], + [ + "\u2581Native", + -13.078341484069824 + ], + [ + "\u2581readonly", + -13.078357696533203 + ], + [ + "\u2581Tabak", + -13.078434944152832 + ], + [ + "sius", + -13.078498840332031 + ], + [ + "Kal", + -13.078533172607422 + ], + [ + "\u2581pastor", + -13.078553199768066 + ], + [ + "cinto", + -13.078584671020508 + ], + [ + "\u2581caisses", + -13.078651428222656 + ], + [ + "\u2581stereo", + -13.078652381896973 + ], + [ + "Modify", + -13.0786714553833 + ], + [ + "\u2581opinions", + -13.078679084777832 + ], + [ + "\u2581tesoro", + -13.078679084777832 + ], + [ + "\u2581Russo", + -13.078682899475098 + ], + [ + "\u2581domani", + -13.078685760498049 + ], + [ + "\u2581maldi", + -13.078686714172363 + ], + [ + "\u2581tourn\u00e9", + -13.07870864868164 + ], + [ + "\u2581rungs", + -13.078737258911133 + ], + [ + "\u2581perfettamente", + -13.07880687713623 + ], + [ + "Gel", + -13.078829765319824 + ], + [ + "\u2581Certaines", + -13.078831672668455 + ], + [ + "unge", + -13.078889846801758 + ], + [ + "\u2581m\u00e9canique", + -13.078927040100098 + ], + [ + "Maritime", + -13.078994750976562 + ], + [ + "\u2581proc\u00e9d\u00e9", + -13.079093933105469 + ], + [ + "\u2581d\u00e9couvre", + -13.079109191894531 + ], + [ + "\u2581Kasteel", + -13.079143524169922 + ], + [ + "drome", + -13.079167366027832 + ], + [ + "AMPLES", + -13.079215049743652 + ], + [ + "Converter", + -13.079251289367676 + ], + [ + "\u2581tranne", + -13.079278945922852 + ], + [ + "\u2581verlor", + -13.079337120056152 + ], + [ + "\u2581Lieutenant", + -13.079355239868164 + ], + [ + "geb\u00fchr", + -13.07936191558838 + ], + [ + "\u2581mutations", + -13.079364776611328 + ], + [ + "\u2581Substanz", + -13.079463005065918 + ], + [ + "\u2581reconhecimento", + -13.079480171203612 + ], + [ + "arci", + -13.07952880859375 + ], + [ + "\u2581Emmy", + -13.07955837249756 + ], + [ + "\u2581Lau", + -13.079567909240724 + ], + [ + "Itemize", + -13.07962703704834 + ], + [ + "\u2581gewicht", + -13.079647064208984 + ], + [ + "\u00e9rico", + -13.079681396484377 + ], + [ + "Hay", + -13.07973861694336 + ], + [ + "\u2581iguais", + -13.079818725585938 + ], + [ + "\u2581actitud", + -13.079843521118164 + ], + [ + "stehende", + -13.079849243164062 + ], + [ + "MED", + -13.079917907714844 + ], + [ + "\u2581interessa", + -13.079926490783691 + ], + [ + "\u2581solitario", + -13.079965591430664 + ], + [ + "forKey", + -13.07997989654541 + ], + [ + "tait", + -13.079992294311523 + ], + [ + "\u2581causal", + -13.080039978027344 + ], + [ + "\u2581gastos", + -13.080060958862305 + ], + [ + "mw", + -13.08008861541748 + ], + [ + "anea", + -13.080143928527832 + ], + [ + "\u2581fondi", + -13.080148696899414 + ], + [ + "\u2581Cyber", + -13.080205917358398 + ], + [ + "\u2581riconosce", + -13.080224990844728 + ], + [ + "\u2581strettamente", + -13.08022689819336 + ], + [ + "\u2581gemeenteraad", + -13.080240249633787 + ], + [ + "\u2581aumentando", + -13.08025074005127 + ], + [ + "\u2581\u00e9cran", + -13.080303192138672 + ], + [ + "abilita", + -13.080329895019531 + ], + [ + "\u2581Petersburg", + -13.08035659790039 + ], + [ + "\u2581ejecutivo", + -13.080392837524414 + ], + [ + "\u2581mongol", + -13.080440521240234 + ], + [ + "\u2581dificuldade", + -13.080445289611816 + ], + [ + "\u2581zilveren", + -13.080503463745115 + ], + [ + "\u2581combustible", + -13.080511093139648 + ], + [ + "uwen", + -13.080525398254396 + ], + [ + "\u2581Gomes", + -13.080578804016112 + ], + [ + "JW", + -13.08060359954834 + ], + [ + "uestions", + -13.080631256103516 + ], + [ + "\u2581Natrium", + -13.080659866333008 + ], + [ + "\u2581Having", + -13.080728530883787 + ], + [ + "schuldig", + -13.08074188232422 + ], + [ + "\u2581bread", + -13.080758094787598 + ], + [ + "\u2581remplacer", + -13.080759048461914 + ], + [ + "\u2581Fogo", + -13.080767631530762 + ], + [ + "\u2581Christina", + -13.080774307250977 + ], + [ + "\u2581haga", + -13.080774307250977 + ], + [ + "\u2581Muchos", + -13.08079433441162 + ], + [ + "impresa", + -13.080798149108888 + ], + [ + "\u2581vaz", + -13.08080005645752 + ], + [ + "\u2581mant\u00e9m", + -13.080808639526367 + ], + [ + "arum", + -13.08081340789795 + ], + [ + "isc", + -13.080832481384276 + ], + [ + "\u2581mij", + -13.080848693847656 + ], + [ + "Pipe", + -13.080903053283691 + ], + [ + "\u2581paste", + -13.080906867980955 + ], + [ + "tuin", + -13.081010818481444 + ], + [ + "\u2581c\u00e1ncer", + -13.081060409545898 + ], + [ + "Words", + -13.081067085266112 + ], + [ + "\u2581baht", + -13.081116676330566 + ], + [ + "\u2581Perspektiven", + -13.081141471862791 + ], + [ + "\u2581unexpected", + -13.081144332885742 + ], + [ + "nois", + -13.08117389678955 + ], + [ + "\u2581fixa", + -13.081191062927246 + ], + [ + "rilla", + -13.081217765808104 + ], + [ + "eran", + -13.0812349319458 + ], + [ + "\u2581bient", + -13.08126163482666 + ], + [ + "Circle", + -13.081306457519531 + ], + [ + "\u2581Tensor", + -13.081314086914062 + ], + [ + "\u2581veranderde", + -13.08133316040039 + ], + [ + "\u2581Bergbau", + -13.081358909606934 + ], + [ + "\u2581Fontana", + -13.081372261047363 + ], + [ + "flor", + -13.08138656616211 + ], + [ + "DATABASE", + -13.081472396850586 + ], + [ + "hbar", + -13.08150863647461 + ], + [ + "novo", + -13.08151912689209 + ], + [ + "\u2581Vanuit", + -13.081600189208984 + ], + [ + "\u2581gen\u00e9tica", + -13.081616401672363 + ], + [ + "\u2581Lato", + -13.081657409667969 + ], + [ + "graben", + -13.081677436828612 + ], + [ + "\u2581beschrijving", + -13.081692695617676 + ], + [ + "\u2581vinte", + -13.081698417663574 + ], + [ + "trico", + -13.081707000732422 + ], + [ + "\u2581descrizione", + -13.081737518310549 + ], + [ + "\u2581tendr\u00eda", + -13.081746101379396 + ], + [ + "\u2581pidi\u00f3", + -13.081783294677734 + ], + [ + "\u2581riches", + -13.08178424835205 + ], + [ + "\u2581Kyle", + -13.081890106201172 + ], + [ + "hoor", + -13.081907272338867 + ], + [ + "Klasse", + -13.081908226013184 + ], + [ + "\u2581abr", + -13.081934928894045 + ], + [ + "\u2581Erl\u00e4uterung", + -13.081941604614258 + ], + [ + "\u2581Cand", + -13.08195686340332 + ], + [ + "\u2581Ridder", + -13.081995010375977 + ], + [ + "\u2581sforzo", + -13.082106590270996 + ], + [ + "\u2581administrador", + -13.082135200500488 + ], + [ + "\u2581D\u00eda", + -13.082148551940918 + ], + [ + "\u2581alongside", + -13.082161903381348 + ], + [ + "\u2581compiti\u00f3", + -13.082182884216309 + ], + [ + "\u2581Comando", + -13.082216262817385 + ], + [ + "\u2581Cesar", + -13.082221031188965 + ], + [ + "RIS", + -13.082245826721191 + ], + [ + "\u2581streng", + -13.08225154876709 + ], + [ + "iken", + -13.082304000854492 + ], + [ + "\u2581missed", + -13.08232879638672 + ], + [ + "\u2581Communaut\u00e9", + -13.0823392868042 + ], + [ + "\u2581approfondi", + -13.082351684570312 + ], + [ + "\u2581burn", + -13.08237648010254 + ], + [ + "entrata", + -13.082432746887209 + ], + [ + "nique", + -13.082449913024902 + ], + [ + "scono", + -13.082507133483888 + ], + [ + "\u2581Democr\u00e1tica", + -13.08257293701172 + ], + [ + "\u2581seats", + -13.082639694213867 + ], + [ + "\u2581Tet", + -13.082661628723145 + ], + [ + "gert", + -13.08268928527832 + ], + [ + "\u2581Calif\u00f3rnia", + -13.082696914672852 + ], + [ + "\u2581Treaty", + -13.08274269104004 + ], + [ + "DER", + -13.082748413085938 + ], + [ + "cci", + -13.082756042480469 + ], + [ + "\u2581ruhig", + -13.082773208618164 + ], + [ + "\u2581behalve", + -13.082801818847656 + ], + [ + "\u2581comprising", + -13.082803726196287 + ], + [ + "\u2581elettrica", + -13.082806587219238 + ], + [ + "Intro", + -13.082853317260742 + ], + [ + "\u2581RTL", + -13.082907676696776 + ], + [ + "\u2581Ensuite", + -13.082910537719728 + ], + [ + "\u2581Manila", + -13.082910537719728 + ], + [ + "ill\u00e9", + -13.08295440673828 + ], + [ + "gelb", + -13.08303928375244 + ], + [ + "wenn", + -13.083065032958984 + ], + [ + "boxes", + -13.08315086364746 + ], + [ + "\u2581Vet", + -13.083166122436523 + ], + [ + "\u2581kresource", + -13.08320140838623 + ], + [ + "\u2581poderosa", + -13.083212852478027 + ], + [ + "\u2581Faith", + -13.08323574066162 + ], + [ + "\u2581Polit", + -13.083242416381836 + ], + [ + "Specific", + -13.08325481414795 + ], + [ + "\u2581Fracht", + -13.08326530456543 + ], + [ + "\u2581D\u00e9mographie", + -13.083271980285645 + ], + [ + "\u2581Koh", + -13.083311080932615 + ], + [ + "\u2581descarga", + -13.08331298828125 + ], + [ + "cw", + -13.083362579345703 + ], + [ + "\u2581motori", + -13.083369255065918 + ], + [ + "\u2581reglas", + -13.083415031433104 + ], + [ + "ngen", + -13.08346462249756 + ], + [ + "transparent", + -13.083480834960938 + ], + [ + "Eigen", + -13.083489418029783 + ], + [ + "\u2581criados", + -13.08349609375 + ], + [ + "izou", + -13.083531379699709 + ], + [ + "sch\u00e4tz", + -13.083539009094238 + ], + [ + "\u2581Juniors", + -13.08362865447998 + ], + [ + "\u2581Bellas", + -13.083654403686523 + ], + [ + "\u2581Geburtstag", + -13.083685874938965 + ], + [ + "idia", + -13.083760261535645 + ], + [ + "rcia", + -13.083800315856934 + ], + [ + "\u2581giornate", + -13.083858489990234 + ], + [ + "elaar", + -13.083892822265623 + ], + [ + "agger", + -13.083929061889648 + ], + [ + "\u2581conviction", + -13.083950996398926 + ], + [ + "sell", + -13.083964347839355 + ], + [ + "\u2581Schlag", + -13.083980560302734 + ], + [ + "Regex", + -13.084001541137695 + ], + [ + "README", + -13.08400821685791 + ], + [ + "\u2581mentor", + -13.08401584625244 + ], + [ + "\u2581deporte", + -13.084030151367188 + ], + [ + "\u2581casual", + -13.08403491973877 + ], + [ + "handlers", + -13.084044456481934 + ], + [ + "bran", + -13.084050178527832 + ], + [ + "\u2581chiude", + -13.084065437316896 + ], + [ + "\u2581pratiche", + -13.084084510803224 + ], + [ + "\u2581elettorale", + -13.084091186523438 + ], + [ + "\u2581Europas", + -13.084098815917969 + ], + [ + "\u2581affermato", + -13.084110260009766 + ], + [ + "GREEN", + -13.084120750427246 + ], + [ + "THREAD", + -13.084141731262209 + ], + [ + "\u2581representada", + -13.084163665771484 + ], + [ + "\u2581adulto", + -13.084169387817385 + ], + [ + "assertThat", + -13.084226608276367 + ], + [ + "\u2581Solche", + -13.084280967712402 + ], + [ + "INF", + -13.084282875061035 + ], + [ + "\u2581P\u00e1", + -13.084318161010742 + ], + [ + "\u2581difficult\u00e9", + -13.084318161010742 + ], + [ + "\u2581LIABLE", + -13.08432388305664 + ], + [ + "\u2581pointe", + -13.084360122680664 + ], + [ + "\u2581Ebenfalls", + -13.08444118499756 + ], + [ + "\u2581Scan", + -13.084443092346191 + ], + [ + "\u2581manifestazioni", + -13.084444999694824 + ], + [ + "\u2581fondos", + -13.084478378295898 + ], + [ + "\u2581Portuguese", + -13.08449935913086 + ], + [ + "\u2581imposto", + -13.084535598754885 + ], + [ + "\u2581beschermd", + -13.08454418182373 + ], + [ + "assurer", + -13.084572792053224 + ], + [ + "vloei", + -13.084585189819336 + ], + [ + "Tempo", + -13.084596633911133 + ], + [ + "\u2581Princess", + -13.084609985351562 + ], + [ + "darm", + -13.08461856842041 + ], + [ + "\u2581Nadel", + -13.084640502929688 + ], + [ + "\u2581eigentlichen", + -13.08464241027832 + ], + [ + "\u2581verranno", + -13.084687232971191 + ], + [ + "\u2581Haiti", + -13.084728240966797 + ], + [ + "Ancien", + -13.084759712219238 + ], + [ + "\u2581televisione", + -13.084773063659668 + ], + [ + "tigten", + -13.084787368774414 + ], + [ + "Rad", + -13.084790229797363 + ], + [ + "\u2581Ausschreibung", + -13.084806442260742 + ], + [ + "\u2581Ground", + -13.084896087646484 + ], + [ + "\u2581krachten", + -13.084898948669434 + ], + [ + "\u2581.............", + -13.084931373596191 + ], + [ + "motten", + -13.084993362426758 + ], + [ + "ASM", + -13.085023880004885 + ], + [ + "\u2581transi", + -13.085025787353516 + ], + [ + "\u2581C\u00e1", + -13.085026741027832 + ], + [ + "borne", + -13.085046768188477 + ], + [ + "uoi", + -13.085053443908691 + ], + [ + "\u2581beschr\u00e4nken", + -13.085055351257324 + ], + [ + "\u2581inf\u00e9rieure", + -13.085073471069336 + ], + [ + "\u2581refuge", + -13.085138320922852 + ], + [ + "Shift", + -13.085140228271484 + ], + [ + "\u2581rencontr\u00e9", + -13.08528995513916 + ], + [ + "\u2581cl\u00e9", + -13.085294723510742 + ], + [ + "\u2581lever", + -13.085311889648438 + ], + [ + "\u2581favour", + -13.085336685180664 + ], + [ + "\u2581recep", + -13.085344314575195 + ], + [ + "\u2581musulmani", + -13.085345268249512 + ], + [ + "\u2581specification", + -13.085359573364258 + ], + [ + "\u2581ARISING", + -13.085376739501951 + ], + [ + "\u2581Voraus", + -13.08553409576416 + ], + [ + "\u2581Petrus", + -13.085538864135742 + ], + [ + "sah", + -13.085543632507324 + ], + [ + "\u2581Abzug", + -13.085559844970703 + ], + [ + "\u2581eliminate", + -13.085582733154297 + ], + [ + "gina", + -13.085591316223145 + ], + [ + "\u2581M\u00fcnz", + -13.08560276031494 + ], + [ + "\u2581piscina", + -13.085618019104004 + ], + [ + "comm", + -13.085664749145508 + ], + [ + "spflichten", + -13.085664749145508 + ], + [ + "extr", + -13.085665702819824 + ], + [ + "Alger", + -13.085668563842772 + ], + [ + "\u2581gerar", + -13.085701942443848 + ], + [ + "aveva", + -13.08572006225586 + ], + [ + "\u2581Californie", + -13.085738182067873 + ], + [ + "\u2581Duncan", + -13.085760116577148 + ], + [ + "\u2581noemde", + -13.08576774597168 + ], + [ + "\u2581suppli", + -13.085838317871094 + ], + [ + "\u2581Gibraltar", + -13.08584213256836 + ], + [ + "\u2581Unterabsatz", + -13.08585262298584 + ], + [ + "\u2581Setup", + -13.085922241210938 + ], + [ + "\u2581souverain", + -13.085979461669922 + ], + [ + "LAST", + -13.085999488830566 + ], + [ + "\u2581Bianchi", + -13.086023330688477 + ], + [ + "\u2581champs", + -13.08603286743164 + ], + [ + "Hit", + -13.08603858947754 + ], + [ + "\u2581compose", + -13.086061477661133 + ], + [ + "\u2581voorbij", + -13.08613109588623 + ], + [ + "\u2581Pal\u00e1cio", + -13.086196899414062 + ], + [ + "\u2581spanning", + -13.086206436157228 + ], + [ + "\u2581excepci\u00f3n", + -13.086217880249023 + ], + [ + "hydro", + -13.086292266845703 + ], + [ + "\u2581conjuga", + -13.086310386657717 + ], + [ + "Introduction", + -13.086380004882812 + ], + [ + "boeken", + -13.086389541625977 + ], + [ + "stol", + -13.08639430999756 + ], + [ + "zA", + -13.086411476135254 + ], + [ + "bbox", + -13.086421012878418 + ], + [ + "\u2581sabendo", + -13.08642864227295 + ], + [ + "\u2581Woods", + -13.086445808410645 + ], + [ + "sprintf", + -13.08653163909912 + ], + [ + "\u2581influences", + -13.08653163909912 + ], + [ + "Carriera", + -13.08656883239746 + ], + [ + "\u2581comptait", + -13.08656883239746 + ], + [ + "\u2581transmisi\u00f3n", + -13.086593627929688 + ], + [ + "\u2581Gemein", + -13.08659553527832 + ], + [ + "aching", + -13.086660385131836 + ], + [ + "\u2581Choi", + -13.08668613433838 + ], + [ + "\u2581Eink\u00fcnfte", + -13.086713790893556 + ], + [ + "\u2581limit\u00e9e", + -13.08673095703125 + ], + [ + "\u2581Navigation", + -13.086742401123049 + ], + [ + "\u2581Boek", + -13.086745262145996 + ], + [ + "\u2581Geschehen", + -13.086779594421388 + ], + [ + "\u2581Glass", + -13.086785316467283 + ], + [ + "\u2581prit", + -13.086795806884766 + ], + [ + "\u2581temperatuur", + -13.086803436279297 + ], + [ + "\u2581Maggiore", + -13.086827278137209 + ], + [ + "entino", + -13.086861610412598 + ], + [ + "pero", + -13.086877822875977 + ], + [ + "CAR", + -13.086986541748049 + ], + [ + "mite", + -13.087006568908691 + ], + [ + "TOOL", + -13.087017059326172 + ], + [ + "\u2581integrar", + -13.08704662322998 + ], + [ + "gebouwd", + -13.087101936340332 + ], + [ + "\u2581enfrenta", + -13.087111473083496 + ], + [ + "\u2581vind", + -13.08713150024414 + ], + [ + "\u2581superando", + -13.087210655212402 + ], + [ + "\u2581pic", + -13.087214469909668 + ], + [ + "\u2581Grenoble", + -13.087246894836426 + ], + [ + "\u2581Vertretern", + -13.08725357055664 + ], + [ + "\u2581enforcement", + -13.087303161621094 + ], + [ + "\u2581vergr", + -13.08731746673584 + ], + [ + "\u2581recensement", + -13.087318420410156 + ], + [ + "\u2581Mama", + -13.087322235107422 + ], + [ + "sparen", + -13.087340354919434 + ], + [ + "\u2581Salom\u00e9", + -13.087360382080078 + ], + [ + "Coord", + -13.087448120117188 + ], + [ + "\u2581\u00e1rvores", + -13.087467193603516 + ], + [ + "\u2581toglie", + -13.087579727172852 + ], + [ + "\u2581Vektor", + -13.087590217590332 + ], + [ + "\u2581k\u00fcnftigen", + -13.087592124938965 + ], + [ + "\u2581Fate", + -13.087594032287598 + ], + [ + "\u2581Dynamic", + -13.08759880065918 + ], + [ + "desktop", + -13.087611198425291 + ], + [ + "\u2581Uso", + -13.087616920471191 + ], + [ + "\u2581eingetreten", + -13.087628364562988 + ], + [ + "\u2581ocupada", + -13.087636947631836 + ], + [ + "\u2581uitbreiding", + -13.087639808654783 + ], + [ + "\u2581drinking", + -13.087759971618652 + ], + [ + "\u2581paint", + -13.087843894958496 + ], + [ + "\u2581acquisti", + -13.087854385375977 + ], + [ + "\u2581ouvir", + -13.087871551513672 + ], + [ + "\u2581d\u00e9cret", + -13.087932586669922 + ], + [ + "\u2581Melo", + -13.088234901428224 + ], + [ + "\u2581CELLSPACING", + -13.088305473327637 + ], + [ + "\u2581faudra", + -13.088318824768066 + ], + [ + "\u2581Tales", + -13.088333129882812 + ], + [ + "\u2581estable", + -13.088350296020508 + ], + [ + "\u2581WHETHER", + -13.088419914245604 + ], + [ + "\u2581Ferrer", + -13.088435173034668 + ], + [ + "\u2581writes", + -13.088443756103516 + ], + [ + "\u2581Rollen", + -13.088445663452148 + ], + [ + "\u2581begeleid", + -13.088495254516602 + ], + [ + "\u2581griechischen", + -13.088567733764648 + ], + [ + "\u2581fui", + -13.08857250213623 + ], + [ + "\u2581agrega", + -13.088592529296877 + ], + [ + "\u2581Sale", + -13.08864974975586 + ], + [ + "\u2581sentado", + -13.088652610778809 + ], + [ + "medi", + -13.088667869567873 + ], + [ + "porre", + -13.088746070861816 + ], + [ + "\u2581Aka", + -13.08879280090332 + ], + [ + "\u2581Basket", + -13.088823318481444 + ], + [ + "nodejs", + -13.088828086853027 + ], + [ + "enda", + -13.088836669921877 + ], + [ + "\u2581dys", + -13.08885669708252 + ], + [ + "\u2581differenziert", + -13.088857650756836 + ], + [ + "\u2581scratch", + -13.08887004852295 + ], + [ + "\u2581kocht", + -13.088885307312012 + ], + [ + "\u2581CACHE", + -13.088891983032228 + ], + [ + "onnier", + -13.088905334472656 + ], + [ + "\u2581befasst", + -13.088912963867188 + ], + [ + "\u2581resonance", + -13.088922500610352 + ], + [ + "Vp", + -13.088963508605955 + ], + [ + "\u2581Fell", + -13.089030265808104 + ], + [ + "izia", + -13.089116096496582 + ], + [ + "\u2581L\u00fcbeck", + -13.089123725891112 + ], + [ + "\u2581toneel", + -13.089176177978516 + ], + [ + "TRE", + -13.089200973510742 + ], + [ + "\u2581invocation", + -13.08926486968994 + ], + [ + "\u2581Louvre", + -13.089284896850586 + ], + [ + "\u2581peces", + -13.08930778503418 + ], + [ + "\u2581susceptible", + -13.089317321777344 + ], + [ + "cios", + -13.089330673217772 + ], + [ + "essenza", + -13.08934211730957 + ], + [ + "\u2581Ram\u00edrez", + -13.08935832977295 + ], + [ + "frequency", + -13.089373588562012 + ], + [ + "BMA", + -13.089438438415527 + ], + [ + "benchmark", + -13.089458465576172 + ], + [ + "aperto", + -13.089459419250488 + ], + [ + "arelli", + -13.0894775390625 + ], + [ + "\u2581Gr\u00e9cia", + -13.089482307434082 + ], + [ + "\u2581attacco", + -13.089489936828612 + ], + [ + "\u2581Abrantes", + -13.089496612548828 + ], + [ + "Sm", + -13.08950424194336 + ], + [ + "german", + -13.089521408081056 + ], + [ + "\u2581zugestimmt", + -13.089529991149902 + ], + [ + "\u2581intervento", + -13.089584350585938 + ], + [ + "differenz", + -13.089591979980469 + ], + [ + "\u2581Disc", + -13.089603424072266 + ], + [ + "breken", + -13.089648246765137 + ], + [ + "baye", + -13.08966064453125 + ], + [ + "Diese", + -13.089661598205566 + ], + [ + "fache", + -13.089719772338867 + ], + [ + "\u2581rapper", + -13.089776039123535 + ], + [ + "\u2581mines", + -13.08981227874756 + ], + [ + "\u2581funcional", + -13.089865684509276 + ], + [ + "\u2581environnement", + -13.089886665344238 + ], + [ + "Clip", + -13.089908599853516 + ], + [ + "\u2581prochaine", + -13.089919090270996 + ], + [ + "mme", + -13.089942932128906 + ], + [ + "steuerung", + -13.089945793151855 + ], + [ + "\u2581Vent", + -13.090032577514648 + ], + [ + "\u2581precioso", + -13.090039253234863 + ], + [ + "\u2581gegenw\u00e4rtigen", + -13.09008502960205 + ], + [ + "\u2581lying", + -13.090105056762695 + ], + [ + "roh", + -13.090142250061035 + ], + [ + "cilia", + -13.090169906616213 + ], + [ + "Ball", + -13.090187072753906 + ], + [ + "\u2581Puy", + -13.090189933776855 + ], + [ + "\u2581ausl\u00e4ndischer", + -13.090198516845703 + ], + [ + "samt", + -13.090205192565918 + ], + [ + "\u2581inclinava", + -13.090205192565918 + ], + [ + "\u2581publicar", + -13.090222358703612 + ], + [ + "\u2581indicado", + -13.090325355529783 + ], + [ + "ango", + -13.09032917022705 + ], + [ + "threadIdx", + -13.090332984924316 + ], + [ + "onore", + -13.090336799621582 + ], + [ + "slagen", + -13.090356826782228 + ], + [ + "oauth", + -13.090362548828123 + ], + [ + "\u2581sitios", + -13.090389251708984 + ], + [ + "steigen", + -13.090413093566896 + ], + [ + "\u2581alleine", + -13.090426445007324 + ], + [ + "road", + -13.090462684631348 + ], + [ + "\u2581Rust", + -13.090476036071776 + ], + [ + "\u2581elevato", + -13.090476036071776 + ], + [ + "\u2581\\|", + -13.09050750732422 + ], + [ + "\u2581accettare", + -13.090509414672852 + ], + [ + "\u2581BEGIN", + -13.090548515319824 + ], + [ + "\u2581tavolo", + -13.090554237365724 + ], + [ + "\u2581Friends", + -13.090678215026855 + ], + [ + "\u2581Semana", + -13.090692520141602 + ], + [ + "psis", + -13.090710639953612 + ], + [ + "gerechte", + -13.090713500976562 + ], + [ + "assembly", + -13.09075927734375 + ], + [ + "\u2581M\u00e9daille", + -13.090768814086914 + ], + [ + "zei", + -13.090771675109863 + ], + [ + "thema", + -13.09083366394043 + ], + [ + "TAB", + -13.09085464477539 + ], + [ + "\u2581befreit", + -13.090859413146973 + ], + [ + "\u2581farmaci", + -13.090864181518556 + ], + [ + "\u2581'[", + -13.090875625610352 + ], + [ + "\u2581gambe", + -13.09089469909668 + ], + [ + "\u2581Moskau", + -13.09094524383545 + ], + [ + "\u2581Vereniging", + -13.090950965881348 + ], + [ + "\u2581resa", + -13.09097385406494 + ], + [ + "\u2581Vorg\u00e4nge", + -13.09097671508789 + ], + [ + "\u2581Eugene", + -13.091029167175291 + ], + [ + "\u2581Artikeln", + -13.09104824066162 + ], + [ + "\u2581Estonia", + -13.091057777404783 + ], + [ + "\u2581tur\u00edsticos", + -13.091066360473633 + ], + [ + "mundo", + -13.091137886047363 + ], + [ + "smittel", + -13.091156959533691 + ], + [ + "\u2581girare", + -13.09116554260254 + ], + [ + "\u2581determinados", + -13.091195106506348 + ], + [ + "\u2581traditionnelle", + -13.091303825378418 + ], + [ + "\u2581fev", + -13.091327667236328 + ], + [ + "smi", + -13.091390609741213 + ], + [ + "IDA", + -13.09141731262207 + ], + [ + "\u2581expansi\u00f3n", + -13.09146499633789 + ], + [ + "qp", + -13.091477394104004 + ], + [ + "\u2581tormenta", + -13.0914888381958 + ], + [ + "\u2581veri", + -13.091532707214355 + ], + [ + "\u2581amistad", + -13.091591835021973 + ], + [ + "\u00e4us", + -13.09166145324707 + ], + [ + "\u2581Monica", + -13.091689109802246 + ], + [ + "\u2581Gis", + -13.091694831848145 + ], + [ + "lund", + -13.09170913696289 + ], + [ + "\u2581Lopez", + -13.091717720031738 + ], + [ + "\u2581availability", + -13.091741561889648 + ], + [ + "\u2581resoluci\u00f3n", + -13.091819763183594 + ], + [ + "AGE", + -13.091841697692873 + ], + [ + "\u2581fausto", + -13.091843605041504 + ], + [ + "axes", + -13.091861724853516 + ], + [ + "\u2581Damen", + -13.091898918151855 + ], + [ + "\u2581SH", + -13.091930389404297 + ], + [ + "\u2581interactive", + -13.091944694519045 + ], + [ + "\u2581Spi", + -13.091991424560549 + ], + [ + "\u2581Arca", + -13.091999053955078 + ], + [ + "utschsprachigen", + -13.092000007629396 + ], + [ + "deckung", + -13.092002868652344 + ], + [ + "\u2581Fabian", + -13.092082977294922 + ], + [ + "\u2581salsa", + -13.092092514038086 + ], + [ + "\u2581normalen", + -13.092143058776855 + ], + [ + "Noctuidae", + -13.092178344726562 + ], + [ + "\u2581Nil", + -13.092207908630373 + ], + [ + "vene", + -13.09221649169922 + ], + [ + "gerichts", + -13.092226028442385 + ], + [ + "\u2581R\u00fccksicht", + -13.092246055603027 + ], + [ + "\u2581ausencia", + -13.092358589172363 + ], + [ + "volta", + -13.092374801635742 + ], + [ + "\u2581Hinsichtlich", + -13.092432022094728 + ], + [ + "\u2581Unlike", + -13.092439651489258 + ], + [ + "\u2581Tamil", + -13.09245491027832 + ], + [ + "\u2581conserver", + -13.092469215393066 + ], + [ + "\u2581besucht", + -13.09249782562256 + ], + [ + "campe", + -13.092506408691406 + ], + [ + "\u2581auraient", + -13.092521667480469 + ], + [ + "\u2581ruf", + -13.092525482177734 + ], + [ + "\u2581zoveel", + -13.092534065246582 + ], + [ + "\u2581Vaak", + -13.092537879943848 + ], + [ + "\u2581taak", + -13.092544555664062 + ], + [ + "\u2581Arbeitslosen", + -13.092583656311035 + ], + [ + "pini", + -13.092731475830078 + ], + [ + "\u2581emissions", + -13.092743873596191 + ], + [ + "\u2581Medici", + -13.092825889587402 + ], + [ + "eltmeisterschaft", + -13.092851638793944 + ], + [ + "\u2581noodzakelijk", + -13.092886924743652 + ], + [ + "interpretazione", + -13.092934608459473 + ], + [ + "\u2581Ministerium", + -13.092961311340332 + ], + [ + "\u2581Jim\u00e9nez", + -13.09300422668457 + ], + [ + "harmonie", + -13.093022346496582 + ], + [ + "\u2581courbe", + -13.09303092956543 + ], + [ + "\u2581vivi", + -13.093035697937012 + ], + [ + "ACI", + -13.093066215515137 + ], + [ + "\u2581plac\u00e9", + -13.09310245513916 + ], + [ + "\u2581Reset", + -13.093122482299805 + ], + [ + "kologische", + -13.093158721923828 + ], + [ + "\u2581Voz", + -13.093266487121582 + ], + [ + "elte", + -13.093280792236328 + ], + [ + "\u2581Pris", + -13.093311309814451 + ], + [ + "\u2581Atem", + -13.093338012695312 + ], + [ + "tuning", + -13.09336280822754 + ], + [ + "\u2581schwerer", + -13.093365669250488 + ], + [ + "\u2581honderd", + -13.093372344970703 + ], + [ + "\u2581alimento", + -13.093396186828612 + ], + [ + "wezen", + -13.093414306640623 + ], + [ + "ony", + -13.093426704406738 + ], + [ + "\u2581Certo", + -13.093466758728027 + ], + [ + "assembl\u00e9e", + -13.093564987182615 + ], + [ + "\u2581sketch", + -13.09361743927002 + ], + [ + "\u2581selecionado", + -13.0936279296875 + ], + [ + "\u2581photon", + -13.09369945526123 + ], + [ + "Ucraina", + -13.09371280670166 + ], + [ + "Indicator", + -13.093741416931152 + ], + [ + "\u2581Krum", + -13.093750953674316 + ], + [ + "paren", + -13.09375286102295 + ], + [ + "\u2581Wonder", + -13.093755722045898 + ], + [ + "\u2581cuyos", + -13.093825340270996 + ], + [ + "\u2581donnant", + -13.093868255615234 + ], + [ + "\u2581Sozialordnung", + -13.093915939331056 + ], + [ + "\u2581Hiermee", + -13.093917846679688 + ], + [ + "\u2581remainder", + -13.093955993652344 + ], + [ + "\u2581passam", + -13.094008445739746 + ], + [ + "\u2581Fit", + -13.094014167785645 + ], + [ + "otic", + -13.094043731689451 + ], + [ + "\u2581adjoint", + -13.094053268432615 + ], + [ + "processing", + -13.09405517578125 + ], + [ + "pins", + -13.09421443939209 + ], + [ + "elde", + -13.094226837158203 + ], + [ + "\u2581tenuta", + -13.094232559204102 + ], + [ + "animated", + -13.09428882598877 + ], + [ + "Claim", + -13.094295501708984 + ], + [ + "\u2581pensamento", + -13.094332695007324 + ], + [ + "\u2581Knoten", + -13.094356536865234 + ], + [ + "\u2581Lugar", + -13.094374656677246 + ], + [ + "\u2581jongeren", + -13.09438133239746 + ], + [ + "\u2581erfolgten", + -13.094408988952637 + ], + [ + "\u2581Soccer", + -13.09443187713623 + ], + [ + "\u2581juristische", + -13.094438552856444 + ], + [ + "\u2581holder", + -13.09446144104004 + ], + [ + "\u2581\u00e9diteur", + -13.09447193145752 + ], + [ + "fordern", + -13.094536781311035 + ], + [ + "\u2581rimangono", + -13.094541549682615 + ], + [ + "\u2581escondido", + -13.094549179077148 + ], + [ + "\u2581Applications", + -13.094560623168944 + ], + [ + "\u2581Vorsorge", + -13.09457015991211 + ], + [ + "zeug", + -13.094635009765623 + ], + [ + "\u2581Ret\u00e1bulo", + -13.094655990600586 + ], + [ + "\u2581sucedi\u00f3", + -13.094696044921877 + ], + [ + "Deportivo", + -13.09471321105957 + ], + [ + "tek", + -13.094717979431152 + ], + [ + "viewController", + -13.094735145568848 + ], + [ + "Vrouw", + -13.09479808807373 + ], + [ + "\u2581warten", + -13.09481716156006 + ], + [ + "\u2581Kafka", + -13.094890594482422 + ], + [ + "\u2581reaches", + -13.094916343688965 + ], + [ + "Modified", + -13.09492015838623 + ], + [ + "pter", + -13.094927787780762 + ], + [ + "Seed", + -13.09495449066162 + ], + [ + "\u2581surpresa", + -13.0950345993042 + ], + [ + "\u2581cents", + -13.095090866088867 + ], + [ + "\u2581pwd", + -13.095190048217772 + ], + [ + "\u2581Rath", + -13.095202445983888 + ], + [ + "\u2581classico", + -13.095282554626465 + ], + [ + "\u2581docent", + -13.095346450805664 + ], + [ + "jw", + -13.09537124633789 + ], + [ + "\u2581pr\u00e9sentation", + -13.095393180847168 + ], + [ + "\u2581touristes", + -13.095410346984863 + ], + [ + "\u2581inspired", + -13.09542751312256 + ], + [ + "bungen", + -13.09548282623291 + ], + [ + "IONE", + -13.09550666809082 + ], + [ + "aida", + -13.09551239013672 + ], + [ + "\u2581Belgium", + -13.095571517944336 + ], + [ + "IMP", + -13.095572471618652 + ], + [ + "\u2581mangia", + -13.095587730407717 + ], + [ + "nominal", + -13.095608711242676 + ], + [ + "\u2581cat\u00e9gories", + -13.095609664916992 + ], + [ + "\u2581cubierta", + -13.095653533935549 + ], + [ + "\u2581estadual", + -13.09567165374756 + ], + [ + "\u2581Gaston", + -13.095702171325684 + ], + [ + "\u2581Alexandra", + -13.095704078674316 + ], + [ + "\u2581Norwegen", + -13.09571361541748 + ], + [ + "mapsto", + -13.09573745727539 + ], + [ + "Comm", + -13.095755577087402 + ], + [ + "\u2581transa", + -13.095816612243652 + ], + [ + "\u2581Rel\u00edquias", + -13.095837593078612 + ], + [ + "\u2581Colonel", + -13.095840454101562 + ], + [ + "\u2581puestos", + -13.095987319946287 + ], + [ + "\u2581Meu", + -13.096099853515623 + ], + [ + "\u2581versante", + -13.096151351928713 + ], + [ + "\u2581addi", + -13.096186637878418 + ], + [ + "enau", + -13.096208572387695 + ], + [ + "\u2581Guglielmo", + -13.096251487731934 + ], + [ + "\u2581sacro", + -13.096296310424805 + ], + [ + "\u2581Lett", + -13.096324920654297 + ], + [ + "kapazit\u00e4t", + -13.096333503723145 + ], + [ + "\u2581unzul\u00e4ssig", + -13.09634017944336 + ], + [ + "\u2581Uber", + -13.09638214111328 + ], + [ + "\u2581effectiveness", + -13.09640121459961 + ], + [ + "\u2581vere", + -13.096436500549316 + ], + [ + "\u2581Montage", + -13.096491813659668 + ], + [ + "qs", + -13.096513748168944 + ], + [ + "Micro", + -13.096550941467283 + ], + [ + "ssimi", + -13.096580505371094 + ], + [ + "\u2581bebidas", + -13.09658145904541 + ], + [ + "\u2581fishes", + -13.096607208251951 + ], + [ + "gr\u00e9", + -13.096624374389648 + ], + [ + "\u2581consid\u00e9r\u00e9e", + -13.096647262573242 + ], + [ + "jf", + -13.096654891967772 + ], + [ + "\u00f3nimo", + -13.096677780151367 + ], + [ + "\u2581scholen", + -13.096678733825684 + ], + [ + "\u2581podido", + -13.096745491027832 + ], + [ + "\u2581betreiben", + -13.096759796142578 + ], + [ + "tris", + -13.096850395202637 + ], + [ + "\u00e1ngulo", + -13.096877098083496 + ], + [ + "\u2581testimonianza", + -13.096915245056152 + ], + [ + "Review", + -13.096920013427734 + ], + [ + "\u2581timing", + -13.096927642822266 + ], + [ + "\u2581lucro", + -13.09694004058838 + ], + [ + "\u2581verdere", + -13.09703540802002 + ], + [ + "\u2581compras", + -13.09708309173584 + ], + [ + "\u2581surf", + -13.097149848937988 + ], + [ + "\u2581consigue", + -13.09715461730957 + ], + [ + "whitespace", + -13.097182273864746 + ], + [ + "BJ", + -13.09719944000244 + ], + [ + "\u2581aparente", + -13.097225189208984 + ], + [ + "dB", + -13.097251892089844 + ], + [ + "\u2581coal", + -13.097253799438477 + ], + [ + "\u2581democracy", + -13.09725570678711 + ], + [ + "\u2581sensation", + -13.097283363342283 + ], + [ + "\u2581adolescente", + -13.097284317016602 + ], + [ + "\u2581profiles", + -13.097290992736816 + ], + [ + "lner", + -13.09730339050293 + ], + [ + "sizeof", + -13.09746265411377 + ], + [ + "Rat", + -13.097563743591309 + ], + [ + "tracht", + -13.097573280334473 + ], + [ + "isca", + -13.0975923538208 + ], + [ + "\u2581rientra", + -13.097634315490724 + ], + [ + "Sun", + -13.09769058227539 + ], + [ + "gari", + -13.097702026367188 + ], + [ + "\u2581mening", + -13.097749710083008 + ], + [ + "\u2581instancia", + -13.09776210784912 + ], + [ + "Fit", + -13.097786903381348 + ], + [ + "uartier", + -13.097801208496094 + ], + [ + "\u2581riconoscere", + -13.097840309143066 + ], + [ + "\u2581muscles", + -13.097942352294922 + ], + [ + "\u2581Dati", + -13.09803581237793 + ], + [ + "\u2581Anwendungen", + -13.098044395446776 + ], + [ + "\u2581Rural", + -13.09807014465332 + ], + [ + "lstlisting", + -13.098088264465332 + ], + [ + "\u2581kinetic", + -13.098140716552734 + ], + [ + "\u2581Beklagte", + -13.098146438598633 + ], + [ + "\u2581dicen", + -13.098186492919922 + ], + [ + "\u2581Ferri", + -13.098188400268556 + ], + [ + "verbrauch", + -13.098211288452148 + ], + [ + "SJ", + -13.09823513031006 + ], + [ + "\u2581Commissione", + -13.09827709197998 + ], + [ + "\u2581Communications", + -13.098305702209473 + ], + [ + "incrocio", + -13.098308563232422 + ], + [ + "\u2581Versand", + -13.098321914672852 + ], + [ + "ermann", + -13.098402976989746 + ], + [ + "\u2581ordering", + -13.098418235778809 + ], + [ + "\u2581plots", + -13.098448753356934 + ], + [ + "lesia", + -13.098459243774414 + ], + [ + "\u2581Substanzen", + -13.098540306091309 + ], + [ + "\u2581Entscheidungs", + -13.098541259765623 + ], + [ + "\u2581essence", + -13.098552703857422 + ], + [ + "carousel", + -13.098559379577637 + ], + [ + "\u2581Instagram", + -13.09860897064209 + ], + [ + "Bou", + -13.098640441894531 + ], + [ + "PROTECT", + -13.098681449890137 + ], + [ + "confirm", + -13.098745346069336 + ], + [ + "\u2581herein", + -13.098751068115234 + ], + [ + "\u2581Dise", + -13.098761558532717 + ], + [ + "\u2581Verzicht", + -13.098773002624512 + ], + [ + "Tele", + -13.098779678344728 + ], + [ + "blur", + -13.098794937133787 + ], + [ + "\u2581spezialisiert", + -13.098811149597168 + ], + [ + "iros", + -13.098814964294434 + ], + [ + "\u00edstico", + -13.098861694335938 + ], + [ + "Unexpected", + -13.098882675170898 + ], + [ + "\u2581Versicherung", + -13.098952293395996 + ], + [ + "\u2581sali", + -13.098966598510742 + ], + [ + "g\u00fcnstig", + -13.098995208740234 + ], + [ + "symbols", + -13.09900188446045 + ], + [ + "\u2581contadini", + -13.099004745483398 + ], + [ + "geh", + -13.09902000427246 + ], + [ + "\u2581emphasis", + -13.099039077758787 + ], + [ + "eul", + -13.099044799804688 + ], + [ + "\u2581Partie", + -13.09906005859375 + ], + [ + "ziele", + -13.099082946777344 + ], + [ + "oberfl\u00e4che", + -13.099164009094238 + ], + [ + "kale", + -13.099165916442873 + ], + [ + "schub", + -13.099206924438477 + ], + [ + "\u2581disorders", + -13.099214553833008 + ], + [ + "Bits", + -13.099223136901855 + ], + [ + "\u2581fung", + -13.09922695159912 + ], + [ + "\u2581percorre", + -13.099227905273438 + ], + [ + "IAS", + -13.099270820617676 + ], + [ + "\u2581vorgeschlagenen", + -13.099272727966309 + ], + [ + "\u2581c\u00f3digos", + -13.099328994750977 + ], + [ + "\u2581desktop", + -13.09935188293457 + ], + [ + "Schedule", + -13.099370956420898 + ], + [ + "Alignment", + -13.099404335021973 + ], + [ + "\u2581troverete", + -13.099431037902832 + ], + [ + "\u2581trouvait", + -13.099451065063477 + ], + [ + "\u2581Leslie", + -13.09959602355957 + ], + [ + "\u2581hispanos", + -13.099663734436035 + ], + [ + "\u2581Grundst\u00fccks", + -13.099675178527832 + ], + [ + "consul", + -13.099719047546388 + ], + [ + "\u2581doente", + -13.099810600280762 + ], + [ + "\u2581Auftrags", + -13.099851608276367 + ], + [ + "\u2581vorbereitet", + -13.099862098693848 + ], + [ + "\u2581valide", + -13.099870681762695 + ], + [ + "disp", + -13.099881172180176 + ], + [ + "\u2581monumentale", + -13.099899291992188 + ], + [ + "\u2581nervous", + -13.099928855895996 + ], + [ + "ives", + -13.099970817565918 + ], + [ + "\u2581Voice", + -13.099971771240234 + ], + [ + "\u2581contrasto", + -13.099980354309082 + ], + [ + "ICO", + -13.10000228881836 + ], + [ + "\u2581bairros", + -13.100022315979004 + ], + [ + "\u2581Nachwuchs", + -13.100041389465332 + ], + [ + "\u2581scalo", + -13.100055694580078 + ], + [ + "subl", + -13.100162506103516 + ], + [ + "mier", + -13.100174903869627 + ], + [ + "gave", + -13.100197792053224 + ], + [ + "\u2581guidare", + -13.10023593902588 + ], + [ + "\u2581salas", + -13.100309371948242 + ], + [ + "CSV", + -13.100324630737305 + ], + [ + "\u2581Trabajo", + -13.10036277770996 + ], + [ + "\u2581s\u00e9lectionn\u00e9", + -13.10036849975586 + ], + [ + "\u2581Lausanne", + -13.100427627563477 + ], + [ + "\u2581Kenia", + -13.100445747375488 + ], + [ + "\u2581\u00fcblich", + -13.10053253173828 + ], + [ + "\u2581osserva", + -13.100534439086914 + ], + [ + "\u2581bispo", + -13.100587844848633 + ], + [ + "\u2581silent", + -13.100613594055176 + ], + [ + "\u2581klare", + -13.100625991821287 + ], + [ + "\u2581relaciona", + -13.10063362121582 + ], + [ + "\u2581Visit", + -13.100669860839844 + ], + [ + "Gene", + -13.100759506225586 + ], + [ + "\u2581okay", + -13.1007661819458 + ], + [ + "\u2581Jerusal\u00e9n", + -13.100811958312988 + ], + [ + "articul", + -13.100828170776367 + ], + [ + "\u2581bandeira", + -13.101006507873535 + ], + [ + "\u2581lights", + -13.101022720336914 + ], + [ + "\u2581ocurri\u00f3", + -13.10103702545166 + ], + [ + "\u2581envi\u00f3", + -13.10104751586914 + ], + [ + "\u2581Meli", + -13.101078987121582 + ], + [ + "\u2581erw\u00e4hnten", + -13.101139068603516 + ], + [ + "\u2581alianza", + -13.101150512695312 + ], + [ + "\u2581gioia", + -13.101151466369627 + ], + [ + "\u2581caf\u00e9s", + -13.101231575012209 + ], + [ + "\u2581profeta", + -13.101232528686523 + ], + [ + "\u2581Prag", + -13.101274490356444 + ], + [ + "Cam", + -13.101275444030762 + ], + [ + "achse", + -13.10129737854004 + ], + [ + "\u2581overstap", + -13.10129737854004 + ], + [ + "aktivit\u00e4ten", + -13.10134506225586 + ], + [ + "vrouw", + -13.101346969604492 + ], + [ + "\u2581Newman", + -13.101362228393556 + ], + [ + "ogni", + -13.101384162902832 + ], + [ + "\u2581succeeded", + -13.101388931274414 + ], + [ + "\u2581prim\u00e4r", + -13.101393699645996 + ], + [ + "\u2581medir", + -13.101399421691896 + ], + [ + "\u2581Beg", + -13.101455688476562 + ], + [ + "\u2581derzeitigen", + -13.101480484008787 + ], + [ + "\u2581Afrique", + -13.101506233215332 + ], + [ + "widgets", + -13.10156536102295 + ], + [ + "\u2581Greece", + -13.101585388183594 + ], + [ + "DIA", + -13.101627349853516 + ], + [ + "\u2581barrage", + -13.101667404174805 + ], + [ + "Drive", + -13.101686477661133 + ], + [ + "\u2581port\u00e9", + -13.101717948913574 + ], + [ + "\u2581Rise", + -13.101734161376951 + ], + [ + "\u2581Diesel", + -13.101808547973633 + ], + [ + "\u2581Applied", + -13.10183811187744 + ], + [ + "yla", + -13.101850509643556 + ], + [ + "k\u00fcste", + -13.101859092712402 + ], + [ + "\u2581vivi\u00f3", + -13.10190486907959 + ], + [ + "\u2581Proprio", + -13.101941108703612 + ], + [ + "uatre", + -13.101943969726562 + ], + [ + "n\u00e9es", + -13.101969718933104 + ], + [ + "tablissements", + -13.10198211669922 + ], + [ + "\u2581envoy\u00e9", + -13.101983070373535 + ], + [ + "\u2581behouden", + -13.101984024047852 + ], + [ + "\u2581Exit", + -13.101988792419434 + ], + [ + "Vertical", + -13.102028846740724 + ], + [ + "\u2581Sowjetunion", + -13.10210132598877 + ], + [ + "\u2581challenging", + -13.10211944580078 + ], + [ + "Large", + -13.102201461791992 + ], + [ + "\u2581destro", + -13.10220432281494 + ], + [ + "\u2581ineg\u00e1veis", + -13.102237701416016 + ], + [ + "\u2581hoeveelheid", + -13.10224723815918 + ], + [ + "\u2581arrivato", + -13.102252006530762 + ], + [ + "eggia", + -13.10228157043457 + ], + [ + "\u2581Junge", + -13.10234546661377 + ], + [ + "\u2581ingreso", + -13.10235595703125 + ], + [ + "\u2581'';", + -13.10236644744873 + ], + [ + "prov", + -13.102391242980955 + ], + [ + "\u2581Lorsqu", + -13.102409362792969 + ], + [ + "\u2581kurzer", + -13.102424621582031 + ], + [ + "\u2581Diretto", + -13.102426528930664 + ], + [ + "\u2581chown", + -13.102434158325195 + ], + [ + "observer", + -13.102458953857422 + ], + [ + "Og", + -13.102492332458496 + ], + [ + "\u2581fiscale", + -13.102508544921877 + ], + [ + "\u2581Senza", + -13.102571487426758 + ], + [ + "\u2581monumenten", + -13.10259246826172 + ], + [ + "Closure", + -13.10260772705078 + ], + [ + "loaded", + -13.10261344909668 + ], + [ + "\u2581neutron", + -13.10264015197754 + ], + [ + "hana", + -13.102689743041992 + ], + [ + "\u2581zeeniveau", + -13.10273551940918 + ], + [ + "\u2581Trainings", + -13.102744102478027 + ], + [ + "\u2581arch", + -13.102745056152344 + ], + [ + "\u2581herstellen", + -13.102760314941406 + ], + [ + "\u2581poderiam", + -13.102771759033203 + ], + [ + "\u2581ganhar", + -13.10280418395996 + ], + [ + "\u2581profiter", + -13.102829933166504 + ], + [ + "stringify", + -13.102848052978516 + ], + [ + "ologica", + -13.102904319763184 + ], + [ + "\u2581Tomas", + -13.103015899658203 + ], + [ + "estimate", + -13.103055000305176 + ], + [ + "\u2581queria", + -13.10308074951172 + ], + [ + "\u2581Traum", + -13.103230476379396 + ], + [ + "gada", + -13.10328769683838 + ], + [ + "\u2581Trier", + -13.10328769683838 + ], + [ + "\u2581anonymous", + -13.103331565856934 + ], + [ + "\u2581teorias", + -13.103363037109377 + ], + [ + "rima", + -13.103389739990234 + ], + [ + "urin", + -13.10339641571045 + ], + [ + "\u2581T\u00f3quio", + -13.10342788696289 + ], + [ + "wertung", + -13.103466987609863 + ], + [ + "jarig", + -13.10348129272461 + ], + [ + "Gall", + -13.103496551513672 + ], + [ + "\u2581categorias", + -13.103498458862305 + ], + [ + "\u2581Abwehr", + -13.103511810302734 + ], + [ + "equ", + -13.103530883789062 + ], + [ + "expert", + -13.103593826293944 + ], + [ + "\u2581consola", + -13.10361671447754 + ], + [ + "Assignment", + -13.103635787963867 + ], + [ + "\u2581riconosciuto", + -13.103666305541992 + ], + [ + "utz", + -13.1036958694458 + ], + [ + "\u2581reunir", + -13.103705406188965 + ], + [ + "\u2581integrada", + -13.103763580322266 + ], + [ + "\u2581Malcolm", + -13.103787422180176 + ], + [ + "\u2581serra", + -13.103792190551758 + ], + [ + "\u2581ocidental", + -13.103826522827148 + ], + [ + "\u2581liver", + -13.103877067565918 + ], + [ + "\u2581koninkrijk", + -13.103897094726562 + ], + [ + "\u2581Oil", + -13.10389804840088 + ], + [ + "ddd", + -13.103952407836914 + ], + [ + "Mono", + -13.104016304016112 + ], + [ + "\u2581esp\u00edrito", + -13.104023933410645 + ], + [ + "locations", + -13.104049682617188 + ], + [ + "\u2581belonging", + -13.104060173034668 + ], + [ + "\u2581ICT", + -13.10406494140625 + ], + [ + "apk", + -13.104122161865234 + ], + [ + "Norm", + -13.104126930236816 + ], + [ + "\u2581marqu\u00e9e", + -13.104141235351562 + ], + [ + "Cube", + -13.10414695739746 + ], + [ + "mutation", + -13.104166984558104 + ], + [ + "takt", + -13.104166984558104 + ], + [ + "\u2581retina", + -13.104246139526367 + ], + [ + "\u2581descubrimiento", + -13.10427188873291 + ], + [ + "\u2581credentials", + -13.10430908203125 + ], + [ + "\u2581electr\u00f3nico", + -13.104345321655272 + ], + [ + "\u2581rappresentato", + -13.104373931884766 + ], + [ + "cati", + -13.104488372802734 + ], + [ + "sistente", + -13.104507446289062 + ], + [ + "\u2581Sage", + -13.10450839996338 + ], + [ + "\u2581featured", + -13.104554176330566 + ], + [ + "timezone", + -13.104592323303224 + ], + [ + "\u2581Pensa", + -13.104619026184082 + ], + [ + "\u2581canonical", + -13.10462760925293 + ], + [ + "Methods", + -13.104779243469238 + ], + [ + "\u2581erh\u00e4ltlich", + -13.104793548583984 + ], + [ + "\u2581Portrait", + -13.104805946350098 + ], + [ + "ividad", + -13.104827880859377 + ], + [ + "\u2581kostenlos", + -13.104851722717283 + ], + [ + "\u2581fil\u00f3sofo", + -13.104862213134766 + ], + [ + "Opera", + -13.104907035827637 + ], + [ + "\u2581troubles", + -13.104907989501951 + ], + [ + "\u2581vereinbar", + -13.104909896850586 + ], + [ + "DataFrame", + -13.104923248291016 + ], + [ + "chemie", + -13.104944229125977 + ], + [ + "\u2581fonctionne", + -13.104981422424316 + ], + [ + "\u2581Praktische", + -13.105051040649414 + ], + [ + "\u2581Coach", + -13.105066299438477 + ], + [ + "Kinder", + -13.105072021484377 + ], + [ + "\u2581hack", + -13.105088233947754 + ], + [ + "dico", + -13.105141639709473 + ], + [ + "\u2581Lucio", + -13.105147361755373 + ], + [ + "Absolute", + -13.105226516723633 + ], + [ + "\u2581desarrolla", + -13.10524845123291 + ], + [ + "\u2581produtor", + -13.105287551879885 + ], + [ + "Models", + -13.105326652526855 + ], + [ + "cilinder", + -13.105332374572754 + ], + [ + "\u2581avvenne", + -13.105359077453612 + ], + [ + "very", + -13.105361938476562 + ], + [ + "\u2581enregistr\u00e9", + -13.10537052154541 + ], + [ + "giu", + -13.10539436340332 + ], + [ + "\u2581Valor", + -13.105425834655762 + ], + [ + "\u2581ergreifen", + -13.105457305908203 + ], + [ + "\u2581Animation", + -13.10546588897705 + ], + [ + "tivamente", + -13.105472564697266 + ], + [ + "cached", + -13.105494499206545 + ], + [ + "\u2581velo", + -13.105525970458984 + ], + [ + "\u2581campionati", + -13.105573654174805 + ], + [ + "TextView", + -13.10557460784912 + ], + [ + "\u2581Chevalier", + -13.10560417175293 + ], + [ + "EAN", + -13.10562515258789 + ], + [ + "vw", + -13.105626106262209 + ], + [ + "regul", + -13.105649948120115 + ], + [ + "\u2581dessin\u00e9e", + -13.105700492858888 + ], + [ + "\u2581vliegveld", + -13.105716705322266 + ], + [ + "nius", + -13.10572910308838 + ], + [ + "\u2581assegnato", + -13.105730056762695 + ], + [ + "\u2581dragon", + -13.105732917785645 + ], + [ + "HEL", + -13.105795860290527 + ], + [ + "\u2581distretti", + -13.105826377868652 + ], + [ + "\u2581lungs", + -13.105830192565918 + ], + [ + "\u2581Freude", + -13.105838775634766 + ], + [ + "teilung", + -13.10593318939209 + ], + [ + "beamten", + -13.105944633483888 + ], + [ + "cl\u00e9", + -13.105969429016112 + ], + [ + "Alter", + -13.105975151062012 + ], + [ + "anes", + -13.105998039245604 + ], + [ + "gegeven", + -13.10603141784668 + ], + [ + "allowed", + -13.106051445007324 + ], + [ + "\u2581gefallen", + -13.10605525970459 + ], + [ + "\u2581cessa", + -13.106082916259766 + ], + [ + "\u2581Jac", + -13.106122970581056 + ], + [ + "\u2581Rota", + -13.10612678527832 + ], + [ + "\u2581noordoosten", + -13.106170654296877 + ], + [ + "\u2581Unicode", + -13.10618495941162 + ], + [ + "\u2581arm\u00e9es", + -13.106245040893556 + ], + [ + "\u2581sons", + -13.106257438659668 + ], + [ + "\u2581Hemi", + -13.106304168701172 + ], + [ + "\u2581ingang", + -13.10636043548584 + ], + [ + "goni", + -13.106396675109863 + ], + [ + "\u2581nativos", + -13.10641098022461 + ], + [ + "\u2581aplicativo", + -13.106470108032228 + ], + [ + "joint", + -13.10647678375244 + ], + [ + "\u2581composizione", + -13.106507301330566 + ], + [ + "\u2581Plattform", + -13.106532096862791 + ], + [ + "\u2581fired", + -13.106568336486816 + ], + [ + "riff", + -13.106589317321776 + ], + [ + "oye", + -13.106606483459473 + ], + [ + "\u2581W\u00e4hler", + -13.106607437133787 + ], + [ + "gord", + -13.106626510620115 + ], + [ + "\u2581econ\u00f3micos", + -13.10662841796875 + ], + [ + "apsule", + -13.106675148010254 + ], + [ + "\u2581schemes", + -13.106680870056152 + ], + [ + "\u2581desea", + -13.10668659210205 + ], + [ + "amel", + -13.106751441955566 + ], + [ + "\u2581tardo", + -13.106757164001465 + ], + [ + "cari", + -13.106771469116213 + ], + [ + "examen", + -13.106852531433104 + ], + [ + "\u2581nachweisen", + -13.10689640045166 + ], + [ + "\u2581leerling", + -13.106952667236328 + ], + [ + "\u00e9coute", + -13.106978416442873 + ], + [ + "DIF", + -13.107003211975098 + ], + [ + "BOOL", + -13.107016563415527 + ], + [ + "\u2581troviamo", + -13.107075691223145 + ], + [ + "\u2581dokumentiert", + -13.107099533081056 + ], + [ + "\u2581affinch\u00e9", + -13.10712718963623 + ], + [ + "\u2581Rab", + -13.10714626312256 + ], + [ + "\u2581antenna", + -13.107189178466797 + ], + [ + "nje", + -13.107275009155272 + ], + [ + "\u2581quotidiano", + -13.10728359222412 + ], + [ + "inproceedings", + -13.10728931427002 + ], + [ + "Studie", + -13.107344627380373 + ], + [ + "\u2581erfolgreiche", + -13.107345581054688 + ], + [ + "formel", + -13.107346534729004 + ], + [ + "\u2581displays", + -13.107386589050291 + ], + [ + "\u2581altern", + -13.107409477233888 + ], + [ + "bli", + -13.10745334625244 + ], + [ + "\u2581Physik", + -13.107470512390137 + ], + [ + "\u2581Richardson", + -13.107486724853516 + ], + [ + "\u2581Anal", + -13.10757064819336 + ], + [ + "\u2581Mitgliedschaft", + -13.107589721679688 + ], + [ + "kation", + -13.107605934143066 + ], + [ + "\u2581universelle", + -13.107638359069824 + ], + [ + "herbe", + -13.107648849487305 + ], + [ + "\u2581rischi", + -13.107708930969238 + ], + [ + "\u2581Reims", + -13.107802391052246 + ], + [ + "\u2581enternecedoras", + -13.107843399047852 + ], + [ + "\u2581ferroviarie", + -13.10785675048828 + ], + [ + "\u2581sank", + -13.107892036437988 + ], + [ + "\u2581kehrte", + -13.107917785644531 + ], + [ + "\u2581competitive", + -13.107940673828123 + ], + [ + "\u2581contribue", + -13.107940673828123 + ], + [ + "gv", + -13.107951164245604 + ], + [ + "positiv", + -13.107972145080566 + ], + [ + "\u2581rendez", + -13.107972145080566 + ], + [ + "\u2581Kwa", + -13.107977867126465 + ], + [ + "\u2581Renato", + -13.108036041259766 + ], + [ + "jit", + -13.10805892944336 + ], + [ + "sched", + -13.10808563232422 + ], + [ + "\u2581ministerie", + -13.108108520507812 + ], + [ + "\u2581retrait", + -13.108121871948242 + ], + [ + "\u2581rising", + -13.108141899108888 + ], + [ + "centi", + -13.108192443847656 + ], + [ + "nvloed", + -13.108199119567873 + ], + [ + "\u2581Location", + -13.108281135559082 + ], + [ + "cay", + -13.108287811279297 + ], + [ + "\u2581comentarios", + -13.108291625976562 + ], + [ + "FAIL", + -13.108345985412598 + ], + [ + "timeline", + -13.108373641967772 + ], + [ + "uinn", + -13.10838508605957 + ], + [ + "\u2581offiziell", + -13.108393669128418 + ], + [ + "\u2581Fields", + -13.108412742614746 + ], + [ + "simo", + -13.108413696289062 + ], + [ + "ittel", + -13.108430862426758 + ], + [ + "\u2581ritiene", + -13.108466148376465 + ], + [ + "\u2581zuster", + -13.108471870422363 + ], + [ + "thon", + -13.108476638793944 + ], + [ + "\u2581Cash", + -13.108501434326172 + ], + [ + "\u2581Grunds\u00e4tzlich", + -13.108680725097656 + ], + [ + "\u2581combinations", + -13.108720779418944 + ], + [ + "\u2581chiusa", + -13.10877513885498 + ], + [ + "Biografie", + -13.108778953552246 + ], + [ + "\u2581Distanz", + -13.108778953552246 + ], + [ + "ebd", + -13.108819961547852 + ], + [ + "\u2581energetic", + -13.10883903503418 + ], + [ + "tante", + -13.108932495117188 + ], + [ + "pink", + -13.10894012451172 + ], + [ + "Hop", + -13.108952522277832 + ], + [ + "yum", + -13.108963966369627 + ], + [ + "\u2581lebte", + -13.108990669250488 + ], + [ + "\u2581intervenci\u00f3n", + -13.10899543762207 + ], + [ + "\u2581ruin", + -13.109076499938965 + ], + [ + "\u2581pr\u00e9fecture", + -13.10909366607666 + ], + [ + "\u2581Rechtsanwalt", + -13.109097480773926 + ], + [ + "DROP", + -13.109130859375 + ], + [ + "\u2581cutting", + -13.109152793884276 + ], + [ + "\u2581vervolg", + -13.109161376953123 + ], + [ + "aru", + -13.109164237976074 + ], + [ + "React", + -13.109169006347656 + ], + [ + "gien", + -13.109264373779297 + ], + [ + "\u2581veh\u00edculo", + -13.10931396484375 + ], + [ + "\u2581dolci", + -13.109323501586914 + ], + [ + "\u2581relate", + -13.10935401916504 + ], + [ + "\u2581SF", + -13.109396934509276 + ], + [ + "\u2581chiamati", + -13.109397888183594 + ], + [ + "\u2581toegekend", + -13.10939884185791 + ], + [ + "\u2581wrapped", + -13.10944366455078 + ], + [ + "\u2581Algebra", + -13.109477996826172 + ], + [ + "olini", + -13.109492301940918 + ], + [ + "grim", + -13.10952091217041 + ], + [ + "\u2581Leitlinien", + -13.109530448913574 + ], + [ + "\u2581CNSA", + -13.109556198120115 + ], + [ + "\u2581tempestade", + -13.109599113464355 + ], + [ + "\u2581attendre", + -13.109610557556152 + ], + [ + "\u2581predica", + -13.10963535308838 + ], + [ + "\u2581Brooks", + -13.109702110290527 + ], + [ + "\u2581Mexican", + -13.109821319580078 + ], + [ + "\u2581gleichnamigen", + -13.109830856323242 + ], + [ + "automne", + -13.10984230041504 + ], + [ + "dler", + -13.109899520874023 + ], + [ + "\u2581aid", + -13.109904289245604 + ], + [ + "\u2581Verdacht", + -13.109976768493652 + ], + [ + "FFF", + -13.109999656677246 + ], + [ + "\u2581k\u00fcnftige", + -13.110103607177734 + ], + [ + "\u2581briefly", + -13.110139846801758 + ], + [ + "Prepare", + -13.110152244567873 + ], + [ + "Ax", + -13.110246658325195 + ], + [ + "anger", + -13.11028289794922 + ], + [ + "\u2581gram\u00e1tica", + -13.1102876663208 + ], + [ + "\u2581Banque", + -13.1102933883667 + ], + [ + "\u2581Rechten", + -13.110347747802734 + ], + [ + "\u2581Edmond", + -13.11034870147705 + ], + [ + "\u2581saisons", + -13.110366821289062 + ], + [ + "\u2581cuello", + -13.11038875579834 + ], + [ + "dagger", + -13.110432624816896 + ], + [ + "\u2581linguistique", + -13.110433578491213 + ], + [ + "\u2581adapted", + -13.110482215881348 + ], + [ + "\u2581ouvrages", + -13.11048412322998 + ], + [ + "\u2581Near", + -13.110604286193848 + ], + [ + "\u2581Dijk", + -13.110639572143556 + ], + [ + "Albert", + -13.110658645629885 + ], + [ + "\u2581neanche", + -13.110705375671388 + ], + [ + "vorgang", + -13.11072063446045 + ], + [ + "HEADER", + -13.110836029052734 + ], + [ + "\u2581Militaire", + -13.110840797424316 + ], + [ + "\u2581decisivo", + -13.110851287841797 + ], + [ + "akken", + -13.11087703704834 + ], + [ + "Rev", + -13.110880851745604 + ], + [ + "\u2581Bara", + -13.110923767089844 + ], + [ + "\u2581osservare", + -13.110949516296388 + ], + [ + "\u2581appartiene", + -13.110965728759766 + ], + [ + "\u2581Sacramento", + -13.11098861694336 + ], + [ + "\u2581Besides", + -13.110989570617676 + ], + [ + "\u2581mannelijke", + -13.110998153686523 + ], + [ + "CBC", + -13.111005783081056 + ], + [ + "textarea", + -13.111040115356444 + ], + [ + "\u2581peg", + -13.111141204833984 + ], + [ + "\u2581flav", + -13.111150741577148 + ], + [ + "adjustments", + -13.11118507385254 + ], + [ + "\u2581castellano", + -13.111197471618652 + ], + [ + "\u2581g\u00fcnstiger", + -13.111209869384766 + ], + [ + "\u2581estivesse", + -13.1112699508667 + ], + [ + "\u2581majeure", + -13.111308097839355 + ], + [ + "kapelle", + -13.111337661743164 + ], + [ + "conte", + -13.111343383789062 + ], + [ + "\u2581ideias", + -13.11137580871582 + ], + [ + "letta", + -13.111464500427246 + ], + [ + "\u2581fro", + -13.1115140914917 + ], + [ + "\u2581tweevleugelige", + -13.111557960510254 + ], + [ + "\u2581cheveux", + -13.111563682556152 + ], + [ + "\u2581pluri", + -13.111564636230469 + ], + [ + "\u2581spoorwegstation", + -13.111578941345217 + ], + [ + "\u2581brengt", + -13.111581802368164 + ], + [ + "\u2581ArrayList", + -13.111590385437012 + ], + [ + "Nicht", + -13.11160945892334 + ], + [ + "\u2581Hide", + -13.1116304397583 + ], + [ + "\u2581confronta", + -13.111665725708008 + ], + [ + "\u2581Esporte", + -13.11167049407959 + ], + [ + "\u2581conoci\u00f3", + -13.111690521240234 + ], + [ + "v\u00e9r", + -13.11181640625 + ], + [ + "scratch", + -13.111828804016112 + ], + [ + "ATE", + -13.111846923828123 + ], + [ + "\u2581battuto", + -13.111912727355955 + ], + [ + "\u2581Rud", + -13.111915588378906 + ], + [ + "\u2581gestattet", + -13.111953735351562 + ], + [ + "\u2581palla", + -13.111984252929688 + ], + [ + "\u2581compagnies", + -13.112061500549316 + ], + [ + "\u2581Gerichtshof", + -13.112088203430176 + ], + [ + "ciendo", + -13.112117767333984 + ], + [ + "wash", + -13.112130165100098 + ], + [ + "\u2581discharge", + -13.112131118774414 + ], + [ + "vormen", + -13.11215114593506 + ], + [ + "\u2581Befunde", + -13.112235069274902 + ], + [ + "\u2581Abdul", + -13.112314224243164 + ], + [ + "\u2581Sylvia", + -13.112399101257324 + ], + [ + "\u2581Disk", + -13.112433433532717 + ], + [ + "\u2581Puede", + -13.11244010925293 + ], + [ + "pusieron", + -13.112590789794922 + ], + [ + "\u2581Soleil", + -13.11262035369873 + ], + [ + "vertrags", + -13.112715721130373 + ], + [ + "UDP", + -13.112743377685549 + ], + [ + "\u00e9pi", + -13.112768173217772 + ], + [ + "\u2581sozinho", + -13.112775802612305 + ], + [ + "\u2581determinato", + -13.112780570983888 + ], + [ + "\u2581escritas", + -13.112800598144531 + ], + [ + "street", + -13.11282444000244 + ], + [ + "\u2581zentral", + -13.11282444000244 + ], + [ + "\u2581S\u00f3lo", + -13.112833023071287 + ], + [ + "esercizio", + -13.112857818603516 + ], + [ + "\u2581Pr\u00e4vention", + -13.11288070678711 + ], + [ + "\u2581migliorare", + -13.11290168762207 + ], + [ + "\u2581tentative", + -13.112957000732422 + ], + [ + "\u2581croix", + -13.11296558380127 + ], + [ + "Shader", + -13.113018035888672 + ], + [ + "cidas", + -13.113110542297363 + ], + [ + "\u2581Durma", + -13.113116264343262 + ], + [ + "\u2581Azkaban", + -13.113119125366213 + ], + [ + "\u2581portable", + -13.11314868927002 + ], + [ + "\u2581solide", + -13.113149642944336 + ], + [ + "\u2581playa", + -13.113178253173828 + ], + [ + "sClient", + -13.11324977874756 + ], + [ + "\u2581valli", + -13.11326026916504 + ], + [ + "mage", + -13.113323211669922 + ], + [ + "\u2581fotograf\u00eda", + -13.11332893371582 + ], + [ + "gha", + -13.113357543945312 + ], + [ + "\u2581filosofi", + -13.113381385803224 + ], + [ + "\u2581frutos", + -13.1134033203125 + ], + [ + "\u2581torri", + -13.11343765258789 + ], + [ + "\u2581Chim", + -13.113500595092772 + ], + [ + "\u2581operational", + -13.113532066345217 + ], + [ + "waard", + -13.113593101501465 + ], + [ + "\u2581Adige", + -13.113629341125488 + ], + [ + "tambi\u00e9n", + -13.11363697052002 + ], + [ + "\u2581vittorie", + -13.11372184753418 + ], + [ + "\u2581Wissenschaften", + -13.113789558410645 + ], + [ + "\u2581Calvin", + -13.113792419433594 + ], + [ + "texorpdfstring", + -13.11383819580078 + ], + [ + "\u2581Contea", + -13.113909721374512 + ], + [ + "\u2581ragazze", + -13.1139497756958 + ], + [ + "\u2581especula", + -13.113983154296877 + ], + [ + "\u2581nobles", + -13.11398696899414 + ], + [ + "\u2581Abfahrt", + -13.114006042480469 + ], + [ + "berei", + -13.114008903503418 + ], + [ + "ambassade", + -13.11401653289795 + ], + [ + "\u2581sql", + -13.114038467407228 + ], + [ + "\u2581carton", + -13.114076614379885 + ], + [ + "\u2581yards", + -13.114092826843262 + ], + [ + "\u2581reprodu", + -13.11410140991211 + ], + [ + "\u2581iptables", + -13.1141357421875 + ], + [ + "\u2581Mapa", + -13.114173889160156 + ], + [ + "\u2581espaces", + -13.114195823669434 + ], + [ + "\u2581brevemente", + -13.11423683166504 + ], + [ + "\u2581defend", + -13.114255905151367 + ], + [ + "\u2581apare", + -13.114263534545898 + ], + [ + "\u2581truck", + -13.11431121826172 + ], + [ + "\u2581risa", + -13.114316940307615 + ], + [ + "kust", + -13.114405632019045 + ], + [ + "\u2581reli", + -13.114409446716309 + ], + [ + "lito", + -13.114432334899902 + ], + [ + "\u2581vistos", + -13.114444732666016 + ], + [ + "Water", + -13.114459991455078 + ], + [ + "\u2581Thir", + -13.114494323730469 + ], + [ + "\u2581Politische", + -13.114508628845217 + ], + [ + "\u2581douze", + -13.114509582519531 + ], + [ + "\u2581Iz", + -13.114542007446287 + ], + [ + "\u2581knock", + -13.114594459533691 + ], + [ + "\u2581gesture", + -13.114599227905272 + ], + [ + "guas", + -13.114619255065918 + ], + [ + "achter", + -13.114649772644045 + ], + [ + "\u2581sauvegarde", + -13.11468505859375 + ], + [ + "declare", + -13.114686012268066 + ], + [ + "\u2581revelado", + -13.114709854125977 + ], + [ + "\u2581lenta", + -13.11474895477295 + ], + [ + "\u2581Bestehen", + -13.114752769470217 + ], + [ + "\u2581obligatoire", + -13.114752769470217 + ], + [ + "\u2581kandidaat", + -13.11476230621338 + ], + [ + "Andrea", + -13.114792823791504 + ], + [ + "\u2581excessive", + -13.114805221557615 + ], + [ + "Migration", + -13.114827156066896 + ], + [ + "kalender", + -13.114845275878906 + ], + [ + "\u2581accueille", + -13.11485767364502 + ], + [ + "tigung", + -13.114895820617676 + ], + [ + "\u2581Mitarbeitern", + -13.11495590209961 + ], + [ + "\u2581assiste", + -13.115045547485352 + ], + [ + "\u2581utilisent", + -13.11505126953125 + ], + [ + "\u2581Unterhaltung", + -13.115057945251465 + ], + [ + "\u2581WM", + -13.115060806274414 + ], + [ + "\u2581Stazione", + -13.115081787109377 + ], + [ + "\u2581gerechnet", + -13.11516284942627 + ], + [ + "pagination", + -13.115181922912598 + ], + [ + "\u2581caos", + -13.11519718170166 + ], + [ + "\u2581unseres", + -13.115227699279783 + ], + [ + "\u2581Moritz", + -13.115229606628418 + ], + [ + "flie", + -13.115251541137695 + ], + [ + "\u2581quadratic", + -13.115281105041504 + ], + [ + "\u2581onge", + -13.115289688110352 + ], + [ + "lat\u00e9ral", + -13.115300178527832 + ], + [ + "lers", + -13.115309715270996 + ], + [ + "\u2581Faz", + -13.115326881408691 + ], + [ + "\u2581Ereignis", + -13.115349769592283 + ], + [ + "Carreira", + -13.115374565124512 + ], + [ + "systemd", + -13.11539077758789 + ], + [ + "\u2581Vorbild", + -13.115395545959473 + ], + [ + "\u2581ciascuna", + -13.1154146194458 + ], + [ + "mord", + -13.11544132232666 + ], + [ + "\u2581aplicativos", + -13.115450859069824 + ], + [ + "\u2581invasi\u00f3n", + -13.115470886230469 + ], + [ + "\u2581Tama", + -13.115509033203123 + ], + [ + "ams", + -13.115514755249023 + ], + [ + "Currency", + -13.115530014038086 + ], + [ + "ffi", + -13.115544319152832 + ], + [ + "\u2581englischen", + -13.115572929382324 + ], + [ + "chk", + -13.115577697753906 + ], + [ + "lation", + -13.115742683410645 + ], + [ + "\u2581Willis", + -13.11574649810791 + ], + [ + "ocular", + -13.115752220153809 + ], + [ + "\u2581pr\u00e1cticamente", + -13.11575984954834 + ], + [ + "\u2581Arsenal", + -13.115761756896973 + ], + [ + "\u2581individuale", + -13.115767478942873 + ], + [ + "\u2581solaire", + -13.115769386291504 + ], + [ + "\u2581bem\u00fcht", + -13.115775108337402 + ], + [ + "\u2581Anfangs", + -13.115784645080566 + ], + [ + "international", + -13.11580753326416 + ], + [ + "\u2581produziert", + -13.115884780883787 + ], + [ + "\u00e9lite", + -13.115924835205078 + ], + [ + "h\u00e9li", + -13.115930557250977 + ], + [ + "\u2581zeitlichen", + -13.11594295501709 + ], + [ + "\u2581Cincinnati", + -13.11596965789795 + ], + [ + "\u2581Admiral", + -13.116040229797363 + ], + [ + "\u2581pr\u00f3", + -13.11605167388916 + ], + [ + "\u2581Jugendhilfe", + -13.11606502532959 + ], + [ + "\u2581financier", + -13.116085052490234 + ], + [ + "ndorf", + -13.116086959838867 + ], + [ + "EUR", + -13.116132736206056 + ], + [ + "bundled", + -13.11620044708252 + ], + [ + "\u2581Doktor", + -13.11621379852295 + ], + [ + "Thomas", + -13.116239547729492 + ], + [ + "\u2581Asturias", + -13.1162691116333 + ], + [ + "virtualenv", + -13.116313934326172 + ], + [ + "\u2581konkret", + -13.116325378417969 + ], + [ + "\u2581ficha", + -13.11634635925293 + ], + [ + "\u2581axe", + -13.116352081298828 + ], + [ + "\u2581douleur", + -13.116400718688965 + ], + [ + "TITLE", + -13.11642074584961 + ], + [ + "caso", + -13.11642837524414 + ], + [ + "\u2581bedeutende", + -13.116436958312988 + ], + [ + "\u2581remport\u00e9", + -13.116448402404783 + ], + [ + "\u2581SSL", + -13.116462707519531 + ], + [ + "\u2581passano", + -13.116487503051758 + ], + [ + "\u2581Amsterdamse", + -13.116488456726074 + ], + [ + "\u2581voter", + -13.116500854492188 + ], + [ + "\u2581tak", + -13.116522789001465 + ], + [ + "GAN", + -13.116626739501951 + ], + [ + "MULTI", + -13.116641998291016 + ], + [ + "beg", + -13.116662979125977 + ], + [ + "\u2581universitaire", + -13.116775512695312 + ], + [ + "English", + -13.11678695678711 + ], + [ + "\u2581slaagde", + -13.11679458618164 + ], + [ + "\u2581docteur", + -13.116815567016602 + ], + [ + "DIST", + -13.116827011108398 + ], + [ + "SUCCESS", + -13.116851806640623 + ], + [ + "gte", + -13.116888999938965 + ], + [ + "\u2581automatique", + -13.11692714691162 + ], + [ + "\u2581gegangen", + -13.116971015930176 + ], + [ + "MARK", + -13.116971969604492 + ], + [ + "\u2581Ligne", + -13.116986274719238 + ], + [ + "\u2581Mannen", + -13.11701774597168 + ], + [ + "\u2581satisfying", + -13.117021560668944 + ], + [ + "bush", + -13.117073059082031 + ], + [ + "\u2581abgeleitet", + -13.117079734802246 + ], + [ + "dS", + -13.117091178894045 + ], + [ + "\u2581establecido", + -13.11711597442627 + ], + [ + "\u2581Nutz", + -13.117152214050291 + ], + [ + "\u2581ajoute", + -13.117161750793455 + ], + [ + "\u2581Roda", + -13.117188453674316 + ], + [ + "imbabwe", + -13.11724853515625 + ], + [ + "\u2581Singer", + -13.117264747619627 + ], + [ + "aarde", + -13.117279052734377 + ], + [ + "\u2581Ries", + -13.11729621887207 + ], + [ + "\u2581estimula", + -13.117354393005373 + ], + [ + "\u2581survive", + -13.117354393005373 + ], + [ + "\u2581Pale", + -13.11736297607422 + ], + [ + "\u2581typisch", + -13.117387771606444 + ], + [ + "Updates", + -13.117440223693848 + ], + [ + "\u2581ethnic", + -13.117461204528809 + ], + [ + "\u2581ECU", + -13.117480278015137 + ], + [ + "\u2581beheer", + -13.117630004882812 + ], + [ + "\u2581grondgebied", + -13.11764907836914 + ], + [ + "\u2581Bed\u00fcrfnisse", + -13.117695808410645 + ], + [ + "\u2581individuele", + -13.11769676208496 + ], + [ + "plasm", + -13.117807388305664 + ], + [ + "\u2581Norway", + -13.117874145507812 + ], + [ + "\u2581mk", + -13.117932319641112 + ], + [ + "imper", + -13.118074417114258 + ], + [ + "\u2581Psychologie", + -13.118074417114258 + ], + [ + "ASS", + -13.11815357208252 + ], + [ + "\u2581Malm", + -13.118156433105469 + ], + [ + "\u2581medica", + -13.118157386779783 + ], + [ + "\u2581courte", + -13.118215560913086 + ], + [ + "\u2581cargas", + -13.118250846862791 + ], + [ + "\u2581judiciaire", + -13.118274688720703 + ], + [ + "\u2581Isl", + -13.118345260620115 + ], + [ + "bezier", + -13.118475914001465 + ], + [ + "subfigure", + -13.118547439575195 + ], + [ + "\u2581Rechtsgrundlage", + -13.118556022644045 + ], + [ + "brun", + -13.118596076965332 + ], + [ + "clus", + -13.11862850189209 + ], + [ + "\u2581Alf", + -13.118635177612305 + ], + [ + "\u2581Niagara", + -13.118666648864746 + ], + [ + "RESULTS", + -13.118799209594728 + ], + [ + "gran", + -13.118830680847168 + ], + [ + "\u2581Potete", + -13.118852615356444 + ], + [ + "\u2581beneath", + -13.11887264251709 + ], + [ + "\u2581pump", + -13.118891716003418 + ], + [ + "h\u00ed", + -13.118900299072266 + ], + [ + "krise", + -13.118905067443848 + ], + [ + "\u2581profundidade", + -13.118911743164062 + ], + [ + "\u2581winkel", + -13.118931770324709 + ], + [ + "\u2581dimostrato", + -13.118935585021973 + ], + [ + "Pending", + -13.11898422241211 + ], + [ + "\u2581outdoor", + -13.118990898132324 + ], + [ + "\u2581shortly", + -13.119043350219728 + ], + [ + "\u2581Hungr\u00eda", + -13.119077682495115 + ], + [ + "\u2581listing", + -13.119095802307127 + ], + [ + "outs", + -13.119138717651367 + ], + [ + "\u2581\u00e9lectronique", + -13.119147300720217 + ], + [ + "\u2581astron\u00f3micos", + -13.11916160583496 + ], + [ + "esimo", + -13.119169235229492 + ], + [ + "Wu", + -13.119211196899414 + ], + [ + "\u2581Neder", + -13.119237899780272 + ], + [ + "\u2581Dois", + -13.11925983428955 + ], + [ + "\u2581tasa", + -13.119279861450195 + ], + [ + "\u2581travaill\u00e9", + -13.11933708190918 + ], + [ + "\u2581admis", + -13.119377136230469 + ], + [ + "\u00e4nge", + -13.119379043579102 + ], + [ + "\u2581Brussels", + -13.119388580322266 + ], + [ + "stimmen", + -13.119397163391112 + ], + [ + "Garonne", + -13.119404792785645 + ], + [ + "\u2581infancia", + -13.119407653808594 + ], + [ + "\u2581Templo", + -13.119427680969238 + ], + [ + "rungs", + -13.119430541992188 + ], + [ + "\u2581compositeur", + -13.11943531036377 + ], + [ + "\u2581pr\u00e1cticas", + -13.11943531036377 + ], + [ + "berlin", + -13.119461059570312 + ], + [ + "\u2581Prognose", + -13.119461059570312 + ], + [ + "\u2581hero", + -13.119473457336426 + ], + [ + "routes", + -13.11949634552002 + ], + [ + "\u2581monter", + -13.119521141052246 + ], + [ + "\u2581Flach", + -13.11955451965332 + ], + [ + "\u2581Sovietica", + -13.119571685791016 + ], + [ + "taxi", + -13.119582176208496 + ], + [ + "\u2581Privacy", + -13.119587898254396 + ], + [ + "Trim", + -13.119601249694824 + ], + [ + "CRT", + -13.119659423828123 + ], + [ + "\u2581H\u00e9", + -13.119683265686035 + ], + [ + "\u2581copias", + -13.119723320007324 + ], + [ + "Ort", + -13.119780540466309 + ], + [ + "\u2581nat", + -13.119843482971191 + ], + [ + "\u2581europeos", + -13.119871139526367 + ], + [ + "\u2581Wegfall", + -13.119919776916504 + ], + [ + "kova", + -13.119928359985352 + ], + [ + "\u2581plaatselijke", + -13.11998176574707 + ], + [ + "\u2581facilidade", + -13.120028495788574 + ], + [ + "\u2581decisiones", + -13.120071411132812 + ], + [ + "exceptions", + -13.120121955871582 + ], + [ + "\u2581compreens", + -13.12015438079834 + ], + [ + "richtlinie", + -13.12016487121582 + ], + [ + "quier", + -13.120331764221191 + ], + [ + "\u2581ranges", + -13.120341300964355 + ], + [ + "iese", + -13.120344161987305 + ], + [ + "baarheid", + -13.120369911193848 + ], + [ + "\u2581bronzen", + -13.120400428771973 + ], + [ + "\u2581Ten\u00eda", + -13.120454788208008 + ], + [ + "\u2581VwGO", + -13.120481491088867 + ], + [ + "sbin", + -13.120513916015623 + ], + [ + "FDP", + -13.120515823364258 + ], + [ + "\u2581Tiefe", + -13.1207275390625 + ], + [ + "\u2581finestra", + -13.120802879333496 + ], + [ + "\u2581notables", + -13.120805740356444 + ], + [ + "\u2581Bonne", + -13.12081241607666 + ], + [ + "\u2581decreases", + -13.120853424072266 + ], + [ + "xlarge", + -13.120866775512695 + ], + [ + "\u2581adjusted", + -13.120875358581545 + ], + [ + "\u2581Nahrungsmittel", + -13.120903968811035 + ], + [ + "mbio", + -13.12092113494873 + ], + [ + "\u2581typealias", + -13.120931625366213 + ], + [ + "fahrzeuge", + -13.120941162109377 + ], + [ + "\u2581umfa", + -13.120970726013184 + ], + [ + "salm", + -13.1209716796875 + ], + [ + "openshift", + -13.12098503112793 + ], + [ + "\u2581spoorweg", + -13.121002197265623 + ], + [ + "\u2581Arb", + -13.121027946472168 + ], + [ + "\u2581institutional", + -13.121098518371582 + ], + [ + "\u2581fragments", + -13.12110996246338 + ], + [ + "\u2581Bibliothek", + -13.121116638183594 + ], + [ + "\u2581Came", + -13.121137619018556 + ], + [ + "rek", + -13.121139526367188 + ], + [ + "\u2581separar", + -13.121146202087402 + ], + [ + "\u2581geel", + -13.121169090270996 + ], + [ + "nias", + -13.121193885803224 + ], + [ + "\u2581limitata", + -13.121214866638184 + ], + [ + "\u00e9valuation", + -13.121216773986816 + ], + [ + "\u2581Sonic", + -13.121224403381348 + ], + [ + "\u2581tonen", + -13.12126636505127 + ], + [ + "\u2581t\u00e9cnicos", + -13.121298789978027 + ], + [ + "\u2581tecnologias", + -13.121302604675291 + ], + [ + "rails", + -13.121357917785645 + ], + [ + "COS", + -13.121395111083984 + ], + [ + "olin", + -13.121451377868652 + ], + [ + "zeigt", + -13.121475219726562 + ], + [ + "\u2581Verbrechen", + -13.121488571166992 + ], + [ + "\u2581ritrova", + -13.121509552001951 + ], + [ + "offer", + -13.121627807617188 + ], + [ + "\u2581Share", + -13.121638298034668 + ], + [ + "\u2581cl\u00e1sico", + -13.121657371520996 + ], + [ + "\u2581Arrow", + -13.121684074401855 + ], + [ + "ulin", + -13.121691703796388 + ], + [ + "\u2581ingleses", + -13.121695518493652 + ], + [ + "inhas", + -13.121716499328612 + ], + [ + "\u2581Conven", + -13.121740341186523 + ], + [ + "\u2581Compara", + -13.12181568145752 + ], + [ + "\u2581ontslag", + -13.121825218200684 + ], + [ + "\u2581deterministic", + -13.121892929077148 + ], + [ + "REL", + -13.12189769744873 + ], + [ + "agni", + -13.121910095214844 + ], + [ + "\u2581Perci", + -13.121940612792969 + ], + [ + "Sound", + -13.121946334838867 + ], + [ + "USERNAME", + -13.121954917907717 + ], + [ + "\u2581esce", + -13.121997833251951 + ], + [ + "\u2581Agro", + -13.122039794921877 + ], + [ + "\u2581dump", + -13.122050285339355 + ], + [ + "\u2581flood", + -13.122072219848633 + ], + [ + "directions", + -13.122075080871582 + ], + [ + "\u2581investigaciones", + -13.122098922729492 + ], + [ + "ffer", + -13.122113227844238 + ], + [ + "Memo", + -13.12217617034912 + ], + [ + "\u2581probabilit\u00e0", + -13.122183799743652 + ], + [ + "professor", + -13.12220573425293 + ], + [ + "\u2581dorm", + -13.122235298156738 + ], + [ + "\u2581filial", + -13.122252464294434 + ], + [ + "\u2581Abade", + -13.122262001037598 + ], + [ + "\u2581verzoek", + -13.122264862060549 + ], + [ + "\u2581Tien", + -13.122281074523926 + ], + [ + "\u2581beber", + -13.122308731079102 + ], + [ + "\u2581Bundesland", + -13.122328758239746 + ], + [ + "\u2581chien", + -13.12233066558838 + ], + [ + "Scha", + -13.122344017028809 + ], + [ + "\u2581atleet", + -13.122371673583984 + ], + [ + "Mj", + -13.122380256652832 + ], + [ + "\u2581Urs", + -13.122400283813477 + ], + [ + "\u2581beruhen", + -13.122413635253906 + ], + [ + "\u2581Provence", + -13.122443199157717 + ], + [ + "\u2581Cano", + -13.122504234313965 + ], + [ + "\u2581Marien", + -13.12252426147461 + ], + [ + "\u2581Montgomery", + -13.122541427612305 + ], + [ + "tire", + -13.122589111328123 + ], + [ + "\u2581sentences", + -13.12265968322754 + ], + [ + "between", + -13.12267017364502 + ], + [ + "\u2581tips", + -13.122708320617676 + ], + [ + "\u2581keyword", + -13.122716903686523 + ], + [ + "\u2581Barba", + -13.122756958007812 + ], + [ + "locate", + -13.12276554107666 + ], + [ + "\u2581Pradesh", + -13.122784614562988 + ], + [ + "fisch", + -13.122793197631836 + ], + [ + "\u2581comunicar", + -13.12282371520996 + ], + [ + "\u2581aws", + -13.12283420562744 + ], + [ + "\u2581stellten", + -13.122846603393556 + ], + [ + "quisi", + -13.12287139892578 + ], + [ + "schepen", + -13.122883796691896 + ], + [ + "Frans", + -13.122891426086426 + ], + [ + "ladung", + -13.122922897338867 + ], + [ + "\u00e4mter", + -13.12295913696289 + ], + [ + "\u2581oculta", + -13.123003005981444 + ], + [ + "\u2581foods", + -13.12301254272461 + ], + [ + "ugabe", + -13.123038291931152 + ], + [ + "\u2581Talent", + -13.1231050491333 + ], + [ + "\u2581translated", + -13.123188972473145 + ], + [ + "\u2581Odd", + -13.123220443725586 + ], + [ + "pare", + -13.123335838317873 + ], + [ + "\u2581Aurora", + -13.123340606689451 + ], + [ + "\u2581hierro", + -13.123346328735352 + ], + [ + "\u2581vigente", + -13.1233491897583 + ], + [ + "\u2581casta", + -13.123414993286133 + ], + [ + "goth", + -13.123431205749512 + ], + [ + "\u2581tur\u00edstico", + -13.123455047607422 + ], + [ + "nami", + -13.12346363067627 + ], + [ + "ologico", + -13.12346363067627 + ], + [ + "\u2581Teu", + -13.12356662750244 + ], + [ + "ploeg", + -13.123571395874023 + ], + [ + "anteile", + -13.12360954284668 + ], + [ + "\u2581nativa", + -13.123619079589844 + ], + [ + "\u2581cerimonia", + -13.12362003326416 + ], + [ + "cephal", + -13.123647689819336 + ], + [ + "DOMAIN", + -13.123658180236816 + ], + [ + "\u2581conquistar", + -13.123682975769045 + ], + [ + "\u2581nutzt", + -13.1237211227417 + ], + [ + "\u2581sensaci\u00f3n", + -13.12374782562256 + ], + [ + "oblast", + -13.12376308441162 + ], + [ + "\u2581aangegeven", + -13.123767852783203 + ], + [ + "Como", + -13.123825073242188 + ], + [ + "\u2581Besitzer", + -13.123846054077148 + ], + [ + "ETH", + -13.123907089233398 + ], + [ + "\u2581benachbarten", + -13.123920440673828 + ], + [ + "entrale", + -13.123994827270508 + ], + [ + "\u2581pd", + -13.123994827270508 + ], + [ + "enregistrement", + -13.124113082885742 + ], + [ + "\u2581biologische", + -13.124204635620115 + ], + [ + "\u2581Vortrag", + -13.124223709106444 + ], + [ + "\u2581Mondiale", + -13.124248504638672 + ], + [ + "fiore", + -13.124322891235352 + ], + [ + "zzare", + -13.1243314743042 + ], + [ + "\u2581Brisbane", + -13.124337196350098 + ], + [ + "\u2581milit\u00e4rische", + -13.12434196472168 + ], + [ + "\u2581Hoofd", + -13.124387741088867 + ], + [ + "\u2581contando", + -13.12439250946045 + ], + [ + "\u2581requiere", + -13.124427795410156 + ], + [ + "ANG", + -13.124429702758787 + ], + [ + "\u2581veicolo", + -13.124431610107422 + ], + [ + "\u2581occupied", + -13.124488830566406 + ], + [ + "\u2581Belange", + -13.124509811401367 + ], + [ + "\u2581impianti", + -13.124512672424316 + ], + [ + "\u2581viso", + -13.124530792236328 + ], + [ + "\u2581compete", + -13.124550819396973 + ], + [ + "\u2581nourriture", + -13.124558448791504 + ], + [ + "\u2581Muskel", + -13.124563217163086 + ], + [ + "gler", + -13.124594688415527 + ], + [ + "\u2581Dolores", + -13.1246337890625 + ], + [ + "\u2581Apel", + -13.124663352966309 + ], + [ + "Many", + -13.124666213989258 + ], + [ + "interceptor", + -13.12466812133789 + ], + [ + "Ville", + -13.124671936035156 + ], + [ + "\u2581Kids", + -13.124674797058104 + ], + [ + "vangen", + -13.124688148498535 + ], + [ + "\u2581preposi", + -13.124725341796877 + ], + [ + "\u2581POR", + -13.124726295471191 + ], + [ + "\u2581asuntos", + -13.124781608581545 + ], + [ + "umfang", + -13.124798774719238 + ], + [ + "Kh", + -13.124815940856934 + ], + [ + "\u2581Rettungs", + -13.124815940856934 + ], + [ + "\u2581legde", + -13.124833106994627 + ], + [ + "\u2581cath\u00e9drale", + -13.124850273132324 + ], + [ + "\u2581Napol\u00e9on", + -13.124886512756348 + ], + [ + "vertreter", + -13.124908447265623 + ], + [ + "\u2581Soy", + -13.124930381774902 + ], + [ + "\u2581nutri", + -13.12498664855957 + ], + [ + "\u2581Ooster", + -13.125069618225098 + ], + [ + "\u2581empleados", + -13.125070571899414 + ], + [ + "nada", + -13.125086784362791 + ], + [ + "\u2581impl", + -13.125092506408691 + ], + [ + "species", + -13.125116348266602 + ], + [ + "\u2581absorption", + -13.125130653381348 + ], + [ + "\u2581Complete", + -13.125171661376951 + ], + [ + "mettono", + -13.12517261505127 + ], + [ + "\u2581unterliegt", + -13.125178337097168 + ], + [ + "\u2581clairement", + -13.125179290771484 + ], + [ + "xon", + -13.125204086303713 + ], + [ + "\u2581senten", + -13.125238418579102 + ], + [ + "\u2581Regensburg", + -13.125249862670898 + ], + [ + "paste", + -13.125277519226074 + ], + [ + "\u2581attractive", + -13.125279426574709 + ], + [ + "\u2581Beno", + -13.125293731689451 + ], + [ + "\u2581ast\u00e9ro", + -13.125316619873049 + ], + [ + "\u2581explod", + -13.125326156616213 + ], + [ + "\u2581centaines", + -13.12533187866211 + ], + [ + "\u2581estrela", + -13.12538242340088 + ], + [ + "\u2581latent", + -13.125404357910156 + ], + [ + "\u2581Fondo", + -13.125454902648926 + ], + [ + "envoyer", + -13.125480651855469 + ], + [ + "Azi", + -13.12548542022705 + ], + [ + "\u2581aimed", + -13.125500679016112 + ], + [ + "piano", + -13.12558937072754 + ], + [ + "\u2581Brug", + -13.125614166259766 + ], + [ + "\u2581Jenny", + -13.125629425048828 + ], + [ + "\u2581Portugu", + -13.125655174255373 + ], + [ + "\u2581Toda", + -13.125658988952637 + ], + [ + "\u2581recinto", + -13.12567901611328 + ], + [ + "\u2581mess", + -13.12571620941162 + ], + [ + "\u2581constantly", + -13.125727653503418 + ], + [ + "pam", + -13.125743865966797 + ], + [ + "s\u00ed", + -13.125771522521973 + ], + [ + "\u2581broers", + -13.125869750976562 + ], + [ + "persistence", + -13.12588882446289 + ], + [ + "\u2581Tourist", + -13.125911712646484 + ], + [ + "\u2581Cecil", + -13.125914573669434 + ], + [ + "Christian", + -13.12592315673828 + ], + [ + "\u2581Dichter", + -13.125924110412598 + ], + [ + "\u2581Corre", + -13.125983238220217 + ], + [ + "\u2581esperado", + -13.126021385192873 + ], + [ + "\u2581handled", + -13.12603759765625 + ], + [ + "\u2581bezoekers", + -13.126161575317385 + ], + [ + "\u2581Angestellte", + -13.126185417175291 + ], + [ + "\u2581aide", + -13.126212120056152 + ], + [ + "carna", + -13.126220703125 + ], + [ + "metall", + -13.126263618469238 + ], + [ + "mannschaft", + -13.126299858093262 + ], + [ + "\u2581peixe", + -13.126299858093262 + ], + [ + "\u2581Sher", + -13.126322746276855 + ], + [ + "\u2581V\u00e1", + -13.126367568969728 + ], + [ + "\u2581teach", + -13.126382827758787 + ], + [ + "centra", + -13.126389503479004 + ], + [ + "\u2581geraakt", + -13.12639045715332 + ], + [ + "\u2581compromise", + -13.126452445983888 + ], + [ + "biologie", + -13.126474380493164 + ], + [ + "\u2581steigen", + -13.126522064208984 + ], + [ + "gerung", + -13.126545906066896 + ], + [ + "frut", + -13.126646995544434 + ], + [ + "herer", + -13.126664161682127 + ], + [ + "\u2581tiefer", + -13.126665115356444 + ], + [ + "\u2581complemento", + -13.126680374145508 + ], + [ + "\u2581budismo", + -13.126684188842772 + ], + [ + "\u2581Hop", + -13.12668514251709 + ], + [ + "\u2581Malone", + -13.126693725585938 + ], + [ + "\u2581Homepage", + -13.12672233581543 + ], + [ + "\u2581lebenden", + -13.126730918884276 + ], + [ + "\u2581gestiegen", + -13.126737594604492 + ], + [ + "\u2581largura", + -13.126768112182615 + ], + [ + "\u2581prazo", + -13.126788139343262 + ], + [ + "\u2581Ficheiro", + -13.126811981201172 + ], + [ + "migrations", + -13.126838684082031 + ], + [ + "igli", + -13.126922607421877 + ], + [ + "\u2581advers", + -13.127068519592283 + ], + [ + "\u2581Brill", + -13.12712287902832 + ], + [ + "acl", + -13.127150535583496 + ], + [ + "\u2581Organe", + -13.127155303955078 + ], + [ + "\u2581capabilities", + -13.127190589904783 + ], + [ + "\u2581bell", + -13.127209663391112 + ], + [ + "immigrazione", + -13.127285957336426 + ], + [ + "\u2581gevangenis", + -13.127334594726562 + ], + [ + "acea", + -13.127361297607422 + ], + [ + "\u2581owners", + -13.127389907836914 + ], + [ + "abschluss", + -13.127394676208496 + ], + [ + "Deprecated", + -13.127408027648926 + ], + [ + "\u2581Chel", + -13.127434730529783 + ], + [ + "Ban", + -13.1275053024292 + ], + [ + "\u2581sirvi\u00f3", + -13.127556800842283 + ], + [ + "prim", + -13.127586364746094 + ], + [ + "amma", + -13.127635955810549 + ], + [ + "ticus", + -13.127729415893556 + ], + [ + "\u2581defence", + -13.127735137939451 + ], + [ + "noma", + -13.12777042388916 + ], + [ + "\u2581Demografia", + -13.12778377532959 + ], + [ + "crop", + -13.127806663513184 + ], + [ + "\u2581Preparo", + -13.127811431884766 + ], + [ + "Adding", + -13.12784481048584 + ], + [ + "\u2581Vooral", + -13.127848625183104 + ], + [ + "\u2581realizzata", + -13.127851486206056 + ], + [ + "\u2581estreou", + -13.127853393554688 + ], + [ + "\u2581abdij", + -13.12785816192627 + ], + [ + "\u2581voerde", + -13.127864837646484 + ], + [ + "\u2581Inner", + -13.12791633605957 + ], + [ + "Meter", + -13.127917289733888 + ], + [ + "\u2581immuno", + -13.127924919128418 + ], + [ + "natal", + -13.127931594848633 + ], + [ + "\u2581zetels", + -13.127960205078123 + ], + [ + "\u2581unusual", + -13.127981185913086 + ], + [ + "\u00e4ngen", + -13.128008842468262 + ], + [ + "\u2581ventila", + -13.128057479858398 + ], + [ + "\u2581aspetta", + -13.128082275390623 + ], + [ + "woorden", + -13.128110885620115 + ], + [ + "\u2581d\u00e9placer", + -13.128110885620115 + ], + [ + "\u2581Lucien", + -13.128129959106444 + ], + [ + "\u2581Dobby", + -13.128148078918455 + ], + [ + "vocab", + -13.128183364868164 + ], + [ + "\u2581Ocidental", + -13.128262519836426 + ], + [ + "NAS", + -13.128273010253906 + ], + [ + "\u2581oficinas", + -13.128326416015623 + ], + [ + "\u2581Madam", + -13.128351211547852 + ], + [ + "synchron", + -13.128363609313965 + ], + [ + "prep", + -13.128379821777344 + ], + [ + "amicizia", + -13.128397941589355 + ], + [ + "armi", + -13.128403663635254 + ], + [ + "\u2581Gates", + -13.1284761428833 + ], + [ + "\u2581OTHERWISE", + -13.12850856781006 + ], + [ + "\u2581individus", + -13.12853717803955 + ], + [ + "straf", + -13.12855625152588 + ], + [ + "\u2581bereid", + -13.128605842590332 + ], + [ + "\u2581h\u00e9ros", + -13.128605842590332 + ], + [ + "\u2581dovuta", + -13.128631591796877 + ], + [ + "schwer", + -13.128666877746582 + ], + [ + "qm", + -13.12875747680664 + ], + [ + "\u2581buurtschap", + -13.12881088256836 + ], + [ + "god", + -13.12884521484375 + ], + [ + "ididae", + -13.128846168518066 + ], + [ + "\u2581navegador", + -13.128849029541016 + ], + [ + "\u2581Mart", + -13.128891944885254 + ], + [ + "\u2581externo", + -13.128901481628418 + ], + [ + "\u2581eigenst\u00e4ndige", + -13.128902435302734 + ], + [ + "\u2581Auckland", + -13.128913879394531 + ], + [ + "\u2581INCLUDING", + -13.128923416137695 + ], + [ + "\u2581llevaron", + -13.128968238830566 + ], + [ + "\u2581vieja", + -13.129027366638184 + ], + [ + "amant", + -13.129029273986816 + ], + [ + "\u2581situ", + -13.129029273986816 + ], + [ + "\u2581combattere", + -13.129101753234863 + ], + [ + "\u2581substitu\u00eddo", + -13.129155158996582 + ], + [ + "fran", + -13.129173278808594 + ], + [ + "sexual", + -13.129180908203123 + ], + [ + "\u2581rollen", + -13.12918472290039 + ], + [ + "\u2581gaze", + -13.129204750061035 + ], + [ + "\u2581Oceaan", + -13.129212379455566 + ], + [ + "Episodi", + -13.129220962524414 + ], + [ + "\u2581tweemaal", + -13.129240036010742 + ], + [ + "\u2581ocupaci\u00f3n", + -13.129290580749512 + ], + [ + "\u2581brani", + -13.129328727722168 + ], + [ + "adc", + -13.129365921020508 + ], + [ + "\u2581Fou", + -13.129377365112305 + ], + [ + "\u2581BT", + -13.129417419433594 + ], + [ + "\u2581ocup\u00f3", + -13.129484176635742 + ], + [ + "\u2581Portogallo", + -13.129493713378906 + ], + [ + "\u2581Loi", + -13.129507064819336 + ], + [ + "\u2581Gesch\u00e4ftsf\u00fchrer", + -13.129512786865234 + ], + [ + "\u2581Kugel", + -13.129562377929688 + ], + [ + "\u2581denoted", + -13.129619598388672 + ], + [ + "\u2581associ\u00e9", + -13.129697799682615 + ], + [ + "\u2581ondanks", + -13.129731178283691 + ], + [ + "abba", + -13.129770278930664 + ], + [ + "\u2581facciata", + -13.129794120788574 + ], + [ + "letti", + -13.129838943481444 + ], + [ + "\u2581IDE", + -13.12989616394043 + ], + [ + "\u2581gefolgt", + -13.129926681518556 + ], + [ + "\u2581llevan", + -13.129927635192873 + ], + [ + "\u2581communicatie", + -13.129942893981934 + ], + [ + "\u2581presentan", + -13.129942893981934 + ], + [ + "\u2581Columbus", + -13.129972457885742 + ], + [ + "Mol", + -13.130084991455078 + ], + [ + "matik", + -13.130108833312988 + ], + [ + "cran", + -13.130138397216797 + ], + [ + "\u2581teilen", + -13.130224227905272 + ], + [ + "Fahr", + -13.130241394042969 + ], + [ + "gemerkt", + -13.130316734313965 + ], + [ + "\u2581Noten", + -13.13031768798828 + ], + [ + "raak", + -13.130404472351074 + ], + [ + "\u2581Vainqueur", + -13.130558967590332 + ], + [ + "\u2581vostri", + -13.13056755065918 + ], + [ + "\u2581difficili", + -13.13058376312256 + ], + [ + "lke", + -13.13062572479248 + ], + [ + "\u2581reactor", + -13.13071060180664 + ], + [ + "\u2581similarly", + -13.13071632385254 + ], + [ + "Detection", + -13.130736351013184 + ], + [ + "ILE", + -13.130736351013184 + ], + [ + "\u2581arrivati", + -13.1307954788208 + ], + [ + "literal", + -13.130796432495115 + ], + [ + "\u2581tasse", + -13.130796432495115 + ], + [ + "accad", + -13.130797386169434 + ], + [ + "\u2581Meilleur", + -13.130842208862305 + ], + [ + "\u2581derivada", + -13.130901336669922 + ], + [ + "\u2581unterstellt", + -13.130935668945312 + ], + [ + "ionic", + -13.130966186523438 + ], + [ + "\u2581Minimum", + -13.130992889404297 + ], + [ + "\u2581-*-", + -13.130993843078612 + ], + [ + "\u2581esfuerzos", + -13.131059646606444 + ], + [ + "\u2581iNdEx", + -13.131088256835938 + ], + [ + "fisi", + -13.131117820739746 + ], + [ + "\u2581Nine", + -13.131142616271973 + ], + [ + "\u2581Gift", + -13.13115119934082 + ], + [ + "\u2581gebeten", + -13.13115692138672 + ], + [ + "affin", + -13.131187438964844 + ], + [ + "\u2581verlegt", + -13.13122272491455 + ], + [ + "\u2581duurde", + -13.13122844696045 + ], + [ + "\u2581pr\u00f3prias", + -13.131237983703612 + ], + [ + "\u2581dargestellten", + -13.13124656677246 + ], + [ + "\u2581Cui", + -13.131265640258787 + ], + [ + "\u2581Analytics", + -13.131312370300291 + ], + [ + "stylesheet", + -13.131332397460938 + ], + [ + "ing\u00e9nieur", + -13.131343841552734 + ], + [ + "nta", + -13.13135814666748 + ], + [ + "\u2581Superman", + -13.13136100769043 + ], + [ + "zwang", + -13.13145351409912 + ], + [ + "\u2581teeth", + -13.131479263305664 + ], + [ + "\u2581pollution", + -13.131616592407228 + ], + [ + "\u2581lifetime", + -13.131627082824709 + ], + [ + "\u2581circunstancias", + -13.131658554077148 + ], + [ + "\u2581electricity", + -13.131668090820312 + ], + [ + "\u2581Schichten", + -13.131669044494627 + ], + [ + "\u2581Elbe", + -13.131675720214844 + ], + [ + "\u2581Donc", + -13.131793975830078 + ], + [ + "\u2581espect\u00e1culo", + -13.131796836853027 + ], + [ + "\u2581organisiert", + -13.131813049316406 + ], + [ + "\u2581Micha", + -13.131826400756836 + ], + [ + "inhalt", + -13.131880760192873 + ], + [ + "\u2581pathway", + -13.131936073303224 + ], + [ + "\u2581Esp\u00edrito", + -13.13195514678955 + ], + [ + "ligand", + -13.131965637207031 + ], + [ + "\u2581relax", + -13.131997108459473 + ], + [ + "Daniel", + -13.13205909729004 + ], + [ + "sch\u00e4", + -13.132091522216797 + ], + [ + "\u2581end\u00e9mica", + -13.132186889648438 + ], + [ + "\u2581valido", + -13.132217407226562 + ], + [ + "\u2581capitalist", + -13.132222175598145 + ], + [ + "\u2581profilo", + -13.132241249084473 + ], + [ + "\u2581persa", + -13.132265090942385 + ], + [ + "\u2581Livorno", + -13.13233757019043 + ], + [ + "arium", + -13.1323881149292 + ], + [ + "\u2581cristianos", + -13.132406234741213 + ], + [ + "\u2581conservative", + -13.132434844970703 + ], + [ + "\u2581Bundeshaushalt", + -13.13246726989746 + ], + [ + "opper", + -13.132471084594728 + ], + [ + "\u2581dover", + -13.132521629333496 + ], + [ + "fiche", + -13.132522583007812 + ], + [ + "\u2581navetta", + -13.132645606994627 + ], + [ + "Dash", + -13.132649421691896 + ], + [ + "\u2581Naci\u00f3", + -13.132675170898438 + ], + [ + "trokken", + -13.13270664215088 + ], + [ + "kine", + -13.132710456848145 + ], + [ + "izadas", + -13.1327486038208 + ], + [ + "\u2581Milli", + -13.132760047912598 + ], + [ + "conc", + -13.132802963256836 + ], + [ + "\u2581stetig", + -13.132807731628418 + ], + [ + "\u2581lord", + -13.13281536102295 + ], + [ + "\u2581assassinato", + -13.132818222045898 + ], + [ + "dern", + -13.13290786743164 + ], + [ + "\u2581apoyar", + -13.13296604156494 + ], + [ + "attente", + -13.132977485656738 + ], + [ + "\u2581Corse", + -13.133004188537598 + ], + [ + "\u2581Erwin", + -13.133033752441406 + ], + [ + "\u2581Wenen", + -13.133062362670898 + ], + [ + "\u2581Meg", + -13.13309097290039 + ], + [ + "\u2581ignora", + -13.13311767578125 + ], + [ + "\u2581Tsjechi", + -13.133152961730955 + ], + [ + "\u2581facult\u00e9", + -13.133156776428224 + ], + [ + "\u2581Mae", + -13.133223533630373 + ], + [ + "\u2581Provinciale", + -13.133277893066406 + ], + [ + "\u2581antiguas", + -13.13339614868164 + ], + [ + "dul", + -13.133419036865234 + ], + [ + "\u2581DOM", + -13.13345718383789 + ], + [ + "\u2581autrement", + -13.133467674255373 + ], + [ + "signer", + -13.133474349975586 + ], + [ + "\u2581deeply", + -13.133511543273926 + ], + [ + "\u00e1ndola", + -13.133520126342772 + ], + [ + "vista", + -13.133543014526367 + ], + [ + "NAMESPACE", + -13.133560180664062 + ], + [ + "\u2581axial", + -13.133605003356934 + ], + [ + "\u2581modular", + -13.133620262145996 + ], + [ + "\u2581Humboldt", + -13.133646965026855 + ], + [ + "Classifica", + -13.13365364074707 + ], + [ + "zetten", + -13.13366413116455 + ], + [ + "\u2581secondi", + -13.13368797302246 + ], + [ + "\u2581intelligente", + -13.133699417114258 + ], + [ + "\u2581d\u00e9lai", + -13.133702278137209 + ], + [ + "\u2581inspira", + -13.133734703063965 + ], + [ + "\u2581Eier", + -13.133764266967772 + ], + [ + "\u2581arrivo", + -13.133769035339355 + ], + [ + "\u2581d\u00fcrften", + -13.133832931518556 + ], + [ + "compact", + -13.133883476257324 + ], + [ + "\u2581diviso", + -13.133914947509766 + ], + [ + "\u2581koop", + -13.133917808532717 + ], + [ + "\u2581emissora", + -13.133926391601562 + ], + [ + "tweet", + -13.133952140808104 + ], + [ + "\u2581Mariana", + -13.133997917175291 + ], + [ + "\u2581Diffusion", + -13.13401985168457 + ], + [ + "\u00fchl", + -13.134027481079102 + ], + [ + "\u2581converter", + -13.134027481079102 + ], + [ + "\u2581Pira", + -13.134032249450684 + ], + [ + "exchange", + -13.134061813354492 + ], + [ + "\u2581Hieronder", + -13.13413429260254 + ], + [ + "\u2581publicados", + -13.134251594543455 + ], + [ + "\u2581proberen", + -13.134254455566406 + ], + [ + "egan", + -13.134268760681152 + ], + [ + "\u2581unklar", + -13.134285926818848 + ], + [ + "\u2581spiegare", + -13.13429069519043 + ], + [ + "\u2581essersi", + -13.13431167602539 + ], + [ + "\u2581propagation", + -13.134321212768556 + ], + [ + "leigh", + -13.134352684020996 + ], + [ + "\u2581iban", + -13.134363174438477 + ], + [ + "PATCH", + -13.134450912475586 + ], + [ + "Supported", + -13.13450050354004 + ], + [ + "\u2581wake", + -13.134572982788086 + ], + [ + "alte", + -13.134634017944336 + ], + [ + "\u2581toilet", + -13.13464641571045 + ], + [ + "\u2581cole\u00f3ptero", + -13.134648323059082 + ], + [ + "standen", + -13.134675979614258 + ], + [ + "\u2581einsetzen", + -13.13469123840332 + ], + [ + "\u2581Franck", + -13.13472843170166 + ], + [ + "\u2581Vigo", + -13.134733200073242 + ], + [ + "geleerd", + -13.134750366210938 + ], + [ + "\u2581Rostock", + -13.13479995727539 + ], + [ + "\u2581representando", + -13.134806632995604 + ], + [ + "Fast", + -13.134838104248049 + ], + [ + "\u2581casino", + -13.134896278381348 + ], + [ + "marine", + -13.134939193725586 + ], + [ + "\u2581giornale", + -13.134984970092772 + ], + [ + "\u2581plaque", + -13.134994506835938 + ], + [ + "igue", + -13.135004997253418 + ], + [ + "\u2581Grieks", + -13.135027885437012 + ], + [ + "Upgrade", + -13.135051727294922 + ], + [ + "\u2581atribuiu", + -13.13510513305664 + ], + [ + "\u2581Being", + -13.13511562347412 + ], + [ + "\u2581lijken", + -13.13514232635498 + ], + [ + "\u2581ausge\u00fcbt", + -13.135183334350586 + ], + [ + "Triangle", + -13.13521671295166 + ], + [ + "\u2581GMT", + -13.13522243499756 + ], + [ + "ibel", + -13.135251998901367 + ], + [ + "Mul", + -13.135297775268556 + ], + [ + "Rod", + -13.135313987731934 + ], + [ + "\u2581Dil", + -13.135334014892578 + ], + [ + "Relationship", + -13.13534164428711 + ], + [ + "ivity", + -13.135366439819336 + ], + [ + "rmige", + -13.13540267944336 + ], + [ + "bibliothek", + -13.135442733764648 + ], + [ + "\u2581Roc", + -13.135461807250977 + ], + [ + "\u2581effettivamente", + -13.135509490966797 + ], + [ + "\u2581dodici", + -13.13551902770996 + ], + [ + "\u2581protagonizada", + -13.13552188873291 + ], + [ + "\u2581Classement", + -13.135536193847656 + ], + [ + "\u2581Lopo", + -13.135542869567873 + ], + [ + "\u2581shipping", + -13.135558128356934 + ], + [ + "\u2581basketball", + -13.135564804077148 + ], + [ + "EJ", + -13.13558578491211 + ], + [ + "valle", + -13.1356201171875 + ], + [ + "\u2581vollkommen", + -13.135639190673828 + ], + [ + "\u2581Fl\u00fcchtlings", + -13.13565444946289 + ], + [ + "\u2581preserve", + -13.1356782913208 + ], + [ + "\u2581Affaires", + -13.135684967041016 + ], + [ + "\u2581Geschlechts", + -13.135724067687988 + ], + [ + "\u2581organizzazioni", + -13.135759353637695 + ], + [ + "\u2581Pontos", + -13.13576889038086 + ], + [ + "\u2581reagieren", + -13.135787963867188 + ], + [ + "\u2581radica", + -13.135796546936035 + ], + [ + "fels", + -13.13586139678955 + ], + [ + "\u2581rappelle", + -13.135948181152344 + ], + [ + "\u2581comboio", + -13.135952949523926 + ], + [ + "eerden", + -13.135956764221191 + ], + [ + "\u2581Gira", + -13.13598918914795 + ], + [ + "mauer", + -13.136059761047363 + ], + [ + "\u2581Rate", + -13.136064529418944 + ], + [ + "corrono", + -13.136072158813477 + ], + [ + "\u2581volumi", + -13.136086463928224 + ], + [ + "\u2581Novecento", + -13.136109352111816 + ], + [ + "olli", + -13.136126518249512 + ], + [ + "\u00e9ter", + -13.13613510131836 + ], + [ + "pugn", + -13.136150360107422 + ], + [ + "\u2581legate", + -13.13617706298828 + ], + [ + "\u2581generatie", + -13.136185646057127 + ], + [ + "\u2581Tyr", + -13.136226654052734 + ], + [ + "\u2581governor", + -13.136228561401367 + ], + [ + "gebrochen", + -13.136235237121582 + ], + [ + "\u2581Herzen", + -13.136244773864746 + ], + [ + "Tar", + -13.136275291442873 + ], + [ + "Juan", + -13.136277198791504 + ], + [ + "\u2581Ath", + -13.136307716369627 + ], + [ + "kaya", + -13.136316299438477 + ], + [ + "andamento", + -13.136320114135742 + ], + [ + "\u2581Hout", + -13.136322021484377 + ], + [ + "\u2581Belize", + -13.136345863342283 + ], + [ + "\u2581SL", + -13.136432647705078 + ], + [ + "\u2581Fecha", + -13.136434555053713 + ], + [ + "\u2581tuttora", + -13.136434555053713 + ], + [ + "SPACE", + -13.136473655700684 + ], + [ + "\u2581beside", + -13.136481285095217 + ], + [ + "\u2581Bie", + -13.136500358581545 + ], + [ + "\u00fcgen", + -13.136504173278809 + ], + [ + "dizione", + -13.136621475219728 + ], + [ + "arque", + -13.136656761169434 + ], + [ + "invasione", + -13.136656761169434 + ], + [ + "\u2581innere", + -13.136662483215332 + ], + [ + "\u2581toile", + -13.136704444885254 + ], + [ + "priority", + -13.136717796325684 + ], + [ + "tzel", + -13.136781692504885 + ], + [ + "\u2581tableaux", + -13.136844635009766 + ], + [ + "\u2581criando", + -13.136862754821776 + ], + [ + "\u2581rotas", + -13.136885643005373 + ], + [ + "sili", + -13.136950492858888 + ], + [ + "\u2581facolt\u00e0", + -13.136990547180176 + ], + [ + "icos", + -13.137039184570312 + ], + [ + "stamp", + -13.137083053588867 + ], + [ + "\u2581Friesland", + -13.13710117340088 + ], + [ + "\u2581Deporte", + -13.137104988098145 + ], + [ + "\u2581DP", + -13.137139320373535 + ], + [ + "\u2581Broad", + -13.137140274047852 + ], + [ + "maria", + -13.13714599609375 + ], + [ + "Archive", + -13.137215614318848 + ], + [ + "adh", + -13.137250900268556 + ], + [ + "Original", + -13.137251853942873 + ], + [ + "loof", + -13.137266159057615 + ], + [ + "\u2581evil", + -13.137300491333008 + ], + [ + "\u2581distinguer", + -13.13731861114502 + ], + [ + "\u2581Matem\u00e1tica", + -13.137337684631348 + ], + [ + "reiz", + -13.137385368347168 + ], + [ + "\u2581Cedric", + -13.137394905090332 + ], + [ + "\u2581fueran", + -13.13742446899414 + ], + [ + "Slide", + -13.13744068145752 + ], + [ + "\u2581confused", + -13.137454986572266 + ], + [ + "\u2581scambio", + -13.137455940246582 + ], + [ + "minente", + -13.137492179870604 + ], + [ + "hypertarget", + -13.137527465820312 + ], + [ + "gart", + -13.137529373168944 + ], + [ + "\u2581Symphony", + -13.13753890991211 + ], + [ + "\u2581Argentini", + -13.137577056884766 + ], + [ + "cfcfff", + -13.137596130371094 + ], + [ + "\u2581organi", + -13.137600898742676 + ], + [ + "\u2581turista", + -13.137673377990724 + ], + [ + "\u2581deeper", + -13.137725830078123 + ], + [ + "homepage", + -13.137776374816896 + ], + [ + "Uh", + -13.137788772583008 + ], + [ + "\u2581marcar", + -13.137816429138184 + ], + [ + "jera", + -13.137824058532717 + ], + [ + "\u2581bedeuten", + -13.13790798187256 + ], + [ + "\u2581Industry", + -13.137951850891112 + ], + [ + "\u2581progr", + -13.137954711914062 + ], + [ + "RPM", + -13.13797664642334 + ], + [ + "\u2581\u00fcberschritten", + -13.13798713684082 + ], + [ + "\u2581fein", + -13.138011932373049 + ], + [ + "\u2581Vorgang", + -13.13805866241455 + ], + [ + "\u2581limit\u00e9", + -13.13807201385498 + ], + [ + "\u2581offensive", + -13.13808250427246 + ], + [ + "bein", + -13.1381254196167 + ], + [ + "\u2581F\u00fcrsten", + -13.13817310333252 + ], + [ + "streifen", + -13.13820457458496 + ], + [ + "\u2581Konzert", + -13.138205528259276 + ], + [ + "\u2581pipefail", + -13.138213157653809 + ], + [ + "\u2581react", + -13.138242721557615 + ], + [ + "\u2581krant", + -13.138352394104004 + ], + [ + "\u2581surrounded", + -13.13835334777832 + ], + [ + "\u2581Buddha", + -13.138405799865724 + ], + [ + "\u2581pessoais", + -13.13841152191162 + ], + [ + "guy", + -13.138534545898438 + ], + [ + "\u2581observado", + -13.13856601715088 + ], + [ + "Vault", + -13.138673782348633 + ], + [ + "\u2581maschi", + -13.138731956481934 + ], + [ + "\u2581invent", + -13.138733863830566 + ], + [ + "\u2581muestran", + -13.13876247406006 + ], + [ + "fahrten", + -13.138782501220703 + ], + [ + "zukommen", + -13.138821601867676 + ], + [ + "gge", + -13.138833999633787 + ], + [ + "\u2581laufende", + -13.13888454437256 + ], + [ + "barra", + -13.138897895812988 + ], + [ + "\u2581verboden", + -13.13891887664795 + ], + [ + "\u2581m\u00e9dica", + -13.139015197753906 + ], + [ + "aspx", + -13.139022827148438 + ], + [ + "\u2581witness", + -13.139047622680664 + ], + [ + "verkauf", + -13.13905143737793 + ], + [ + "ullo", + -13.139052391052246 + ], + [ + "\u2581Dire", + -13.139060974121094 + ], + [ + "\u2581woon", + -13.13906192779541 + ], + [ + "\u2581amazing", + -13.13907527923584 + ], + [ + "\u2581Rhy", + -13.13908863067627 + ], + [ + "\u2581Hus", + -13.139104843139648 + ], + [ + "\u2581lawyer", + -13.139113426208496 + ], + [ + "\u2581stima", + -13.139134407043455 + ], + [ + "\u2581gr\u00fcndete", + -13.139141082763672 + ], + [ + "\u2581prata", + -13.139182090759276 + ], + [ + "ur\u00fcck", + -13.1392240524292 + ], + [ + "\u2581aangepast", + -13.139252662658691 + ], + [ + "\u2581simula", + -13.139288902282717 + ], + [ + "\u2581rub", + -13.139296531677246 + ], + [ + "\u2581compagno", + -13.139309883117676 + ], + [ + "gezogen", + -13.13933277130127 + ], + [ + "dok", + -13.139362335205078 + ], + [ + "r\u00fccken", + -13.139396667480469 + ], + [ + "\u2581Capitol", + -13.13940143585205 + ], + [ + "\u2581monumentos", + -13.139402389526367 + ], + [ + "\u2581europ\u00e4ischer", + -13.13941478729248 + ], + [ + "uko", + -13.139419555664062 + ], + [ + "GFP", + -13.139433860778809 + ], + [ + "\u2581christelijke", + -13.139445304870604 + ], + [ + "\u2581hasard", + -13.139449119567873 + ], + [ + "\u2581Corso", + -13.139479637145996 + ], + [ + "\u2581embedding", + -13.13950538635254 + ], + [ + "waffen", + -13.139568328857422 + ], + [ + "\u2581residence", + -13.139606475830078 + ], + [ + "\u2581ausgew\u00e4hlt", + -13.139609336853027 + ], + [ + "jew", + -13.139646530151367 + ], + [ + "\u2581mounted", + -13.139683723449709 + ], + [ + "\u2581discrimination", + -13.139711380004885 + ], + [ + "\u2581editing", + -13.139713287353516 + ], + [ + "bata", + -13.139727592468262 + ], + [ + "jov", + -13.139796257019045 + ], + [ + "GUI", + -13.139798164367676 + ], + [ + "\u2581Directive", + -13.139800071716309 + ], + [ + "\u2581boulevard", + -13.139805793762209 + ], + [ + "\u2581assimila", + -13.139883995056152 + ], + [ + "\u2581buenos", + -13.139891624450684 + ], + [ + "\u2581matematica", + -13.139949798583984 + ], + [ + "\u2581-----------", + -13.13996124267578 + ], + [ + "\u2581d\u00e9truit", + -13.139979362487791 + ], + [ + "\u2581echtgenote", + -13.14002799987793 + ], + [ + "\u2581Neustadt", + -13.140073776245115 + ], + [ + "\u2581'*.", + -13.140096664428713 + ], + [ + "\u2581Nordosten", + -13.140167236328123 + ], + [ + "\u2581jard\u00edn", + -13.14017391204834 + ], + [ + "\u2581profundidad", + -13.140206336975098 + ], + [ + "saufgabe", + -13.140213966369627 + ], + [ + "\u2581REPLACE", + -13.140265464782717 + ], + [ + "\u2581m\u00f3dulos", + -13.14036750793457 + ], + [ + "arquivo", + -13.140398025512695 + ], + [ + "\u2581Boven", + -13.14043140411377 + ], + [ + "sequential", + -13.14044952392578 + ], + [ + "\u2581Benito", + -13.140493392944336 + ], + [ + "\u2581appointment", + -13.140522003173828 + ], + [ + "\u2581Clean", + -13.140525817871094 + ], + [ + "\u2581Bast", + -13.140549659729004 + ], + [ + "\u2581Would", + -13.1405668258667 + ], + [ + "\u2581dst", + -13.14057159423828 + ], + [ + "enia", + -13.140578269958496 + ], + [ + "\u2581tech", + -13.140629768371582 + ], + [ + "ibid", + -13.140631675720217 + ], + [ + "\u2581quince", + -13.140671730041504 + ], + [ + "\u2581\u00e9cologique", + -13.14067554473877 + ], + [ + "amending", + -13.140691757202148 + ], + [ + "\u2581schriftliche", + -13.140783309936523 + ], + [ + "\u2581afirmou", + -13.140791893005373 + ], + [ + "schemas", + -13.140811920166016 + ], + [ + "rnos", + -13.140954971313477 + ], + [ + "\u2581meilleures", + -13.141019821166992 + ], + [ + "italiano", + -13.14102840423584 + ], + [ + "\u2581assumiu", + -13.141042709350586 + ], + [ + "\u2581terminate", + -13.141155242919922 + ], + [ + "\u2581gen\u00fcgend", + -13.141159057617188 + ], + [ + "Ungheria", + -13.141161918640137 + ], + [ + "BOOST", + -13.141167640686035 + ], + [ + "\u2581rechtlich", + -13.141186714172363 + ], + [ + "\u2581Porsche", + -13.141202926635742 + ], + [ + "HAL", + -13.14127254486084 + ], + [ + "\u2581Wurzel", + -13.141276359558104 + ], + [ + "\u2581Lava", + -13.141282081604004 + ], + [ + "\u2581hp", + -13.141386032104492 + ], + [ + "\u2581Ferr", + -13.141390800476074 + ], + [ + "\u2581Bek", + -13.14140510559082 + ], + [ + "lept", + -13.141454696655272 + ], + [ + "schichten", + -13.141461372375488 + ], + [ + "\u2581IA", + -13.141498565673828 + ], + [ + "\u2581influenced", + -13.141515731811523 + ], + [ + "writing", + -13.141533851623535 + ], + [ + "\u2581Bona", + -13.141544342041016 + ], + [ + "\u2581luxe", + -13.141557693481444 + ], + [ + "ndim", + -13.14157772064209 + ], + [ + "\u2581Maarten", + -13.14162540435791 + ], + [ + "\u2581f\u00fchlte", + -13.141633987426758 + ], + [ + "\u2581AUTOGENERATED", + -13.141655921936035 + ], + [ + "\u2581Laboratory", + -13.141661643981934 + ], + [ + "\u00e9g\u00e9", + -13.14167022705078 + ], + [ + "\u2581intitul\u00e9", + -13.141731262207031 + ], + [ + "\u2581Nachteil", + -13.141778945922852 + ], + [ + "Sk", + -13.1417818069458 + ], + [ + "\u2581Martina", + -13.141785621643066 + ], + [ + "\u2581Mile", + -13.141806602478027 + ], + [ + "\u2581Supremo", + -13.141843795776367 + ], + [ + "occup", + -13.141852378845217 + ], + [ + "\u2581reacci\u00f3n", + -13.141860961914062 + ], + [ + "\u2581poursuit", + -13.141883850097656 + ], + [ + "\u2581giunge", + -13.14189624786377 + ], + [ + "Brittanni", + -13.141905784606934 + ], + [ + "\u2581bajas", + -13.141932487487791 + ], + [ + "\u2581jornalista", + -13.141963005065918 + ], + [ + "\u2581puramente", + -13.142007827758787 + ], + [ + "\u2581festen", + -13.142024993896484 + ], + [ + "\u2581Salva", + -13.142026901245115 + ], + [ + "\u2581entero", + -13.1420316696167 + ], + [ + "\u2581Playa", + -13.14207935333252 + ], + [ + "\u2581chiamate", + -13.142080307006836 + ], + [ + "\u2581boschi", + -13.142095565795898 + ], + [ + "\u2581betaald", + -13.142136573791504 + ], + [ + "tial", + -13.142138481140137 + ], + [ + "\u2581CellChangeTimes", + -13.142152786254885 + ], + [ + "\u2581loopbaan", + -13.14218044281006 + ], + [ + "\u2581condenado", + -13.142186164855955 + ], + [ + "cerca", + -13.14221477508545 + ], + [ + "\u2581stichting", + -13.14223289489746 + ], + [ + "siedlung", + -13.142250061035156 + ], + [ + "dinput", + -13.142271995544434 + ], + [ + "\u2581abordagem", + -13.142290115356444 + ], + [ + "ntal", + -13.142315864562988 + ], + [ + "\u2581Dagegen", + -13.14234447479248 + ], + [ + "\u2581bow", + -13.14234447479248 + ], + [ + "\u2581gekl\u00e4rt", + -13.142345428466797 + ], + [ + "Predicate", + -13.142401695251465 + ], + [ + "\u2581definite", + -13.142465591430664 + ], + [ + "preset", + -13.142476081848145 + ], + [ + "James", + -13.142494201660156 + ], + [ + "\u2581Dictionnaire", + -13.142522811889648 + ], + [ + "\u2581Estadual", + -13.142549514770508 + ], + [ + "\u2581sp\u00e9cial", + -13.142617225646973 + ], + [ + "\u2581Tramp", + -13.142630577087402 + ], + [ + "\u2581Maior", + -13.142632484436035 + ], + [ + "kafka", + -13.142647743225098 + ], + [ + "\u2581pointing", + -13.14271354675293 + ], + [ + "\u2581alternativas", + -13.142748832702637 + ], + [ + "\u2581Plantas", + -13.142754554748535 + ], + [ + "dup", + -13.1427583694458 + ], + [ + "\u2581antwortete", + -13.14281177520752 + ], + [ + "tudes", + -13.142815589904783 + ], + [ + "\u2581TimeAxis", + -13.142930030822754 + ], + [ + "\u2581LLC", + -13.14294147491455 + ], + [ + "\u2581Politics", + -13.142943382263184 + ], + [ + "\u2581wallet", + -13.143000602722168 + ], + [ + "CIPHER", + -13.143013954162598 + ], + [ + "\u2581Charter", + -13.14301872253418 + ], + [ + "\u2581medesimo", + -13.143028259277344 + ], + [ + "\u2581revers", + -13.143031120300291 + ], + [ + "zend", + -13.143044471740724 + ], + [ + "CAS", + -13.143046379089355 + ], + [ + "\u2581humanas", + -13.14309024810791 + ], + [ + "\u2581inhaltlich", + -13.143150329589844 + ], + [ + "\u2581Tail", + -13.14323902130127 + ], + [ + "matique", + -13.143245697021484 + ], + [ + "\u2581Sui", + -13.143290519714355 + ], + [ + "\u2581Belt", + -13.14329719543457 + ], + [ + "\u2581agr\u00e9able", + -13.14339828491211 + ], + [ + "Modifier", + -13.143399238586426 + ], + [ + "sted", + -13.14341163635254 + ], + [ + "Oise", + -13.14345932006836 + ], + [ + "Dar", + -13.143505096435549 + ], + [ + "\u2581G\u00fcnter", + -13.143549919128418 + ], + [ + "\u2581operates", + -13.143562316894531 + ], + [ + "\u2581Dome", + -13.14356803894043 + ], + [ + "\u2581\u00fcbermitteln", + -13.143617630004885 + ], + [ + "\u2581mural", + -13.143696784973145 + ], + [ + "\u2581usata", + -13.143747329711914 + ], + [ + "VEN", + -13.143753051757812 + ], + [ + "\u2581Verordnungen", + -13.143768310546877 + ], + [ + "gewalt", + -13.143771171569824 + ], + [ + "\u2581leefgebied", + -13.143780708312988 + ], + [ + "\u2581empieza", + -13.143818855285645 + ], + [ + "\u2581agita", + -13.143821716308594 + ], + [ + "\u2581Championnats", + -13.143826484680176 + ], + [ + "lok", + -13.143828392028809 + ], + [ + "\u2581papeles", + -13.143887519836426 + ], + [ + "bezirk", + -13.143903732299805 + ], + [ + "\u2581kamp", + -13.143908500671388 + ], + [ + "\u2581Wirt", + -13.143911361694336 + ], + [ + "\u2581Nilo", + -13.143939018249512 + ], + [ + "\u2581schaal", + -13.143953323364258 + ], + [ + "\u2581riprende", + -13.143983840942385 + ], + [ + "swerte", + -13.144055366516112 + ], + [ + "\u2581ator", + -13.144095420837402 + ], + [ + "\u2581Poisson", + -13.144184112548828 + ], + [ + "\u2581Ohr", + -13.144220352172852 + ], + [ + "nombre", + -13.144225120544434 + ], + [ + "Orientation", + -13.144227981567385 + ], + [ + "oidea", + -13.144238471984863 + ], + [ + "istungsf\u00e4higkeit", + -13.144344329833984 + ], + [ + "Mas", + -13.144384384155272 + ], + [ + "\u2581costituzione", + -13.144412994384766 + ], + [ + "\u2581Annual", + -13.144429206848145 + ], + [ + "\u2581partly", + -13.144431114196776 + ], + [ + "\u2581Orgel", + -13.144479751586914 + ], + [ + "\u2581acelera", + -13.14449691772461 + ], + [ + "\u2581precis", + -13.14454746246338 + ], + [ + "COMMON", + -13.14455223083496 + ], + [ + "\u2581tirer", + -13.144554138183594 + ], + [ + "\u2581competir", + -13.14458465576172 + ], + [ + "\u2581possibilities", + -13.144652366638184 + ], + [ + "\u2581Holanda", + -13.1446533203125 + ], + [ + "\u2581Vul", + -13.144688606262209 + ], + [ + "\u2581Somali", + -13.144695281982422 + ], + [ + "\u2581constitu\u00e9e", + -13.144705772399902 + ], + [ + "terre", + -13.144721031188965 + ], + [ + "eqz", + -13.144819259643556 + ], + [ + "fangen", + -13.144896507263184 + ], + [ + "\u2581zuge", + -13.144915580749512 + ], + [ + "overgang", + -13.14491844177246 + ], + [ + "NVM", + -13.14492893218994 + ], + [ + "\u2581secretaris", + -13.1449613571167 + ], + [ + "iding", + -13.144974708557127 + ], + [ + "\u2581melk", + -13.144993782043455 + ], + [ + "\u2581umgeben", + -13.144993782043455 + ], + [ + "\u2581gratuit", + -13.144994735717772 + ], + [ + "neas", + -13.14505386352539 + ], + [ + "\u2581juridique", + -13.145059585571287 + ], + [ + "mult", + -13.145065307617188 + ], + [ + "semver", + -13.145094871520996 + ], + [ + "\u2581Olbia", + -13.14515495300293 + ], + [ + "\u2581Hoyt", + -13.145193099975586 + ], + [ + "Arts", + -13.145216941833496 + ], + [ + "\u2581Schip", + -13.145234107971191 + ], + [ + "\u2581'')", + -13.14525032043457 + ], + [ + "sfonds", + -13.145304679870604 + ], + [ + "\u2581PlotArea", + -13.145380020141602 + ], + [ + "\u2581outline", + -13.145383834838867 + ], + [ + "\u2581aangebracht", + -13.14539623260498 + ], + [ + "abb\u00e9", + -13.145416259765623 + ], + [ + "articles", + -13.145426750183104 + ], + [ + "Same", + -13.145428657531738 + ], + [ + "sses", + -13.145432472229004 + ], + [ + "March", + -13.145450592041016 + ], + [ + "\u2581Rauch", + -13.145487785339355 + ], + [ + "ijs", + -13.145488739013672 + ], + [ + "\u2581usati", + -13.145489692687988 + ], + [ + "uella", + -13.145550727844238 + ], + [ + "franc", + -13.1455717086792 + ], + [ + "Moselle", + -13.145575523376465 + ], + [ + "\u2581engineer", + -13.145588874816896 + ], + [ + "\u2581Athene", + -13.145668983459473 + ], + [ + "\u2581parede", + -13.145719528198242 + ], + [ + "\u2581longues", + -13.14572525024414 + ], + [ + "\u2581parsed", + -13.14574146270752 + ], + [ + "uwendung", + -13.14584732055664 + ], + [ + "avons", + -13.14587688446045 + ], + [ + "\u2581Su\u00ed", + -13.145907402038574 + ], + [ + "Camp", + -13.14596176147461 + ], + [ + "\u2581pigment", + -13.145991325378418 + ], + [ + "\u2581traditionellen", + -13.146015167236328 + ], + [ + "\u2581f\u00edsicos", + -13.146053314208984 + ], + [ + "\u2581geringeren", + -13.146058082580566 + ], + [ + "sworth", + -13.14606761932373 + ], + [ + "\u2581vincere", + -13.146169662475586 + ], + [ + "\u2581Puls", + -13.14618968963623 + ], + [ + "\u2581prestito", + -13.146255493164062 + ], + [ + "developer", + -13.146260261535645 + ], + [ + "graad", + -13.146276473999023 + ], + [ + "Logging", + -13.146289825439451 + ], + [ + "Ry", + -13.14630889892578 + ], + [ + "\u2581ativa", + -13.146349906921388 + ], + [ + "\u2581Amanda", + -13.146352767944336 + ], + [ + "\u2581registrato", + -13.14637279510498 + ], + [ + "\u2581groen", + -13.14639377593994 + ], + [ + "\u2581diga", + -13.14645290374756 + ], + [ + "\u2581jail", + -13.146467208862305 + ], + [ + "\u2581ulteriormente", + -13.146492958068848 + ], + [ + "\u2581Bourg", + -13.146499633789062 + ], + [ + "\u2581abuelo", + -13.146517753601074 + ], + [ + "\u2581destacan", + -13.146554946899414 + ], + [ + "\u2581Alca", + -13.14660358428955 + ], + [ + "oot", + -13.146604537963867 + ], + [ + "sprite", + -13.146631240844728 + ], + [ + "trise", + -13.146641731262209 + ], + [ + "RAC", + -13.146650314331056 + ], + [ + "\u2581demografica", + -13.146673202514648 + ], + [ + "\u2581Welle", + -13.146697998046877 + ], + [ + "\u2581peccato", + -13.146700859069824 + ], + [ + "\u2581Bars", + -13.146703720092772 + ], + [ + "\u2581Kopenhagen", + -13.14674186706543 + ], + [ + "liers", + -13.146764755249023 + ], + [ + "Ham", + -13.146783828735352 + ], + [ + "\u2581guilty", + -13.146784782409668 + ], + [ + "\u2581paying", + -13.146787643432615 + ], + [ + "Bild", + -13.146812438964844 + ], + [ + "INVALID", + -13.14681911468506 + ], + [ + "\u2581Peso", + -13.146855354309082 + ], + [ + "\u2581J\u00e9sus", + -13.14686679840088 + ], + [ + "\u2581configurar", + -13.146968841552734 + ], + [ + "wirken", + -13.146980285644531 + ], + [ + "\u2581Bok", + -13.14700412750244 + ], + [ + "\u2581geraten", + -13.147012710571287 + ], + [ + "ifici", + -13.147028923034668 + ], + [ + "\u00fcbertragung", + -13.147111892700195 + ], + [ + "\u2581requiring", + -13.147114753723145 + ], + [ + "booking", + -13.14713191986084 + ], + [ + "\u2581Regionale", + -13.147210121154783 + ], + [ + "\u2581motiva", + -13.14723014831543 + ], + [ + "bezeichnung", + -13.147269248962402 + ], + [ + "Building", + -13.147272109985352 + ], + [ + "\u2581brigade", + -13.147289276123049 + ], + [ + "\u2581g\u00e9o", + -13.147293090820312 + ], + [ + "Broadcast", + -13.14733600616455 + ], + [ + "\u2581mortos", + -13.147372245788574 + ], + [ + "\u2581Personajes", + -13.147378921508787 + ], + [ + "\u2581golden", + -13.14748191833496 + ], + [ + "\u2581induction", + -13.147518157958984 + ], + [ + "\u2581Filadelfia", + -13.147550582885742 + ], + [ + "\u2581gravitational", + -13.147560119628906 + ], + [ + "steht", + -13.147583961486816 + ], + [ + "\u2581equivalence", + -13.147588729858398 + ], + [ + "\u2581lebten", + -13.147601127624512 + ], + [ + "illus", + -13.147626876831056 + ], + [ + "\u2581doctrina", + -13.147626876831056 + ], + [ + "\u2581personalmente", + -13.14763355255127 + ], + [ + "\u2581abitati", + -13.147648811340332 + ], + [ + "\u2581anbieten", + -13.147679328918455 + ], + [ + "Safe", + -13.147701263427734 + ], + [ + "\u2581bereitgestellt", + -13.14772605895996 + ], + [ + "GLOBAL", + -13.147735595703123 + ], + [ + "\u2581rios", + -13.1477689743042 + ], + [ + "\u2581verzet", + -13.147784233093262 + ], + [ + "fila", + -13.147819519042969 + ], + [ + "\u2581Tobias", + -13.14785099029541 + ], + [ + "\u2581teatral", + -13.147875785827637 + ], + [ + "\u2581eingestuft", + -13.147887229919434 + ], + [ + "\u2581Beieren", + -13.147902488708496 + ], + [ + "browserify", + -13.147904396057127 + ], + [ + "\u2581Anima", + -13.14798069000244 + ], + [ + "kB", + -13.147994041442873 + ], + [ + "ugh", + -13.14807415008545 + ], + [ + "\u2581s\u00e1bado", + -13.148101806640623 + ], + [ + "Levensloop", + -13.14812469482422 + ], + [ + "\u2581rappresentano", + -13.148188591003418 + ], + [ + "itat", + -13.14820384979248 + ], + [ + "it\u00e4ten", + -13.148250579833984 + ], + [ + "trein", + -13.148309707641602 + ], + [ + "shortcut", + -13.14836311340332 + ], + [ + "\u2581beliebt", + -13.148372650146484 + ], + [ + "\u2581Gew\u00e4hrleistung", + -13.148399353027344 + ], + [ + "yx", + -13.148499488830566 + ], + [ + "\u2581paradigma", + -13.148514747619627 + ], + [ + "\u2581hist\u00f3ricas", + -13.148519515991213 + ], + [ + "\u2581Said", + -13.148520469665527 + ], + [ + "\u2581sessuale", + -13.148534774780272 + ], + [ + "\u2581ubicaci\u00f3n", + -13.148581504821776 + ], + [ + "\u2581Henderson", + -13.148608207702637 + ], + [ + "\u2581Comandante", + -13.14862060546875 + ], + [ + "\u2581\u00fcberzeugt", + -13.14864444732666 + ], + [ + "\u2581trombo", + -13.148703575134276 + ], + [ + "\u2581oostelijke", + -13.14870548248291 + ], + [ + "\u2581Caro", + -13.148720741271973 + ], + [ + "\u2581liberi", + -13.1487398147583 + ], + [ + "\u2581folglich", + -13.148771286010742 + ], + [ + "\u2581artiesten", + -13.148818016052246 + ], + [ + "\u2581juez", + -13.148859977722168 + ], + [ + "\u2581Resolutie", + -13.148870468139648 + ], + [ + "\u2581Einschr\u00e4nkungen", + -13.14893627166748 + ], + [ + "\u2581breakfast", + -13.148940086364746 + ], + [ + "\u2581doppia", + -13.14902114868164 + ], + [ + "changes", + -13.149052619934082 + ], + [ + "\u2581governatore", + -13.14908504486084 + ], + [ + "Wissenschaftlich", + -13.149102210998535 + ], + [ + "Tasks", + -13.149121284484863 + ], + [ + "duplicate", + -13.149125099182127 + ], + [ + "\u2581Nixon", + -13.149136543273926 + ], + [ + "\u2581siguen", + -13.149209976196287 + ], + [ + "\u2581Iglesias", + -13.149216651916504 + ], + [ + "INSTANCE", + -13.149225234985352 + ], + [ + "\u2581triangular", + -13.149309158325195 + ], + [ + "ustellung", + -13.149367332458496 + ], + [ + "\u2581Arabische", + -13.149395942687988 + ], + [ + "\u2581drift", + -13.14943027496338 + ], + [ + "\u2581nazis", + -13.14943027496338 + ], + [ + "Artifact", + -13.1494722366333 + ], + [ + "\u2581W\u00e4lder", + -13.149531364440918 + ], + [ + "farben", + -13.14955234527588 + ], + [ + "\u2581ruling", + -13.149576187133787 + ], + [ + "\u2581Graphics", + -13.14958381652832 + ], + [ + "\u2581multiplier", + -13.14963150024414 + ], + [ + "\u2581parques", + -13.14963722229004 + ], + [ + "Analysis", + -13.14965534210205 + ], + [ + "\u2581regarder", + -13.149658203125 + ], + [ + "\u2581Oxy", + -13.149740219116213 + ], + [ + "\u2581aerea", + -13.14984130859375 + ], + [ + "\u2581Actrices", + -13.149842262268066 + ], + [ + "nige", + -13.149852752685549 + ], + [ + "\u2581immigrati", + -13.149974822998049 + ], + [ + "\u2581Monstro", + -13.149980545043944 + ], + [ + "\u2581scheinen", + -13.150014877319336 + ], + [ + "\u2581prosegue", + -13.15007495880127 + ], + [ + "Sea", + -13.150086402893066 + ], + [ + "ergew", + -13.15011501312256 + ], + [ + "\u2581relatos", + -13.15013027191162 + ], + [ + "skill", + -13.150136947631836 + ], + [ + "\u2581dose", + -13.150191307067873 + ], + [ + "yat", + -13.150203704833984 + ], + [ + "\u2581bef", + -13.15024471282959 + ], + [ + "\u2581annuncia", + -13.150254249572754 + ], + [ + "\u2581versa", + -13.150269508361816 + ], + [ + "\u2581Moe", + -13.150276184082031 + ], + [ + "processed", + -13.15030002593994 + ], + [ + "\u2581gratuitamente", + -13.150307655334473 + ], + [ + "\u2581Initiativen", + -13.150322914123535 + ], + [ + "\u2581Monitor", + -13.150327682495115 + ], + [ + "\u2581Ibn", + -13.150412559509276 + ], + [ + "\u2581campana", + -13.150456428527832 + ], + [ + "\u2581shore", + -13.150476455688477 + ], + [ + "\u2581bezahlt", + -13.150492668151855 + ], + [ + "\u2581Construction", + -13.150493621826172 + ], + [ + "hre", + -13.150639533996582 + ], + [ + "subscription", + -13.150641441345217 + ], + [ + "\u2581magnitud", + -13.150653839111328 + ], + [ + "\u2581Pam", + -13.150714874267578 + ], + [ + "\u2581hiver", + -13.150734901428224 + ], + [ + "\u2581Alves", + -13.150738716125488 + ], + [ + "resse", + -13.150741577148438 + ], + [ + "Particle", + -13.150802612304688 + ], + [ + "Mid", + -13.150812149047852 + ], + [ + "\u2581Abgaben", + -13.15085506439209 + ], + [ + "\u2581Garr", + -13.150877952575684 + ], + [ + "PAN", + -13.150884628295898 + ], + [ + "\u2581cardiac", + -13.150911331176758 + ], + [ + "haushalt", + -13.150948524475098 + ], + [ + "\u2581residiendo", + -13.150991439819336 + ], + [ + "\u2581conectar", + -13.15102481842041 + ], + [ + "\u2581garantire", + -13.151043891906738 + ], + [ + "\u2581assassin", + -13.151083946228027 + ], + [ + "tuk", + -13.15109920501709 + ], + [ + "\u2581extiende", + -13.151142120361328 + ], + [ + "performance", + -13.151152610778809 + ], + [ + "\u2581Aqu\u00ed", + -13.151152610778809 + ], + [ + "\u2581apprend", + -13.151156425476074 + ], + [ + "pone", + -13.151219367980955 + ], + [ + "caro", + -13.151229858398438 + ], + [ + "\u2581Boll", + -13.15127182006836 + ], + [ + "icamente", + -13.151304244995115 + ], + [ + "binder", + -13.15134620666504 + ], + [ + "srechte", + -13.15135097503662 + ], + [ + "CLOUD", + -13.15135383605957 + ], + [ + "\u2581d\u00e9buts", + -13.15137767791748 + ], + [ + "\u2581viande", + -13.15138053894043 + ], + [ + "\u2581vindo", + -13.151466369628906 + ], + [ + "\u2581Anime", + -13.151497840881348 + ], + [ + "\u2581colloca", + -13.151581764221191 + ], + [ + "SECRET", + -13.151641845703123 + ], + [ + "prak", + -13.15164279937744 + ], + [ + "\u2581Klimaschutz", + -13.15167999267578 + ], + [ + "\u2581risks", + -13.151680946350098 + ], + [ + "\u2581indagini", + -13.151728630065918 + ], + [ + "Aquitaine", + -13.15173053741455 + ], + [ + "sculo", + -13.151732444763184 + ], + [ + "agina", + -13.151739120483398 + ], + [ + "\u2581verbundene", + -13.151761054992676 + ], + [ + "\u2581Adolfo", + -13.15176486968994 + ], + [ + "gain", + -13.15176773071289 + ], + [ + "\u2581Altar", + -13.151798248291016 + ], + [ + "klick", + -13.151799201965332 + ], + [ + "\u2581hetgeen", + -13.15182399749756 + ], + [ + "\u2581Leis", + -13.15186882019043 + ], + [ + "Leu", + -13.151890754699709 + ], + [ + "\u2581Constitui", + -13.151921272277832 + ], + [ + "\u2581verlieren", + -13.151933670043944 + ], + [ + "entropy", + -13.151941299438477 + ], + [ + "\u2581Crist\u00f3bal", + -13.1519775390625 + ], + [ + "\u2581v\u00e9rifier", + -13.151981353759766 + ], + [ + "SHORT", + -13.152022361755373 + ], + [ + "fraction", + -13.1520414352417 + ], + [ + "Alegrias", + -13.152097702026367 + ], + [ + "\u2581Investigaci\u00f3n", + -13.152107238769531 + ], + [ + "ovski", + -13.152112007141112 + ], + [ + "ABA", + -13.152121543884276 + ], + [ + "programms", + -13.152144432067873 + ], + [ + "\u2581Lili", + -13.152153968811035 + ], + [ + "piro", + -13.15221118927002 + ], + [ + "cava", + -13.152268409729004 + ], + [ + "\u2581teilnehmen", + -13.15227222442627 + ], + [ + "\u2581awareness", + -13.152297019958496 + ], + [ + "DCDCDC", + -13.152352333068848 + ], + [ + "\u2581lecteur", + -13.152366638183594 + ], + [ + "\u2581escultura", + -13.152390480041504 + ], + [ + "\u2581Swedish", + -13.152419090270996 + ], + [ + "\u2581Wolff", + -13.152438163757324 + ], + [ + "\u2581Platform", + -13.152440071105955 + ], + [ + "lek", + -13.152445793151855 + ], + [ + "Hotel", + -13.152487754821776 + ], + [ + "\u2581tantas", + -13.152520179748535 + ], + [ + "\u2581chanteur", + -13.15255641937256 + ], + [ + "\u2581esemplari", + -13.152602195739746 + ], + [ + "\u2581cinqui", + -13.152629852294922 + ], + [ + "\u2581Won", + -13.152660369873049 + ], + [ + "\u2581normali", + -13.152668952941896 + ], + [ + "Eth", + -13.152708053588867 + ], + [ + "\u2581Monitoring", + -13.152786254882812 + ], + [ + "\u2581Luck", + -13.15282154083252 + ], + [ + "\u2581Usage", + -13.152827262878418 + ], + [ + "\u2581tourne", + -13.152838706970217 + ], + [ + "\u2581buitenlandse", + -13.15300464630127 + ], + [ + "Tracking", + -13.153081893920898 + ], + [ + "Forms", + -13.153096199035645 + ], + [ + "ugu", + -13.153115272521973 + ], + [ + "cuo", + -13.153117179870604 + ], + [ + "\u2581gebeurtenissen", + -13.1531400680542 + ], + [ + "g\u00fce", + -13.153170585632324 + ], + [ + "\u2581bed\u00fcrfen", + -13.153191566467283 + ], + [ + "SOURCES", + -13.153209686279297 + ], + [ + "\u2581prigionieri", + -13.153227806091309 + ], + [ + "strasse", + -13.153230667114258 + ], + [ + "\u2581Lars", + -13.153249740600586 + ], + [ + "\u2581chiffres", + -13.153261184692385 + ], + [ + "\u2581situ\u00e9s", + -13.153264045715332 + ], + [ + "Curr", + -13.153268814086914 + ], + [ + "premi", + -13.15327262878418 + ], + [ + "unterschied", + -13.153300285339355 + ], + [ + "\u2581vencedor", + -13.153404235839844 + ], + [ + "\u2581Niger", + -13.153447151184082 + ], + [ + "\u2581dom\u00e9sticos", + -13.153453826904297 + ], + [ + "\u2581Rivi", + -13.153456687927246 + ], + [ + "RAW", + -13.153519630432127 + ], + [ + "\u2581andava", + -13.153529167175291 + ], + [ + "\u2581Leger", + -13.15354824066162 + ], + [ + "institution", + -13.153549194335938 + ], + [ + "\u2581Circule", + -13.15356159210205 + ], + [ + "\u2581definitief", + -13.153564453125 + ], + [ + "\u2581Carroll", + -13.153576850891112 + ], + [ + "\u2581Anregung", + -13.153599739074709 + ], + [ + "\u2581registrado", + -13.153619766235352 + ], + [ + "\u2581Estaba", + -13.15367603302002 + ], + [ + "\u2581gezielt", + -13.153701782226562 + ], + [ + "\u2581SERAFIN", + -13.153726577758787 + ], + [ + "\u2581suggesting", + -13.153789520263672 + ], + [ + "\u2581denominaci\u00f3n", + -13.153844833374023 + ], + [ + "\u2581mining", + -13.153864860534668 + ], + [ + "\u2581schriftlichen", + -13.153876304626465 + ], + [ + "\u2581Umbau", + -13.15389919281006 + ], + [ + "hay", + -13.153912544250488 + ], + [ + "\u2581incluida", + -13.15391731262207 + ], + [ + "\u2581directive", + -13.15397834777832 + ], + [ + "\u2581klinischen", + -13.154003143310549 + ], + [ + "g\u00fcter", + -13.154056549072266 + ], + [ + "drama", + -13.154083251953123 + ], + [ + "\u2581geladen", + -13.15412139892578 + ], + [ + "coding", + -13.15416431427002 + ], + [ + "\u2581penetra", + -13.154219627380373 + ], + [ + "\u2581Progress", + -13.154224395751951 + ], + [ + "\u2581Disease", + -13.154273986816406 + ], + [ + "tida", + -13.154294967651367 + ], + [ + "\u2581torture", + -13.154339790344238 + ], + [ + "\u2581Einkaufs", + -13.15439224243164 + ], + [ + "\u2581administrator", + -13.154393196105955 + ], + [ + "\u2581collezione", + -13.154406547546388 + ], + [ + "\u2581Bem", + -13.154433250427246 + ], + [ + "\u2581retir\u00f3", + -13.15444278717041 + ], + [ + "\u2581Additional", + -13.154444694519045 + ], + [ + "\u2581motivation", + -13.154468536376951 + ], + [ + "abus", + -13.15447998046875 + ], + [ + "\u2581mamma", + -13.154481887817385 + ], + [ + "g\u00e9es", + -13.154497146606444 + ], + [ + "\u2581Philosophy", + -13.15456485748291 + ], + [ + "\u2581produttore", + -13.154627799987791 + ], + [ + "Once", + -13.15465259552002 + ], + [ + "schloss", + -13.15468692779541 + ], + [ + "\u2581Sollte", + -13.154687881469728 + ], + [ + "\u2581Bochum", + -13.15471076965332 + ], + [ + "engel", + -13.154714584350586 + ], + [ + "\u2581/#", + -13.15475368499756 + ], + [ + "\u2581erreichten", + -13.154765129089355 + ], + [ + "\u2581sterren", + -13.154815673828123 + ], + [ + "\u2581Mille", + -13.154827117919922 + ], + [ + "\u2581wapens", + -13.15487289428711 + ], + [ + "\u2581Operator", + -13.15487575531006 + ], + [ + "\u2581esperti", + -13.154940605163574 + ], + [ + "\u2581Parent", + -13.15499496459961 + ], + [ + "\u2581Edel", + -13.15500259399414 + ], + [ + "requirements", + -13.155014991760254 + ], + [ + "\u2581lichte", + -13.155025482177734 + ], + [ + "\u2581Airbus", + -13.15503978729248 + ], + [ + "\u2581conserv\u00e9", + -13.1551513671875 + ], + [ + "oyer", + -13.155233383178713 + ], + [ + "\u2581appartenenti", + -13.155233383178713 + ], + [ + "\u2581rector", + -13.155275344848633 + ], + [ + "\u2581keuken", + -13.155282020568848 + ], + [ + "volution", + -13.155309677124023 + ], + [ + "\u2581aufmerksam", + -13.155370712280272 + ], + [ + "\u2581aplicaciones", + -13.155425071716309 + ], + [ + "kandidaten", + -13.155499458312988 + ], + [ + "\u2581Mexique", + -13.155526161193848 + ], + [ + "\u2581v\u00edas", + -13.155546188354492 + ], + [ + "\u2581Reisen", + -13.15555477142334 + ], + [ + "\u2581Mitglieds", + -13.155560493469238 + ], + [ + "\u2581rato", + -13.155571937561035 + ], + [ + "\u2581peruano", + -13.155583381652832 + ], + [ + "\u2581Australische", + -13.155625343322754 + ], + [ + "\u2581Mischung", + -13.155638694763184 + ], + [ + "userId", + -13.155661582946776 + ], + [ + "\u2581cum", + -13.155661582946776 + ], + [ + "\u2581legislative", + -13.155718803405762 + ], + [ + "\u2581Tools", + -13.155722618103027 + ], + [ + "\u2581corredor", + -13.15578556060791 + ], + [ + "IATA", + -13.15579891204834 + ], + [ + "\u2581prosa", + -13.155804634094238 + ], + [ + "\u2581Umberto", + -13.15583324432373 + ], + [ + "\u2581xxx", + -13.155875205993652 + ], + [ + "volo", + -13.155900955200195 + ], + [ + "\u2581Fortaleza", + -13.15591526031494 + ], + [ + "\u2581Functions", + -13.155961036682127 + ], + [ + "\u2581\\#", + -13.155987739562988 + ], + [ + "\u2581angesprochen", + -13.156014442443848 + ], + [ + "\u2581descubrir", + -13.156035423278809 + ], + [ + "\u2581geringf\u00fcgig", + -13.15603733062744 + ], + [ + "\u2581remembered", + -13.156038284301758 + ], + [ + "\u2581cheese", + -13.15606689453125 + ], + [ + "ecido", + -13.15608024597168 + ], + [ + "\u2581professore", + -13.156185150146484 + ], + [ + "\u2581sig", + -13.15618896484375 + ], + [ + "strahl", + -13.156193733215332 + ], + [ + "\u2581printing", + -13.156292915344238 + ], + [ + "mostra", + -13.156317710876465 + ], + [ + "\u2581Tommaso", + -13.156322479248049 + ], + [ + "assurance", + -13.156432151794434 + ], + [ + "\u2581Visconti", + -13.156492233276367 + ], + [ + "\u2581Gert", + -13.15649700164795 + ], + [ + "\u2581scontri", + -13.156500816345217 + ], + [ + "\u2581Resources", + -13.156534194946287 + ], + [ + "iegen", + -13.156536102294922 + ], + [ + "\u2581cricket", + -13.156558990478516 + ], + [ + "\u2581correspondente", + -13.156587600708008 + ], + [ + "\u2581sacra", + -13.156676292419434 + ], + [ + "\u2581intellettuale", + -13.156682968139648 + ], + [ + "Als", + -13.156707763671877 + ], + [ + "\u2581hex", + -13.15675926208496 + ], + [ + "\u2581Gras", + -13.156790733337402 + ], + [ + "\u2581wi", + -13.15682315826416 + ], + [ + "\u2581Vari", + -13.156871795654297 + ], + [ + "populate", + -13.156885147094728 + ], + [ + "ogi", + -13.156893730163574 + ], + [ + "\u2581verst\u00e4rkte", + -13.156999588012695 + ], + [ + "\u2581ritorna", + -13.15701389312744 + ], + [ + "v\u00f3", + -13.157020568847656 + ], + [ + "\u2581brew", + -13.157122611999512 + ], + [ + "\u2581Landesregierung", + -13.157143592834473 + ], + [ + "\u2581minera", + -13.157156944274902 + ], + [ + "\u2581Sachverhalt", + -13.157172203063965 + ], + [ + "\u2581Huang", + -13.157193183898926 + ], + [ + "schaftliche", + -13.157215118408203 + ], + [ + "CTAssertTrue", + -13.157269477844238 + ], + [ + "\u2581establece", + -13.157296180725098 + ], + [ + "Ast", + -13.157299995422363 + ], + [ + "sweg", + -13.157333374023438 + ], + [ + "diagnose", + -13.157353401184082 + ], + [ + "Duitse", + -13.15739917755127 + ], + [ + "geri", + -13.15741729736328 + ], + [ + "\u2581possivelmente", + -13.157431602478027 + ], + [ + "\u2581verzichten", + -13.157476425170898 + ], + [ + "lect", + -13.157485008239746 + ], + [ + "\u2581veloci", + -13.15748691558838 + ], + [ + "\u2581erteilen", + -13.15750789642334 + ], + [ + "ibility", + -13.15754222869873 + ], + [ + "inidae", + -13.157544136047363 + ], + [ + "Room", + -13.157567024230955 + ], + [ + "\u2581cutlass", + -13.157617568969728 + ], + [ + "\u2581Rend", + -13.157623291015623 + ], + [ + "\u2581Fragebogen", + -13.15764045715332 + ], + [ + "\u2581Handy", + -13.1576509475708 + ], + [ + "\u2581AK", + -13.157658576965332 + ], + [ + "\u2581symptom", + -13.157703399658203 + ], + [ + "etico", + -13.157707214355469 + ], + [ + "\u2581poll", + -13.15772819519043 + ], + [ + "\u2581similarity", + -13.157770156860352 + ], + [ + "\u2581onderscheid", + -13.15778350830078 + ], + [ + "\u2581Koll", + -13.157811164855955 + ], + [ + "\u2581armed", + -13.157816886901855 + ], + [ + "rach", + -13.15783977508545 + ], + [ + "\u2581vissuto", + -13.157870292663574 + ], + [ + "\u2581infinita", + -13.157910346984863 + ], + [ + "stral", + -13.157939910888672 + ], + [ + "qu\u00ed", + -13.15794277191162 + ], + [ + "\u2581ScaleMajor", + -13.15799617767334 + ], + [ + "\u2581Dmitri", + -13.15800952911377 + ], + [ + "\u2581cubo", + -13.158051490783691 + ], + [ + "\u2581enredo", + -13.158076286315918 + ], + [ + "\u2581dertig", + -13.158096313476562 + ], + [ + "\u2581Posted", + -13.158154487609863 + ], + [ + "FULL", + -13.158175468444824 + ], + [ + "\u2581stretta", + -13.158206939697266 + ], + [ + "\u2581Stro", + -13.15821933746338 + ], + [ + "\u2581ilustra", + -13.158233642578123 + ], + [ + "\u2581substances", + -13.158275604248049 + ], + [ + "\u2581sph", + -13.158297538757324 + ], + [ + "\u2581verslagen", + -13.158329010009766 + ], + [ + "ipotesi", + -13.158331871032717 + ], + [ + "wed", + -13.1583890914917 + ], + [ + "\u2581Duisburg", + -13.15844440460205 + ], + [ + "quart", + -13.158462524414062 + ], + [ + "\u2581katholieke", + -13.158595085144045 + ], + [ + "\u2581Venne", + -13.158629417419434 + ], + [ + "\u2581bijdrage", + -13.158632278442385 + ], + [ + "f\u00fcllen", + -13.158644676208496 + ], + [ + "Mutex", + -13.158695220947266 + ], + [ + "UND", + -13.158719062805176 + ], + [ + "\u2581identifying", + -13.15873908996582 + ], + [ + "Wh", + -13.158754348754885 + ], + [ + "\u2581traghetto", + -13.158758163452148 + ], + [ + "ucho", + -13.15882682800293 + ], + [ + "\u2581R\u00e9sultats", + -13.158830642700195 + ], + [ + "sane", + -13.158842086791992 + ], + [ + "\u2581heden", + -13.158927917480469 + ], + [ + "\u2581Namibia", + -13.158947944641112 + ], + [ + "\u2581dankzij", + -13.15900421142578 + ], + [ + "\u2581Gibson", + -13.159011840820312 + ], + [ + "\u2581livraison", + -13.159014701843262 + ], + [ + "dirs", + -13.159022331237791 + ], + [ + "\u2581Usa", + -13.159024238586426 + ], + [ + "fijo", + -13.15904140472412 + ], + [ + "langen", + -13.159042358398438 + ], + [ + "\u2581Anglo", + -13.15908432006836 + ], + [ + "CFLAGS", + -13.159138679504396 + ], + [ + "\u2581gode", + -13.159194946289062 + ], + [ + "\u2581Diario", + -13.159208297729492 + ], + [ + "\u2581marcia", + -13.159316062927246 + ], + [ + "\u2581Rum\u00e4nien", + -13.159377098083496 + ], + [ + "\u2581Lockhart", + -13.159382820129396 + ], + [ + "\u2581evoca", + -13.159403800964355 + ], + [ + "\u2581hol", + -13.159412384033203 + ], + [ + "\u2581synth", + -13.159445762634276 + ], + [ + "\u2581Armando", + -13.159482955932615 + ], + [ + "\u2581raid", + -13.15948486328125 + ], + [ + "Kan", + -13.159485816955566 + ], + [ + "Np", + -13.159526824951172 + ], + [ + "guerra", + -13.15952968597412 + ], + [ + "\u2581improving", + -13.159538269042969 + ], + [ + "eigenschaften", + -13.159690856933594 + ], + [ + "squared", + -13.159746170043944 + ], + [ + "\u2581grey", + -13.159774780273438 + ], + [ + "\u2581templi", + -13.159807205200195 + ], + [ + "Hor", + -13.15982437133789 + ], + [ + "CTRL", + -13.159867286682127 + ], + [ + "\u2581pron", + -13.159883499145508 + ], + [ + "CLion", + -13.159958839416504 + ], + [ + "\u2581progressivement", + -13.1599760055542 + ], + [ + "\u2581autostrade", + -13.16001033782959 + ], + [ + "\u2581Inghilterra", + -13.16001319885254 + ], + [ + "rdin", + -13.160097122192385 + ], + [ + "seinrichtungen", + -13.160154342651367 + ], + [ + "\u2581Kandidaten", + -13.160184860229492 + ], + [ + "METHOD", + -13.160238265991213 + ], + [ + "\u2581meal", + -13.160307884216309 + ], + [ + "\u2581moneta", + -13.160322189331056 + ], + [ + "\u2581developers", + -13.160364151000977 + ], + [ + "\u2581FreeBSD", + -13.160425186157228 + ], + [ + "\u2581envers", + -13.160512924194336 + ], + [ + "\u2581achar", + -13.16054916381836 + ], + [ + "\u2581centers", + -13.160581588745115 + ], + [ + "filesystem", + -13.160604476928713 + ], + [ + "\u2581CodingKey", + -13.160624504089355 + ], + [ + "\u2581Blitz", + -13.16062831878662 + ], + [ + "Illustration", + -13.160656929016112 + ], + [ + "SCIP", + -13.160690307617188 + ], + [ + "\u2581terrestres", + -13.16071319580078 + ], + [ + "\u2581Casi", + -13.160791397094728 + ], + [ + "\u2581subit", + -13.160811424255373 + ], + [ + "ugo", + -13.160848617553713 + ], + [ + "\u2581gosto", + -13.161004066467283 + ], + [ + "\u2581konstant", + -13.161036491394045 + ], + [ + "\u2581richtigen", + -13.161052703857422 + ], + [ + "\u2581tocca", + -13.161125183105469 + ], + [ + "fft", + -13.16114902496338 + ], + [ + "ioli", + -13.161163330078123 + ], + [ + "\u2581portent", + -13.161202430725098 + ], + [ + "\u2581perfino", + -13.161274909973145 + ], + [ + "vira", + -13.161297798156738 + ], + [ + "Instances", + -13.161307334899902 + ], + [ + "\u2581Mittwoch", + -13.161307334899902 + ], + [ + "akka", + -13.161312103271484 + ], + [ + "\u2581Absch", + -13.16131591796875 + ], + [ + "\u2581###############", + -13.161334991455078 + ], + [ + "z\u00f3n", + -13.161344528198242 + ], + [ + "\u2581pourrez", + -13.16137981414795 + ], + [ + "amato", + -13.16141128540039 + ], + [ + "\u2581Winterspelen", + -13.161412239074709 + ], + [ + "\u2581permiten", + -13.161419868469238 + ], + [ + "\u2581mentionn\u00e9", + -13.16142749786377 + ], + [ + "\u2581mauvaise", + -13.161447525024414 + ], + [ + "\u2581Prague", + -13.161532402038574 + ], + [ + "\u2581Faso", + -13.161580085754396 + ], + [ + "ranha", + -13.16161060333252 + ], + [ + "\u2581voces", + -13.161616325378418 + ], + [ + "\u2581centrales", + -13.16163158416748 + ], + [ + "Jahr", + -13.161657333374023 + ], + [ + "\u2581reprendre", + -13.161676406860352 + ], + [ + "\u2581Hello", + -13.161681175231934 + ], + [ + "\u2581capazes", + -13.161765098571776 + ], + [ + "\u2581Active", + -13.161792755126951 + ], + [ + "\u2581conclu", + -13.161845207214355 + ], + [ + "\u2581acontecer", + -13.161856651306152 + ], + [ + "bler", + -13.16188621520996 + ], + [ + "\u2581d\u00e9put\u00e9s", + -13.161893844604492 + ], + [ + "\u2581gelegene", + -13.161941528320312 + ], + [ + "Cfg", + -13.161954879760742 + ], + [ + "\u2581catalogue", + -13.16197395324707 + ], + [ + "acker", + -13.161978721618652 + ], + [ + "\u2581enfermedades", + -13.162006378173828 + ], + [ + "\u2581Turk", + -13.162145614624023 + ], + [ + "excel", + -13.162147521972656 + ], + [ + "taria", + -13.16221809387207 + ], + [ + "\u2581stochastic", + -13.162226676940918 + ], + [ + "\u2581encounter", + -13.162245750427246 + ], + [ + "cionar", + -13.16226291656494 + ], + [ + "\u2581Nin", + -13.162273406982422 + ], + [ + "Fach", + -13.162276268005373 + ], + [ + "\u2581chauffeur", + -13.162276268005373 + ], + [ + "\u2581Rojo", + -13.16227912902832 + ], + [ + "\u2581bezetting", + -13.16231918334961 + ], + [ + "gu\u00e9", + -13.162370681762695 + ], + [ + "stdin", + -13.16239070892334 + ], + [ + "\u2581Kiefer", + -13.162397384643556 + ], + [ + "\u2581notevolmente", + -13.162429809570312 + ], + [ + "\u2581cortes", + -13.162436485290527 + ], + [ + "\u2581Befugnisse", + -13.162466049194336 + ], + [ + "ficiency", + -13.162473678588867 + ], + [ + "\u2581shapes", + -13.162477493286133 + ], + [ + "\u2581siga", + -13.162484169006348 + ], + [ + "\u2581nera", + -13.162493705749512 + ], + [ + "\u2581expedici\u00f3n", + -13.162505149841309 + ], + [ + "\u2581rendered", + -13.1625394821167 + ], + [ + "Pane", + -13.16257381439209 + ], + [ + "caffe", + -13.162580490112305 + ], + [ + "\u2581Beba", + -13.162604331970217 + ], + [ + "geslagen", + -13.162609100341797 + ], + [ + "\u2581universitaria", + -13.16265869140625 + ], + [ + "Compute", + -13.162702560424805 + ], + [ + "\u2581Neckar", + -13.16270923614502 + ], + [ + "\u2581remota", + -13.162721633911133 + ], + [ + "\u2581Kry", + -13.162726402282717 + ], + [ + "\u2581designer", + -13.162749290466309 + ], + [ + "Schul", + -13.162766456604004 + ], + [ + "detto", + -13.162896156311035 + ], + [ + "gole", + -13.162915229797363 + ], + [ + "\u2581notturna", + -13.162919044494627 + ], + [ + "adi\u00f3", + -13.16296100616455 + ], + [ + "supervised", + -13.162991523742676 + ], + [ + "marie", + -13.163042068481444 + ], + [ + "demonstration", + -13.163043975830078 + ], + [ + "toi", + -13.163044929504396 + ], + [ + "\u2581Belgio", + -13.16305923461914 + ], + [ + "\u2581NBC", + -13.163079261779783 + ], + [ + "\u2581Geb\u00fchr", + -13.163097381591797 + ], + [ + "\u2581doutores", + -13.163116455078123 + ], + [ + "\u2581craft", + -13.163151741027832 + ], + [ + "\u2581consigli", + -13.163198471069336 + ], + [ + "\u2581venu", + -13.163207054138184 + ], + [ + "\u2581Stoffen", + -13.163230895996094 + ], + [ + "\u2581cabine", + -13.163291931152344 + ], + [ + "dropout", + -13.163293838500977 + ], + [ + "Funktion", + -13.163294792175291 + ], + [ + "\u2581Kru", + -13.163296699523926 + ], + [ + "tiven", + -13.16330337524414 + ], + [ + "\u2581Lokal", + -13.163405418395996 + ], + [ + "\u2581manufacturing", + -13.163416862487791 + ], + [ + "\u2581arbitra", + -13.163432121276855 + ], + [ + "overwrite", + -13.163448333740234 + ], + [ + "\u2581Dus", + -13.163454055786133 + ], + [ + "Seg", + -13.163493156433104 + ], + [ + "\u2581Fuentes", + -13.163504600524902 + ], + [ + "MRC", + -13.16352081298828 + ], + [ + "\u2581grossi", + -13.163533210754396 + ], + [ + "\u2581g\u00e9n\u00e9raux", + -13.16354751586914 + ], + [ + "\u2581sintaxe", + -13.163561820983888 + ], + [ + "\u2581unabh\u00e4ngigen", + -13.163566589355469 + ], + [ + "inet", + -13.163578987121582 + ], + [ + "tones", + -13.163593292236328 + ], + [ + "Literatuur", + -13.163633346557615 + ], + [ + "\u2581signifi", + -13.163697242736816 + ], + [ + "\u2581bang", + -13.163721084594728 + ], + [ + "crf", + -13.163748741149902 + ], + [ + "\u2581Markov", + -13.163750648498535 + ], + [ + "jev", + -13.16380214691162 + ], + [ + "\u2581loud", + -13.163836479187012 + ], + [ + "\u2581inspection", + -13.16386604309082 + ], + [ + "\u2581Gehalt", + -13.163909912109377 + ], + [ + "\u2581obteve", + -13.16392421722412 + ], + [ + "champ", + -13.163949012756348 + ], + [ + "\u2581dovette", + -13.16395664215088 + ], + [ + "\u2581Neufassung", + -13.16397476196289 + ], + [ + "\u2581Bundesstaat", + -13.163996696472168 + ], + [ + "\u2581guitare", + -13.164010047912598 + ], + [ + "\u2581maatschappij", + -13.164019584655762 + ], + [ + "\u2581joga", + -13.164022445678713 + ], + [ + "\u00e9ria", + -13.164036750793455 + ], + [ + "\u2581rebeldes", + -13.164087295532228 + ], + [ + "\u2581Kunststoff", + -13.164103507995604 + ], + [ + "\u2581\u00e1rabes", + -13.164111137390137 + ], + [ + "fert", + -13.16415023803711 + ], + [ + "FALSE", + -13.16425323486328 + ], + [ + "\u2581Gattung", + -13.164271354675291 + ], + [ + "\u2581Ambiente", + -13.16428565979004 + ], + [ + "\u2581Sarkozy", + -13.164301872253418 + ], + [ + "\u2581Split", + -13.164302825927734 + ], + [ + "PAR", + -13.164315223693848 + ], + [ + "dici", + -13.16431999206543 + ], + [ + "\u2581minibus", + -13.16437816619873 + ], + [ + "olus", + -13.164386749267578 + ], + [ + "\u2581trayectoria", + -13.16444969177246 + ], + [ + "\u2581departure", + -13.164515495300291 + ], + [ + "andar", + -13.16451644897461 + ], + [ + "\u2581rupture", + -13.16456699371338 + ], + [ + "gami", + -13.164618492126465 + ], + [ + "zap", + -13.16461944580078 + ], + [ + "\u2581espalda", + -13.164628982543944 + ], + [ + "ucchi", + -13.164708137512209 + ], + [ + "\u2581valve", + -13.164716720581056 + ], + [ + "\u2581Resultaten", + -13.164718627929688 + ], + [ + "\u2581usou", + -13.164759635925291 + ], + [ + "\u2581K\u00e4ufer", + -13.164774894714355 + ], + [ + "humanit\u00e9", + -13.16481113433838 + ], + [ + "flo", + -13.164816856384276 + ], + [ + "\u2581Bates", + -13.164827346801758 + ], + [ + "lago", + -13.164839744567873 + ], + [ + "\u2581ofwel", + -13.164937019348145 + ], + [ + "\u2581vraagt", + -13.164938926696776 + ], + [ + "vera", + -13.164941787719728 + ], + [ + "\u2581bench\u00e9", + -13.164960861206056 + ], + [ + "\u2581Partidos", + -13.164979934692385 + ], + [ + "j\u00f3n", + -13.16508960723877 + ], + [ + "incidente", + -13.165116310119627 + ], + [ + "\u2581rendering", + -13.165122032165527 + ], + [ + "\u2581Iris", + -13.16514015197754 + ], + [ + "\u2581investigadores", + -13.165163040161133 + ], + [ + "ilio", + -13.165230751037598 + ], + [ + "\u2581coloniza", + -13.165242195129396 + ], + [ + "\u2581svolto", + -13.165243148803713 + ], + [ + "genoot", + -13.165249824523926 + ], + [ + "\u2581Beitritt", + -13.16525173187256 + ], + [ + "\u2581parl\u00e9", + -13.165338516235352 + ], + [ + "\u2581Shadow", + -13.16536808013916 + ], + [ + "\u2581getestet", + -13.16537094116211 + ], + [ + "\u2581demostrar", + -13.165407180786133 + ], + [ + "\u2581Adelaide", + -13.16546630859375 + ], + [ + "\u2581grega", + -13.165477752685549 + ], + [ + "\u2581tribus", + -13.16549301147461 + ], + [ + "\u2581Martini", + -13.16551113128662 + ], + [ + "\u2581Module", + -13.16551399230957 + ], + [ + "\u2581inclusief", + -13.165534973144531 + ], + [ + "\u2581mochten", + -13.165574073791504 + ], + [ + "\u2581erf", + -13.165575981140137 + ], + [ + "\u2581Gottfried", + -13.16562557220459 + ], + [ + "\u2581Auflagen", + -13.165677070617676 + ], + [ + "pis", + -13.165690422058104 + ], + [ + "THE", + -13.1657075881958 + ], + [ + "\u2581forment", + -13.165751457214355 + ], + [ + "\u2581Lor", + -13.16575813293457 + ], + [ + "\u2581techo", + -13.165789604187012 + ], + [ + "\u2581missie", + -13.16579246520996 + ], + [ + "\u2581Grave", + -13.16580581665039 + ], + [ + "\u2581Floyd", + -13.165823936462402 + ], + [ + "\u2581saving", + -13.165826797485352 + ], + [ + "\u2581dictadura", + -13.165841102600098 + ], + [ + "middag", + -13.165936470031738 + ], + [ + "\u2581Called", + -13.165945053100586 + ], + [ + "Creator", + -13.165947914123535 + ], + [ + "\u2581Arkansas", + -13.165963172912598 + ], + [ + "\u2581noreste", + -13.165966987609863 + ], + [ + "\u2581tantos", + -13.16603183746338 + ], + [ + "\u2581Schicksal", + -13.166075706481934 + ], + [ + "\u2581collegato", + -13.166077613830566 + ], + [ + "drill", + -13.166105270385742 + ], + [ + "\u2581gezegd", + -13.166109085083008 + ], + [ + "\u2581Durchsetzung", + -13.166141510009766 + ], + [ + "\u2581containers", + -13.166168212890623 + ], + [ + "\u2581escritora", + -13.166171073913574 + ], + [ + "\u2581math\u00e9matiques", + -13.166178703308104 + ], + [ + "silver", + -13.166230201721191 + ], + [ + "\u2581Gad", + -13.166337013244627 + ], + [ + "\u2581Sophia", + -13.166342735290527 + ], + [ + "\u2581M\u00fc", + -13.166386604309082 + ], + [ + "\u2581navega", + -13.16645336151123 + ], + [ + "\u2581Protestant", + -13.16647720336914 + ], + [ + "\u2581Streu", + -13.16648006439209 + ], + [ + "fab", + -13.166553497314451 + ], + [ + "m\u00fchle", + -13.16656494140625 + ], + [ + "\u00e1nico", + -13.166587829589844 + ], + [ + "\u2581inversi\u00f3n", + -13.166633605957031 + ], + [ + "\u2581personality", + -13.166651725769045 + ], + [ + "leaf", + -13.166678428649902 + ], + [ + "Opts", + -13.16671085357666 + ], + [ + "mutter", + -13.16675853729248 + ], + [ + "Hard", + -13.166769981384276 + ], + [ + "\u2581miniserie", + -13.166787147521973 + ], + [ + "m\u00e9trica", + -13.166790962219238 + ], + [ + "\u2581Kabel", + -13.16689109802246 + ], + [ + "\u2581advantages", + -13.166952133178713 + ], + [ + "PAC", + -13.16697120666504 + ], + [ + "\u2581corde", + -13.167016983032228 + ], + [ + "\u2581opus", + -13.167020797729492 + ], + [ + "alkyl", + -13.167047500610352 + ], + [ + "\u2581Rechtslage", + -13.167110443115234 + ], + [ + "pila", + -13.167115211486816 + ], + [ + "\u2581relay", + -13.167116165161133 + ], + [ + "\u2581tangent", + -13.16713523864746 + ], + [ + "follow", + -13.167186737060549 + ], + [ + "Then", + -13.167190551757812 + ], + [ + "\u2581ACTION", + -13.167206764221191 + ], + [ + "Leit", + -13.167262077331545 + ], + [ + "\u2581zufrieden", + -13.167268753051758 + ], + [ + "\u2581Oldenburg", + -13.167275428771973 + ], + [ + "\u2581illusion", + -13.167279243469238 + ], + [ + "\u2581Jeugd", + -13.167438507080078 + ], + [ + "\u2581dorsal", + -13.167441368103027 + ], + [ + "jada", + -13.167454719543455 + ], + [ + "\u2581Statistical", + -13.167534828186035 + ], + [ + "\u2581Conjunto", + -13.1675386428833 + ], + [ + "\u2581vulnerable", + -13.167547225952148 + ], + [ + "\u2581sp\u00e4tere", + -13.167562484741213 + ], + [ + "dach", + -13.167613983154297 + ], + [ + "\u2581Voorbeelden", + -13.167698860168455 + ], + [ + "\u2581acte", + -13.16774845123291 + ], + [ + "\u2581reasoning", + -13.16775131225586 + ], + [ + "INTERNAL", + -13.16777801513672 + ], + [ + "\u2581ondernemer", + -13.167811393737791 + ], + [ + "morphic", + -13.167922973632812 + ], + [ + "\u2581nazista", + -13.16796588897705 + ], + [ + "\u2581Agentur", + -13.16798210144043 + ], + [ + "\u2581drain", + -13.168004035949709 + ], + [ + "fred", + -13.168024063110352 + ], + [ + "\u2581replacing", + -13.168063163757324 + ], + [ + "\u2581Solid", + -13.16806983947754 + ], + [ + "\u2581descent", + -13.168115615844728 + ], + [ + "faker", + -13.168177604675291 + ], + [ + "\u2581couvert", + -13.168262481689451 + ], + [ + "\u2581Guan", + -13.1682710647583 + ], + [ + "eries", + -13.168274879455566 + ], + [ + "\u2581cube", + -13.16828441619873 + ], + [ + "berichte", + -13.168328285217283 + ], + [ + "evaluate", + -13.16840934753418 + ], + [ + "\u2581organisaties", + -13.168412208557127 + ], + [ + "Low", + -13.168416023254396 + ], + [ + "atter", + -13.168447494506836 + ], + [ + "gone", + -13.168472290039062 + ], + [ + "\u2581Rip", + -13.168476104736328 + ], + [ + "ACL", + -13.168493270874023 + ], + [ + "\u2581Orient", + -13.16851043701172 + ], + [ + "\u2581Sandy", + -13.16851043701172 + ], + [ + "\u2581infantile", + -13.16851806640625 + ], + [ + "rtlich", + -13.168570518493652 + ], + [ + "\u2581leggenda", + -13.168615341186523 + ], + [ + "\u2581decidido", + -13.168631553649902 + ], + [ + "\u2581feels", + -13.168658256530762 + ], + [ + "\u2581liability", + -13.168683052062988 + ], + [ + "\u2581registrazione", + -13.168685913085938 + ], + [ + "\u2581menselijke", + -13.168688774108888 + ], + [ + "\u2581Essi", + -13.16869068145752 + ], + [ + "\u2581cabecera", + -13.16869068145752 + ], + [ + "\u2581riportato", + -13.16870403289795 + ], + [ + "\u2581perch", + -13.16875171661377 + ], + [ + "Ingress", + -13.168766021728516 + ], + [ + "\u2581Kennzeichnung", + -13.16876983642578 + ], + [ + "\u2581repr\u00e9sentations", + -13.168773651123049 + ], + [ + "\u2581Ott", + -13.168804168701172 + ], + [ + "Waiting", + -13.168824195861816 + ], + [ + "\u2581Dietrich", + -13.168931007385254 + ], + [ + "mettersi", + -13.169013023376465 + ], + [ + "\u2581Nash", + -13.169062614440918 + ], + [ + "\u2581fr\u00fchzeitig", + -13.1691255569458 + ], + [ + "lask", + -13.169143676757812 + ], + [ + "\u2581\u00e9tapes", + -13.169153213500977 + ], + [ + "impatto", + -13.169198036193848 + ], + [ + "\u2581Ausschluss", + -13.169252395629885 + ], + [ + "\u2581schafft", + -13.169254302978516 + ], + [ + "\u2581Rouen", + -13.169267654418944 + ], + [ + "\u2581organische", + -13.169291496276855 + ], + [ + "\u2581acad", + -13.169296264648438 + ], + [ + "\u2581entrer", + -13.16932773590088 + ], + [ + "\u2581r\u00e9publique", + -13.169379234313965 + ], + [ + "\u2581G\u00e9neros", + -13.169381141662598 + ], + [ + "\u2581Dro", + -13.16939640045166 + ], + [ + "\u2581affaccia", + -13.169410705566406 + ], + [ + "directories", + -13.169411659240724 + ], + [ + "\u2581maan", + -13.16942024230957 + ], + [ + "\u2581attuali", + -13.169425964355469 + ], + [ + "historien", + -13.16944980621338 + ], + [ + "zil", + -13.169469833374023 + ], + [ + "\u2581Teng", + -13.169469833374023 + ], + [ + "\u2581previo", + -13.169596672058104 + ], + [ + "\u2581occupe", + -13.169600486755373 + ], + [ + "lieder", + -13.169678688049316 + ], + [ + "\u2581Estad\u00edsticas", + -13.16974925994873 + ], + [ + "\u2581Wohngeld", + -13.169753074645996 + ], + [ + "\u2581Sch\u00fclerinnen", + -13.169804573059082 + ], + [ + "kruid", + -13.16981029510498 + ], + [ + "\u2581Close", + -13.169832229614258 + ], + [ + "kok", + -13.169855117797852 + ], + [ + "sfrist", + -13.16993522644043 + ], + [ + "\u2581Eigentums", + -13.17000675201416 + ], + [ + "vnd", + -13.170029640197754 + ], + [ + "\u2581Jenkins", + -13.17003345489502 + ], + [ + "\u2581c\u00e1rcel", + -13.170204162597656 + ], + [ + "\u2581Aristotele", + -13.170231819152832 + ], + [ + "MSVC", + -13.170245170593262 + ], + [ + "\u2581Sekund\u00e4r", + -13.170269012451172 + ], + [ + "amer", + -13.170305252075195 + ], + [ + "atra", + -13.170313835144045 + ], + [ + "\u2581Oz", + -13.170327186584473 + ], + [ + "\u2581Currently", + -13.170328140258787 + ], + [ + "\u2581fehlende", + -13.170388221740724 + ], + [ + "\u2581dank", + -13.17039680480957 + ], + [ + "\u2581integrate", + -13.17045783996582 + ], + [ + "IPS", + -13.170557022094728 + ], + [ + "\u2581suggestions", + -13.170567512512209 + ], + [ + "\u2581respeto", + -13.170575141906738 + ], + [ + "News", + -13.17060375213623 + ], + [ + "bereichs", + -13.170618057250977 + ], + [ + "\u2581Phe", + -13.170624732971191 + ], + [ + "Egitto", + -13.170639038085938 + ], + [ + "\u2581powder", + -13.170654296875 + ], + [ + "Revision", + -13.170730590820312 + ], + [ + "\u2581reservas", + -13.170766830444336 + ], + [ + "\u2581autocarros", + -13.170785903930664 + ], + [ + "forderungen", + -13.170801162719728 + ], + [ + "urich", + -13.17084789276123 + ], + [ + "\u2581studiosi", + -13.17086696624756 + ], + [ + "\u2581Berufe", + -13.170960426330566 + ], + [ + "\u2581palma", + -13.171008110046388 + ], + [ + "\u2581liked", + -13.17103385925293 + ], + [ + "\u2581Sales", + -13.171063423156738 + ], + [ + "\u2581herramientas", + -13.171074867248535 + ], + [ + "Dy", + -13.171083450317385 + ], + [ + "\u2581oldest", + -13.17108917236328 + ], + [ + "Inf", + -13.171106338500977 + ], + [ + "\u2581normativa", + -13.171170234680176 + ], + [ + "\u2581entscheidende", + -13.171196937561035 + ], + [ + "\u2581mere", + -13.171257019042969 + ], + [ + "\u2581hop", + -13.1712646484375 + ], + [ + "\u2581Ehefrau", + -13.17128086090088 + ], + [ + "imon", + -13.17131233215332 + ], + [ + "\u2581Fuchs", + -13.171340942382812 + ], + [ + "uridae", + -13.17141056060791 + ], + [ + "osservazione", + -13.171436309814451 + ], + [ + "clama", + -13.171448707580566 + ], + [ + "mapper", + -13.171500205993652 + ], + [ + "gj", + -13.17156982421875 + ], + [ + "\u2581assoluta", + -13.171606063842772 + ], + [ + "\u2581segu\u00eda", + -13.171648979187012 + ], + [ + "\u2581Legislatura", + -13.171669960021973 + ], + [ + "Regular", + -13.171679496765137 + ], + [ + "\u2581Veiligheidsraad", + -13.17170238494873 + ], + [ + "spezifisch", + -13.17172908782959 + ], + [ + "steden", + -13.171751976013184 + ], + [ + "\u2581rame", + -13.171945571899414 + ], + [ + "\u2581mat\u00e9riaux", + -13.171975135803224 + ], + [ + "operative", + -13.17199420928955 + ], + [ + "subscriptions", + -13.17203140258789 + ], + [ + "\u2581cortex", + -13.172046661376951 + ], + [ + "\u2581paulista", + -13.172094345092772 + ], + [ + "\u2581Reihenfolge", + -13.172104835510254 + ], + [ + "\u2581Gha", + -13.17212963104248 + ], + [ + "\u2581vac\u00edo", + -13.17219352722168 + ], + [ + "\u2581Urlaub", + -13.172198295593262 + ], + [ + "\u2581Reid", + -13.172202110290527 + ], + [ + "\u2581monast", + -13.172208786010742 + ], + [ + "\u2581Kein", + -13.172235488891602 + ], + [ + "\u2581ridotto", + -13.172235488891602 + ], + [ + "\u2581messe", + -13.1722412109375 + ], + [ + "\u2581WARRANT", + -13.172304153442385 + ], + [ + "\u2581supplies", + -13.17231273651123 + ], + [ + "VTK", + -13.172348022460938 + ], + [ + "\u2581fatica", + -13.172357559204102 + ], + [ + "\u2581slotte", + -13.172358512878418 + ], + [ + "\u2581sostituito", + -13.172370910644531 + ], + [ + "\u2581vestiti", + -13.172395706176758 + ], + [ + "\u2581Rider", + -13.17243766784668 + ], + [ + "\u2581dotata", + -13.172462463378906 + ], + [ + "\u2581eligible", + -13.172491073608398 + ], + [ + "\u2581indent", + -13.172569274902344 + ], + [ + "\u2581obiettivi", + -13.172572135925291 + ], + [ + "\u2581grafic", + -13.172611236572266 + ], + [ + "plans", + -13.17261791229248 + ], + [ + "\u2581ingresso", + -13.17262363433838 + ], + [ + "\u2581preu", + -13.172645568847656 + ], + [ + "\u2581Anmerkungen", + -13.172663688659668 + ], + [ + "\u2581fechada", + -13.172677040100098 + ], + [ + "kenntnisse", + -13.172687530517578 + ], + [ + "\u2581colunas", + -13.172697067260742 + ], + [ + "\u2581acusado", + -13.172706604003906 + ], + [ + "Historia", + -13.17273998260498 + ], + [ + "PUT", + -13.172751426696776 + ], + [ + "\u2581plato", + -13.172812461853027 + ], + [ + "\u2581lembra", + -13.17283058166504 + ], + [ + "\u2581Friedhof", + -13.172843933105469 + ], + [ + "\u2581Bundesbeh", + -13.172852516174316 + ], + [ + "elementen", + -13.17285442352295 + ], + [ + "dow", + -13.172896385192873 + ], + [ + "\u2581relevantes", + -13.1729154586792 + ], + [ + "materiaal", + -13.172924995422363 + ], + [ + "\u2581Geschlechter", + -13.17293643951416 + ], + [ + "\u2581voornaamste", + -13.172947883605955 + ], + [ + "\u2581Changes", + -13.17297649383545 + ], + [ + "ommel", + -13.17299747467041 + ], + [ + "\u2581chegando", + -13.17302703857422 + ], + [ + "knop", + -13.173094749450684 + ], + [ + "\u2581Continua", + -13.17315673828125 + ], + [ + "zag", + -13.173173904418944 + ], + [ + "\u00e4nderungen", + -13.173209190368652 + ], + [ + "tow", + -13.17322826385498 + ], + [ + "\u2581europ\u00e9ens", + -13.17323875427246 + ], + [ + "\u2581epidemia", + -13.17326545715332 + ], + [ + "\u00e9rer", + -13.173288345336914 + ], + [ + "\u2581verweist", + -13.17329216003418 + ], + [ + "\u2581Ortes", + -13.173321723937988 + ], + [ + "embo", + -13.173359870910645 + ], + [ + "\u2581Harz", + -13.173404693603516 + ], + [ + "pine", + -13.173436164855955 + ], + [ + "\u2581specifica", + -13.173443794250488 + ], + [ + "\u2581denominazione", + -13.173446655273438 + ], + [ + "\u2581Lionel", + -13.17348289489746 + ], + [ + "\u2581operano", + -13.173495292663574 + ], + [ + "Choice", + -13.173550605773926 + ], + [ + "\u2581avions", + -13.173572540283203 + ], + [ + "bolo", + -13.17358112335205 + ], + [ + "\u2581Griff", + -13.173582077026367 + ], + [ + "Guide", + -13.17361831665039 + ], + [ + "\u2581celebrar", + -13.173660278320312 + ], + [ + "\u2581Scene", + -13.173661231994627 + ], + [ + "\u2581Krise", + -13.173690795898438 + ], + [ + "\u2581Trek", + -13.173700332641602 + ], + [ + "DON", + -13.173723220825195 + ], + [ + "isis", + -13.173726081848145 + ], + [ + "\u2581Gesetzentwurfs", + -13.173815727233888 + ], + [ + "\u2581administrativo", + -13.173834800720217 + ], + [ + "ENCE", + -13.173845291137695 + ], + [ + "\u2581esfera", + -13.173880577087402 + ], + [ + "Retrieve", + -13.173893928527832 + ], + [ + "\u2581Californi", + -13.173894882202148 + ], + [ + "\u2581realm", + -13.173932075500488 + ], + [ + "\u2581Canadese", + -13.17396640777588 + ], + [ + "vidi", + -13.173980712890623 + ], + [ + "\u2581jardins", + -13.17402172088623 + ], + [ + "\u2581Lun", + -13.174041748046877 + ], + [ + "\u2581melhorar", + -13.174102783203123 + ], + [ + "\u2581Emanuele", + -13.17411994934082 + ], + [ + "\u2581contava", + -13.174138069152832 + ], + [ + "\u2581spanischen", + -13.174188613891602 + ], + [ + "\u2581geest", + -13.174192428588867 + ], + [ + "\u2581\u00e1tomos", + -13.17420482635498 + ], + [ + "dicke", + -13.174257278442385 + ], + [ + "\u2581fuma", + -13.17445468902588 + ], + [ + "\u2581Campa", + -13.174458503723145 + ], + [ + "\u2581Korte", + -13.174463272094728 + ], + [ + "iye", + -13.174470901489258 + ], + [ + "\u2581supporters", + -13.174505233764648 + ], + [ + "oyen", + -13.174530029296877 + ], + [ + "Board", + -13.174537658691406 + ], + [ + "lisch", + -13.174590110778809 + ], + [ + "\u2581akzeptiert", + -13.174732208251951 + ], + [ + "\u2581gezondheid", + -13.174735069274902 + ], + [ + "\u2581zuidwesten", + -13.17480182647705 + ], + [ + "\u2581Atl\u00e1ntico", + -13.174814224243164 + ], + [ + "\u2581Jude", + -13.174854278564451 + ], + [ + "\u2581keeps", + -13.174870491027832 + ], + [ + "\u2581mairie", + -13.174909591674805 + ], + [ + "declaration", + -13.1749267578125 + ], + [ + "\u2581Follow", + -13.174942016601562 + ], + [ + "\u2581Sera", + -13.174949645996094 + ], + [ + "fection", + -13.174962997436523 + ], + [ + "\u2581Reforma", + -13.174976348876951 + ], + [ + "\u2581Deutsches", + -13.175037384033203 + ], + [ + "\u2581informal", + -13.175046920776367 + ], + [ + "Measurement", + -13.175065994262695 + ], + [ + "\u2581Somalia", + -13.175101280212402 + ], + [ + "\u2581sat\u00e9lite", + -13.175118446350098 + ], + [ + "\u2581laboratory", + -13.17512321472168 + ], + [ + "\u2581Textil", + -13.175125122070312 + ], + [ + "\u2581Pump", + -13.175142288208008 + ], + [ + "bajo", + -13.175155639648438 + ], + [ + "University", + -13.175165176391602 + ], + [ + "\u2581($\\", + -13.175166130065918 + ], + [ + "\u2581enviados", + -13.175185203552246 + ], + [ + "\u2581Pauli", + -13.175232887268066 + ], + [ + "\u2581trabalhadores", + -13.175240516662598 + ], + [ + "akti", + -13.175284385681152 + ], + [ + "bewe", + -13.175291061401367 + ], + [ + "fleisch", + -13.175301551818848 + ], + [ + "\u2581evitando", + -13.175326347351074 + ], + [ + "\u2581lagere", + -13.175339698791504 + ], + [ + "\u2581Einigung", + -13.175469398498535 + ], + [ + "\u2581Pok\u00e9mon", + -13.17549991607666 + ], + [ + "\u2581compilador", + -13.175509452819824 + ], + [ + "\u2581...........", + -13.175525665283203 + ], + [ + "Subscribe", + -13.175566673278809 + ], + [ + "kler", + -13.175604820251465 + ], + [ + "\u2581Schulz", + -13.175647735595703 + ], + [ + "\u00e1lia", + -13.17566204071045 + ], + [ + "\u2581Tableau", + -13.175722122192385 + ], + [ + "\u00e4nder", + -13.175740242004396 + ], + [ + "fluit", + -13.175765991210938 + ], + [ + "readlink", + -13.175785064697266 + ], + [ + "\u2581Vorfeld", + -13.175904273986816 + ], + [ + "Try", + -13.175926208496094 + ], + [ + "zima", + -13.175968170166016 + ], + [ + "\u2581BV", + -13.176054954528809 + ], + [ + "\u2581escenas", + -13.176061630249023 + ], + [ + "infini", + -13.176063537597656 + ], + [ + "Tables", + -13.176065444946287 + ], + [ + "verbinding", + -13.17607307434082 + ], + [ + "Prot", + -13.1760835647583 + ], + [ + "annonce", + -13.176093101501465 + ], + [ + "\u2581organ", + -13.176111221313477 + ], + [ + "\u2581richiedere", + -13.17613697052002 + ], + [ + "rative", + -13.17615032196045 + ], + [ + "soli", + -13.176151275634766 + ], + [ + "\u2581verplaatst", + -13.176165580749512 + ], + [ + "\u2581Jab", + -13.17617416381836 + ], + [ + "\u2581Devil", + -13.1762113571167 + ], + [ + "\u2581Hierf\u00fcr", + -13.176268577575684 + ], + [ + "\u2581pal\u00e1cio", + -13.17626953125 + ], + [ + "\u2581Roos", + -13.176300048828123 + ], + [ + "aereo", + -13.17635726928711 + ], + [ + "\u2581aquello", + -13.17636489868164 + ], + [ + "\u2581Sieben", + -13.176403999328612 + ], + [ + "\u2581Vorrang", + -13.176410675048828 + ], + [ + "\u2581Thunder", + -13.176435470581056 + ], + [ + "\u2581rito", + -13.176457405090332 + ], + [ + "dados", + -13.176470756530762 + ], + [ + "\u2581Indica", + -13.176501274108888 + ], + [ + "ocra", + -13.176521301269531 + ], + [ + "business", + -13.176526069641112 + ], + [ + "\u2581chiffre", + -13.176538467407228 + ], + [ + "\u2581sculpture", + -13.176558494567873 + ], + [ + "\u2581Technical", + -13.1765775680542 + ], + [ + "\u2581wetenschap", + -13.176599502563477 + ], + [ + "celle", + -13.17662525177002 + ], + [ + "\u2581wereldwijd", + -13.1766357421875 + ], + [ + "ausstattung", + -13.176652908325195 + ], + [ + "correndo", + -13.176688194274902 + ], + [ + "\u2581Kriterium", + -13.176730155944824 + ], + [ + "\u2581ficando", + -13.176746368408203 + ], + [ + "MRI", + -13.176753997802734 + ], + [ + "litt", + -13.176753997802734 + ], + [ + "\u2581\u00e9toiles", + -13.176773071289062 + ], + [ + "\u2581humanidad", + -13.176837921142578 + ], + [ + "Son", + -13.176862716674805 + ], + [ + "\u2581sake", + -13.176887512207031 + ], + [ + "\u2581r\u00e9ception", + -13.176932334899902 + ], + [ + "\u2581Marques", + -13.17695140838623 + ], + [ + "\u2581Ange", + -13.177029609680176 + ], + [ + "\u2581versloeg", + -13.177067756652832 + ], + [ + "atan", + -13.177082061767578 + ], + [ + "\u2581bas\u00e9e", + -13.177090644836426 + ], + [ + "\u2581globalen", + -13.177104949951172 + ], + [ + "\u2581Cartagena", + -13.177165985107422 + ], + [ + "projecta", + -13.177173614501951 + ], + [ + "iously", + -13.177189826965332 + ], + [ + "\u2581Burton", + -13.177196502685549 + ], + [ + "vormig", + -13.177217483520508 + ], + [ + "k\u00e4ufe", + -13.177237510681152 + ], + [ + "\u2581Cus", + -13.177276611328123 + ], + [ + "\u2581frutas", + -13.177278518676758 + ], + [ + "\u2581Garibaldi", + -13.177329063415527 + ], + [ + "\u2581Kawa", + -13.17733383178711 + ], + [ + "f\u00e4llt", + -13.177339553833008 + ], + [ + "eintritt", + -13.1773681640625 + ], + [ + "\u2581Gonzalo", + -13.17742156982422 + ], + [ + "\u2581potranno", + -13.17746353149414 + ], + [ + "disconnect", + -13.177499771118164 + ], + [ + "golf", + -13.177499771118164 + ], + [ + "\u2581Begleit", + -13.177513122558594 + ], + [ + "\u2581cervello", + -13.177572250366213 + ], + [ + "\u2581vermehrt", + -13.177586555480955 + ], + [ + "electric", + -13.177593231201172 + ], + [ + "Anzahl", + -13.1776704788208 + ], + [ + "\u2581acquistato", + -13.17770290374756 + ], + [ + "\u2581affiche", + -13.17771339416504 + ], + [ + "\u2581Paket", + -13.17773151397705 + ], + [ + "\u2581Locke", + -13.177734375 + ], + [ + "\u2581Militares", + -13.177754402160645 + ], + [ + "\u2581Taxis", + -13.177806854248049 + ], + [ + "\u2581incoming", + -13.177826881408691 + ], + [ + "\u2581enterrado", + -13.177828788757324 + ], + [ + "sight", + -13.177902221679688 + ], + [ + "esser", + -13.17791748046875 + ], + [ + "\u2581inform\u00f3", + -13.177918434143066 + ], + [ + "cao", + -13.17792510986328 + ], + [ + "\u2581afirm\u00f3", + -13.177935600280762 + ], + [ + "\u2581Deck", + -13.177940368652344 + ], + [ + "FER", + -13.17795181274414 + ], + [ + "\u2581far\u00e0", + -13.17796230316162 + ], + [ + "\u2581chinesa", + -13.17797565460205 + ], + [ + "\u2581Schmitt", + -13.178049087524414 + ], + [ + "\u2581vacances", + -13.178062438964844 + ], + [ + "REV", + -13.178085327148438 + ], + [ + "\u2581interrup", + -13.178107261657717 + ], + [ + "\u2581realizza", + -13.178112983703612 + ], + [ + "\u2581Poss", + -13.178178787231444 + ], + [ + "\u2581Sample", + -13.178184509277344 + ], + [ + "tide", + -13.178224563598633 + ], + [ + "stands", + -13.178253173828123 + ], + [ + "yana", + -13.178289413452148 + ], + [ + "ften", + -13.17832374572754 + ], + [ + "visi", + -13.178393363952637 + ], + [ + "\u2581olive", + -13.17839527130127 + ], + [ + "bfseries", + -13.178411483764648 + ], + [ + "\u2581visitas", + -13.17841625213623 + ], + [ + "\u2581cubic", + -13.178459167480469 + ], + [ + "\u2581Famille", + -13.178470611572266 + ], + [ + "expandafter", + -13.178478240966797 + ], + [ + "\u2581cambiamenti", + -13.178482055664062 + ], + [ + "HashMap", + -13.17848300933838 + ], + [ + "\u2581colegio", + -13.178503036499023 + ], + [ + "\u2581agregado", + -13.17852020263672 + ], + [ + "favor", + -13.178536415100098 + ], + [ + "\u2581deficit", + -13.178584098815918 + ], + [ + "\u2581beurteilen", + -13.17859172821045 + ], + [ + "\u2581matem\u00e1ticas", + -13.178633689880373 + ], + [ + "\u2581teniente", + -13.178675651550291 + ], + [ + "azza", + -13.17868709564209 + ], + [ + "\u2581Cuenca", + -13.178706169128418 + ], + [ + "\u2581r\u00edgido", + -13.178706169128418 + ], + [ + "\u2581Belgrado", + -13.1787109375 + ], + [ + "\u2581ersch", + -13.178712844848633 + ], + [ + "\u2581fasi", + -13.178730010986328 + ], + [ + "\u2581erzielte", + -13.178736686706545 + ], + [ + "\u2581segredo", + -13.178750038146973 + ], + [ + "minder", + -13.178767204284668 + ], + [ + "\u2581Abf\u00e4lle", + -13.178788185119627 + ], + [ + "\u2581Agra", + -13.17879581451416 + ], + [ + "\u2581Suprema", + -13.178833961486816 + ], + [ + "\u2581verfolgen", + -13.178874969482422 + ], + [ + "\u2581Oper", + -13.178910255432127 + ], + [ + "\u2581Sistemas", + -13.178925514221191 + ], + [ + "\u2581discutir", + -13.178943634033203 + ], + [ + "mination", + -13.17894458770752 + ], + [ + "\u2581Flat", + -13.178973197937012 + ], + [ + "\u2581Host", + -13.178988456726074 + ], + [ + "\u2581lips", + -13.179065704345703 + ], + [ + "\u2581forgotten", + -13.17916202545166 + ], + [ + "Pacific", + -13.17916488647461 + ], + [ + "\u2581burger", + -13.179232597351074 + ], + [ + "incr", + -13.179239273071287 + ], + [ + "Finale", + -13.17926025390625 + ], + [ + "inal", + -13.179262161254885 + ], + [ + "ticket", + -13.17928695678711 + ], + [ + "pyro", + -13.179303169250488 + ], + [ + "\u2581dieta", + -13.1793212890625 + ], + [ + "\u2581Baseball", + -13.179351806640623 + ], + [ + "\u2581coins", + -13.17937469482422 + ], + [ + "sgesellschaft", + -13.17938232421875 + ], + [ + "\u2581Branch", + -13.179402351379396 + ], + [ + "scherm", + -13.179435729980469 + ], + [ + "\u2581Always", + -13.179438591003418 + ], + [ + "\u2581Minsk", + -13.179452896118164 + ], + [ + "\u2581Fic", + -13.179460525512695 + ], + [ + "Wl", + -13.17951202392578 + ], + [ + "\u2581konzentriert", + -13.179625511169434 + ], + [ + "\u2581candidats", + -13.179643630981444 + ], + [ + "bolt", + -13.179727554321287 + ], + [ + "\u2581rectangular", + -13.17974090576172 + ], + [ + "\u2581universitario", + -13.179762840270996 + ], + [ + "Shop", + -13.17980670928955 + ], + [ + "\u2581defeated", + -13.17982578277588 + ], + [ + "\u2581Rex", + -13.179902076721191 + ], + [ + "sterreichischer", + -13.179945945739746 + ], + [ + "\u2581habr\u00e1", + -13.179993629455566 + ], + [ + "flash", + -13.1799955368042 + ], + [ + "\u2581Sund", + -13.180002212524414 + ], + [ + "\u2581Noah", + -13.180006980895996 + ], + [ + "\u2581denti", + -13.180006980895996 + ], + [ + "\u2581inserito", + -13.18005084991455 + ], + [ + "\u2581announcement", + -13.180102348327637 + ], + [ + "\u2581familiare", + -13.180109977722168 + ], + [ + "\u2581poblado", + -13.180112838745115 + ], + [ + "\u2581g\u00e9rer", + -13.180142402648926 + ], + [ + "\u00e9crire", + -13.18015193939209 + ], + [ + "\u2581Independiente", + -13.18015193939209 + ], + [ + "\u2581curvature", + -13.180188179016112 + ], + [ + "aufkommen", + -13.18021297454834 + ], + [ + "ologique", + -13.180242538452148 + ], + [ + "\u2581Independencia", + -13.180246353149414 + ], + [ + "Collector", + -13.180277824401855 + ], + [ + "\u2581equipa", + -13.180295944213867 + ], + [ + "\u2581tribal", + -13.18044662475586 + ], + [ + "\u2581belasting", + -13.180471420288086 + ], + [ + "stukken", + -13.180557250976562 + ], + [ + "\u2581reasonably", + -13.180557250976562 + ], + [ + "\u2581aldea", + -13.180593490600586 + ], + [ + "\u2581muur", + -13.180596351623535 + ], + [ + "\u2581foglie", + -13.18066120147705 + ], + [ + "intention", + -13.180707931518556 + ], + [ + "\u2581inserir", + -13.180707931518556 + ], + [ + "\u2581Gef", + -13.180780410766602 + ], + [ + "trix", + -13.18078899383545 + ], + [ + "\u2581laptop", + -13.180792808532717 + ], + [ + "\u2581pared", + -13.180830955505373 + ], + [ + "community", + -13.180850982666016 + ], + [ + "\u2581contributed", + -13.180861473083496 + ], + [ + "\u2581specifieke", + -13.18087100982666 + ], + [ + "jing", + -13.180914878845217 + ], + [ + "\u2581Switzerland", + -13.181017875671388 + ], + [ + "formatie", + -13.181020736694336 + ], + [ + "\u2581seleccionado", + -13.181044578552246 + ], + [ + "\u2581leichte", + -13.18105697631836 + ], + [ + "HCl", + -13.181058883666992 + ], + [ + "\u2581Hassan", + -13.181071281433104 + ], + [ + "Infer", + -13.181124687194824 + ], + [ + "\u2581Gliederung", + -13.181138038635254 + ], + [ + "\u2581festzulegen", + -13.181156158447266 + ], + [ + "\u2581Construct", + -13.181161880493164 + ], + [ + "\u2581droog", + -13.181172370910645 + ], + [ + "beat", + -13.181195259094238 + ], + [ + "\u2581estime", + -13.181218147277832 + ], + [ + "\u2581Participa", + -13.181234359741213 + ], + [ + "\u2581Batt", + -13.181235313415527 + ], + [ + "\u2581dominar", + -13.18128490447998 + ], + [ + "\u2581voil\u00e0", + -13.181314468383787 + ], + [ + "Arm\u00e9e", + -13.181344985961914 + ], + [ + "\u2581suspend", + -13.181353569030762 + ], + [ + "\u2581Gamb", + -13.18137550354004 + ], + [ + "\u2581rijksmonumenten", + -13.181421279907228 + ], + [ + "Tro", + -13.181424140930176 + ], + [ + "\u2581bew\u00e4hrt", + -13.181439399719238 + ], + [ + "\u2581Pig", + -13.181447982788086 + ], + [ + "\u2581margen", + -13.181459426879885 + ], + [ + "\u2581verwijzen", + -13.18149185180664 + ], + [ + "buffalokiwi", + -13.181522369384766 + ], + [ + "\u2581collo", + -13.181577682495115 + ], + [ + "haltige", + -13.181604385375977 + ], + [ + "\u2581podia", + -13.181629180908203 + ], + [ + "unknownFields", + -13.181733131408691 + ], + [ + "\u2581cay\u00f3", + -13.181734085083008 + ], + [ + "\u2581cristianismo", + -13.181805610656738 + ], + [ + "\u2581normaal", + -13.181843757629396 + ], + [ + "\u2581modos", + -13.18195629119873 + ], + [ + "Piece", + -13.181994438171388 + ], + [ + "Cri", + -13.182003021240234 + ], + [ + "\u2581d\u00e9roule", + -13.182021141052246 + ], + [ + "\u2581quedar", + -13.18207836151123 + ], + [ + "hundert", + -13.182082176208496 + ], + [ + "\u2581Fahrzeugen", + -13.182099342346191 + ], + [ + "\u2581diff\u00e9rente", + -13.182126998901367 + ], + [ + "RESOURCE", + -13.182153701782228 + ], + [ + "\u2581cincuenta", + -13.18217658996582 + ], + [ + "Secure", + -13.182186126708984 + ], + [ + "\u2581archeologici", + -13.182206153869627 + ], + [ + "\u2581acquire", + -13.182296752929688 + ], + [ + "\u2581acab\u00f3", + -13.182313919067385 + ], + [ + "\u2581Agua", + -13.182321548461914 + ], + [ + "\u2581manifestation", + -13.18234157562256 + ], + [ + "shuffle", + -13.182354927062988 + ], + [ + "ocytes", + -13.182358741760254 + ], + [ + "\u2581Ultimate", + -13.182401657104492 + ], + [ + "\u2581Bloom", + -13.182402610778809 + ], + [ + "visual", + -13.182413101196287 + ], + [ + "\u2581Huber", + -13.182453155517578 + ], + [ + "\u2581Communication", + -13.182477951049805 + ], + [ + "\u2581d\u00e9mocratie", + -13.182494163513184 + ], + [ + "encrypted", + -13.182600021362305 + ], + [ + "\u2581radici", + -13.182716369628906 + ], + [ + "caba", + -13.182790756225586 + ], + [ + "\u2581verdient", + -13.182790756225586 + ], + [ + "\u2581Alexis", + -13.182796478271484 + ], + [ + "FILENAME", + -13.182804107666016 + ], + [ + "\u2581flowers", + -13.182817459106444 + ], + [ + "\u2581referir", + -13.182825088500977 + ], + [ + "\u2581Kho", + -13.182836532592772 + ], + [ + "\u2581Passage", + -13.182873725891112 + ], + [ + "lte", + -13.182906150817873 + ], + [ + "\u2581comienzos", + -13.182926177978516 + ], + [ + "\u2581*****", + -13.18300724029541 + ], + [ + "alarm", + -13.183015823364258 + ], + [ + "mitte", + -13.183051109313965 + ], + [ + "ADDRESS", + -13.183060646057127 + ], + [ + "etichetta", + -13.183061599731444 + ], + [ + "gaande", + -13.18307876586914 + ], + [ + "funde", + -13.183083534240724 + ], + [ + "skerk", + -13.183128356933594 + ], + [ + "\u2581chevalier", + -13.183219909667969 + ], + [ + "prove", + -13.183225631713867 + ], + [ + "entscheidungen", + -13.183300971984863 + ], + [ + "ruh", + -13.183387756347656 + ], + [ + "\u2581permaneceu", + -13.183389663696287 + ], + [ + "\u2581hill", + -13.183419227600098 + ], + [ + "WORD", + -13.18342399597168 + ], + [ + "\u2581centimeter", + -13.18345546722412 + ], + [ + "\u2581Turqu\u00eda", + -13.18346881866455 + ], + [ + "\u2581desenvolveu", + -13.183480262756348 + ], + [ + "\u2581tract", + -13.183612823486328 + ], + [ + "annon", + -13.18364143371582 + ], + [ + "\u2581descoberto", + -13.183655738830566 + ], + [ + "wetenschappen", + -13.183691024780272 + ], + [ + "\u2581deut", + -13.183740615844728 + ], + [ + "\u2581afbeelding", + -13.183753967285156 + ], + [ + "\u2581primitiva", + -13.18376350402832 + ], + [ + "\u2581longitude", + -13.18380355834961 + ], + [ + "\u2581Were", + -13.18381404876709 + ], + [ + "\u2581rpm", + -13.183833122253418 + ], + [ + "\u2581tuer", + -13.18390941619873 + ], + [ + "\u2581orientiert", + -13.183952331542969 + ], + [ + "rette", + -13.183978080749512 + ], + [ + "appeler", + -13.18400764465332 + ], + [ + "\u2581comparaci\u00f3n", + -13.18400764465332 + ], + [ + "\u2581bacia", + -13.18401336669922 + ], + [ + "ghetto", + -13.18410873413086 + ], + [ + "\u2581anuncia", + -13.184115409851074 + ], + [ + "\u2581Beschlusses", + -13.184196472167969 + ], + [ + "\u2581Vries", + -13.184211730957031 + ], + [ + "\u2581respectivement", + -13.184231758117676 + ], + [ + "\u2581Tay", + -13.18432903289795 + ], + [ + "\u2581reconocer", + -13.184343338012695 + ], + [ + "\u2581C\u00e1diz", + -13.184351921081545 + ], + [ + "doelen", + -13.18435764312744 + ], + [ + "\u2581lohnt", + -13.184377670288086 + ], + [ + "zionali", + -13.184381484985352 + ], + [ + "\u2581visitor", + -13.184399604797363 + ], + [ + "\u2581scientifico", + -13.184423446655272 + ], + [ + "tesse", + -13.1845121383667 + ], + [ + "\u2581weergegeven", + -13.184529304504396 + ], + [ + "\u2581fundadores", + -13.184531211853027 + ], + [ + "modus", + -13.184535026550291 + ], + [ + "\u2581gesucht", + -13.18457317352295 + ], + [ + "\u2581Ferdinando", + -13.184576988220217 + ], + [ + "\u2581reciente", + -13.184605598449709 + ], + [ + "\u2581Retour", + -13.18461799621582 + ], + [ + "\u2581viven", + -13.184627532958984 + ], + [ + "\u2581sensa", + -13.1846342086792 + ], + [ + "Sprite", + -13.18468189239502 + ], + [ + "allen", + -13.18468189239502 + ], + [ + "\u2581trattati", + -13.184687614440918 + ], + [ + "\u2581alberga", + -13.184693336486816 + ], + [ + "\u2581bassi", + -13.184704780578612 + ], + [ + "\u2581losing", + -13.184704780578612 + ], + [ + "bloem", + -13.18475341796875 + ], + [ + "\u2581renuncia", + -13.184783935546877 + ], + [ + "\u2581Verwaltungsakt", + -13.184870719909668 + ], + [ + "\u2581flotta", + -13.184938430786133 + ], + [ + "\u2581dico", + -13.184951782226562 + ], + [ + "\u2581religieuze", + -13.184969902038574 + ], + [ + "renewcommand", + -13.1849946975708 + ], + [ + "\u2581JS", + -13.184996604919434 + ], + [ + "\u2581secular", + -13.18503475189209 + ], + [ + "\u2581pouvoirs", + -13.185075759887695 + ], + [ + "Goles", + -13.185141563415527 + ], + [ + "arne", + -13.185141563415527 + ], + [ + "Policies", + -13.18516445159912 + ], + [ + "dere", + -13.185174942016602 + ], + [ + "\u2581cra", + -13.185230255126951 + ], + [ + "\u2581Gallimard", + -13.185273170471191 + ], + [ + "DOT", + -13.185341835021973 + ], + [ + "\u2581perceived", + -13.185345649719238 + ], + [ + "\u2581Shuttle", + -13.185401916503906 + ], + [ + "\u2581Galileo", + -13.185404777526855 + ], + [ + "pedia", + -13.18540859222412 + ], + [ + "immel", + -13.185436248779297 + ], + [ + "\u2581ambient", + -13.185449600219728 + ], + [ + "\u2581onderwerpen", + -13.185454368591309 + ], + [ + "\u2581ciclista", + -13.185487747192385 + ], + [ + "\u2581Sachgebiet", + -13.18550968170166 + ], + [ + "\u2581beleza", + -13.185598373413086 + ], + [ + "\u2581altrove", + -13.185606002807615 + ], + [ + "\u2581revenu", + -13.18561553955078 + ], + [ + "\u2581belles", + -13.18565559387207 + ], + [ + "rennen", + -13.185678482055664 + ], + [ + "\u2581Compute", + -13.185684204101562 + ], + [ + "endel", + -13.18570041656494 + ], + [ + "parseInt", + -13.18571949005127 + ], + [ + "pubblic", + -13.185733795166016 + ], + [ + "levels", + -13.185741424560549 + ], + [ + "people", + -13.185758590698242 + ], + [ + "\u2581Best\u00e4tigung", + -13.185790061950684 + ], + [ + "\u2581Treviso", + -13.185821533203123 + ], + [ + "\u2581v\u00e1", + -13.185906410217283 + ], + [ + "\u2581Rhodes", + -13.185954093933104 + ], + [ + "\u2581cooperation", + -13.185968399047852 + ], + [ + "\u2581Vito", + -13.18597412109375 + ], + [ + "\u2581gravemente", + -13.186005592346191 + ], + [ + "\u2581venait", + -13.186055183410645 + ], + [ + "geschlossen", + -13.186079978942873 + ], + [ + "\u2581Lance", + -13.18616008758545 + ], + [ + "zentrale", + -13.186164855957031 + ], + [ + "\u2581inhibition", + -13.186192512512209 + ], + [ + "\u2581Movement", + -13.186238288879396 + ], + [ + "\u2581Brau", + -13.186354637145996 + ], + [ + "\u2581BW", + -13.186375617980955 + ], + [ + "\u2581Effects", + -13.18638515472412 + ], + [ + "\u2581Anwendungs", + -13.186393737792969 + ], + [ + "development", + -13.186402320861816 + ], + [ + "\u2581aangesloten", + -13.186426162719728 + ], + [ + "\u2581Petri", + -13.18648910522461 + ], + [ + "\u2581Biz", + -13.186511039733888 + ], + [ + "qw", + -13.18655014038086 + ], + [ + "\u2581lamenta", + -13.186601638793944 + ], + [ + "\u2581ciencias", + -13.18664836883545 + ], + [ + "Buch", + -13.18673610687256 + ], + [ + "luc", + -13.186742782592772 + ], + [ + "\u2581Relaciones", + -13.18674659729004 + ], + [ + "Remark", + -13.186800956726074 + ], + [ + "\u2581Befehl", + -13.18686866760254 + ], + [ + "\u2581aanwezigheid", + -13.18688678741455 + ], + [ + "beamte", + -13.186928749084473 + ], + [ + "\u2581problematisch", + -13.186941146850586 + ], + [ + "stopp", + -13.186963081359863 + ], + [ + "\u2581mirar", + -13.187018394470217 + ], + [ + "workload", + -13.187056541442873 + ], + [ + "Routing", + -13.187078475952148 + ], + [ + "\u2581Ved", + -13.187097549438477 + ], + [ + "\u2581logistic", + -13.18709945678711 + ], + [ + "estremo", + -13.187108993530272 + ], + [ + "\u2581Toute", + -13.187129020690918 + ], + [ + "Too", + -13.187252044677734 + ], + [ + "\u00e9chec", + -13.187263488769531 + ], + [ + "\u2581realistisch", + -13.187280654907228 + ], + [ + "\u2581paradigm", + -13.18742561340332 + ], + [ + "entren", + -13.18746566772461 + ], + [ + "bene", + -13.187518119812012 + ], + [ + "\u2581pouca", + -13.1875581741333 + ], + [ + "Sax", + -13.187570571899414 + ], + [ + "versi\u00f3n", + -13.187642097473145 + ], + [ + "\u2581garante", + -13.187679290771484 + ], + [ + "\u2581seca", + -13.187719345092772 + ], + [ + "vienne", + -13.187750816345217 + ], + [ + "\u2581milhares", + -13.187751770019531 + ], + [ + "Nova", + -13.187766075134276 + ], + [ + "\u2581supervisor", + -13.18779754638672 + ], + [ + "Entries", + -13.187808990478516 + ], + [ + "\u2581Cristiano", + -13.187817573547363 + ], + [ + "\u2581Canale", + -13.187829971313477 + ], + [ + "quiera", + -13.187843322753906 + ], + [ + "fog", + -13.187875747680664 + ], + [ + "\u2581machos", + -13.187878608703612 + ], + [ + "\u2581Account", + -13.187880516052246 + ], + [ + "\u2581vroegere", + -13.18788719177246 + ], + [ + "\u2581Eugenio", + -13.187905311584473 + ], + [ + "\u2581filas", + -13.187942504882812 + ], + [ + "stehenden", + -13.187943458557127 + ], + [ + "\u2581Angeli", + -13.187952995300291 + ], + [ + "\u2581joie", + -13.1880521774292 + ], + [ + "\u2581Texto", + -13.188063621520996 + ], + [ + "\u2581Beery", + -13.188103675842283 + ], + [ + "charakter", + -13.188105583190918 + ], + [ + "\u2581nut", + -13.188117027282717 + ], + [ + "\u2581Molto", + -13.188117980957031 + ], + [ + "\u2581Fraser", + -13.188128471374512 + ], + [ + "\u2581Meanwhile", + -13.188136100769045 + ], + [ + "\u2581Gr\u00fcnder", + -13.188142776489258 + ], + [ + "\u2581santi", + -13.188209533691406 + ], + [ + "\u2581missile", + -13.188231468200684 + ], + [ + "\u2581Wett", + -13.188261985778809 + ], + [ + "\u2581succesvolle", + -13.188295364379885 + ], + [ + "\u2581privadas", + -13.188312530517578 + ], + [ + "\u2581eingehalten", + -13.18837547302246 + ], + [ + "\u2581ocorr", + -13.188426971435549 + ], + [ + "\u2581culte", + -13.188453674316406 + ], + [ + "\u2581gedichten", + -13.18847370147705 + ], + [ + "R\u00e9", + -13.188502311706545 + ], + [ + "\u2581toets", + -13.188525199890137 + ], + [ + "membran", + -13.188552856445312 + ], + [ + "sprechen", + -13.18858814239502 + ], + [ + "\u2581Circ", + -13.188604354858398 + ], + [ + "\u2581gehe", + -13.188620567321776 + ], + [ + "\u2581tetto", + -13.188660621643066 + ], + [ + "\u2581ipotesi", + -13.188728332519531 + ], + [ + "\u2581differently", + -13.188735008239746 + ], + [ + "\u2581annex", + -13.188797950744627 + ], + [ + "anka", + -13.188799858093262 + ], + [ + "\u2581Riemann", + -13.188848495483398 + ], + [ + "\u2581conhecimentos", + -13.18885612487793 + ], + [ + "eaktorsicherheit", + -13.18886661529541 + ], + [ + "zuhalten", + -13.188926696777344 + ], + [ + "\u2581uilen", + -13.18901538848877 + ], + [ + "\u2581tecnici", + -13.189045906066896 + ], + [ + "\u2581Occidente", + -13.18906593322754 + ], + [ + "\u2581gezicht", + -13.189079284667969 + ], + [ + "PAL", + -13.18909740447998 + ], + [ + "\u2581cruise", + -13.189112663269045 + ], + [ + "\u2581Hardware", + -13.189129829406738 + ], + [ + "\u2581Instituut", + -13.189157485961914 + ], + [ + "\u2581particip\u00e9", + -13.189176559448242 + ], + [ + "\u2581liter", + -13.189183235168455 + ], + [ + "pera", + -13.189217567443848 + ], + [ + "\u2581speel", + -13.189217567443848 + ], + [ + "\u2581choosing", + -13.189242362976074 + ], + [ + "MATCH", + -13.18928050994873 + ], + [ + "\u2581corti", + -13.189295768737791 + ], + [ + "Numeric", + -13.189311027526855 + ], + [ + "\u2581bescherming", + -13.189391136169434 + ], + [ + "urri", + -13.189407348632812 + ], + [ + "\u2581'__", + -13.189413070678713 + ], + [ + "\u2581distinguir", + -13.18941879272461 + ], + [ + "\u2581aktiviert", + -13.189468383789062 + ], + [ + "pH", + -13.189496994018556 + ], + [ + "nextToken", + -13.189501762390137 + ], + [ + "\u2581audit", + -13.189555168151855 + ], + [ + "istio", + -13.18955898284912 + ], + [ + "\u2581chaos", + -13.189597129821776 + ], + [ + "\u2581\u00e9change", + -13.189605712890623 + ], + [ + "monde", + -13.18960666656494 + ], + [ + "deur", + -13.189630508422852 + ], + [ + "bobobobo", + -13.189749717712402 + ], + [ + "\u2581Diskurs", + -13.189764976501465 + ], + [ + "Pra", + -13.189802169799805 + ], + [ + "\u2581Rak", + -13.18984603881836 + ], + [ + "\u2581maestra", + -13.189868927001951 + ], + [ + "\u2581Nut", + -13.189945220947266 + ], + [ + "\u2581m\u00eddia", + -13.18997287750244 + ], + [ + "\u2581oc\u00e9ano", + -13.18997573852539 + ], + [ + "\u2581Gaulle", + -13.189981460571287 + ], + [ + "\u2581Anh\u00e4nger", + -13.190020561218262 + ], + [ + "\u2581nipote", + -13.190059661865234 + ], + [ + "\u2581uitsluitend", + -13.19006633758545 + ], + [ + "\u2581dignit\u00e1rio", + -13.190077781677246 + ], + [ + "\u2581remarkable", + -13.190081596374512 + ], + [ + "POP", + -13.190117835998535 + ], + [ + "\u2581interesa", + -13.190139770507812 + ], + [ + "firmware", + -13.190194129943848 + ], + [ + "\u2581perdida", + -13.190200805664062 + ], + [ + "\u2581rechtfertigen", + -13.19020938873291 + ], + [ + "\u2581Chase", + -13.19027042388916 + ], + [ + "\u2581pesquisas", + -13.19028377532959 + ], + [ + "\u2581cuentas", + -13.19028663635254 + ], + [ + "\u2581orientali", + -13.190292358398438 + ], + [ + "centre", + -13.190302848815918 + ], + [ + "\u2581Festung", + -13.190326690673828 + ], + [ + "\u2581Situationen", + -13.190337181091309 + ], + [ + "\u2581plug", + -13.190342903137209 + ], + [ + "\u2581Lama", + -13.1904296875 + ], + [ + "lipo", + -13.19043254852295 + ], + [ + "\u2581siguiendo", + -13.190441131591797 + ], + [ + "\u2581erledigt", + -13.190462112426758 + ], + [ + "\u2581Bande", + -13.190478324890137 + ], + [ + "hull", + -13.190510749816896 + ], + [ + "\u2581Gesch\u00e4ft", + -13.190529823303224 + ], + [ + "FINISHED", + -13.190592765808104 + ], + [ + "schuld", + -13.190650939941406 + ], + [ + "\u2581Eingriff", + -13.190672874450684 + ], + [ + "\u2581Existen", + -13.190679550170898 + ], + [ + "\u2581Upon", + -13.190701484680176 + ], + [ + "\u2581viral", + -13.190714836120604 + ], + [ + "\u2581arriv\u00e9", + -13.190717697143556 + ], + [ + "Sets", + -13.19078254699707 + ], + [ + "\u2581tempel", + -13.190820693969728 + ], + [ + "\u2581Bela", + -13.190845489501951 + ], + [ + "Bretanha", + -13.190863609313965 + ], + [ + "\u2581vertrek", + -13.19086742401123 + ], + [ + "\u2581Elk", + -13.190869331359863 + ], + [ + "latitude", + -13.190895080566406 + ], + [ + "\u2581vermoedelijk", + -13.190896034240724 + ], + [ + "elezione", + -13.190903663635254 + ], + [ + "\u2581cls", + -13.191058158874512 + ], + [ + "\u2581pranzo", + -13.191109657287598 + ], + [ + "kunft", + -13.191122055053713 + ], + [ + "\u2581Ottawa", + -13.191149711608888 + ], + [ + "leading", + -13.19115161895752 + ], + [ + "\u2581promotor", + -13.191226959228516 + ], + [ + "dista", + -13.19126319885254 + ], + [ + "\u2581Perfil", + -13.19127082824707 + ], + [ + "\u2581bulb", + -13.191285133361816 + ], + [ + "\u2581Framework", + -13.191289901733398 + ], + [ + "zeg", + -13.191381454467772 + ], + [ + "numbered", + -13.19140338897705 + ], + [ + "\u2581conexi\u00f3n", + -13.19140625 + ], + [ + "\u2581resistente", + -13.19140911102295 + ], + [ + "\u2581tipica", + -13.19140911102295 + ], + [ + "UO", + -13.191417694091797 + ], + [ + "\u2581Vulkan", + -13.191418647766112 + ], + [ + "\u2581maxi", + -13.19141960144043 + ], + [ + "\u2581Blockly", + -13.191438674926758 + ], + [ + "chern", + -13.191441535949709 + ], + [ + "cidae", + -13.191441535949709 + ], + [ + "\u2581archives", + -13.1915283203125 + ], + [ + "\u2581culturele", + -13.191534042358398 + ], + [ + "\u2581promessa", + -13.19154167175293 + ], + [ + "\u2581AFC", + -13.191568374633787 + ], + [ + "bruggen", + -13.19167423248291 + ], + [ + "gele", + -13.191682815551758 + ], + [ + "\u2581Egg", + -13.191691398620604 + ], + [ + "chard", + -13.19173812866211 + ], + [ + "\u2581occasioni", + -13.191750526428224 + ], + [ + "\u2581Clermont", + -13.191768646240234 + ], + [ + "\u2581slogan", + -13.19179916381836 + ], + [ + "\u2581poging", + -13.191800117492676 + ], + [ + "tard", + -13.19180393218994 + ], + [ + "\u2581internes", + -13.191837310791016 + ], + [ + "\u2581sends", + -13.191854476928713 + ], + [ + "besitz", + -13.191856384277344 + ], + [ + "BCC", + -13.19186305999756 + ], + [ + "\u2581bundesweit", + -13.191879272460938 + ], + [ + "\u2581scanning", + -13.191940307617188 + ], + [ + "\u2581Turnier", + -13.19196605682373 + ], + [ + "Ji", + -13.192014694213867 + ], + [ + "\u2581tablet", + -13.192075729370115 + ], + [ + "\u2581verdi", + -13.192097663879396 + ], + [ + "Dimension", + -13.192100524902344 + ], + [ + "workers", + -13.192102432250977 + ], + [ + "\u2581sodium", + -13.192110061645508 + ], + [ + "\u2581juice", + -13.192121505737305 + ], + [ + "ITEM", + -13.192123413085938 + ], + [ + "blade", + -13.192130088806152 + ], + [ + "\u2581Maurizio", + -13.192155838012695 + ], + [ + "leggen", + -13.19217586517334 + ], + [ + "\u2581gebruiker", + -13.192181587219238 + ], + [ + "\u2581bateria", + -13.192187309265137 + ], + [ + "\u2581divulga", + -13.19219970703125 + ], + [ + "Without", + -13.192220687866213 + ], + [ + "\u2581Adult", + -13.192299842834473 + ], + [ + "\u2581natur", + -13.192317008972168 + ], + [ + "\u2581Per\u00edodo", + -13.192339897155762 + ], + [ + "netwerk", + -13.192340850830078 + ], + [ + "\u2581Krankheits", + -13.192432403564451 + ], + [ + "\u2581behandeln", + -13.19243335723877 + ], + [ + "\u2581leveren", + -13.192465782165527 + ], + [ + "\u2581theoretische", + -13.19248390197754 + ], + [ + "WAS", + -13.192493438720703 + ], + [ + "\u2581franchi", + -13.192509651184082 + ], + [ + "\u2581effettua", + -13.192511558532717 + ], + [ + "\u2581Ferry", + -13.192591667175291 + ], + [ + "\u2581werking", + -13.19259262084961 + ], + [ + "bido", + -13.192601203918455 + ], + [ + "\u2581gratuite", + -13.192605018615724 + ], + [ + "\u2581vorl\u00e4ufigen", + -13.192668914794922 + ], + [ + "Alexandr", + -13.192682266235352 + ], + [ + "Rectangle", + -13.192686080932615 + ], + [ + "\u2581gestisce", + -13.192687034606934 + ], + [ + "feb", + -13.192704200744627 + ], + [ + "\u2581Daniele", + -13.19272518157959 + ], + [ + "RIA", + -13.192755699157717 + ], + [ + "\u2581stavano", + -13.192774772644045 + ], + [ + "nitro", + -13.19277572631836 + ], + [ + "vermittlung", + -13.192785263061523 + ], + [ + "LAB", + -13.192804336547852 + ], + [ + "\u2581existent", + -13.192824363708496 + ], + [ + "\u2581betrieblichen", + -13.19283962249756 + ], + [ + "\u2581Schweine", + -13.192842483520508 + ], + [ + "etus", + -13.192851066589355 + ], + [ + "\u2581produceren", + -13.192856788635254 + ], + [ + "Equals", + -13.192877769470217 + ], + [ + "\u2581slip", + -13.19288444519043 + ], + [ + "\u2581Pana", + -13.192890167236328 + ], + [ + "\u2581oferecer", + -13.1929349899292 + ], + [ + "\u2581fondateur", + -13.193053245544434 + ], + [ + "scura", + -13.193145751953123 + ], + [ + "\u2581Memphis", + -13.193187713623049 + ], + [ + "proposal", + -13.193272590637209 + ], + [ + "Mobil", + -13.193297386169434 + ], + [ + "hoje", + -13.193309783935549 + ], + [ + "\u2581dirigeants", + -13.193315505981444 + ], + [ + "\u2581industriali", + -13.193354606628418 + ], + [ + "ask", + -13.19337272644043 + ], + [ + "\u2581revolta", + -13.193378448486328 + ], + [ + "promenade", + -13.19345760345459 + ], + [ + "discard", + -13.19355010986328 + ], + [ + "\u2581Gonzaga", + -13.19357967376709 + ], + [ + "\u2581Lynch", + -13.193597793579102 + ], + [ + "\u2581declaraci\u00f3n", + -13.193598747253418 + ], + [ + "\u2581viaggia", + -13.19365692138672 + ], + [ + "\u2581Riccardo", + -13.193710327148438 + ], + [ + "\u2581Torn", + -13.193717002868652 + ], + [ + "\u2581Ov", + -13.19373893737793 + ], + [ + "Bridge", + -13.193739891052246 + ], + [ + "\u2581MH", + -13.193745613098145 + ], + [ + "\u2581Univ", + -13.193751335144045 + ], + [ + "\u2581granul", + -13.193758964538574 + ], + [ + "huang", + -13.19377326965332 + ], + [ + "radikal", + -13.193801879882812 + ], + [ + "udge", + -13.193829536437988 + ], + [ + "saved", + -13.193856239318848 + ], + [ + "\u2581handles", + -13.19387149810791 + ], + [ + "itsch", + -13.193878173828123 + ], + [ + "werf", + -13.19387912750244 + ], + [ + "\u2581editado", + -13.193891525268556 + ], + [ + "modellen", + -13.193896293640137 + ], + [ + "GIS", + -13.193952560424805 + ], + [ + "\u2581econ\u00f3micas", + -13.194051742553713 + ], + [ + "\u2581Drucksachen", + -13.194056510925291 + ], + [ + "\u2581pr\u00e9sidentielle", + -13.194071769714355 + ], + [ + "\u2581Erwachsenen", + -13.194104194641112 + ], + [ + "Shadow", + -13.19410514831543 + ], + [ + "terior", + -13.194137573242188 + ], + [ + "\u2581rebel", + -13.194169998168944 + ], + [ + "\u2581Canon", + -13.194207191467283 + ], + [ + "ucar", + -13.194215774536133 + ], + [ + "\u2581Kita", + -13.194222450256348 + ], + [ + "NOR", + -13.194235801696776 + ], + [ + "\u2581preparato", + -13.19430160522461 + ], + [ + "\u2581HB", + -13.194306373596191 + ], + [ + "\u2581Monroe", + -13.194368362426758 + ], + [ + "\u2581camisa", + -13.19437313079834 + ], + [ + "\u2581Grafen", + -13.194388389587402 + ], + [ + "\u2581feat", + -13.194398880004885 + ], + [ + "velden", + -13.194416999816896 + ], + [ + "\u2581processeur", + -13.194419860839844 + ], + [ + "stick", + -13.194440841674805 + ], + [ + "\u2581M\u00fctter", + -13.194482803344728 + ], + [ + "\u2581pursuant", + -13.194491386413574 + ], + [ + "\u2581Ion", + -13.194549560546877 + ], + [ + "\u2581zeichnet", + -13.19455623626709 + ], + [ + "zl", + -13.194602966308594 + ], + [ + "\u2581Crawford", + -13.194621086120604 + ], + [ + "\u2581M\u00e4rkte", + -13.194632530212402 + ], + [ + "\u2581tendencia", + -13.19463348388672 + ], + [ + "\u2581initialized", + -13.194649696350098 + ], + [ + "\u2581Coronel", + -13.194668769836426 + ], + [ + "\u2581Ecke", + -13.194714546203612 + ], + [ + "\u2581datum", + -13.19479274749756 + ], + [ + "Honda", + -13.194802284240724 + ], + [ + "\u2581talked", + -13.194912910461426 + ], + [ + "existant", + -13.19497299194336 + ], + [ + "\u2581tornado", + -13.195023536682127 + ], + [ + "sector", + -13.195025444030762 + ], + [ + "\u2581ministers", + -13.195114135742188 + ], + [ + "\u2581Bolzano", + -13.19514274597168 + ], + [ + "\u2581r\u00e9solution", + -13.195148468017578 + ], + [ + "\u2581gradually", + -13.195159912109377 + ], + [ + "\u00edsima", + -13.195185661315918 + ], + [ + "burgo", + -13.195196151733398 + ], + [ + "\u2581Kak", + -13.195208549499512 + ], + [ + "\u00e1bamos", + -13.195219039916992 + ], + [ + "\u2581sch\u00e9ma", + -13.195245742797852 + ], + [ + "\u2581Phone", + -13.195284843444824 + ], + [ + "\u2581celebrado", + -13.195294380187988 + ], + [ + "\u2581explos", + -13.195391654968262 + ], + [ + "\u2581trends", + -13.195391654968262 + ], + [ + "spoor", + -13.1954984664917 + ], + [ + "thro", + -13.195518493652344 + ], + [ + "\u2581sorprendente", + -13.195547103881836 + ], + [ + "\u2581Werkzeug", + -13.19555377960205 + ], + [ + "\u2581melden", + -13.195570945739746 + ], + [ + "\u2581ingredients", + -13.195611953735352 + ], + [ + "Squadra", + -13.195682525634766 + ], + [ + "cial", + -13.195693016052246 + ], + [ + "\u2581Junho", + -13.195765495300291 + ], + [ + "\u2581neutro", + -13.195806503295898 + ], + [ + "shima", + -13.195846557617188 + ], + [ + "standort", + -13.195850372314451 + ], + [ + "\u2581Commissioner", + -13.19586181640625 + ], + [ + "readonly", + -13.195884704589844 + ], + [ + "\u2581Veneti", + -13.195899963378906 + ], + [ + "\u2581Ausweitung", + -13.1959228515625 + ], + [ + "\u2581Suzuki", + -13.195972442626951 + ], + [ + "hya", + -13.195982933044434 + ], + [ + "\u2581pecho", + -13.195992469787598 + ], + [ + "\u2581definitie", + -13.196020126342772 + ], + [ + "t\u00e9n", + -13.196029663085938 + ], + [ + "blut", + -13.196035385131836 + ], + [ + "\u2581dargelegt", + -13.19604206085205 + ], + [ + "\u2581remise", + -13.196059226989746 + ], + [ + "\u2581Lune", + -13.196070671081545 + ], + [ + "\u2581garoto", + -13.196080207824709 + ], + [ + "grange", + -13.196085929870604 + ], + [ + "\u2581staten", + -13.196120262145996 + ], + [ + "encoded", + -13.196145057678224 + ], + [ + "\u2581Jag", + -13.196148872375488 + ], + [ + "\u2581Salazar", + -13.196167945861816 + ], + [ + "\u2581Rac", + -13.196168899536133 + ], + [ + "\u2581especificamente", + -13.196199417114258 + ], + [ + "\u2581informar", + -13.196200370788574 + ], + [ + "basti", + -13.1962308883667 + ], + [ + "tenant", + -13.196247100830078 + ], + [ + "OTAN", + -13.196273803710938 + ], + [ + "ol\u00f3gicos", + -13.196290016174316 + ], + [ + "\u2581F\u00fcrst", + -13.196310997009276 + ], + [ + "executable", + -13.196422576904297 + ], + [ + "zang", + -13.196457862854004 + ], + [ + "\u2581Medi", + -13.196467399597168 + ], + [ + "\u2581billet", + -13.1964693069458 + ], + [ + "\u2581dificuldades", + -13.19647216796875 + ], + [ + "NSString", + -13.19648265838623 + ], + [ + "\u2581Fehlen", + -13.19648551940918 + ], + [ + "Serialize", + -13.196492195129396 + ], + [ + "\u2581S\u00e4", + -13.196496963500977 + ], + [ + "\u2581Strauss", + -13.196508407592772 + ], + [ + "\u2581Tirol", + -13.19650936126709 + ], + [ + "\u2581envolve", + -13.196538925170898 + ], + [ + "\u2581Forscher", + -13.196548461914062 + ], + [ + "\u2581Assembleia", + -13.196579933166504 + ], + [ + "\u2581misschien", + -13.19658088684082 + ], + [ + "\u2581initialement", + -13.196693420410156 + ], + [ + "\u2581ser\u00edan", + -13.1967134475708 + ], + [ + "Occidente", + -13.196739196777344 + ], + [ + "samkeit", + -13.196739196777344 + ], + [ + "\u2581Depression", + -13.196754455566406 + ], + [ + "Tal", + -13.196826934814451 + ], + [ + "\u2581ausgew\u00e4hlten", + -13.1968412399292 + ], + [ + "marins", + -13.19684886932373 + ], + [ + "\u2581grenzt", + -13.196916580200195 + ], + [ + "ndio", + -13.196919441223145 + ], + [ + "\u2581aangesteld", + -13.19692039489746 + ], + [ + "quando", + -13.196925163269045 + ], + [ + "\u2581Allow", + -13.19692611694336 + ], + [ + "\u2581Decision", + -13.196938514709473 + ], + [ + "\u2581beaches", + -13.196966171264648 + ], + [ + "\u2581Cornelius", + -13.196977615356444 + ], + [ + "\u2581ninguno", + -13.197017669677734 + ], + [ + "\u2581Radical", + -13.19703483581543 + ], + [ + "\u2581Paso", + -13.197078704833984 + ], + [ + "\u2581Amp", + -13.197083473205566 + ], + [ + "poniendo", + -13.197093963623049 + ], + [ + "agentur", + -13.197165489196776 + ], + [ + "need", + -13.197165489196776 + ], + [ + "\u2581Cock", + -13.197174072265623 + ], + [ + "agna", + -13.19719123840332 + ], + [ + "\u2581Wappen", + -13.1972017288208 + ], + [ + "\u2581offiziellen", + -13.197213172912598 + ], + [ + "\u2581emocional", + -13.197220802307127 + ], + [ + "\u2581dovevano", + -13.197322845458984 + ], + [ + "\u2581Norfolk", + -13.19736671447754 + ], + [ + "\u2581descritto", + -13.19739055633545 + ], + [ + "jv", + -13.19741916656494 + ], + [ + "\u2581prominente", + -13.197449684143066 + ], + [ + "Eg", + -13.197480201721191 + ], + [ + "\u2581Mosteiro", + -13.197490692138672 + ], + [ + "\u00e9mis", + -13.197519302368164 + ], + [ + "Reverse", + -13.197548866271973 + ], + [ + "\u2581Wii", + -13.197554588317873 + ], + [ + "\u2581internationaux", + -13.197572708129885 + ], + [ + "\u2581KN", + -13.197575569152832 + ], + [ + "\u2581guidance", + -13.197688102722168 + ], + [ + "\u2581Letters", + -13.197736740112305 + ], + [ + "\u2581carrega", + -13.197845458984377 + ], + [ + "vide", + -13.197879791259766 + ], + [ + "jean", + -13.197880744934082 + ], + [ + "\u2581Ausl", + -13.197903633117676 + ], + [ + "\u2581Campeonatos", + -13.19792652130127 + ], + [ + "Semifinal", + -13.197928428649902 + ], + [ + "\u2581estiva", + -13.197936058044434 + ], + [ + "nvidia", + -13.197990417480469 + ], + [ + "AGG", + -13.197991371154783 + ], + [ + "\u2581Determine", + -13.197999000549316 + ], + [ + "svertrag", + -13.198016166687012 + ], + [ + "\u2581restauration", + -13.19802188873291 + ], + [ + "\u2581Tea", + -13.19808864593506 + ], + [ + "fonte", + -13.198092460632324 + ], + [ + "forms", + -13.198101997375488 + ], + [ + "\u2581romp", + -13.19812297821045 + ], + [ + "\u2581Rijks", + -13.198127746582031 + ], + [ + "Submit", + -13.198155403137209 + ], + [ + "\u2581Hanno", + -13.198192596435549 + ], + [ + "\u2581mostrare", + -13.19820785522461 + ], + [ + "\u2581vijftig", + -13.198284149169922 + ], + [ + "\u2581espagnole", + -13.198342323303224 + ], + [ + "\u2581tons", + -13.19836711883545 + ], + [ + "\u2581occurrence", + -13.198389053344728 + ], + [ + "\u2581dottor", + -13.198392868041992 + ], + [ + "\u2581minus", + -13.198410034179688 + ], + [ + "\u2581omstreeks", + -13.19841194152832 + ], + [ + "uschlag", + -13.198436737060549 + ], + [ + "organiser", + -13.198444366455078 + ], + [ + "Dia", + -13.198471069335938 + ], + [ + "terraform", + -13.198542594909668 + ], + [ + "cosmos", + -13.19861125946045 + ], + [ + "\u2581consolida", + -13.19863510131836 + ], + [ + "\u2581Esa", + -13.198648452758787 + ], + [ + "\u2581sucesor", + -13.198665618896484 + ], + [ + "\u2581paroles", + -13.198685646057127 + ], + [ + "Operations", + -13.198720932006836 + ], + [ + "\u2581ind\u00e9pendant", + -13.198760986328123 + ], + [ + "\u2581signori", + -13.198810577392578 + ], + [ + "\u2581erinnern", + -13.198817253112791 + ], + [ + "\u2581casada", + -13.198840141296388 + ], + [ + "\u2581scelte", + -13.198840141296388 + ], + [ + "\u2581procent", + -13.19884967803955 + ], + [ + "fL", + -13.198872566223145 + ], + [ + "ponerse", + -13.198902130126951 + ], + [ + "\u2581aggiunto", + -13.198934555053713 + ], + [ + "\u2581sovi\u00e9tica", + -13.198935508728027 + ], + [ + "\u2581Homer", + -13.19894027709961 + ], + [ + "\u2581Appendix", + -13.199111938476562 + ], + [ + "\u2581worldwide", + -13.19913387298584 + ], + [ + "\u2581confirmado", + -13.19918727874756 + ], + [ + "SAR", + -13.199201583862305 + ], + [ + "\u2581f\u00e9minine", + -13.199271202087402 + ], + [ + "\u2581Schwan", + -13.199288368225098 + ], + [ + "gedrukt", + -13.199387550354004 + ], + [ + "pap", + -13.199395179748535 + ], + [ + "\u2581bouton", + -13.199417114257812 + ], + [ + "anticip", + -13.199456214904783 + ], + [ + "\u2581Chrome", + -13.199468612670898 + ], + [ + "\u2581Donnerstag", + -13.199488639831545 + ], + [ + "\u2581Wiederholung", + -13.199499130249023 + ], + [ + "\u2581aquela", + -13.199580192565918 + ], + [ + "\u2581excited", + -13.199612617492676 + ], + [ + "ign\u00e9", + -13.199634552001951 + ], + [ + "textstyle", + -13.19965648651123 + ], + [ + "\u2581violento", + -13.199662208557127 + ], + [ + "\u2581robe", + -13.199699401855469 + ], + [ + "\u2581implique", + -13.199713706970217 + ], + [ + "\u2581umstritten", + -13.199755668640137 + ], + [ + "\u2581Entrenadores", + -13.199779510498049 + ], + [ + "tsv", + -13.199806213378906 + ], + [ + "\u2581operar", + -13.19980812072754 + ], + [ + "\u2581asegurar", + -13.199810981750488 + ], + [ + "ouvrir", + -13.199833869934082 + ], + [ + "\u2581bisschen", + -13.199836730957031 + ], + [ + "\u2581Ulm", + -13.199857711791992 + ], + [ + "\u2581furnished", + -13.199864387512209 + ], + [ + "bijvoorbeeld", + -13.199865341186523 + ], + [ + "\u2581tea", + -13.199867248535156 + ], + [ + "visitor", + -13.199894905090332 + ], + [ + "urlaub", + -13.199925422668455 + ], + [ + "\u2581edizioni", + -13.199996948242188 + ], + [ + "\u2581Saarbr\u00fccken", + -13.200003623962402 + ], + [ + "BACK", + -13.200014114379885 + ], + [ + "\u2581riuscire", + -13.200027465820312 + ], + [ + "\u2581interessiert", + -13.200040817260742 + ], + [ + "\u2581Ern\u00e4hrungs", + -13.200060844421388 + ], + [ + "\u2581rescue", + -13.20013427734375 + ], + [ + "chner", + -13.200156211853027 + ], + [ + "gel\u00e4nde", + -13.200183868408203 + ], + [ + "\u2581ouder", + -13.200215339660645 + ], + [ + "\u2581inches", + -13.20022678375244 + ], + [ + "\u2581Editora", + -13.200340270996094 + ], + [ + "geist", + -13.20041275024414 + ], + [ + "Fraktion", + -13.200432777404783 + ], + [ + "\u2581Alltag", + -13.200433731079102 + ], + [ + "\u2581attempting", + -13.200450897216797 + ], + [ + "muth", + -13.200467109680176 + ], + [ + "\u2581respira", + -13.200479507446287 + ], + [ + "ticamente", + -13.200510025024414 + ], + [ + "\u2581recuerdo", + -13.200568199157717 + ], + [ + "\u2581Sud\u00e1frica", + -13.200638771057127 + ], + [ + "\u2581HOLDERS", + -13.200658798217772 + ], + [ + "\u2581tratte", + -13.200684547424316 + ], + [ + "\u2581confirmation", + -13.20071506500244 + ], + [ + "strang", + -13.200735092163086 + ], + [ + "\u2581geluid", + -13.2007417678833 + ], + [ + "voetbal", + -13.200759887695312 + ], + [ + "mira", + -13.200807571411133 + ], + [ + "obs", + -13.200871467590332 + ], + [ + "\u2581Motors", + -13.200913429260254 + ], + [ + "\u2581Analog", + -13.200920104980469 + ], + [ + "\u2581POST", + -13.200949668884276 + ], + [ + "\u2581fier", + -13.200990676879885 + ], + [ + "\u2581Rhe", + -13.201007843017578 + ], + [ + "\u2581begun", + -13.20102596282959 + ], + [ + "\u2581consigo", + -13.20110321044922 + ], + [ + "\u2581uitgeschakeld", + -13.20114040374756 + ], + [ + "\u2581negocia", + -13.201143264770508 + ], + [ + "\u2581vazio", + -13.201197624206545 + ], + [ + "\u2581Electronic", + -13.20124340057373 + ], + [ + "\u2581initiat", + -13.20124626159668 + ], + [ + "CSS", + -13.20127296447754 + ], + [ + "bang", + -13.20142936706543 + ], + [ + "\u2581nariz", + -13.201462745666504 + ], + [ + "zielen", + -13.201473236083984 + ], + [ + "\u2581Gelder", + -13.201476097106934 + ], + [ + "\u2581Brest", + -13.20153522491455 + ], + [ + "opleiding", + -13.201562881469728 + ], + [ + "\u2581Filips", + -13.201576232910156 + ], + [ + "\u2581tellement", + -13.201577186584473 + ], + [ + "\u2581especialista", + -13.201672554016112 + ], + [ + "\u2581Museen", + -13.201723098754885 + ], + [ + "\u2581graven", + -13.201743125915527 + ], + [ + "\u2581Frost", + -13.20174503326416 + ], + [ + "\u2581straordinaria", + -13.201766967773438 + ], + [ + "\u2581preda", + -13.201773643493652 + ], + [ + "aujourd", + -13.201804161071776 + ], + [ + "\u2581Camino", + -13.201809883117676 + ], + [ + "\u2581USER", + -13.201822280883787 + ], + [ + "\u2581proprietario", + -13.201831817626951 + ], + [ + "\u2581Pilar", + -13.201842308044434 + ], + [ + "\u2581rovina", + -13.201882362365724 + ], + [ + "\u2581unabh\u00e4ngige", + -13.201886177062988 + ], + [ + "\u2581columna", + -13.201887130737305 + ], + [ + "gramme", + -13.201908111572266 + ], + [ + "\u2581eggs", + -13.201932907104492 + ], + [ + "\u2581aangetroffen", + -13.201953887939451 + ], + [ + "\u2581Th\u00fcringer", + -13.20195770263672 + ], + [ + "agt", + -13.201966285705566 + ], + [ + "roze", + -13.20198917388916 + ], + [ + "\u2581Rainha", + -13.202000617980955 + ], + [ + "\u2581Deine", + -13.202040672302246 + ], + [ + "\u2581Mancha", + -13.202040672302246 + ], + [ + "D\u00e9", + -13.20207405090332 + ], + [ + "\u2581limb", + -13.202092170715332 + ], + [ + "\u2581abbandonato", + -13.20211124420166 + ], + [ + "\u2581epis\u00f3dios", + -13.202141761779783 + ], + [ + "\u2581joke", + -13.2021484375 + ], + [ + "\u2581Prat", + -13.202163696289062 + ], + [ + "passing", + -13.202208518981934 + ], + [ + "variate", + -13.202210426330566 + ], + [ + "habitude", + -13.202251434326172 + ], + [ + "\u2581indipendenti", + -13.202251434326172 + ], + [ + "affirm", + -13.202265739440918 + ], + [ + "\u2581Baba", + -13.20230197906494 + ], + [ + "sgebiet", + -13.20233917236328 + ], + [ + "\u2581H\u00e4ndler", + -13.202352523803713 + ], + [ + "adm", + -13.202353477478027 + ], + [ + "\u2581Bahnh", + -13.202432632446287 + ], + [ + "vine", + -13.20248031616211 + ], + [ + "\u2581fifty", + -13.202482223510742 + ], + [ + "\u2581permettono", + -13.202482223510742 + ], + [ + "riam", + -13.202494621276855 + ], + [ + "\u2581beneden", + -13.202581405639648 + ], + [ + "einem", + -13.202642440795898 + ], + [ + "\u2581malen", + -13.202642440795898 + ], + [ + "\u2581kleines", + -13.202681541442873 + ], + [ + "expiration", + -13.202692031860352 + ], + [ + "\u2581Recife", + -13.20273208618164 + ], + [ + "PLC", + -13.202733993530272 + ], + [ + "\u2581onbe", + -13.202821731567385 + ], + [ + "ugleich", + -13.20285701751709 + ], + [ + "\u2581nullptr", + -13.202888488769531 + ], + [ + "\u2581acids", + -13.202937126159668 + ], + [ + "\u2581Geb", + -13.202947616577148 + ], + [ + "peptide", + -13.203058242797852 + ], + [ + "capacity", + -13.203068733215332 + ], + [ + "Repeat", + -13.203092575073242 + ], + [ + "\u2581loops", + -13.203125953674316 + ], + [ + "\u2581Figuren", + -13.20313835144043 + ], + [ + "\u2581aspettare", + -13.203169822692873 + ], + [ + "\u2581einger\u00e4umt", + -13.203177452087402 + ], + [ + "certificate", + -13.20326042175293 + ], + [ + "\u2581Technique", + -13.203266143798828 + ], + [ + "\u2581Asien", + -13.203275680541992 + ], + [ + "coni", + -13.203283309936523 + ], + [ + "IEN", + -13.20329761505127 + ], + [ + "\u2581Architekten", + -13.20333766937256 + ], + [ + "\u2581Kapelle", + -13.203343391418455 + ], + [ + "CCC", + -13.203371047973633 + ], + [ + "\u2581Integral", + -13.203396797180176 + ], + [ + "\u2581abundance", + -13.203399658203123 + ], + [ + "interaction", + -13.203411102294922 + ], + [ + "\u2581Tom\u00e9", + -13.203411102294922 + ], + [ + "\u2581mon\u00e9taire", + -13.203412055969238 + ], + [ + "w\u00e4rme", + -13.203434944152832 + ], + [ + "\u2581antwoord", + -13.203438758850098 + ], + [ + "\u2581cuidar", + -13.203439712524414 + ], + [ + "\u2581descrive", + -13.203453063964844 + ], + [ + "\u2581PSV", + -13.203478813171388 + ], + [ + "melde", + -13.203500747680664 + ], + [ + "peter", + -13.203519821166992 + ], + [ + "\u2581Penguin", + -13.203547477722168 + ], + [ + "\u2581ingesteld", + -13.20356273651123 + ], + [ + "\u2581labour", + -13.20359992980957 + ], + [ + "houden", + -13.203611373901367 + ], + [ + "grab", + -13.203619003295898 + ], + [ + "DIV", + -13.20363712310791 + ], + [ + "\u2581Bestands", + -13.203648567199709 + ], + [ + "\u2581Moll", + -13.203692436218262 + ], + [ + "\u2581Switch", + -13.203757286071776 + ], + [ + "\u2581Richt", + -13.20376205444336 + ], + [ + "\u2581programmation", + -13.203778266906738 + ], + [ + "\u2581utilizam", + -13.203786849975586 + ], + [ + "\u2581chegaram", + -13.20383358001709 + ], + [ + "\u2581magnifique", + -13.203835487365724 + ], + [ + "\u2581herrscht", + -13.20386791229248 + ], + [ + "\u2581devez", + -13.203887939453123 + ], + [ + "\u2581conter", + -13.203902244567873 + ], + [ + "\u2581systemctl", + -13.203947067260742 + ], + [ + "\u2581prestar", + -13.20395278930664 + ], + [ + "figura", + -13.204009056091309 + ], + [ + "\u2581Faculdade", + -13.204056739807127 + ], + [ + "Supplementary", + -13.204069137573242 + ], + [ + "\u2581Making", + -13.204083442687988 + ], + [ + "\u2581Elder", + -13.204109191894531 + ], + [ + "smart", + -13.20411777496338 + ], + [ + "\u2581excepto", + -13.20412254333496 + ], + [ + "\u2581medita", + -13.20415496826172 + ], + [ + "tez", + -13.204160690307615 + ], + [ + "\u2581occup\u00e9", + -13.204215049743652 + ], + [ + "\u2581ge\u00e4u", + -13.204236030578612 + ], + [ + "\u2581venture", + -13.204254150390623 + ], + [ + "\u2581colonel", + -13.204259872436523 + ], + [ + "\u2581Valentin", + -13.204278945922852 + ], + [ + "\u2581(_,", + -13.204358100891112 + ], + [ + "\u2581telefoni", + -13.204373359680176 + ], + [ + "\u2581esconder", + -13.204381942749023 + ], + [ + "betriebs", + -13.204384803771973 + ], + [ + "\u2581newValue", + -13.204400062561035 + ], + [ + "judi", + -13.20440673828125 + ], + [ + "\u2581capturar", + -13.204416275024414 + ], + [ + "\u2581belt", + -13.204442024230955 + ], + [ + "\u2581Einstellungen", + -13.204486846923828 + ], + [ + "\u2581virtud", + -13.20449161529541 + ], + [ + "\u2581speaker", + -13.204549789428713 + ], + [ + "rohr", + -13.204580307006836 + ], + [ + "\u2581territ\u00f3rios", + -13.204601287841797 + ], + [ + "grafia", + -13.204620361328123 + ], + [ + "animal", + -13.20462131500244 + ], + [ + "\u2581Lyn", + -13.204631805419922 + ], + [ + "\u2581concurrence", + -13.204715728759766 + ], + [ + "potent", + -13.204733848571776 + ], + [ + "\u2581ehe", + -13.204753875732422 + ], + [ + "\u2581Mock", + -13.204763412475586 + ], + [ + "\u2581Clinical", + -13.204767227172852 + ], + [ + "\u2581Ordens", + -13.204792976379396 + ], + [ + "\u2581sup", + -13.2048978805542 + ], + [ + "\u2581desastre", + -13.204900741577148 + ], + [ + "\u2581gesprek", + -13.204915046691896 + ], + [ + "\u2581substantially", + -13.204920768737791 + ], + [ + "Doxy", + -13.204925537109377 + ], + [ + "chow", + -13.204931259155272 + ], + [ + "\u2581destacada", + -13.204957008361816 + ], + [ + "\u2581adaptaci\u00f3n", + -13.204986572265623 + ], + [ + "ched", + -13.205007553100586 + ], + [ + "\u2581J\u00e4ger", + -13.205018043518066 + ], + [ + "\u2581condotto", + -13.205037117004396 + ], + [ + "\u2581munt", + -13.205044746398926 + ], + [ + "\u2581Pei", + -13.205097198486328 + ], + [ + "\u2581Natuur", + -13.205116271972656 + ], + [ + "sher", + -13.20512580871582 + ], + [ + "uantizer", + -13.20512866973877 + ], + [ + "\u2581Milieu", + -13.20512866973877 + ], + [ + "\u2581Mog", + -13.205130577087402 + ], + [ + "rtern", + -13.205135345458984 + ], + [ + "BEL", + -13.20513916015625 + ], + [ + "\u2581tooltip", + -13.205204963684082 + ], + [ + "csr", + -13.20523738861084 + ], + [ + "\u2581profondamente", + -13.205265998840332 + ], + [ + "\u2581OLG", + -13.205320358276367 + ], + [ + "\u2581Sharon", + -13.205342292785645 + ], + [ + "zuf\u00fchren", + -13.20535373687744 + ], + [ + "\u2581coraggio", + -13.205357551574709 + ], + [ + "\u2581retrata", + -13.205414772033691 + ], + [ + "abh", + -13.205452919006348 + ], + [ + "\u2581tareas", + -13.205499649047852 + ], + [ + "\u2581sucht", + -13.205510139465332 + ], + [ + "\u2581fausse", + -13.205533981323242 + ], + [ + "sani", + -13.205554962158203 + ], + [ + "\u2581offizielle", + -13.205573081970217 + ], + [ + "\u2581autoriza", + -13.205586433410645 + ], + [ + "desde", + -13.205599784851074 + ], + [ + "\u2581Wimbledon", + -13.205645561218262 + ], + [ + "\u2581d\u00e9ficit", + -13.20565414428711 + ], + [ + "\u2581deemed", + -13.2056884765625 + ], + [ + "\u2581Hombre", + -13.205714225769045 + ], + [ + "\u2581governments", + -13.205718040466309 + ], + [ + "nij", + -13.205735206604004 + ], + [ + "Vars", + -13.205738067626951 + ], + [ + "\u2581interviews", + -13.20579719543457 + ], + [ + "\u2581Sender", + -13.205815315246582 + ], + [ + "alan", + -13.20582103729248 + ], + [ + "Undefined", + -13.205877304077148 + ], + [ + "h\u00e9rent", + -13.205950736999512 + ], + [ + "\u00e1gua", + -13.205978393554688 + ], + [ + "verluste", + -13.205982208251951 + ], + [ + "ziale", + -13.20599365234375 + ], + [ + "resume", + -13.206018447875977 + ], + [ + "assenza", + -13.206024169921877 + ], + [ + "\u2581Konvention", + -13.206032752990724 + ], + [ + "\u2581maintenir", + -13.20603370666504 + ], + [ + "\u2581manieren", + -13.206035614013672 + ], + [ + "ecc", + -13.20608901977539 + ], + [ + "\u2581democratic", + -13.20610809326172 + ], + [ + "\u2581civilization", + -13.206169128417969 + ], + [ + "\u2581recommendations", + -13.206170082092283 + ], + [ + "\u2581Anwesenheit", + -13.20617389678955 + ], + [ + "\u2581ricevette", + -13.20620346069336 + ], + [ + "tailport", + -13.2062349319458 + ], + [ + "\u2581Eberhard", + -13.206244468688965 + ], + [ + "hurst", + -13.20624828338623 + ], + [ + "sart", + -13.206275939941406 + ], + [ + "gesch\u00e4fte", + -13.20628261566162 + ], + [ + "fec", + -13.206283569335938 + ], + [ + "\u2581consecuencias", + -13.206293106079102 + ], + [ + "\u2581Beschr\u00e4nkungen", + -13.206314086914062 + ], + [ + "\u2581americanos", + -13.206584930419922 + ], + [ + "\u2581maladies", + -13.20665454864502 + ], + [ + "andi", + -13.206673622131348 + ], + [ + "\u2581lua", + -13.2067289352417 + ], + [ + "\u2581conduire", + -13.20678424835205 + ], + [ + "igni", + -13.206825256347656 + ], + [ + "\u00e4hne", + -13.206958770751951 + ], + [ + "\u2581extranjeros", + -13.206958770751951 + ], + [ + "\u2581Sj", + -13.206997871398926 + ], + [ + "\u2581Rebecca", + -13.207008361816406 + ], + [ + "\u2581Acker", + -13.207049369812012 + ], + [ + "Fun", + -13.207053184509276 + ], + [ + "\u2581Joodse", + -13.207090377807615 + ], + [ + "\u2581earthquake", + -13.207090377807615 + ], + [ + "marks", + -13.207106590270996 + ], + [ + "\u2581gale", + -13.207147598266602 + ], + [ + "\u2581Writing", + -13.20716667175293 + ], + [ + "\u2581bedroeg", + -13.207173347473145 + ], + [ + "olina", + -13.207178115844728 + ], + [ + "dici\u00f3n", + -13.207185745239258 + ], + [ + "inspire", + -13.207201957702637 + ], + [ + "\u2581hommage", + -13.20724868774414 + ], + [ + "\u2581earn", + -13.20725917816162 + ], + [ + "uentin", + -13.207263946533203 + ], + [ + "\u2581revelar", + -13.20727825164795 + ], + [ + "\u2581simplify", + -13.20728874206543 + ], + [ + "Answer", + -13.207305908203123 + ], + [ + "\u2581pianist", + -13.20730686187744 + ], + [ + "\u2581sacerdotes", + -13.20731258392334 + ], + [ + "Drawing", + -13.207314491271973 + ], + [ + "\u2581purely", + -13.207319259643556 + ], + [ + "\u2581adaptado", + -13.207356452941896 + ], + [ + "schrijver", + -13.207386016845703 + ], + [ + "nonce", + -13.207401275634766 + ], + [ + "\u2581Cort\u00e9s", + -13.20742416381836 + ], + [ + "\u2581.........", + -13.207444190979004 + ], + [ + "\u2581Bisher", + -13.207478523254396 + ], + [ + "\u2581vluchten", + -13.20750904083252 + ], + [ + "cani", + -13.207533836364746 + ], + [ + "\u2581compreender", + -13.207574844360352 + ], + [ + "tutto", + -13.207582473754885 + ], + [ + "\u2581Eignung", + -13.207616806030272 + ], + [ + "dona", + -13.207633018493652 + ], + [ + "Kor", + -13.207653045654297 + ], + [ + "Linie", + -13.207671165466309 + ], + [ + "\u2581SDS", + -13.20769214630127 + ], + [ + "lden", + -13.207704544067385 + ], + [ + "\u2581miglia", + -13.207728385925291 + ], + [ + "Ez", + -13.207781791687012 + ], + [ + "ECDH", + -13.20781421661377 + ], + [ + "\u2581bearing", + -13.207839012145996 + ], + [ + "\u2581Driver", + -13.207847595214844 + ], + [ + "\u2581Steiner", + -13.207858085632324 + ], + [ + "\u2581cosiddetta", + -13.20788288116455 + ], + [ + "agra", + -13.207913398742676 + ], + [ + "\u2581Nebraska", + -13.20795440673828 + ], + [ + "\u2581substituir", + -13.207958221435549 + ], + [ + "rond", + -13.207962036132812 + ], + [ + "ifier", + -13.207975387573242 + ], + [ + "\u2581autentica", + -13.208005905151367 + ], + [ + "\u2581Inception", + -13.208029747009276 + ], + [ + "\u2581voordeel", + -13.208048820495604 + ], + [ + "\u2581galaxy", + -13.208049774169922 + ], + [ + "\u2581phrases", + -13.208073616027832 + ], + [ + "arti", + -13.208084106445312 + ], + [ + "\u2581bunch", + -13.208093643188477 + ], + [ + "\u2581sudoeste", + -13.208105087280272 + ], + [ + "Ind", + -13.208124160766602 + ], + [ + "\u2581choque", + -13.208148002624512 + ], + [ + "\u2581divorce", + -13.20821762084961 + ], + [ + "\u2581Mao", + -13.20822811126709 + ], + [ + "Ie", + -13.208297729492188 + ], + [ + "sl\u00e4ndern", + -13.208313941955566 + ], + [ + "\u2581zout", + -13.208313941955566 + ], + [ + "\u2581Ride", + -13.208318710327148 + ], + [ + "\u2581erwiesen", + -13.208351135253906 + ], + [ + "pr\u00fcf", + -13.208356857299805 + ], + [ + "\u2581[\"/", + -13.20847225189209 + ], + [ + "\u2581Nachricht", + -13.208474159240724 + ], + [ + "coords", + -13.20848274230957 + ], + [ + "\u2581elevata", + -13.208520889282228 + ], + [ + "\u2581geschlossenen", + -13.208535194396973 + ], + [ + "\u2581esquerdo", + -13.208544731140137 + ], + [ + "\u2581com\u00e9die", + -13.208560943603516 + ], + [ + "\u2581R\u00fccktritt", + -13.20856475830078 + ], + [ + "\u2581industries", + -13.208575248718262 + ], + [ + "\u2581uccidere", + -13.208592414855955 + ], + [ + "\u2581kritisiert", + -13.20871639251709 + ], + [ + "pedo", + -13.208727836608888 + ], + [ + "\u2581bewust", + -13.208732604980469 + ], + [ + "arrowhead", + -13.20876407623291 + ], + [ + "seitig", + -13.208822250366213 + ], + [ + "\u2581erwerben", + -13.208833694458008 + ], + [ + "elenco", + -13.20884895324707 + ], + [ + "\u2581Dorn", + -13.208856582641602 + ], + [ + "\u2581disposi", + -13.208942413330078 + ], + [ + "\u2581rotta", + -13.20896339416504 + ], + [ + "\u2581Mang", + -13.208977699279783 + ], + [ + "\u2581deprecated", + -13.20898151397705 + ], + [ + "\u2581liegende", + -13.208985328674316 + ], + [ + "temporal", + -13.209009170532228 + ], + [ + "ghan", + -13.209012031555176 + ], + [ + "\u2581Secretaria", + -13.209060668945312 + ], + [ + "\u2581tijdelijk", + -13.209151268005373 + ], + [ + "\u2581systematisch", + -13.209189414978027 + ], + [ + "\u2581/******/", + -13.20920753479004 + ], + [ + "\u2581Wyn", + -13.209210395812988 + ], + [ + "\u2581bici", + -13.209232330322266 + ], + [ + "kot", + -13.20923900604248 + ], + [ + "d\u00fcnn", + -13.209260940551758 + ], + [ + "\u2581polygon", + -13.209280014038086 + ], + [ + "Accord", + -13.209290504455566 + ], + [ + "Ctrl", + -13.209321022033691 + ], + [ + "nders", + -13.209321975708008 + ], + [ + "\u2581Hektar", + -13.20934009552002 + ], + [ + "hora", + -13.20936107635498 + ], + [ + "schneiden", + -13.209397315979004 + ], + [ + "\u2581tramo", + -13.209420204162598 + ], + [ + "\u2581Sm", + -13.20943832397461 + ], + [ + "\u2581gallo", + -13.209515571594238 + ], + [ + "gebergte", + -13.209556579589844 + ], + [ + "\u2581aged", + -13.209567070007324 + ], + [ + "piter", + -13.2095947265625 + ], + [ + "\u2581Niederlassung", + -13.209606170654297 + ], + [ + "\u2581fragile", + -13.20962142944336 + ], + [ + "guan", + -13.209639549255373 + ], + [ + "\u2581Console", + -13.209708213806152 + ], + [ + "\u2581Isle", + -13.20974826812744 + ], + [ + "\u2581j\u00e4hrliche", + -13.20976734161377 + ], + [ + "\u2581PAR", + -13.209786415100098 + ], + [ + "\u2581soins", + -13.209802627563477 + ], + [ + "\u2581utilizzate", + -13.20982837677002 + ], + [ + "tanque", + -13.209833145141602 + ], + [ + "einzel", + -13.209845542907717 + ], + [ + "Prozess", + -13.209914207458496 + ], + [ + "\u2581Kraus", + -13.209957122802734 + ], + [ + "\u2581initiatief", + -13.210001945495604 + ], + [ + "\u2581finita", + -13.210025787353516 + ], + [ + "\u2581parecem", + -13.210070610046388 + ], + [ + "\u2581publieke", + -13.210082054138184 + ], + [ + "\u2581performs", + -13.2101411819458 + ], + [ + "finger", + -13.210159301757812 + ], + [ + "\u2581pilotos", + -13.21016788482666 + ], + [ + "\u2581proud", + -13.210168838500977 + ], + [ + "\u2581Margarita", + -13.21022891998291 + ], + [ + "\u2581Troy", + -13.210246086120604 + ], + [ + "Benchmark", + -13.210288047790527 + ], + [ + "\u2581Sloveni", + -13.210288047790527 + ], + [ + "\u2581hierin", + -13.210312843322754 + ], + [ + "\u2581H\u00e9l", + -13.210415840148926 + ], + [ + "\u2581Britten", + -13.210427284240724 + ], + [ + "untersuchungen", + -13.210518836975098 + ], + [ + "\u2581culturelle", + -13.210522651672363 + ], + [ + "\u2581kroon", + -13.210527420043944 + ], + [ + "\u2581Breslau", + -13.210532188415527 + ], + [ + "\u2581arbres", + -13.210549354553224 + ], + [ + "\u2581Beratungen", + -13.210554122924805 + ], + [ + "opinion", + -13.21057415008545 + ], + [ + "lisa", + -13.210615158081056 + ], + [ + "\u2581Bewilligung", + -13.210640907287598 + ], + [ + "\u2581vouloir", + -13.21066188812256 + ], + [ + "\u2581touristiques", + -13.210662841796877 + ], + [ + "n\u00e4", + -13.210670471191406 + ], + [ + "ceto", + -13.21072769165039 + ], + [ + "Museum", + -13.210737228393556 + ], + [ + "VPN", + -13.21078872680664 + ], + [ + "\u2581Kartell", + -13.210827827453612 + ], + [ + "\u2581Acro", + -13.21083164215088 + ], + [ + "\u2581rappel", + -13.210845947265623 + ], + [ + "Bis", + -13.210882186889648 + ], + [ + "\u2581funcion\u00e1rios", + -13.210906982421877 + ], + [ + "shallow", + -13.2109375 + ], + [ + "study", + -13.21095371246338 + ], + [ + "Francia", + -13.211009979248049 + ], + [ + "\u2581therapeutic", + -13.211010932922363 + ], + [ + "Hist", + -13.211064338684082 + ], + [ + "\u2581accordingly", + -13.211097717285156 + ], + [ + "\u2581religieuse", + -13.211132049560549 + ], + [ + "\u2581posa", + -13.21117877960205 + ], + [ + "urra", + -13.21120548248291 + ], + [ + "Correct", + -13.2112455368042 + ], + [ + "\u2581rijdt", + -13.21125030517578 + ], + [ + "\u2581voorwerp", + -13.211273193359377 + ], + [ + "Anteil", + -13.211278915405272 + ], + [ + "\u2581Pernambuco", + -13.211325645446776 + ], + [ + "\u2581Reagan", + -13.211332321166992 + ], + [ + "\u2581CAP", + -13.211339950561523 + ], + [ + "\u2581COR", + -13.211344718933104 + ], + [ + "\u2581Esistono", + -13.211383819580078 + ], + [ + "\u2581visitante", + -13.211387634277344 + ], + [ + "\u2581basato", + -13.21145725250244 + ], + [ + "\u2581toegankelijk", + -13.211458206176758 + ], + [ + "Nat", + -13.211528778076172 + ], + [ + "\u2581Rid", + -13.21156120300293 + ], + [ + "\u2581Sally", + -13.211573600769045 + ], + [ + "Distribuzione", + -13.211587905883787 + ], + [ + "swagger", + -13.211606979370115 + ], + [ + "\u2581nerve", + -13.211627960205078 + ], + [ + "cwd", + -13.211695671081545 + ], + [ + "aube", + -13.211713790893556 + ], + [ + "\u2581estranho", + -13.2117280960083 + ], + [ + "\u2581Sidney", + -13.2117338180542 + ], + [ + "\u2581Vanweg", + -13.211766242980955 + ], + [ + "\u2581tongue", + -13.211784362792969 + ], + [ + "\u2581wavelength", + -13.211790084838867 + ], + [ + "\u2581correspondance", + -13.211816787719728 + ], + [ + "yarnpkg", + -13.211918830871582 + ], + [ + "\u2581vollen", + -13.211921691894531 + ], + [ + "ikal", + -13.211929321289062 + ], + [ + "\u2581lenti", + -13.2120361328125 + ], + [ + "terie", + -13.21203899383545 + ], + [ + "\u2581manchen", + -13.212040901184082 + ], + [ + "jd", + -13.212080955505373 + ], + [ + "\u2581workflow", + -13.212084770202637 + ], + [ + "\u2581ultima", + -13.212096214294434 + ], + [ + "BasicConv", + -13.212133407592772 + ], + [ + "\u2581Escocia", + -13.212136268615724 + ], + [ + "bly", + -13.212138175964355 + ], + [ + "ctus", + -13.21216869354248 + ], + [ + "ol\u00f3gicas", + -13.212180137634276 + ], + [ + "\u2581aufeinander", + -13.21218490600586 + ], + [ + "\u2581Grundst\u00fcck", + -13.212209701538086 + ], + [ + "Requests", + -13.212213516235352 + ], + [ + "\u2581actieve", + -13.2122163772583 + ], + [ + "uji", + -13.21226406097412 + ], + [ + "\u2581colon", + -13.212267875671388 + ], + [ + "\u2581expectations", + -13.212279319763184 + ], + [ + "\u2581Forstwirtschaft", + -13.21231460571289 + ], + [ + "\u2581appris", + -13.212336540222168 + ], + [ + "\u2581scende", + -13.212356567382812 + ], + [ + "\u2581wishes", + -13.212368965148926 + ], + [ + "\u2581Filmografia", + -13.212379455566406 + ], + [ + "\u2581Tec", + -13.212424278259276 + ], + [ + "\u2581attributed", + -13.212470054626465 + ], + [ + "\u2581contour", + -13.212480545043944 + ], + [ + "\u2581Chou", + -13.212494850158691 + ], + [ + "\u2581squares", + -13.21252155303955 + ], + [ + "CDC", + -13.212529182434082 + ], + [ + "blok", + -13.212557792663574 + ], + [ + "emitter", + -13.21257781982422 + ], + [ + "\u2581eje", + -13.212603569030762 + ], + [ + "\u2581sentimenti", + -13.212607383728027 + ], + [ + "\u2581Slam", + -13.212617874145508 + ], + [ + "\u2581Bucht", + -13.212650299072266 + ], + [ + "durchschnitt", + -13.212658882141112 + ], + [ + "\u2581Mana", + -13.21274185180664 + ], + [ + "\u2581Ponta", + -13.212759971618652 + ], + [ + "witsers", + -13.21278476715088 + ], + [ + "mediated", + -13.212793350219728 + ], + [ + "\u2581envia", + -13.21283721923828 + ], + [ + "Jun", + -13.212854385375977 + ], + [ + "\u2581Bry", + -13.212862968444824 + ], + [ + "\u2581Echter", + -13.212886810302734 + ], + [ + "\u2581estudiante", + -13.21289348602295 + ], + [ + "\u2581preocupado", + -13.212944984436035 + ], + [ + "\u2581Langzeit", + -13.212947845458984 + ], + [ + "\u2581\u00f3rgano", + -13.212956428527832 + ], + [ + "iseerd", + -13.21296501159668 + ], + [ + "\u2581singolare", + -13.212969779968262 + ], + [ + "\u2581zumal", + -13.212990760803224 + ], + [ + "\u2581ingedeeld", + -13.213007926940918 + ], + [ + "\u2581vermelha", + -13.213058471679688 + ], + [ + "CAL", + -13.213059425354004 + ], + [ + "\u2581attrice", + -13.213123321533203 + ], + [ + "Ebene", + -13.213133811950684 + ], + [ + "jenkins", + -13.213193893432615 + ], + [ + "\u2581Magen", + -13.21320915222168 + ], + [ + "\u2581Pfarrer", + -13.213228225708008 + ], + [ + "blin", + -13.213266372680664 + ], + [ + "bate", + -13.213272094726562 + ], + [ + "pakt", + -13.21328067779541 + ], + [ + "dheid", + -13.213286399841309 + ], + [ + "\u2581individuais", + -13.213306427001951 + ], + [ + "\u2581nannte", + -13.213315963745115 + ], + [ + "\u2581alternate", + -13.213370323181152 + ], + [ + "\u2581criterio", + -13.213373184204102 + ], + [ + "\u2581fern", + -13.21345043182373 + ], + [ + "\u2581abgerufen", + -13.213457107543944 + ], + [ + "\u2581architectural", + -13.21346378326416 + ], + [ + "lumin", + -13.213496208190918 + ], + [ + "\u2581Sexual", + -13.213506698608398 + ], + [ + "\u2581Sed", + -13.21353530883789 + ], + [ + "\u2581forderte", + -13.213576316833496 + ], + [ + "kj", + -13.213579177856444 + ], + [ + "ac\u00e1", + -13.213598251342772 + ], + [ + "sara", + -13.21364974975586 + ], + [ + "\u2581Marathon", + -13.213671684265137 + ], + [ + "Arrow", + -13.21369171142578 + ], + [ + "\u2581turbo", + -13.213753700256348 + ], + [ + "\u2581mudo", + -13.213756561279297 + ], + [ + "LAND", + -13.21377658843994 + ], + [ + "pris", + -13.213800430297852 + ], + [ + "\u2581Pflanzenschutz", + -13.213804244995115 + ], + [ + "ligible", + -13.213817596435549 + ], + [ + "\u2581mechanics", + -13.21381950378418 + ], + [ + "\u2581energies", + -13.213826179504396 + ], + [ + "\u2581remarque", + -13.213834762573242 + ], + [ + "\u2581eigentliche", + -13.213841438293455 + ], + [ + "\u2581billets", + -13.21388339996338 + ], + [ + "\u2581tomber", + -13.213921546936035 + ], + [ + "\u2581Border", + -13.213922500610352 + ], + [ + "\u2581dipinto", + -13.21393585205078 + ], + [ + "Naam", + -13.213949203491213 + ], + [ + "physik", + -13.213987350463867 + ], + [ + "sak", + -13.21400547027588 + ], + [ + "\u2581rarement", + -13.214041709899902 + ], + [ + "\u2581Spannungs", + -13.214070320129396 + ], + [ + "\u2581quantitativ", + -13.214151382446287 + ], + [ + "\u2581trattava", + -13.214163780212402 + ], + [ + "\u2581Berichts", + -13.214239120483398 + ], + [ + "\u2581Francesca", + -13.214272499084473 + ], + [ + "\u2581Ausdehnung", + -13.214274406433104 + ], + [ + "\u2581pareti", + -13.214401245117188 + ], + [ + "usch", + -13.214491844177246 + ], + [ + "milla", + -13.2145357131958 + ], + [ + "\u2581alternativ", + -13.214556694030762 + ], + [ + "plice", + -13.214606285095217 + ], + [ + "\u2581peri\u00f3dicos", + -13.21461009979248 + ], + [ + "\u2581vinse", + -13.214619636535645 + ], + [ + "\u2581Inwieweit", + -13.214629173278809 + ], + [ + "\u2581Molecular", + -13.2146577835083 + ], + [ + "\u2581patr", + -13.214667320251465 + ], + [ + "\u2581Cit\u00e9", + -13.214686393737791 + ], + [ + "configs", + -13.214736938476562 + ], + [ + "\u2581erfordern", + -13.214747428894045 + ], + [ + "\u2581UFC", + -13.214766502380373 + ], + [ + "DESCRIPTION", + -13.214778900146484 + ], + [ + "zong", + -13.214801788330078 + ], + [ + "\u2581juventud", + -13.214818954467772 + ], + [ + "\u2581schl\u00e4gt", + -13.214826583862305 + ], + [ + "\u2581protestante", + -13.214832305908203 + ], + [ + "LESS", + -13.21485424041748 + ], + [ + "\u2581regiment", + -13.214856147766112 + ], + [ + "\u2581Biblia", + -13.214900970458984 + ], + [ + "voet", + -13.214920997619627 + ], + [ + "\u2581apprendre", + -13.214932441711426 + ], + [ + "\u2581unlike", + -13.214956283569336 + ], + [ + "\u2581conflicts", + -13.215002059936523 + ], + [ + "\u2581pregunt\u00f3", + -13.21506690979004 + ], + [ + "\u2581procurando", + -13.215075492858888 + ], + [ + "\u2581Browne", + -13.21508502960205 + ], + [ + "\u2581Denkmal", + -13.21509075164795 + ], + [ + "schaden", + -13.215118408203123 + ], + [ + "enceinte", + -13.215174674987791 + ], + [ + "\u2581Salle", + -13.215203285217283 + ], + [ + "\u2581gabinete", + -13.215224266052246 + ], + [ + "\u00e4nderung", + -13.215262413024902 + ], + [ + "\u2581quoted", + -13.215289115905762 + ], + [ + "\u2581Caribbean", + -13.21534252166748 + ], + [ + "ACS", + -13.21534538269043 + ], + [ + "pressure", + -13.215405464172363 + ], + [ + "\u2581Togo", + -13.215431213378906 + ], + [ + "\u2581italianos", + -13.21545124053955 + ], + [ + "\u2581Guild", + -13.21546459197998 + ], + [ + "punk", + -13.21549129486084 + ], + [ + "\u2581gespielt", + -13.215495109558104 + ], + [ + "absicht", + -13.215496063232422 + ], + [ + "\u2581organizzata", + -13.215502738952637 + ], + [ + "\u2581Buc", + -13.215509414672852 + ], + [ + "brick", + -13.215581893920898 + ], + [ + "\u2581incluidos", + -13.215645790100098 + ], + [ + "\u2581SED", + -13.21567440032959 + ], + [ + "budget", + -13.21573543548584 + ], + [ + "\u2581marmo", + -13.215760231018066 + ], + [ + "alvo", + -13.215775489807127 + ], + [ + "\u2581zuk\u00fcnftige", + -13.21578311920166 + ], + [ + "\u2581twin", + -13.215812683105469 + ], + [ + "\u2581invoked", + -13.215850830078123 + ], + [ + "\u2581signification", + -13.21588897705078 + ], + [ + "\u2581sesi\u00f3n", + -13.215932846069336 + ], + [ + "\u2581banques", + -13.21596336364746 + ], + [ + "\u2581tomorrow", + -13.215977668762209 + ], + [ + "\u2581selecionar", + -13.215985298156738 + ], + [ + "\u2581bolsa", + -13.216002464294434 + ], + [ + "\u2581mora", + -13.21603298187256 + ], + [ + "\u2581nickte", + -13.216041564941406 + ], + [ + "\u2581tanks", + -13.216041564941406 + ], + [ + "\u2581legame", + -13.216171264648438 + ], + [ + "cardi", + -13.216193199157717 + ], + [ + "\u2581installations", + -13.216241836547852 + ], + [ + "\u2581aldeia", + -13.21627140045166 + ], + [ + "uld", + -13.21628761291504 + ], + [ + "\u2581Jahrzehnten", + -13.21629524230957 + ], + [ + "\u2581Vertrieb", + -13.216307640075684 + ], + [ + "Kopplung", + -13.21633529663086 + ], + [ + "canal", + -13.216343879699709 + ], + [ + "\u2581intent\u00f3", + -13.216350555419922 + ], + [ + "\u2581assay", + -13.216385841369627 + ], + [ + "\u2581Logan", + -13.21639919281006 + ], + [ + "\u2581Maurit", + -13.216466903686523 + ], + [ + "steig", + -13.21646785736084 + ], + [ + "\u2581Tris", + -13.216475486755373 + ], + [ + "oxi", + -13.21650505065918 + ], + [ + "Anim", + -13.216522216796877 + ], + [ + "\u2581sabia", + -13.216527938842772 + ], + [ + "\u2581bey", + -13.216605186462402 + ], + [ + "\u2581marques", + -13.21663761138916 + ], + [ + "\u2581Mercury", + -13.216739654541016 + ], + [ + "\u2581waters", + -13.216825485229492 + ], + [ + "efficacit\u00e9", + -13.216911315917969 + ], + [ + "literatur", + -13.216923713684082 + ], + [ + "pionier", + -13.21696949005127 + ], + [ + "\u2581victime", + -13.216989517211914 + ], + [ + "\u2581originariamente", + -13.217071533203123 + ], + [ + "\u2581V\u00ed", + -13.21707534790039 + ], + [ + "\u2581ediciones", + -13.217079162597656 + ], + [ + "\u2581cult", + -13.21713924407959 + ], + [ + "Since", + -13.217143058776855 + ], + [ + "\u2581semblait", + -13.217178344726562 + ], + [ + "\u2581evident", + -13.217191696166992 + ], + [ + "\u2581preparazione", + -13.217195510864258 + ], + [ + "\u2581IE", + -13.217205047607422 + ], + [ + "\u2581Commander", + -13.21721363067627 + ], + [ + "litter", + -13.217256546020508 + ], + [ + "Octav", + -13.217297554016112 + ], + [ + "\u2581explains", + -13.217310905456545 + ], + [ + "\u2581elastic", + -13.217358589172363 + ], + [ + "\u2581ausgehen", + -13.217363357543944 + ], + [ + "\u2581stie", + -13.217368125915527 + ], + [ + "\u2581n\u00e9erlandais", + -13.21741008758545 + ], + [ + "\u2581d\u00e9bit", + -13.217432022094728 + ], + [ + "meren", + -13.21743392944336 + ], + [ + "\u2581noyau", + -13.217434883117676 + ], + [ + "incon", + -13.217436790466309 + ], + [ + "\u2581esperaba", + -13.217448234558104 + ], + [ + "\u2581quarante", + -13.21748161315918 + ], + [ + "igh", + -13.217607498168944 + ], + [ + "rund", + -13.21761989593506 + ], + [ + "\u2581Coco", + -13.217632293701172 + ], + [ + "istante", + -13.217671394348145 + ], + [ + "\u2581Nerv", + -13.217876434326172 + ], + [ + "\u2581folle", + -13.21787929534912 + ], + [ + "codegen", + -13.21788501739502 + ], + [ + "\u2581rendono", + -13.217899322509766 + ], + [ + "\u2581attaque", + -13.217928886413574 + ], + [ + "\u2581anstelle", + -13.217933654785156 + ], + [ + "meri", + -13.218003273010254 + ], + [ + "zog", + -13.218008041381836 + ], + [ + "\u2581IM", + -13.218016624450684 + ], + [ + "PAD", + -13.218029022216797 + ], + [ + "\u2581Valde", + -13.218067169189451 + ], + [ + "locked", + -13.21811580657959 + ], + [ + "\u2581straightforward", + -13.218130111694336 + ], + [ + "\u2581Abbas", + -13.218131065368652 + ], + [ + "\u2581Stellungnahmen", + -13.218162536621094 + ], + [ + "\u2581alliance", + -13.218164443969728 + ], + [ + "Oliv", + -13.218165397644045 + ], + [ + "\u2581membership", + -13.218184471130373 + ], + [ + "\u2581asesor", + -13.218223571777344 + ], + [ + "\u2581astro", + -13.218232154846191 + ], + [ + "Publikation", + -13.218249320983888 + ], + [ + "networking", + -13.21828842163086 + ], + [ + "\u2581ferment", + -13.218290328979492 + ], + [ + "\u2581Circuito", + -13.21829891204834 + ], + [ + "\u2581aparecem", + -13.21829891204834 + ], + [ + "\u2581pepper", + -13.218304634094238 + ], + [ + "\u2581chang\u00e9", + -13.21833610534668 + ], + [ + "\u2581Dru", + -13.218379974365234 + ], + [ + "\u2581Abdel", + -13.218390464782717 + ], + [ + "\u2581ilegal", + -13.218395233154297 + ], + [ + "beke", + -13.218411445617676 + ], + [ + "\u2581empe", + -13.218421936035156 + ], + [ + "\u2581cached", + -13.218423843383787 + ], + [ + "\u2581Derek", + -13.218436241149902 + ], + [ + "\u2581collisions", + -13.21847438812256 + ], + [ + "\u2581earned", + -13.218504905700684 + ], + [ + "\u2581certainement", + -13.21852207183838 + ], + [ + "\u2581Humanos", + -13.218534469604492 + ], + [ + "Illinois", + -13.218545913696287 + ], + [ + "\u2581tappe", + -13.218545913696287 + ], + [ + "\u2581Imper", + -13.218591690063477 + ], + [ + "kommt", + -13.218618392944336 + ], + [ + "\u2581fabricante", + -13.218624114990234 + ], + [ + "ologen", + -13.218674659729004 + ], + [ + "\u2581Laval", + -13.218688011169434 + ], + [ + "ASH", + -13.218697547912598 + ], + [ + "ALTER", + -13.218758583068848 + ], + [ + "feedback", + -13.218767166137695 + ], + [ + "\u2581Calculate", + -13.218802452087402 + ], + [ + "\u2581Machado", + -13.218829154968262 + ], + [ + "\u2581assistent", + -13.218831062316896 + ], + [ + "MBl", + -13.21885585784912 + ], + [ + "biz", + -13.218873023986816 + ], + [ + "\u2581techniek", + -13.218902587890623 + ], + [ + "vdbe", + -13.218929290771484 + ], + [ + "\u2581Wasserstoff", + -13.218988418579102 + ], + [ + "\u2581sourire", + -13.218989372253418 + ], + [ + "\u2581kit", + -13.219003677368164 + ], + [ + "\u2581pr\u00e9dio", + -13.219016075134276 + ], + [ + "\u2581alcanza", + -13.219022750854492 + ], + [ + "\u2581Hussein", + -13.219066619873049 + ], + [ + "\u2581vollst\u00e4ndigen", + -13.219100952148438 + ], + [ + "expos\u00e9", + -13.21914768218994 + ], + [ + "damente", + -13.219168663024902 + ], + [ + "\u2581Roo", + -13.219168663024902 + ], + [ + "Nn", + -13.219188690185549 + ], + [ + "\u2581warf", + -13.219189643859863 + ], + [ + "\u2581Hanna", + -13.219220161437988 + ], + [ + "\u2581Caterina", + -13.219389915466309 + ], + [ + "\u2581agenzie", + -13.219396591186523 + ], + [ + "rok", + -13.219401359558104 + ], + [ + "cento", + -13.219470977783203 + ], + [ + "gr\u00fcnde", + -13.21949291229248 + ], + [ + "pj", + -13.219511985778809 + ], + [ + "\u2581tenter", + -13.21951961517334 + ], + [ + "\u2581Jozef", + -13.219564437866213 + ], + [ + "\u2581Mostra", + -13.219578742980955 + ], + [ + "\u2581Experimente", + -13.219584465026855 + ], + [ + "cgi", + -13.219590187072754 + ], + [ + "disch", + -13.219622611999512 + ], + [ + "\u2581Pearson", + -13.219626426696776 + ], + [ + "\u2581debole", + -13.21964168548584 + ], + [ + "\u2581Hue", + -13.219653129577637 + ], + [ + "\u2581moeda", + -13.219670295715332 + ], + [ + "\u2581viajes", + -13.219671249389648 + ], + [ + "\u2581Wasch", + -13.219696044921877 + ], + [ + "\u2581postal", + -13.219740867614746 + ], + [ + "\u2581erbringen", + -13.219861030578612 + ], + [ + "\u2581calculer", + -13.219887733459473 + ], + [ + "ceno", + -13.219888687133787 + ], + [ + "\u2581exemples", + -13.21991729736328 + ], + [ + "\u2581programaci\u00f3n", + -13.219929695129396 + ], + [ + "powered", + -13.219979286193848 + ], + [ + "branche", + -13.220025062561035 + ], + [ + "aider", + -13.220075607299805 + ], + [ + "Vehicle", + -13.220080375671388 + ], + [ + "\u2581designs", + -13.220169067382812 + ], + [ + "\u2581atribui", + -13.220170021057127 + ], + [ + "yj", + -13.220189094543455 + ], + [ + "\u2581assurer", + -13.22023582458496 + ], + [ + "lique", + -13.220251083374023 + ], + [ + "\u2581venue", + -13.220349311828612 + ], + [ + "\u2581aprendizaje", + -13.220388412475586 + ], + [ + "nemen", + -13.220439910888672 + ], + [ + "\u2581repressed", + -13.22046184539795 + ], + [ + "f\u00e1", + -13.220463752746582 + ], + [ + "vant", + -13.22048282623291 + ], + [ + "guerre", + -13.220491409301758 + ], + [ + "kassen", + -13.220516204833984 + ], + [ + "Bru", + -13.220518112182615 + ], + [ + "\u2581erlauben", + -13.22052001953125 + ], + [ + "\u2581ENDMETHOD", + -13.220526695251465 + ], + [ + "\u2581travelling", + -13.220536231994627 + ], + [ + "\u2581civilisation", + -13.220600128173828 + ], + [ + "Ohio", + -13.22061824798584 + ], + [ + "Criteria", + -13.2206449508667 + ], + [ + "\u2581Pourtant", + -13.220657348632812 + ], + [ + "\u2581perturba", + -13.220687866210938 + ], + [ + "\u2581zuidoosten", + -13.220787048339844 + ], + [ + "\u2581Pesquisa", + -13.220791816711426 + ], + [ + "\u2581typedef", + -13.22083854675293 + ], + [ + "GMT", + -13.220861434936523 + ], + [ + "\u2581internos", + -13.220861434936523 + ], + [ + "\u2581Espagne", + -13.220870971679688 + ], + [ + "ICI", + -13.22096824645996 + ], + [ + "\u2581intenzione", + -13.220982551574709 + ], + [ + "zep", + -13.22103500366211 + ], + [ + "\u2581Dry", + -13.221038818359377 + ], + [ + "hiro", + -13.221057891845703 + ], + [ + "tionen", + -13.221060752868652 + ], + [ + "\u2581ESMS", + -13.221118927001951 + ], + [ + "\u2581marqu\u00e9", + -13.22113800048828 + ], + [ + "riot", + -13.221146583557127 + ], + [ + "\u2581Szene", + -13.221152305603027 + ], + [ + "charakteristisch", + -13.22118091583252 + ], + [ + "Voor", + -13.221254348754885 + ], + [ + "\u2581klaar", + -13.221280097961426 + ], + [ + "seiten", + -13.221301078796388 + ], + [ + "ibe", + -13.221306800842283 + ], + [ + "\u2581onderhoud", + -13.221320152282717 + ], + [ + "\u2581Appel", + -13.221351623535156 + ], + [ + "ISCHE", + -13.22136402130127 + ], + [ + "\u2581Thailandia", + -13.221395492553713 + ], + [ + "\u2581Prim", + -13.22140121459961 + ], + [ + "\u2581Networks", + -13.221465110778809 + ], + [ + "\u2581brede", + -13.221508979797363 + ], + [ + "\u2581recycl", + -13.221576690673828 + ], + [ + "spektrum", + -13.221609115600586 + ], + [ + "sprinzip", + -13.221610069274902 + ], + [ + "gare", + -13.221635818481444 + ], + [ + "\u2581acheter", + -13.221640586853027 + ], + [ + "\u2581jugement", + -13.221659660339355 + ], + [ + "\u2581Vaters", + -13.221686363220217 + ], + [ + "\u2581subi", + -13.22169017791748 + ], + [ + "suche", + -13.22170066833496 + ], + [ + "\u2581gemengd", + -13.221843719482422 + ], + [ + "\u2581siente", + -13.22186279296875 + ], + [ + "\u2581familiale", + -13.221885681152344 + ], + [ + "\u2581Spenden", + -13.221975326538086 + ], + [ + "\u2581juntar", + -13.221982955932615 + ], + [ + "\u2581percorrere", + -13.222054481506348 + ], + [ + "\u2581Ghe", + -13.222061157226562 + ], + [ + "spero", + -13.222073554992676 + ], + [ + "THREADS", + -13.222135543823242 + ], + [ + "\u2581mostr\u00f3", + -13.22221565246582 + ], + [ + "\u2581entr\u00e9e", + -13.222219467163086 + ], + [ + "g\u00e1", + -13.222233772277832 + ], + [ + "\u2581tempor", + -13.222241401672363 + ], + [ + "\u2581fiestas", + -13.222256660461426 + ], + [ + "\u2581flotte", + -13.222275733947754 + ], + [ + "\u2581commandement", + -13.222278594970703 + ], + [ + "ars", + -13.22232723236084 + ], + [ + "\u2581propos\u00e9", + -13.2223539352417 + ], + [ + "\u2581WHO", + -13.222384452819824 + ], + [ + "icula", + -13.22238540649414 + ], + [ + "Issue", + -13.222447395324709 + ], + [ + "\u2581Welsh", + -13.22244930267334 + ], + [ + "\u2581Sent", + -13.22251033782959 + ], + [ + "\u2581Cardi", + -13.222517013549805 + ], + [ + "zca", + -13.222519874572754 + ], + [ + "\u2581francs", + -13.222610473632812 + ], + [ + "\u2581Abs\u00e4tzen", + -13.222616195678713 + ], + [ + "\u2581folgten", + -13.222616195678713 + ], + [ + "\u2581twintigste", + -13.222636222839355 + ], + [ + "InputStream", + -13.22267246246338 + ], + [ + "brunn", + -13.22267246246338 + ], + [ + "migrate", + -13.222681045532228 + ], + [ + "\u2581kid", + -13.222702980041504 + ], + [ + "\u2581Peut", + -13.22270393371582 + ], + [ + "\u2581appel\u00e9s", + -13.222704887390137 + ], + [ + "\u2581establecimiento", + -13.22275447845459 + ], + [ + "\u2581Protokolls", + -13.222763061523438 + ], + [ + "\u2581considerati", + -13.222763061523438 + ], + [ + "\u2581Imagine", + -13.222779273986816 + ], + [ + "rtliche", + -13.222786903381348 + ], + [ + "\u2581Einsenders", + -13.222798347473145 + ], + [ + "bello", + -13.22281551361084 + ], + [ + "esposizione", + -13.222838401794434 + ], + [ + "\u2581coloni", + -13.222859382629396 + ], + [ + "\u2581Freien", + -13.22287940979004 + ], + [ + "\u2581Mam", + -13.22292137145996 + ], + [ + "\u2581sinistro", + -13.222932815551758 + ], + [ + "Strict", + -13.223081588745115 + ], + [ + "\u2581ejemplos", + -13.223090171813965 + ], + [ + "\u2581Champagne", + -13.223093032836914 + ], + [ + "\u2581Jasper", + -13.22312068939209 + ], + [ + "\u2581elaborado", + -13.22312355041504 + ], + [ + "composer", + -13.223158836364746 + ], + [ + "\u2581polonais", + -13.223189353942873 + ], + [ + "\u2581St\u00e9phane", + -13.223199844360352 + ], + [ + "uartal", + -13.223278999328612 + ], + [ + "\u2581Dessa", + -13.223299980163574 + ], + [ + "\u2581Climat", + -13.2233304977417 + ], + [ + "asca", + -13.223347663879396 + ], + [ + "\u2581solare", + -13.223361015319824 + ], + [ + "fatti", + -13.223380088806152 + ], + [ + "\u2581Rd", + -13.223403930664062 + ], + [ + "\u2581vedi", + -13.22340488433838 + ], + [ + "\u00e9crit", + -13.223426818847656 + ], + [ + "\u2581Roz", + -13.223495483398438 + ], + [ + "\u2581sovi\u00e9tico", + -13.22353458404541 + ], + [ + "nomen", + -13.22354507446289 + ], + [ + "\u2581onderneming", + -13.223577499389648 + ], + [ + "Dok", + -13.223581314086914 + ], + [ + "\u2581Johnston", + -13.223600387573242 + ], + [ + "\u2581differenzia", + -13.223608016967772 + ], + [ + "\u00e4rzte", + -13.223669052124023 + ], + [ + "\u2581W\u00fcrde", + -13.22370147705078 + ], + [ + "\u2581passages", + -13.223759651184082 + ], + [ + "\u2581ordres", + -13.223794937133787 + ], + [ + "\u2581baseados", + -13.223867416381836 + ], + [ + "\u2581Anla", + -13.223981857299805 + ], + [ + "\u2581jongen", + -13.223989486694336 + ], + [ + "\u2581puzzle", + -13.223990440368652 + ], + [ + "instituut", + -13.224007606506348 + ], + [ + "\u2581transferido", + -13.22400951385498 + ], + [ + "\u2581slight", + -13.224023818969728 + ], + [ + "\u2581Komplex", + -13.22404670715332 + ], + [ + "slam", + -13.224058151245115 + ], + [ + "\u2581aceitar", + -13.224061012268066 + ], + [ + "\u2581publi\u00e9e", + -13.224061012268066 + ], + [ + "\u2581auseinander", + -13.22407341003418 + ], + [ + "\u2581oposi", + -13.224085807800291 + ], + [ + "HAN", + -13.224115371704102 + ], + [ + "\u2581wuchs", + -13.22417449951172 + ], + [ + "\u2581costiera", + -13.224175453186035 + ], + [ + "\u2581Naci\u00f3n", + -13.224207878112791 + ], + [ + "ggy", + -13.224225044250488 + ], + [ + "\u2581estrecha", + -13.224225997924805 + ], + [ + "\u2581brun", + -13.224249839782717 + ], + [ + "wesens", + -13.22425651550293 + ], + [ + "\u2581Spann", + -13.224306106567385 + ], + [ + "\u2581berichtete", + -13.224310874938965 + ], + [ + "\u2581Mexiko", + -13.224318504333496 + ], + [ + "\u2581Debatte", + -13.22433090209961 + ], + [ + "\u2581dopoguerra", + -13.22434139251709 + ], + [ + "\u2581rempli", + -13.224357604980469 + ], + [ + "\u2581Estatal", + -13.224393844604492 + ], + [ + "\u2581tecla", + -13.224407196044922 + ], + [ + "\u2581rote", + -13.224408149719238 + ], + [ + "\u2581sorgf\u00e4ltig", + -13.224409103393556 + ], + [ + "\u2581afirmar", + -13.224467277526855 + ], + [ + "\u2581electr\u00f3nica", + -13.224485397338867 + ], + [ + "tums", + -13.224506378173828 + ], + [ + "ret\u00e9", + -13.224514961242676 + ], + [ + "\u2581Rossa", + -13.224522590637209 + ], + [ + "eki", + -13.224530220031738 + ], + [ + "elingen", + -13.224533081054688 + ], + [ + "Mini", + -13.224546432495115 + ], + [ + "\u2581Maz", + -13.224550247192385 + ], + [ + "\u2581Hoheitsgebiet", + -13.224575996398926 + ], + [ + "\u2581venera", + -13.224591255187988 + ], + [ + "singer", + -13.224603652954102 + ], + [ + "\u2581Shore", + -13.224611282348633 + ], + [ + "\u2581fortezza", + -13.224617004394531 + ], + [ + "\u2581DateFormat", + -13.224617958068848 + ], + [ + "\u2581conducta", + -13.224645614624023 + ], + [ + "\u2581maggiormente", + -13.22464656829834 + ], + [ + "\u2581Outre", + -13.2246675491333 + ], + [ + "sloeg", + -13.224682807922363 + ], + [ + "\u2581Petite", + -13.224692344665527 + ], + [ + "uben", + -13.224705696105955 + ], + [ + "orte", + -13.224721908569336 + ], + [ + "\u2581destin", + -13.224751472473145 + ], + [ + "\u2581Gom", + -13.224760055541992 + ], + [ + "mV", + -13.224777221679688 + ], + [ + "autorisation", + -13.224847793579102 + ], + [ + "\u2581favorito", + -13.22485637664795 + ], + [ + "\u2581Inside", + -13.22486686706543 + ], + [ + "lita", + -13.224870681762695 + ], + [ + "\u2581Buiten", + -13.22500991821289 + ], + [ + "rlog", + -13.225011825561523 + ], + [ + "\u2581Verschiebung", + -13.22507667541504 + ], + [ + "schaltung", + -13.225089073181152 + ], + [ + "\u2581Hiro", + -13.22511100769043 + ], + [ + "\u2581resident", + -13.225112915039062 + ], + [ + "\u2581Theologie", + -13.225152969360352 + ], + [ + "\u2581massacre", + -13.225225448608398 + ], + [ + "\u2581S\u00fcdwesten", + -13.225237846374512 + ], + [ + "\u2581paru", + -13.225238800048828 + ], + [ + "\u2581ver\u00e4nderten", + -13.22524642944336 + ], + [ + "deutsche", + -13.225252151489258 + ], + [ + "possible", + -13.225300788879396 + ], + [ + "\u2581funcionarios", + -13.225334167480469 + ], + [ + "\u2581Variation", + -13.225366592407228 + ], + [ + "\u2581appreciated", + -13.225372314453123 + ], + [ + "\u2581jaarlijkse", + -13.225378036499023 + ], + [ + "Emp", + -13.225384712219238 + ], + [ + "\u2581iniziare", + -13.22539234161377 + ], + [ + "\u2581secuencia", + -13.225397109985352 + ], + [ + "\u2581memories", + -13.225404739379885 + ], + [ + "mgr", + -13.225408554077148 + ], + [ + "\u2581Syrien", + -13.225415229797363 + ], + [ + "\u2581divisions", + -13.225465774536133 + ], + [ + "aumento", + -13.22553253173828 + ], + [ + "\u2581Uwe", + -13.225549697875977 + ], + [ + "\u2581hinauf", + -13.22561740875244 + ], + [ + "cleanup", + -13.225629806518556 + ], + [ + "NJ", + -13.225659370422363 + ], + [ + "\u2581Abe", + -13.225701332092283 + ], + [ + "\u2581Geschichts", + -13.225704193115234 + ], + [ + "\u2581enorm", + -13.225708961486816 + ], + [ + "\u2581fatigue", + -13.225735664367676 + ], + [ + "\u2581discussie", + -13.225808143615724 + ], + [ + "\u2581Pian", + -13.225820541381836 + ], + [ + "\u2581quotes", + -13.225839614868164 + ], + [ + "\u2581Gouden", + -13.225872039794922 + ], + [ + "lijden", + -13.225914001464844 + ], + [ + "\u2581Siegfried", + -13.225924491882324 + ], + [ + "\u2581Fam\u00edlia", + -13.225948333740234 + ], + [ + "djan", + -13.226008415222168 + ], + [ + "rub", + -13.226064682006836 + ], + [ + "tona", + -13.226066589355469 + ], + [ + "kro", + -13.22607421875 + ], + [ + "\u2581Pl\u00e4tze", + -13.226093292236328 + ], + [ + "\u2581exp\u00e9riences", + -13.22609519958496 + ], + [ + "\u2581padrone", + -13.226123809814451 + ], + [ + "\u2581destacados", + -13.226125717163086 + ], + [ + "\u2581Nora", + -13.22615909576416 + ], + [ + "\u2581Eup", + -13.22619342803955 + ], + [ + "\u2581Rig", + -13.226202011108398 + ], + [ + "\u2581debito", + -13.226214408874512 + ], + [ + "depend", + -13.226250648498535 + ], + [ + "pr\u00e4sent", + -13.226296424865724 + ], + [ + "\u2581Estendida", + -13.226306915283203 + ], + [ + "\u2581Versicherte", + -13.226311683654783 + ], + [ + "nter", + -13.226322174072266 + ], + [ + "Partner", + -13.22633457183838 + ], + [ + "\u2581Wunder", + -13.226364135742188 + ], + [ + "dios", + -13.226410865783691 + ], + [ + "bj", + -13.226414680480955 + ], + [ + "\u2581connects", + -13.226460456848145 + ], + [ + "\u2581fresca", + -13.22649383544922 + ], + [ + "\u2581validity", + -13.226523399353027 + ], + [ + "saurus", + -13.226527214050291 + ], + [ + "\u2581Nato", + -13.226537704467772 + ], + [ + "\u2581pittura", + -13.22654151916504 + ], + [ + "\u2581Serena", + -13.22655200958252 + ], + [ + "\u2581Ancient", + -13.226611137390137 + ], + [ + "\u2581KB", + -13.226611137390137 + ], + [ + "\u2581MPI", + -13.226730346679688 + ], + [ + "\u2581rats", + -13.226740837097168 + ], + [ + "Higgins", + -13.226746559143066 + ], + [ + "ijo", + -13.226750373840332 + ], + [ + "\u2581Fidel", + -13.226760864257812 + ], + [ + "\u2581Mole", + -13.226800918579102 + ], + [ + "\u2581olho", + -13.226866722106934 + ], + [ + "ull", + -13.226971626281738 + ], + [ + "\u2581scomparsa", + -13.226984977722168 + ], + [ + "\u2581Images", + -13.227006912231444 + ], + [ + "\u2581AIDS", + -13.227042198181152 + ], + [ + "reken", + -13.227079391479492 + ], + [ + "bona", + -13.227081298828123 + ], + [ + "\u2581luchar", + -13.227128028869627 + ], + [ + "dq", + -13.227165222167969 + ], + [ + "\u2581Bae", + -13.22720432281494 + ], + [ + "\u2581beachtet", + -13.227209091186523 + ], + [ + "\u2581Bedrohung", + -13.227255821228027 + ], + [ + "pakket", + -13.22728157043457 + ], + [ + "phar", + -13.227334976196287 + ], + [ + "\u2581SW", + -13.227351188659668 + ], + [ + "\u2581schnelle", + -13.22735595703125 + ], + [ + "\u2581engen", + -13.227374076843262 + ], + [ + "breuk", + -13.227411270141602 + ], + [ + "\u2581Mauricio", + -13.227428436279297 + ], + [ + "\u2581guaranteed", + -13.227477073669434 + ], + [ + "gewebe", + -13.227479934692385 + ], + [ + "\u2581dibattito", + -13.22750759124756 + ], + [ + "Ug", + -13.227548599243164 + ], + [ + "rage", + -13.227559089660645 + ], + [ + "\u2581pesanti", + -13.227710723876951 + ], + [ + "Nj", + -13.22774887084961 + ], + [ + "\u2581utiliz\u00f3", + -13.227788925170898 + ], + [ + "\u2581chemischen", + -13.22779941558838 + ], + [ + "\u2581Projekten", + -13.227863311767578 + ], + [ + "\u2581Publikationen", + -13.22791862487793 + ], + [ + "\u2581emit", + -13.227946281433104 + ], + [ + "\u2581ricon", + -13.228001594543455 + ], + [ + "\u2581smaak", + -13.22801685333252 + ], + [ + "\u2581Forsten", + -13.22803783416748 + ], + [ + "\u2581LONEOS", + -13.228044509887695 + ], + [ + "\u2581Familienname", + -13.228093147277832 + ], + [ + "sizing", + -13.228134155273438 + ], + [ + "\u2581Genau", + -13.228137016296388 + ], + [ + "saur", + -13.228157043457031 + ], + [ + "zem", + -13.22815990447998 + ], + [ + "\u2581meisjes", + -13.228160858154297 + ], + [ + "\u2581convince", + -13.22819709777832 + ], + [ + "substr", + -13.22821044921875 + ], + [ + "\u2581\u00e4lter", + -13.228277206420898 + ], + [ + "Hongaars", + -13.228336334228516 + ], + [ + "omys", + -13.228364944458008 + ], + [ + "nahe", + -13.228370666503906 + ], + [ + "\u2581duties", + -13.228394508361816 + ], + [ + "zorg", + -13.228397369384766 + ], + [ + "\u2581zelfstandige", + -13.228402137756348 + ], + [ + "\u2581befanden", + -13.22842502593994 + ], + [ + "xel", + -13.228460311889648 + ], + [ + "\u2581occasionally", + -13.228476524353027 + ], + [ + "\u2581Shannon", + -13.228501319885254 + ], + [ + "\u2581Holocaust", + -13.22851848602295 + ], + [ + "\u2581noordwesten", + -13.22851848602295 + ], + [ + "ontwerper", + -13.228527069091797 + ], + [ + "\u2581Endemisch", + -13.228568077087402 + ], + [ + "\u2581recomendado", + -13.2285795211792 + ], + [ + "mig", + -13.22858428955078 + ], + [ + "\u2581Befragten", + -13.228585243225098 + ], + [ + "Assist", + -13.228639602661133 + ], + [ + "\u2581Transportation", + -13.228642463684082 + ], + [ + "\u2581Vy", + -13.22864818572998 + ], + [ + "controllers", + -13.22868537902832 + ], + [ + "analytics", + -13.22869873046875 + ], + [ + "\u2581raus", + -13.22872829437256 + ], + [ + "cale", + -13.228748321533203 + ], + [ + "\u2581Lazar", + -13.228748321533203 + ], + [ + "\u2581Modo", + -13.228769302368164 + ], + [ + "\u2581creciente", + -13.228769302368164 + ], + [ + "riss", + -13.2288236618042 + ], + [ + "\u2581tolerance", + -13.228838920593262 + ], + [ + "selectie", + -13.228843688964844 + ], + [ + "\u2581pouvaient", + -13.228854179382324 + ], + [ + "lly", + -13.228869438171388 + ], + [ + "\u2581r\u00e9cemment", + -13.228869438171388 + ], + [ + "\u2581personalidad", + -13.228878021240234 + ], + [ + "\u2581Klavier", + -13.22887897491455 + ], + [ + "\u2581eenoogkreeftjes", + -13.228899955749512 + ], + [ + "uay", + -13.22891330718994 + ], + [ + "SIM", + -13.228938102722168 + ], + [ + "\u2581Devon", + -13.22898006439209 + ], + [ + "DEPLO", + -13.229039192199709 + ], + [ + "\u2581corporal", + -13.229068756103516 + ], + [ + "Ox", + -13.229069709777832 + ], + [ + "isHidden", + -13.229100227355955 + ], + [ + "Initialize", + -13.22911262512207 + ], + [ + "\u2581publicit\u00e9", + -13.229125022888184 + ], + [ + "\u2581Trinkwasser", + -13.22912883758545 + ], + [ + "\u2581involvement", + -13.22917938232422 + ], + [ + "\u2581indruk", + -13.229217529296877 + ], + [ + "\u2581Scuola", + -13.22923755645752 + ], + [ + "\u2581viool", + -13.229263305664062 + ], + [ + "vk", + -13.229278564453123 + ], + [ + "\u2581Eight", + -13.229310989379885 + ], + [ + "\u2581consumidores", + -13.229382514953612 + ], + [ + "\u2581fossem", + -13.22941780090332 + ], + [ + "trat", + -13.229427337646484 + ], + [ + "\u2581reto", + -13.229485511779783 + ], + [ + "\u2581abandoned", + -13.229521751403809 + ], + [ + "\u2581intermedia", + -13.22955322265625 + ], + [ + "Shi", + -13.229631423950195 + ], + [ + "Reduce", + -13.229644775390623 + ], + [ + "foss", + -13.229690551757812 + ], + [ + "Confirm", + -13.229738235473633 + ], + [ + "\u2581p\u00e9s", + -13.22975254058838 + ], + [ + "\u2581equil\u00edbrio", + -13.229798316955566 + ], + [ + "optique", + -13.229825019836426 + ], + [ + "duo", + -13.22987461090088 + ], + [ + "koor", + -13.229901313781738 + ], + [ + "\u2581aufnehmen", + -13.229928016662598 + ], + [ + "\u2581Experience", + -13.229945182800291 + ], + [ + "\u2581celebr\u00f3", + -13.22996425628662 + ], + [ + "\u2581domini", + -13.230037689208984 + ], + [ + "\u2581fredda", + -13.230070114135742 + ], + [ + "tape", + -13.230083465576172 + ], + [ + "\u2581raconte", + -13.230083465576172 + ], + [ + "\u2581pecado", + -13.230095863342283 + ], + [ + "codec", + -13.230121612548828 + ], + [ + "\u2581Schulter", + -13.230121612548828 + ], + [ + "\u2581accomplish", + -13.230169296264648 + ], + [ + "shader", + -13.230183601379396 + ], + [ + "\u2581Dawn", + -13.23020362854004 + ], + [ + "\u2581racional", + -13.230252265930176 + ], + [ + "\u2581necess\u00e1rias", + -13.230274200439451 + ], + [ + "\u2581assessed", + -13.230340003967283 + ], + [ + "\u2581distribu\u00eddo", + -13.230350494384766 + ], + [ + "\u2581Derechos", + -13.230360984802246 + ], + [ + "\u2581eenmaal", + -13.23036766052246 + ], + [ + "latin", + -13.230440139770508 + ], + [ + "lips", + -13.230451583862305 + ], + [ + "thrift", + -13.230497360229492 + ], + [ + "Arrays", + -13.23052215576172 + ], + [ + "\u2581Arbe", + -13.230546951293944 + ], + [ + "\u2581CAS", + -13.230561256408691 + ], + [ + "\u2581Kn", + -13.23061180114746 + ], + [ + "ISBN", + -13.230613708496094 + ], + [ + "\u2581soldado", + -13.230646133422852 + ], + [ + "p\u00e4", + -13.230647087097168 + ], + [ + "\u2581comunemente", + -13.230655670166016 + ], + [ + "\u2581Robot", + -13.230679512023926 + ], + [ + "\u2581titulaire", + -13.230704307556152 + ], + [ + "\u2581neurons", + -13.23084831237793 + ], + [ + "sverbot", + -13.230895042419434 + ], + [ + "gawa", + -13.23089599609375 + ], + [ + "\u2581citado", + -13.230923652648926 + ], + [ + "\u2581flujo", + -13.23093318939209 + ], + [ + "\u2581Silvia", + -13.230937957763672 + ], + [ + "\u2581repr\u00e9senter", + -13.230937957763672 + ], + [ + "\u2581recompensa", + -13.230956077575684 + ], + [ + "\u2581Chico", + -13.230981826782228 + ], + [ + "\u2581estancia", + -13.230998992919922 + ], + [ + "\u2581idling", + -13.23103141784668 + ], + [ + "\u2581Alp", + -13.231036186218262 + ], + [ + "\u2581perse", + -13.231037139892578 + ], + [ + "\u2581Therm", + -13.231048583984377 + ], + [ + "\u2581canais", + -13.231063842773438 + ], + [ + "\u2581Pep", + -13.231071472167969 + ], + [ + "matcher", + -13.23108959197998 + ], + [ + "\u2581appreciate", + -13.231127738952637 + ], + [ + "\u2581TC", + -13.231146812438965 + ], + [ + "\u2581Academic", + -13.231161117553713 + ], + [ + "iata", + -13.231164932250977 + ], + [ + "\u2581dificultades", + -13.23116970062256 + ], + [ + "\u2581viale", + -13.231197357177734 + ], + [ + "\u2581rencontrer", + -13.231241226196287 + ], + [ + "TRACE", + -13.231281280517578 + ], + [ + "\u2581conoc\u00eda", + -13.23133945465088 + ], + [ + "courage", + -13.231346130371094 + ], + [ + "qcloud", + -13.231352806091309 + ], + [ + "\u2581Rast", + -13.23143196105957 + ], + [ + "Pack", + -13.231468200683594 + ], + [ + "thumbnail", + -13.231511116027832 + ], + [ + "Received", + -13.231512069702148 + ], + [ + "\u2581Lugares", + -13.231544494628906 + ], + [ + "\u2581Gewinne", + -13.23154640197754 + ], + [ + "\u2581intitolato", + -13.231572151184082 + ], + [ + "deutschen", + -13.231593132019045 + ], + [ + "\u2581einzeln", + -13.231608390808104 + ], + [ + "rhein", + -13.23163890838623 + ], + [ + "\u2581racconti", + -13.231689453125 + ], + [ + "CAN", + -13.231719017028809 + ], + [ + "PIN", + -13.231731414794922 + ], + [ + "\u2581africana", + -13.231745719909668 + ], + [ + "\u2581f\u00e1cilmente", + -13.231751441955566 + ], + [ + "NETWORK", + -13.231779098510742 + ], + [ + "\u2581Nordwesten", + -13.231786727905272 + ], + [ + "uya", + -13.231794357299805 + ], + [ + "\u2581Habana", + -13.231816291809082 + ], + [ + "\u2581Dj", + -13.231817245483398 + ], + [ + "addy", + -13.231821060180664 + ], + [ + "\u2581magasins", + -13.231841087341309 + ], + [ + "liner", + -13.23185920715332 + ], + [ + "venue", + -13.231889724731444 + ], + [ + "managed", + -13.231892585754396 + ], + [ + "woo", + -13.231937408447266 + ], + [ + "gloss", + -13.231938362121582 + ], + [ + "\u2581g\u00fcltig", + -13.23196506500244 + ], + [ + "\u2581alsnog", + -13.23196792602539 + ], + [ + "\u2581Wine", + -13.232004165649414 + ], + [ + "\u2581Technologies", + -13.23208713531494 + ], + [ + "Richtung", + -13.2321138381958 + ], + [ + "rouw", + -13.232121467590332 + ], + [ + "\u2581satur", + -13.232134819030762 + ], + [ + "\u2581mache", + -13.232136726379396 + ], + [ + "mede", + -13.232142448425291 + ], + [ + "\u2581befindlichen", + -13.23215675354004 + ], + [ + "\u2581zoo", + -13.232254028320312 + ], + [ + "\u2581Kingston", + -13.2322998046875 + ], + [ + "\u2581Hunger", + -13.232301712036133 + ], + [ + "\u2581supplement", + -13.232316970825195 + ], + [ + "\u2581afford", + -13.232382774353027 + ], + [ + "\u2581sp\u00e4ten", + -13.23241901397705 + ], + [ + "grenz", + -13.232551574707031 + ], + [ + "eingang", + -13.232582092285156 + ], + [ + "m\u00e9n", + -13.232588768005373 + ], + [ + "\u2581anymore", + -13.232647895812988 + ], + [ + "Royal", + -13.23264980316162 + ], + [ + "\u2581Adventure", + -13.232667922973633 + ], + [ + "\u2581persegui", + -13.23266887664795 + ], + [ + "\u2581Vertrauens", + -13.232683181762695 + ], + [ + "Att", + -13.23268985748291 + ], + [ + "\u2581Bib", + -13.232769012451172 + ], + [ + "\u2581Vorbemerkung", + -13.232786178588867 + ], + [ + "\u2581sail", + -13.232800483703612 + ], + [ + "\u2581Gegenteil", + -13.232815742492676 + ], + [ + "\u2581amtlich", + -13.232857704162598 + ], + [ + "ss\u00e9", + -13.232879638671877 + ], + [ + "HAVE", + -13.232906341552734 + ], + [ + "\u2581T\u00e1", + -13.232921600341797 + ], + [ + "\u2581precipitazioni", + -13.232948303222656 + ], + [ + "aag", + -13.232998847961426 + ], + [ + "\u2581coop\u00e9ration", + -13.233050346374512 + ], + [ + "aggregation", + -13.233076095581056 + ], + [ + "\u2581H\u00e4nden", + -13.233125686645508 + ], + [ + "\u2581mantenimiento", + -13.233125686645508 + ], + [ + "\u2581zestig", + -13.233126640319824 + ], + [ + "\u2581sociaal", + -13.23313045501709 + ], + [ + "\u2581milit", + -13.233171463012695 + ], + [ + "\u2581Fundamental", + -13.233193397521973 + ], + [ + "tr\u00e4ge", + -13.233224868774414 + ], + [ + "additional", + -13.2332763671875 + ], + [ + "foca", + -13.233305931091309 + ], + [ + "Realm", + -13.233479499816896 + ], + [ + "JT", + -13.233491897583008 + ], + [ + "Resolve", + -13.23353672027588 + ], + [ + "\u2581unit\u00e9", + -13.233665466308594 + ], + [ + "zierung", + -13.233946800231934 + ], + [ + "\u2581Legion", + -13.233970642089844 + ], + [ + "oya", + -13.23397445678711 + ], + [ + "\u2581Mills", + -13.234012603759766 + ], + [ + "\u2581imposs\u00edvel", + -13.234130859375 + ], + [ + "anha", + -13.234175682067873 + ], + [ + "Wy", + -13.234188079833984 + ], + [ + "\u2581Anm", + -13.23423194885254 + ], + [ + "\u2581physiques", + -13.234271049499512 + ], + [ + "teller", + -13.234320640563965 + ], + [ + "\u2581amarillo", + -13.234339714050291 + ], + [ + "\u2581Ladung", + -13.234384536743164 + ], + [ + "y\u00f3", + -13.234420776367188 + ], + [ + "\u2581novit\u00e0", + -13.234491348266602 + ], + [ + "songwriter", + -13.234540939331056 + ], + [ + "gaben", + -13.234553337097168 + ], + [ + "\u2581elaborate", + -13.234612464904783 + ], + [ + "Kurve", + -13.234652519226074 + ], + [ + "israel", + -13.234660148620604 + ], + [ + "oxide", + -13.234673500061035 + ], + [ + "\u2581huwde", + -13.2346773147583 + ], + [ + "\u2581incapable", + -13.23469066619873 + ], + [ + "\u2581leche", + -13.234722137451172 + ], + [ + "\u2581Nerven", + -13.234724044799805 + ], + [ + "agonis", + -13.234748840332031 + ], + [ + "lons", + -13.234748840332031 + ], + [ + "\u2581verg", + -13.234770774841309 + ], + [ + "\u2581apunta", + -13.234780311584473 + ], + [ + "\u2581Ierland", + -13.234825134277344 + ], + [ + "\u2581situated", + -13.23483180999756 + ], + [ + "\u2581m\u00e1", + -13.234874725341797 + ], + [ + "\u2581Bello", + -13.234908103942873 + ], + [ + "\u2581AlignBars", + -13.234946250915527 + ], + [ + "\u2581coopera", + -13.234965324401855 + ], + [ + "\u2581drums", + -13.23496913909912 + ], + [ + "zzy", + -13.234979629516602 + ], + [ + "\u2581Piper", + -13.2349853515625 + ], + [ + "\u2581dependiam", + -13.234987258911133 + ], + [ + "\u2581templos", + -13.235039710998535 + ], + [ + "\u2581Org", + -13.235044479370115 + ], + [ + "\u2581rapido", + -13.235064506530762 + ], + [ + "DFFFDF", + -13.235093116760254 + ], + [ + "geralmente", + -13.235156059265137 + ], + [ + "gana", + -13.23521614074707 + ], + [ + "\u2581boord", + -13.235230445861816 + ], + [ + "\u2581Musica", + -13.235236167907717 + ], + [ + "\u2581Pessoas", + -13.235254287719728 + ], + [ + "\u2581Safety", + -13.23531436920166 + ], + [ + "simulation", + -13.235321998596191 + ], + [ + "\u2581Problematik", + -13.235353469848633 + ], + [ + "\u2581entusiasmo", + -13.235365867614746 + ], + [ + "\u2581McCa", + -13.235386848449709 + ], + [ + "\u2581communiqu\u00e9", + -13.235394477844238 + ], + [ + "\u2581expertise", + -13.235431671142578 + ], + [ + "\u2581especificado", + -13.235433578491213 + ], + [ + "\u2581l\u00e9gende", + -13.235464096069336 + ], + [ + "bian", + -13.235508918762209 + ], + [ + "\u2581Kohlenstoff", + -13.23558235168457 + ], + [ + "\u2581woning", + -13.235589027404783 + ], + [ + "\u2581genomineerd", + -13.23564910888672 + ], + [ + "\u2581connus", + -13.2356595993042 + ], + [ + "\u2581risolvere", + -13.235742568969728 + ], + [ + "\u2581Maximilian", + -13.235784530639648 + ], + [ + "\u2581Baz", + -13.235869407653809 + ], + [ + "\u2581g\u00e9ant", + -13.235889434814451 + ], + [ + "\u2581droeg", + -13.235950469970703 + ], + [ + "vertretung", + -13.235957145690918 + ], + [ + "\u2581Konzentrations", + -13.236019134521484 + ], + [ + "\u2581Crypto", + -13.23607063293457 + ], + [ + "\u2581repubblica", + -13.236200332641602 + ], + [ + "\u2581accounting", + -13.236213684082031 + ], + [ + "\u2581corpora", + -13.236213684082031 + ], + [ + "\u2581palo", + -13.23625946044922 + ], + [ + "strijd", + -13.236276626586914 + ], + [ + "\u2581roda", + -13.236382484436035 + ], + [ + "\u2581etiqueta", + -13.236422538757324 + ], + [ + "\u2581Fuerzas", + -13.236432075500488 + ], + [ + "\u2581circostanze", + -13.236440658569336 + ], + [ + "\u2581burden", + -13.236479759216309 + ], + [ + "\u2581Autostrada", + -13.236507415771484 + ], + [ + "\u2581Platone", + -13.236510276794434 + ], + [ + "\u2581managers", + -13.23651885986328 + ], + [ + "PARENT", + -13.23653507232666 + ], + [ + "reordered", + -13.236583709716797 + ], + [ + "\u2581Strahlen", + -13.236628532409668 + ], + [ + "\u2581essenziale", + -13.236654281616213 + ], + [ + "Era", + -13.236705780029297 + ], + [ + "\u2581Gerrit", + -13.23674774169922 + ], + [ + "\u2581Ping", + -13.236759185791016 + ], + [ + "\u2581ocorrem", + -13.23676300048828 + ], + [ + "jaren", + -13.236776351928713 + ], + [ + "\u2581MAR", + -13.236777305603027 + ], + [ + "\u2581augmentation", + -13.236796379089355 + ], + [ + "\u2581streams", + -13.236823081970217 + ], + [ + "\u2581Geschmack", + -13.236845970153809 + ], + [ + "\u2581backend", + -13.236896514892578 + ], + [ + "learn", + -13.236909866333008 + ], + [ + "\u2581combinaci\u00f3n", + -13.236920356750488 + ], + [ + "paddle", + -13.236983299255373 + ], + [ + "\u2581apps", + -13.237006187438965 + ], + [ + "lisi", + -13.23700714111328 + ], + [ + "\u2581contenidos", + -13.23703384399414 + ], + [ + "DVD", + -13.23704719543457 + ], + [ + "\u2581Carla", + -13.237105369567873 + ], + [ + "\u2581Atjeh", + -13.237125396728516 + ], + [ + "\u2581prossimit\u00e0", + -13.237125396728516 + ], + [ + "bico", + -13.237140655517578 + ], + [ + "\u2581inventor", + -13.237141609191896 + ], + [ + "\u2581Winston", + -13.237143516540527 + ], + [ + "\u2581Sauer", + -13.237208366394045 + ], + [ + "\u2581Wandern", + -13.237213134765623 + ], + [ + "pep", + -13.237242698669434 + ], + [ + "efcfff", + -13.23725700378418 + ], + [ + "\u2581inevitable", + -13.237257957458496 + ], + [ + "\u2581maintaining", + -13.23727035522461 + ], + [ + "Calais", + -13.237399101257324 + ], + [ + "\u2581Sardoura", + -13.237401008605955 + ], + [ + "heide", + -13.23747444152832 + ], + [ + "\u2581Windsor", + -13.237541198730469 + ], + [ + "slides", + -13.237587928771973 + ], + [ + "JN", + -13.237622261047363 + ], + [ + "\u2581corda", + -13.237632751464844 + ], + [ + "acus", + -13.237635612487791 + ], + [ + "\u2581modifiziert", + -13.237638473510742 + ], + [ + "\u2581Miya", + -13.23764705657959 + ], + [ + "\u2581ambienti", + -13.23768138885498 + ], + [ + "\u2581cercato", + -13.237699508666992 + ], + [ + "CMP", + -13.237716674804688 + ], + [ + "\u2581destin\u00e9", + -13.237725257873535 + ], + [ + "Disabled", + -13.237732887268066 + ], + [ + "\u2581Gramm", + -13.237744331359863 + ], + [ + "\u2581Lies", + -13.23775863647461 + ], + [ + "icollis", + -13.237787246704102 + ], + [ + "\u2581descobriu", + -13.23780345916748 + ], + [ + "\u2581weighted", + -13.237815856933594 + ], + [ + "quick", + -13.237823486328123 + ], + [ + "\u2581Bha", + -13.237852096557615 + ], + [ + "\u2581Luk", + -13.237902641296388 + ], + [ + "ASC", + -13.237905502319336 + ], + [ + "\u2581Kontrollgruppe", + -13.237914085388184 + ], + [ + "spera", + -13.237943649291992 + ], + [ + "\u2581rimasta", + -13.237944602966309 + ], + [ + "\u2581samba", + -13.237963676452637 + ], + [ + "ordina", + -13.238012313842772 + ], + [ + "unch", + -13.238052368164062 + ], + [ + "\u2581Vorg\u00e4nger", + -13.238140106201172 + ], + [ + "\u2581seasons", + -13.238162994384766 + ], + [ + "\u2581nomenclature", + -13.238167762756348 + ], + [ + "\u2581Langue", + -13.238208770751951 + ], + [ + "\u2581exploration", + -13.238208770751951 + ], + [ + "\u2581Calgary", + -13.238210678100586 + ], + [ + "\u2581Mancini", + -13.23821258544922 + ], + [ + "aeus", + -13.2382230758667 + ], + [ + "\u2581planetas", + -13.238290786743164 + ], + [ + "\u2581Heights", + -13.238293647766112 + ], + [ + "\u2581Relations", + -13.238303184509276 + ], + [ + "\u2581emiss", + -13.238313674926758 + ], + [ + "Hal", + -13.238336563110352 + ], + [ + "\u2581embarca", + -13.238338470458984 + ], + [ + "\u2581Margherita", + -13.238347053527832 + ], + [ + "\u2581kerken", + -13.23836612701416 + ], + [ + "Encryption", + -13.238391876220703 + ], + [ + "\u2581marcou", + -13.238409042358398 + ], + [ + "\u2581absolvierte", + -13.238429069519045 + ], + [ + "\u2581Dado", + -13.238442420959473 + ], + [ + "\u2581schietmot", + -13.238475799560549 + ], + [ + "\u2581Akzeptanz", + -13.23848819732666 + ], + [ + "shausen", + -13.238489151000977 + ], + [ + "\u2581Burkina", + -13.238512992858888 + ], + [ + "\u2581Fly", + -13.238513946533203 + ], + [ + "\u2581Morrison", + -13.238569259643556 + ], + [ + "discretionary", + -13.23862361907959 + ], + [ + "\u2581hubiese", + -13.238639831542969 + ], + [ + "\u2581electo", + -13.238656997680664 + ], + [ + "DESC", + -13.238724708557127 + ], + [ + "\u2581Colombie", + -13.23875617980957 + ], + [ + "\u2581conferencia", + -13.238792419433594 + ], + [ + "nements", + -13.238799095153809 + ], + [ + "\u2581dimostrare", + -13.238810539245604 + ], + [ + "\u2581Eventos", + -13.238877296447754 + ], + [ + "Reflection", + -13.23889446258545 + ], + [ + "\u00edes", + -13.23890781402588 + ], + [ + "\u2581navigateur", + -13.23893928527832 + ], + [ + "\u2581Ribeiro", + -13.239081382751465 + ], + [ + "\u2581estimator", + -13.239113807678224 + ], + [ + "\u2581Claro", + -13.239118576049805 + ], + [ + "nDefault", + -13.239128112792969 + ], + [ + "\u2581overigens", + -13.239139556884766 + ], + [ + "\u2581afins", + -13.239208221435549 + ], + [ + "competitie", + -13.239255905151367 + ], + [ + "\u2581fortgesetzt", + -13.239325523376465 + ], + [ + "\u2581artistico", + -13.239343643188477 + ], + [ + "\u2581minimale", + -13.23935317993164 + ], + [ + "LAM", + -13.239356994628906 + ], + [ + "\u2581kontinuierlich", + -13.239398956298828 + ], + [ + "sistema", + -13.23940658569336 + ], + [ + "uniq", + -13.239429473876951 + ], + [ + "\u2581enormous", + -13.239435195922852 + ], + [ + "secondo", + -13.239436149597168 + ], + [ + "\u2581Brazilian", + -13.239476203918455 + ], + [ + "Hoch", + -13.239541053771973 + ], + [ + "\u2581ordin", + -13.23955535888672 + ], + [ + "\u2581Putin", + -13.239604949951172 + ], + [ + "\u2581Galles", + -13.23962116241455 + ], + [ + "ruba", + -13.239623069763184 + ], + [ + "ADMIN", + -13.239631652832031 + ], + [ + "ifizierung", + -13.239633560180664 + ], + [ + "\u2581Enigma", + -13.239636421203612 + ], + [ + "\u2581caratterizza", + -13.239641189575195 + ], + [ + "\u2581Gedurend", + -13.239657402038574 + ], + [ + "\u2581suave", + -13.23972988128662 + ], + [ + "\u2581Veronica", + -13.239734649658203 + ], + [ + "\u2581Regisseur", + -13.239738464355469 + ], + [ + "\u2581Romana", + -13.239755630493164 + ], + [ + "loni", + -13.23975944519043 + ], + [ + "ERT", + -13.239761352539062 + ], + [ + "\u2581lembrar", + -13.239791870117188 + ], + [ + "\u2581convirti\u00e9ndose", + -13.23984718322754 + ], + [ + "ozyten", + -13.239852905273438 + ], + [ + "kredit", + -13.239855766296388 + ], + [ + "\u2581vigore", + -13.239876747131348 + ], + [ + "\u2581sp\u00e9cifiques", + -13.239891052246094 + ], + [ + "\u2581degr\u00e9", + -13.239906311035156 + ], + [ + "akis", + -13.239995956420898 + ], + [ + "affa", + -13.24001121520996 + ], + [ + "\u2581aplicada", + -13.240013122558594 + ], + [ + "\u2581Volkswagen", + -13.240036010742188 + ], + [ + "\u2581reconhecido", + -13.240044593811035 + ], + [ + "hypoth", + -13.240052223205566 + ], + [ + "issent", + -13.240055084228516 + ], + [ + "\u2581Verbindungs", + -13.240079879760742 + ], + [ + "\u2581pavimento", + -13.240116119384766 + ], + [ + "\u2581Rathaus", + -13.240118026733398 + ], + [ + "\u2581injuries", + -13.24016284942627 + ], + [ + "\u2581otorga", + -13.2401704788208 + ], + [ + "\u2581gefragt", + -13.240222930908203 + ], + [ + "ordnet", + -13.240238189697266 + ], + [ + "\u2581gateway", + -13.240254402160645 + ], + [ + "l\u00e9es", + -13.240267753601074 + ], + [ + "\u2581naturelles", + -13.240269660949709 + ], + [ + "strahlung", + -13.240338325500488 + ], + [ + "\u2581finalidade", + -13.24034595489502 + ], + [ + "arche", + -13.24036979675293 + ], + [ + "unpack", + -13.240386962890623 + ], + [ + "\u2581externen", + -13.240424156188965 + ], + [ + "Aggregate", + -13.240450859069824 + ], + [ + "\u2581astrolog", + -13.240473747253418 + ], + [ + "\u2581batte", + -13.24049186706543 + ], + [ + "\u2581Fear", + -13.24055004119873 + ], + [ + "fliegen", + -13.240560531616213 + ], + [ + "jc", + -13.2406005859375 + ], + [ + "zwei", + -13.240612983703612 + ], + [ + "occidentale", + -13.240615844726562 + ], + [ + "\u2581stapte", + -13.240633964538574 + ], + [ + "nieuw", + -13.240642547607422 + ], + [ + "\u2581colis", + -13.24064826965332 + ], + [ + "protokoll", + -13.240726470947266 + ], + [ + "\u2581exercer", + -13.240734100341797 + ], + [ + "\u2581Esther", + -13.240760803222656 + ], + [ + "technieken", + -13.240795135498049 + ], + [ + "\u2581Natura", + -13.240806579589844 + ], + [ + "Gebiet", + -13.24081325531006 + ], + [ + "\u2581Algorithm", + -13.240836143493652 + ], + [ + "\u2581Theodore", + -13.24085521697998 + ], + [ + "sst", + -13.240859985351562 + ], + [ + "\u2581builds", + -13.24086093902588 + ], + [ + "ecto", + -13.2409029006958 + ], + [ + "shing", + -13.24094295501709 + ], + [ + "\u2581camps", + -13.240992546081545 + ], + [ + "\u2581f\u00e9d\u00e9ral", + -13.240995407104492 + ], + [ + "phen", + -13.24100112915039 + ], + [ + "\u2581estreno", + -13.24101734161377 + ], + [ + "\u2581Niederlanden", + -13.241022109985352 + ], + [ + "\u2581vestigde", + -13.24105453491211 + ], + [ + "\u2581Motion", + -13.241064071655272 + ], + [ + "\u2581Begriffs", + -13.241098403930664 + ], + [ + "hoy", + -13.241153717041016 + ], + [ + "\u2581historiadores", + -13.241168975830078 + ], + [ + "\u2581Ria", + -13.241228103637695 + ], + [ + "\u2581solicita", + -13.241247177124023 + ], + [ + "uza", + -13.241251945495604 + ], + [ + "checksum", + -13.241270065307615 + ], + [ + "\u2581NJW", + -13.24132251739502 + ], + [ + "eitschriften", + -13.241331100463867 + ], + [ + "\u2581BI", + -13.241347312927246 + ], + [ + "intensit\u00e4t", + -13.241355895996094 + ], + [ + "\u2581Getr\u00e4nke", + -13.24138641357422 + ], + [ + "lige", + -13.241397857666016 + ], + [ + "workflow", + -13.241408348083496 + ], + [ + "evich", + -13.241412162780762 + ], + [ + "berechnung", + -13.241430282592772 + ], + [ + "\u2581Brei", + -13.241440773010254 + ], + [ + "richtungen", + -13.241442680358888 + ], + [ + "\u2581intr", + -13.241477012634276 + ], + [ + "\u2581regulatory", + -13.241494178771973 + ], + [ + "Democrat", + -13.24155330657959 + ], + [ + "Bundeskartellamt", + -13.241621971130373 + ], + [ + "\u2581Dipl", + -13.24164867401123 + ], + [ + "discord", + -13.241671562194824 + ], + [ + "\u2581debi\u00f3", + -13.241708755493164 + ], + [ + "\u2581Explo", + -13.24172019958496 + ], + [ + "\u2581succeed", + -13.24173355102539 + ], + [ + "Sil", + -13.241735458374023 + ], + [ + "\u2581ultimo", + -13.24180030822754 + ], + [ + "\u2581concentraci\u00f3n", + -13.241813659667969 + ], + [ + "\u2581Tas", + -13.241864204406738 + ], + [ + "\u2581samengesteld", + -13.241870880126951 + ], + [ + "FEATURE", + -13.241945266723633 + ], + [ + "\u2581Geheim", + -13.241952896118164 + ], + [ + "idis", + -13.241954803466797 + ], + [ + "\u2581consigliabile", + -13.24199676513672 + ], + [ + "abh\u00e4ngigen", + -13.24205493927002 + ], + [ + "\u2581pronta", + -13.242056846618652 + ], + [ + "vale", + -13.242063522338867 + ], + [ + "lichkeiten", + -13.242124557495115 + ], + [ + "Frequency", + -13.242169380187988 + ], + [ + "densenet", + -13.242177963256836 + ], + [ + "Devices", + -13.242185592651367 + ], + [ + "\u2581Wirbel", + -13.242218017578123 + ], + [ + "\u2581Levensloop", + -13.242290496826172 + ], + [ + "\u2581piacevole", + -13.242314338684082 + ], + [ + "\u2581parsing", + -13.242339134216309 + ], + [ + "\u2581Aktions", + -13.242347717285156 + ], + [ + "\u2581Leder", + -13.242411613464355 + ], + [ + "\u2581paragraphe", + -13.242441177368164 + ], + [ + "\u2581consid\u00e9rer", + -13.242446899414062 + ], + [ + "matplotlib", + -13.242561340332031 + ], + [ + "\u2581commented", + -13.24258804321289 + ], + [ + "hnt", + -13.242661476135254 + ], + [ + "\u2581Ebd", + -13.242671966552734 + ], + [ + "\u2581brit\u00e1nicos", + -13.242694854736328 + ], + [ + "slots", + -13.242735862731934 + ], + [ + "\u2581Trabalho", + -13.242773056030272 + ], + [ + "\u2581Kaza", + -13.242805480957031 + ], + [ + "noun", + -13.242820739746094 + ], + [ + "\u2581Erster", + -13.242847442626951 + ], + [ + "\u2581chinesische", + -13.242852210998535 + ], + [ + "\u2581routi", + -13.242876052856444 + ], + [ + "\u2581stats", + -13.242900848388672 + ], + [ + "\u2581grecque", + -13.242925643920898 + ], + [ + "fl\u00fcgel", + -13.242980003356934 + ], + [ + "onym", + -13.243008613586426 + ], + [ + "\u2581Trophy", + -13.24302101135254 + ], + [ + "\u2581uitspraak", + -13.243062019348145 + ], + [ + "rgica", + -13.243082046508787 + ], + [ + "\u2581Mumbai", + -13.243130683898926 + ], + [ + "\u2581Veracruz", + -13.243130683898926 + ], + [ + "\u2581masculinos", + -13.24318027496338 + ], + [ + "synthese", + -13.243253707885742 + ], + [ + "\u2581ve\u00eda", + -13.24325466156006 + ], + [ + "k\u00fc", + -13.243298530578612 + ], + [ + "Friend", + -13.243305206298828 + ], + [ + "\u2581coherent", + -13.243321418762209 + ], + [ + "\u2581Armenia", + -13.243327140808104 + ], + [ + "MOV", + -13.243391036987305 + ], + [ + "REC", + -13.243391036987305 + ], + [ + "\u2581poblaciones", + -13.243410110473633 + ], + [ + "\u2581KO", + -13.243420600891112 + ], + [ + "sampling", + -13.243460655212402 + ], + [ + "aliteit", + -13.243467330932615 + ], + [ + "\u2581peggio", + -13.243478775024414 + ], + [ + "\u2581Poe", + -13.243507385253906 + ], + [ + "\u2581Marcello", + -13.243556022644045 + ], + [ + "Saale", + -13.24356746673584 + ], + [ + "\u2581ambassadeur", + -13.2435941696167 + ], + [ + "\u2581unterzeichnet", + -13.243623733520508 + ], + [ + "\u2581Delegation", + -13.2437105178833 + ], + [ + "oefening", + -13.243762016296388 + ], + [ + "renz", + -13.24377155303955 + ], + [ + "kool", + -13.24381160736084 + ], + [ + "\u2581opulento", + -13.243814468383787 + ], + [ + "linha", + -13.243829727172852 + ], + [ + "\u2581Serve", + -13.243831634521484 + ], + [ + "Regiment", + -13.243868827819824 + ], + [ + "\u2581accettato", + -13.24391269683838 + ], + [ + "\u2581Hampson", + -13.243913650512695 + ], + [ + "\u2581Grundrechte", + -13.24394702911377 + ], + [ + "\u2581spagnoli", + -13.243950843811035 + ], + [ + "\u2581Arra", + -13.2439546585083 + ], + [ + "\u2581zon", + -13.243966102600098 + ], + [ + "\u2581domein", + -13.24405574798584 + ], + [ + "\u2581dinast\u00eda", + -13.244086265563965 + ], + [ + "\u2581Elas", + -13.244098663330078 + ], + [ + "\u2581dateert", + -13.244181632995604 + ], + [ + "\u2581militante", + -13.244185447692873 + ], + [ + "\u2581Betreuungs", + -13.244244575500488 + ], + [ + "\u2581op\u00e9ration", + -13.244250297546388 + ], + [ + "Std", + -13.244255065917969 + ], + [ + "\u2581descubre", + -13.24431324005127 + ], + [ + "IVE", + -13.244325637817385 + ], + [ + "\u2581totalidad", + -13.244338035583496 + ], + [ + "\u2581Geb\u00e4uden", + -13.244345664978027 + ], + [ + "IKE", + -13.244356155395508 + ], + [ + "\u2581Ortschaften", + -13.24437427520752 + ], + [ + "\u00fcs", + -13.244434356689451 + ], + [ + "\u2581consultare", + -13.244460105895996 + ], + [ + "\u2581Vocal", + -13.244473457336426 + ], + [ + "heart", + -13.244482040405272 + ], + [ + "\u2581deels", + -13.244488716125488 + ], + [ + "\u2581ansonsten", + -13.244499206542969 + ], + [ + "\u2581tcp", + -13.244504928588867 + ], + [ + "\u2581orbite", + -13.244535446166992 + ], + [ + "ziert", + -13.244565963745115 + ], + [ + "zwischen", + -13.244585990905762 + ], + [ + "\u2581noordelijk", + -13.24459171295166 + ], + [ + "\u2581quebra", + -13.24462604522705 + ], + [ + "\u2581CLAIM", + -13.244637489318848 + ], + [ + "\u2581clor", + -13.244648933410645 + ], + [ + "\u2581encode", + -13.244664192199709 + ], + [ + "\u2581sindsdien", + -13.244808197021484 + ], + [ + "Australi", + -13.2448091506958 + ], + [ + "\u2581discount", + -13.244821548461914 + ], + [ + "Tw", + -13.244924545288086 + ], + [ + "\u2581doelpunt", + -13.24496841430664 + ], + [ + "\u2581exibido", + -13.244977951049805 + ], + [ + "\u2581Fon", + -13.24498176574707 + ], + [ + "\u2581Leopoldo", + -13.244987487792969 + ], + [ + "\u2581Carra", + -13.24502182006836 + ], + [ + "\u2581Cecilia", + -13.245031356811523 + ], + [ + "\u2581seguros", + -13.245031356811523 + ], + [ + "\u2581Ng", + -13.245041847229004 + ], + [ + "Drag", + -13.245050430297852 + ], + [ + "\u2581verw", + -13.245052337646484 + ], + [ + "\u2581possibilit\u00e9s", + -13.2450532913208 + ], + [ + "hun", + -13.245057106018066 + ], + [ + "cedido", + -13.245068550109863 + ], + [ + "\u2581costumi", + -13.245126724243164 + ], + [ + "\u2581waarden", + -13.245174407958984 + ], + [ + "Compact", + -13.24520492553711 + ], + [ + "\u2581officially", + -13.24521255493164 + ], + [ + "\u2581vaya", + -13.245312690734863 + ], + [ + "\u2581declarar", + -13.245320320129396 + ], + [ + "schl\u00fcsse", + -13.245322227478027 + ], + [ + "\u2581Stellvertreter", + -13.245322227478027 + ], + [ + "\u2581colui", + -13.245326042175291 + ], + [ + "ional", + -13.245457649230955 + ], + [ + "\u2581nachhaltigen", + -13.245492935180664 + ], + [ + "\u2581meinte", + -13.245500564575195 + ], + [ + "voudig", + -13.245538711547852 + ], + [ + "\u2581tratados", + -13.245565414428713 + ], + [ + "Prev", + -13.245591163635254 + ], + [ + "hek", + -13.24560832977295 + ], + [ + "elha", + -13.245610237121582 + ], + [ + "\u2581cat\u00f3lico", + -13.245613098144531 + ], + [ + "\u2581ulteriore", + -13.24561882019043 + ], + [ + "\u2581tomate", + -13.24567699432373 + ], + [ + "Wire", + -13.245708465576172 + ], + [ + "ATLAS", + -13.245735168457031 + ], + [ + "\u2581t\u00edpica", + -13.245746612548828 + ], + [ + "Gesch\u00e4ftsordnung", + -13.24579906463623 + ], + [ + "\u2581Attack", + -13.24580192565918 + ], + [ + "op\u00e9rateur", + -13.245806694030762 + ], + [ + "\u2581occurring", + -13.245850563049316 + ], + [ + "Human", + -13.245872497558594 + ], + [ + "indagine", + -13.245880126953123 + ], + [ + "beurs", + -13.24588680267334 + ], + [ + "entwurf", + -13.245912551879885 + ], + [ + "\u2581Dion", + -13.245931625366213 + ], + [ + "czy", + -13.245939254760742 + ], + [ + "\u2581tower", + -13.245989799499512 + ], + [ + "\u2581targeted", + -13.245997428894045 + ], + [ + "\u2581Verk\u00fcndung", + -13.246006965637209 + ], + [ + "\u2581Atmosph\u00e4re", + -13.246016502380373 + ], + [ + "\u2581Elimina", + -13.246033668518066 + ], + [ + "\u2581definidos", + -13.246052742004396 + ], + [ + "\u2581mortal", + -13.246054649353027 + ], + [ + "bladen", + -13.246065139770508 + ], + [ + "\u2581foule", + -13.24607276916504 + ], + [ + "\u2581partis", + -13.246082305908203 + ], + [ + "\u2581criatura", + -13.246131896972656 + ], + [ + "\u2581transmitido", + -13.24614143371582 + ], + [ + "culum", + -13.2461519241333 + ], + [ + "\u2581meistens", + -13.246179580688477 + ], + [ + "\u2581discute", + -13.246190071105955 + ], + [ + "\u2581neurotic", + -13.246191024780272 + ], + [ + "onna", + -13.246208190917969 + ], + [ + "Definitions", + -13.246212005615234 + ], + [ + "historische", + -13.24623203277588 + ], + [ + "ssysteme", + -13.246265411376951 + ], + [ + "\u2581facevano", + -13.246267318725586 + ], + [ + "fuhr", + -13.246323585510254 + ], + [ + "dispers", + -13.246337890625 + ], + [ + "fatalError", + -13.246380805969238 + ], + [ + "wild", + -13.24639129638672 + ], + [ + "\u2581optie", + -13.246411323547363 + ], + [ + "\u00e9v\u00e9nement", + -13.246417999267578 + ], + [ + "investissement", + -13.24645709991455 + ], + [ + "sverh\u00e4ltnisse", + -13.246463775634766 + ], + [ + "\u2581Vitamin", + -13.246474266052246 + ], + [ + "kken", + -13.24648666381836 + ], + [ + "\u2581Salmo", + -13.24652862548828 + ], + [ + "\u2581Krankenh\u00e4user", + -13.246529579162598 + ], + [ + "LTE", + -13.246537208557127 + ], + [ + "Gas", + -13.246562004089355 + ], + [ + "\u00e0n", + -13.246562004089355 + ], + [ + "\u2581archeologico", + -13.24658489227295 + ], + [ + "annotate", + -13.246587753295898 + ], + [ + "\u2581sneller", + -13.246588706970217 + ], + [ + "\u2581Allgemeines", + -13.246591567993164 + ], + [ + "STEP", + -13.246659278869627 + ], + [ + "\u2581spits", + -13.246668815612791 + ], + [ + "\u2581adulti", + -13.246719360351562 + ], + [ + "\u2581Comitato", + -13.246746063232422 + ], + [ + "wav", + -13.246821403503418 + ], + [ + "\u2581groene", + -13.246822357177734 + ], + [ + "organism", + -13.24683952331543 + ], + [ + "\u2581teorie", + -13.246870040893556 + ], + [ + "r\u00e4n", + -13.246906280517578 + ], + [ + "\u2581pyramid", + -13.246962547302246 + ], + [ + "\u2581afroamericanos", + -13.24697208404541 + ], + [ + "\u2581rencontres", + -13.246973991394045 + ], + [ + "\u2581systematische", + -13.247005462646484 + ], + [ + "\u2581cl\u00e1ssico", + -13.247017860412598 + ], + [ + "\u2581digitais", + -13.247069358825684 + ], + [ + "\u2581Murder", + -13.24710464477539 + ], + [ + "\u2581forecast", + -13.247108459472656 + ], + [ + "particle", + -13.247113227844238 + ], + [ + "\u2581atelier", + -13.247133255004885 + ], + [ + "ByName", + -13.247136116027832 + ], + [ + "\u2581desto", + -13.24715805053711 + ], + [ + "Hydroxy", + -13.247183799743652 + ], + [ + "\u2581Trau", + -13.247197151184082 + ], + [ + "\u2581agr\u00edcolas", + -13.24720287322998 + ], + [ + "\u2581Aran", + -13.247215270996094 + ], + [ + "\u2581garantie", + -13.247249603271484 + ], + [ + "\u2581UDEV", + -13.2472505569458 + ], + [ + "lzer", + -13.247255325317385 + ], + [ + "\u2581Gender", + -13.24728775024414 + ], + [ + "nlichkeit", + -13.24735164642334 + ], + [ + "\u2581psychology", + -13.247432708740234 + ], + [ + "\u2581obliga", + -13.247443199157717 + ], + [ + "guangzhou", + -13.24745750427246 + ], + [ + "\u2581Members", + -13.24746799468994 + ], + [ + "\u2581anteced", + -13.24753475189209 + ], + [ + "\u2581vocalista", + -13.24757480621338 + ], + [ + "fahrzeug", + -13.247597694396973 + ], + [ + "\u2581Janet", + -13.247610092163086 + ], + [ + "\u2581Anno", + -13.247678756713867 + ], + [ + "\u2581Andrews", + -13.247745513916016 + ], + [ + "\u2581Par\u00e1", + -13.247808456420898 + ], + [ + "ketch", + -13.24781322479248 + ], + [ + "\u2581Produ", + -13.247840881347656 + ], + [ + "\u2581Bescheinigung", + -13.247843742370604 + ], + [ + "OpProp", + -13.247844696044922 + ], + [ + "\u2581taller", + -13.247885704040527 + ], + [ + "\u2581'--", + -13.247891426086426 + ], + [ + "\u2581Cear\u00e1", + -13.247918128967283 + ], + [ + "oeste", + -13.247925758361816 + ], + [ + "\u2581comprise", + -13.247990608215332 + ], + [ + "\u2581douce", + -13.248024940490724 + ], + [ + "sungsmittel", + -13.248042106628418 + ], + [ + "\u2581escultor", + -13.24807071685791 + ], + [ + "\u2581aangeboden", + -13.24807357788086 + ], + [ + "\u2581usc", + -13.248163223266602 + ], + [ + "\u2581Portugese", + -13.24820613861084 + ], + [ + "\u2581pr\u00e9cision", + -13.248210906982422 + ], + [ + "pflichtige", + -13.24823760986328 + ], + [ + "NES", + -13.248289108276367 + ], + [ + "\u2581judges", + -13.248305320739746 + ], + [ + "\u2581Programma", + -13.248318672180176 + ], + [ + "uci", + -13.248358726501465 + ], + [ + "CellContext", + -13.248369216918944 + ], + [ + "spaces", + -13.24837875366211 + ], + [ + "\u2581RAF", + -13.248438835144045 + ], + [ + "girl", + -13.248443603515623 + ], + [ + "isent", + -13.24846076965332 + ], + [ + "\u2581Tgr", + -13.248470306396484 + ], + [ + "\u2581Armut", + -13.248478889465332 + ], + [ + "Members", + -13.24852180480957 + ], + [ + "REPLACE", + -13.248527526855469 + ], + [ + "\u2581Charge", + -13.248539924621582 + ], + [ + "\u2581formados", + -13.248553276062012 + ], + [ + "morgen", + -13.248554229736328 + ], + [ + "berschrift", + -13.248567581176758 + ], + [ + "\u2581chiuse", + -13.248580932617188 + ], + [ + "\u2581gains", + -13.248590469360352 + ], + [ + "\u2581Woo", + -13.248597145080566 + ], + [ + "\u2581jeudi", + -13.248613357543944 + ], + [ + "\u2581frozen", + -13.248675346374512 + ], + [ + "\u2581Jusqu", + -13.248712539672852 + ], + [ + "yuan", + -13.24871826171875 + ], + [ + "viz", + -13.248727798461914 + ], + [ + "\u00e9viter", + -13.248762130737305 + ], + [ + "\u2581saggi", + -13.24876594543457 + ], + [ + "\u2581mand", + -13.248812675476074 + ], + [ + "\u2581Davide", + -13.24881362915039 + ], + [ + "srate", + -13.24882984161377 + ], + [ + "WER", + -13.248858451843262 + ], + [ + "\u2581Better", + -13.248919486999512 + ], + [ + "invert", + -13.248945236206056 + ], + [ + "\u2581constata", + -13.248980522155762 + ], + [ + "\u2581merken", + -13.248988151550291 + ], + [ + "Hans", + -13.248993873596191 + ], + [ + "\u2581Rochester", + -13.248994827270508 + ], + [ + "\u2581meridionali", + -13.249041557312012 + ], + [ + "\u2581Friuli", + -13.249053001403809 + ], + [ + "\u2581Different", + -13.249115943908691 + ], + [ + "\u2581bombardement", + -13.249160766601562 + ], + [ + "\u2581traveling", + -13.249176025390623 + ], + [ + "cris", + -13.249189376831056 + ], + [ + "\u2581Appl", + -13.24924373626709 + ], + [ + "\u2581preference", + -13.24924659729004 + ], + [ + "\u2581dieselbe", + -13.24927043914795 + ], + [ + "\u2581comptes", + -13.249300956726074 + ], + [ + "Computer", + -13.249308586120604 + ], + [ + "\u2581Meno", + -13.249308586120604 + ], + [ + "Arabisch", + -13.2493257522583 + ], + [ + "\u2581definire", + -13.249357223510742 + ], + [ + "zwecken", + -13.249388694763184 + ], + [ + "\u2581gebrek", + -13.249388694763184 + ], + [ + "\u2581Verso", + -13.24939250946045 + ], + [ + "\u2581Diverse", + -13.24944019317627 + ], + [ + "\u2581Ch\u00e1vez", + -13.249446868896484 + ], + [ + "\u2581Continue", + -13.249456405639648 + ], + [ + "nExtra", + -13.249493598937988 + ], + [ + "\u2581Buda", + -13.249503135681152 + ], + [ + "lana", + -13.249526977539062 + ], + [ + "pei", + -13.249653816223145 + ], + [ + "\u2581Origin", + -13.24972152709961 + ], + [ + "jah", + -13.24973201751709 + ], + [ + "\u2581Chad", + -13.249741554260254 + ], + [ + "\u2581rechtstreeks", + -13.249752044677734 + ], + [ + "Highlight", + -13.249835014343262 + ], + [ + "\u2581levert", + -13.249841690063477 + ], + [ + "\u2581paesaggi", + -13.249855041503906 + ], + [ + "\u2581preserved", + -13.249857902526855 + ], + [ + "\u2581Sanders", + -13.24992847442627 + ], + [ + "wendung", + -13.249977111816406 + ], + [ + "\u2581mou", + -13.250065803527832 + ], + [ + "\u2581champions", + -13.25006866455078 + ], + [ + "\u2581improvements", + -13.250079154968262 + ], + [ + "\u2581junction", + -13.250091552734377 + ], + [ + "\u2581chiara", + -13.250113487243652 + ], + [ + "\u2581Vecchio", + -13.250128746032717 + ], + [ + "acier", + -13.250130653381348 + ], + [ + "mannen", + -13.250157356262209 + ], + [ + "\u2581Maps", + -13.250163078308104 + ], + [ + "\u2581Emanuel", + -13.250165939331056 + ], + [ + "\u2581Kongress", + -13.250165939331056 + ], + [ + "\u2581betreibt", + -13.250205039978027 + ], + [ + "Competizioni", + -13.25020980834961 + ], + [ + "lagern", + -13.250226020812988 + ], + [ + "\u2581Wochenende", + -13.250258445739746 + ], + [ + "\u2581biciclette", + -13.250272750854492 + ], + [ + "\u2581Eigenkapital", + -13.250299453735352 + ], + [ + "\u2581verklaring", + -13.250338554382324 + ], + [ + "\u2581pior", + -13.25034523010254 + ], + [ + "\u2581Asteroides", + -13.250359535217283 + ], + [ + "nVariant", + -13.25037956237793 + ], + [ + "\u2581constructie", + -13.25039005279541 + ], + [ + "\u2581Pino", + -13.250439643859863 + ], + [ + "\u2581puesta", + -13.25053882598877 + ], + [ + "sanspruch", + -13.25055694580078 + ], + [ + "\u2581Girone", + -13.250585556030272 + ], + [ + "\u2581ligada", + -13.250624656677246 + ], + [ + "\u2581Savoia", + -13.25064182281494 + ], + [ + "\u2581Expo", + -13.250654220581056 + ], + [ + "\u2581Fortschritte", + -13.250664710998535 + ], + [ + "\u2581gez", + -13.250709533691406 + ], + [ + "\u2581haja", + -13.250751495361328 + ], + [ + "perform", + -13.250804901123049 + ], + [ + "\u2581buying", + -13.250807762145996 + ], + [ + "Lan", + -13.25082302093506 + ], + [ + "\u2581Comiss", + -13.250834465026855 + ], + [ + "\u2581hilft", + -13.250839233398438 + ], + [ + "oven", + -13.250849723815918 + ], + [ + "\u2581accede", + -13.250861167907717 + ], + [ + "\u2581giornali", + -13.25086784362793 + ], + [ + "\u2581wendet", + -13.250905990600586 + ], + [ + "betr\u00e4ge", + -13.250947952270508 + ], + [ + "cilla", + -13.250977516174316 + ], + [ + "\u2581Linz", + -13.251035690307615 + ], + [ + "\u2581Proyecto", + -13.251039505004885 + ], + [ + "kontakt", + -13.251051902770996 + ], + [ + "\u2581suppl\u00e9mentaires", + -13.251078605651855 + ], + [ + "\u2581Below", + -13.25110149383545 + ], + [ + "\u2581inscri", + -13.251213073730469 + ], + [ + "adapt", + -13.251270294189451 + ], + [ + "gliederung", + -13.251334190368652 + ], + [ + "VOR", + -13.251350402832031 + ], + [ + "\u2581Kem", + -13.251394271850586 + ], + [ + "\u2581voorstel", + -13.251537322998049 + ], + [ + "\u2581agricultural", + -13.251541137695312 + ], + [ + "\u2581Lorraine", + -13.251629829406738 + ], + [ + "Olymp", + -13.251641273498535 + ], + [ + "gleichen", + -13.25164794921875 + ], + [ + "\u2581emerged", + -13.251653671264648 + ], + [ + "sverhalten", + -13.251657485961914 + ], + [ + "\u2581Fax", + -13.251700401306152 + ], + [ + "M\u00e9", + -13.251713752746582 + ], + [ + "\u2581incontrare", + -13.251733779907228 + ], + [ + "\u2581adverse", + -13.251745223999023 + ], + [ + "\u2581Fletcher", + -13.251791954040527 + ], + [ + "\u2581niedrig", + -13.251791954040527 + ], + [ + "\u2581promet", + -13.25179672241211 + ], + [ + "beauftragte", + -13.251811027526855 + ], + [ + "infanzia", + -13.251813888549805 + ], + [ + "Bootstrap", + -13.25184726715088 + ], + [ + "\u2581Rocket", + -13.25185203552246 + ], + [ + "\u2581pocket", + -13.251858711242676 + ], + [ + "\u2581semestre", + -13.251860618591309 + ], + [ + "ompletionHandler", + -13.251912117004396 + ], + [ + "\u2581dedic\u00f3", + -13.25192165374756 + ], + [ + "\u2581Brigitte", + -13.251935005187988 + ], + [ + "\u2581basicamente", + -13.25197982788086 + ], + [ + "Movie", + -13.252020835876465 + ], + [ + "\u2581alpine", + -13.252030372619627 + ], + [ + "\u2581Bescheid", + -13.252046585083008 + ], + [ + "\u2581cobr", + -13.25209140777588 + ], + [ + "lada", + -13.252150535583496 + ], + [ + "mega", + -13.25216007232666 + ], + [ + "belle", + -13.252167701721191 + ], + [ + "\u2581fondatore", + -13.25227165222168 + ], + [ + "\u2581Myth", + -13.252345085144045 + ], + [ + "\u2581lavorato", + -13.25237274169922 + ], + [ + "\u2581perro", + -13.252379417419434 + ], + [ + "\u2581veer", + -13.252398490905762 + ], + [ + "qc", + -13.252459526062012 + ], + [ + "scaling", + -13.25246810913086 + ], + [ + "\u2581Schreib", + -13.252485275268556 + ], + [ + "\u2581Picard", + -13.252486228942873 + ], + [ + "\u2581Ausw\u00e4rtige", + -13.252535820007324 + ], + [ + "\u2581sustentou", + -13.252657890319824 + ], + [ + "witch", + -13.252677917480469 + ], + [ + "\u2581Fluid", + -13.252686500549316 + ], + [ + "\u2581Pun", + -13.252687454223633 + ], + [ + "\u00fcbersicht", + -13.252696990966797 + ], + [ + "\u2581empresario", + -13.252837181091309 + ], + [ + "\u2581Bock", + -13.25290584564209 + ], + [ + "\u2581Kaufmann", + -13.25291347503662 + ], + [ + "\u2581Samsung", + -13.252928733825684 + ], + [ + "until", + -13.252970695495604 + ], + [ + "nOS", + -13.252978324890137 + ], + [ + "\u2581cedo", + -13.252982139587402 + ], + [ + "scuro", + -13.253047943115234 + ], + [ + "zco", + -13.253087043762209 + ], + [ + "\u2581localmente", + -13.25310230255127 + ], + [ + "\u2581ranging", + -13.25311279296875 + ], + [ + "\u2581plaatste", + -13.253125190734863 + ], + [ + "\u2581Mongolia", + -13.253128051757812 + ], + [ + "\u2581ehemaliger", + -13.253171920776367 + ], + [ + "\u2581giardini", + -13.253177642822266 + ], + [ + "\u2581koos", + -13.253178596496582 + ], + [ + "\u2581charme", + -13.253180503845217 + ], + [ + "\u2581atualiza", + -13.25318717956543 + ], + [ + "\u2581concorso", + -13.253244400024414 + ], + [ + "\u2581Anlehnung", + -13.253311157226562 + ], + [ + "\u2581sappiamo", + -13.253328323364258 + ], + [ + "\u2581Muse", + -13.25341796875 + ], + [ + "uth", + -13.25342845916748 + ], + [ + "\u2581impede", + -13.253443717956545 + ], + [ + "wid", + -13.253451347351074 + ], + [ + "\u2581anzupassen", + -13.25345516204834 + ], + [ + "\u2581Arriva", + -13.253461837768556 + ], + [ + "\u2581ordina", + -13.25347900390625 + ], + [ + "\u2581affairs", + -13.253517150878906 + ], + [ + "armor", + -13.25352382659912 + ], + [ + "\u2581Tarn", + -13.253525733947754 + ], + [ + "outube", + -13.253527641296388 + ], + [ + "Distribution", + -13.253588676452637 + ], + [ + "\u2581Kalenderjahr", + -13.25363540649414 + ], + [ + "\u2581Brandon", + -13.253660202026367 + ], + [ + "\u2581protagonisti", + -13.25367546081543 + ], + [ + "season", + -13.25380516052246 + ], + [ + "\u2581Neb", + -13.253808975219728 + ], + [ + "\u2581mixte", + -13.253812789916992 + ], + [ + "lbl", + -13.253868103027344 + ], + [ + "\u2581contempor", + -13.253870010375977 + ], + [ + "\u2581politicians", + -13.253888130187988 + ], + [ + "\u2581unir", + -13.25390911102295 + ], + [ + "machen", + -13.25394344329834 + ], + [ + "\u2581minuut", + -13.254018783569336 + ], + [ + "bill", + -13.254027366638184 + ], + [ + "\u2581passagiers", + -13.254033088684082 + ], + [ + "\u2581terrorist", + -13.254051208496094 + ], + [ + "\u2581Normandie", + -13.25407600402832 + ], + [ + "\u2581weapon", + -13.254136085510254 + ], + [ + "\u2581ferm", + -13.254137992858888 + ], + [ + "\u2581vivace", + -13.25417709350586 + ], + [ + "\u2581Titeln", + -13.254182815551758 + ], + [ + "yendo", + -13.254216194152832 + ], + [ + "\u00edl", + -13.254308700561523 + ], + [ + "\u2581dioses", + -13.254317283630373 + ], + [ + "\u2581Glauben", + -13.254365921020508 + ], + [ + "\u2581Ox", + -13.254376411437988 + ], + [ + "\u2581gegebenen", + -13.254408836364746 + ], + [ + "\u2581penso", + -13.254419326782228 + ], + [ + "\u2581Schumacher", + -13.254425048828123 + ], + [ + "toom", + -13.254498481750488 + ], + [ + "\u2581Poste", + -13.254515647888184 + ], + [ + "\u2581globo", + -13.254523277282717 + ], + [ + "\u2581Montes", + -13.254555702209473 + ], + [ + "raam", + -13.25460147857666 + ], + [ + "\u2581Siemens", + -13.254626274108888 + ], + [ + "\u2581supremo", + -13.254681587219238 + ], + [ + "hari", + -13.254706382751465 + ], + [ + "\u2581Col\u00f3n", + -13.254731178283691 + ], + [ + "\u2581Heli", + -13.254745483398438 + ], + [ + "cells", + -13.254748344421388 + ], + [ + "\u2581divid", + -13.254767417907717 + ], + [ + "\u2581Paola", + -13.254800796508787 + ], + [ + "filia", + -13.254816055297852 + ], + [ + "\u2581jongere", + -13.254837989807127 + ], + [ + "\u2581identit\u00e0", + -13.254864692687988 + ], + [ + "\u2581armazenar", + -13.254900932312012 + ], + [ + "RON", + -13.254985809326172 + ], + [ + "\u2581Droit", + -13.255060195922852 + ], + [ + "rch", + -13.255154609680176 + ], + [ + "atio", + -13.255156517028809 + ], + [ + "enbahn", + -13.255167961120604 + ], + [ + "pz", + -13.255249977111816 + ], + [ + "being", + -13.255252838134766 + ], + [ + "\u2581cintur\u00f3n", + -13.255267143249512 + ], + [ + "ificazione", + -13.2553071975708 + ], + [ + "\u2581approv", + -13.255330085754396 + ], + [ + "\u2581Lux", + -13.255349159240724 + ], + [ + "nArchitecture", + -13.255352973937988 + ], + [ + "\u2581Intanto", + -13.255373001098633 + ], + [ + "schulden", + -13.255436897277832 + ], + [ + "cdc", + -13.255460739135742 + ], + [ + "\u2581Sito", + -13.255475997924805 + ], + [ + "legacy", + -13.255570411682127 + ], + [ + "overrightarrow", + -13.25565242767334 + ], + [ + "\u2581fitting", + -13.25566577911377 + ], + [ + "\u2581External", + -13.255666732788086 + ], + [ + "sph\u00e4re", + -13.255674362182615 + ], + [ + "\u2581interesante", + -13.255682945251465 + ], + [ + "republik", + -13.25571346282959 + ], + [ + "\u2581Lenz", + -13.255725860595703 + ], + [ + "tgt", + -13.255727767944336 + ], + [ + "zoll", + -13.255733489990234 + ], + [ + "Ten", + -13.255738258361816 + ], + [ + "alien", + -13.25574779510498 + ], + [ + "Familie", + -13.2557954788208 + ], + [ + "\u2581ruisseau", + -13.255804061889648 + ], + [ + "ochi", + -13.255807876586914 + ], + [ + "afar", + -13.255858421325684 + ], + [ + "\u2581encomenda", + -13.255866050720217 + ], + [ + "antr\u00e4ge", + -13.25587272644043 + ], + [ + "chol", + -13.25587558746338 + ], + [ + "beer", + -13.255887985229492 + ], + [ + "tokenizer", + -13.255934715270996 + ], + [ + "\u2581advertising", + -13.25594425201416 + ], + [ + "\u2581L\u00e9gion", + -13.255945205688477 + ], + [ + "katalog", + -13.255966186523438 + ], + [ + "\u2581nativo", + -13.255980491638184 + ], + [ + "\u2581Ged", + -13.255982398986816 + ], + [ + "Overview", + -13.256189346313477 + ], + [ + "\u2581serpente", + -13.256237983703612 + ], + [ + "voyant", + -13.256269454956056 + ], + [ + "\u2581vertrekken", + -13.256299018859863 + ], + [ + "\u2581G\u00e9n\u00e9ral", + -13.256340980529783 + ], + [ + "avvocato", + -13.256359100341797 + ], + [ + "messa", + -13.256359100341797 + ], + [ + "\u2581cellular", + -13.256360054016112 + ], + [ + "\u2581suicidio", + -13.25637149810791 + ], + [ + "\u2581erschwert", + -13.256393432617188 + ], + [ + "fermi", + -13.256421089172363 + ], + [ + "Floor", + -13.256471633911133 + ], + [ + "Chapter", + -13.25653839111328 + ], + [ + "\u2581gew\u00e4hlten", + -13.25654125213623 + ], + [ + "\u2581Notfall", + -13.256542205810549 + ], + [ + "\u2581uscito", + -13.256662368774414 + ], + [ + "\u2581scrap", + -13.256725311279297 + ], + [ + "Cont", + -13.256746292114258 + ], + [ + "\u2581oui", + -13.256806373596191 + ], + [ + "gestalt", + -13.256831169128418 + ], + [ + "\u2581drew", + -13.256831169128418 + ], + [ + "intelligence", + -13.256847381591797 + ], + [ + "phan", + -13.256855010986328 + ], + [ + "\u2581consonant", + -13.256996154785156 + ], + [ + "\u2581Meteor", + -13.257000923156738 + ], + [ + "darwin", + -13.257023811340332 + ], + [ + "reccia", + -13.257031440734863 + ], + [ + "operations", + -13.25704288482666 + ], + [ + "\u2581S\u00e4chsischen", + -13.25705909729004 + ], + [ + "\u2581terugkeer", + -13.25706958770752 + ], + [ + "\u2581pasto", + -13.257073402404783 + ], + [ + "\u2581Exteriores", + -13.257113456726074 + ], + [ + "appliquer", + -13.257135391235352 + ], + [ + "ARC", + -13.257195472717283 + ], + [ + "draad", + -13.257201194763184 + ], + [ + "\u2581retrouv\u00e9", + -13.257208824157717 + ], + [ + "\u2581falam", + -13.257209777832031 + ], + [ + "acha", + -13.257211685180664 + ], + [ + "RTC", + -13.25727653503418 + ], + [ + "\u2581Wund", + -13.257278442382812 + ], + [ + "\u2581rimasti", + -13.257342338562012 + ], + [ + "arteria", + -13.25734806060791 + ], + [ + "akademie", + -13.257364273071287 + ], + [ + "hoc", + -13.257389068603516 + ], + [ + "\u2581Hoover", + -13.25746250152588 + ], + [ + "\u2581adequate", + -13.25753402709961 + ], + [ + "\u2581Exposition", + -13.257535934448242 + ], + [ + "\u2581.......", + -13.257553100585938 + ], + [ + "dicht", + -13.257568359375 + ], + [ + "CAA", + -13.257572174072266 + ], + [ + "Toggle", + -13.257608413696287 + ], + [ + "\u2581###########", + -13.257612228393556 + ], + [ + "\u2581Polic\u00eda", + -13.25761890411377 + ], + [ + "\u2581Titolo", + -13.257619857788086 + ], + [ + "\u2581divinit\u00e0", + -13.257633209228516 + ], + [ + "tuba", + -13.257701873779297 + ], + [ + "Completed", + -13.257719993591309 + ], + [ + "blik", + -13.257794380187988 + ], + [ + "Ticket", + -13.257806777954102 + ], + [ + "\u2581Esso", + -13.257861137390137 + ], + [ + "tivit\u00e0", + -13.257885932922363 + ], + [ + "\u2581Artist", + -13.25789737701416 + ], + [ + "\u2581simulated", + -13.257899284362791 + ], + [ + "Started", + -13.257902145385742 + ], + [ + "sense", + -13.25797176361084 + ], + [ + "Protobuf", + -13.258100509643556 + ], + [ + "\u2581Apertura", + -13.258139610290527 + ], + [ + "\u2581participado", + -13.258167266845703 + ], + [ + "Cart", + -13.25819492340088 + ], + [ + "\u2581verzeichnen", + -13.258234024047852 + ], + [ + "\u2581vergleichbaren", + -13.258304595947266 + ], + [ + "\u2581hoofdplaats", + -13.258313179016112 + ], + [ + "\u2581bala", + -13.25831699371338 + ], + [ + "angeh", + -13.258317947387695 + ], + [ + "\u2581Fl\u00fcgel", + -13.258318901062012 + ], + [ + "ussi", + -13.2583589553833 + ], + [ + "\u2581drank", + -13.258360862731934 + ], + [ + "getreten", + -13.258389472961426 + ], + [ + "\u2581lanzar", + -13.25839138031006 + ], + [ + "\u2581Gustave", + -13.258445739746094 + ], + [ + "\u2581armazenagem", + -13.25844955444336 + ], + [ + "liter", + -13.258485794067385 + ], + [ + "\u2581WIDTH", + -13.258488655090332 + ], + [ + "\u2581immobili", + -13.25851058959961 + ], + [ + "\u2581testimonia", + -13.258522033691406 + ], + [ + "breedte", + -13.258543014526367 + ], + [ + "Redirect", + -13.258543968200684 + ], + [ + "\u2581fleet", + -13.258564949035645 + ], + [ + "\u2581Outubro", + -13.258581161499023 + ], + [ + "atelier", + -13.258597373962402 + ], + [ + "\u2581Turin", + -13.258614540100098 + ], + [ + "HDF", + -13.25861644744873 + ], + [ + "\u2581Obs", + -13.258630752563477 + ], + [ + "trarre", + -13.25863265991211 + ], + [ + "massen", + -13.258647918701172 + ], + [ + "herberg", + -13.258658409118652 + ], + [ + "cyl", + -13.258675575256348 + ], + [ + "\u2581HAS", + -13.25869083404541 + ], + [ + "\u2581jur\u00eddico", + -13.25872039794922 + ], + [ + "\u2581fren", + -13.258726119995115 + ], + [ + "FONT", + -13.258731842041016 + ], + [ + "\u2581concluir", + -13.25873851776123 + ], + [ + "\u2581asistencia", + -13.258750915527344 + ], + [ + "\u2581vidas", + -13.25886058807373 + ], + [ + "\u2581Virtu", + -13.258866310119627 + ], + [ + "\u2581magie", + -13.258883476257324 + ], + [ + "\u2581schrijvers", + -13.258883476257324 + ], + [ + "\u2581highlight", + -13.258930206298828 + ], + [ + "\u2581screening", + -13.258959770202637 + ], + [ + "\u2581sb", + -13.258974075317385 + ], + [ + "\u2581Perfect", + -13.259015083312988 + ], + [ + "\u2581HGB", + -13.259052276611328 + ], + [ + "\u2581relev", + -13.259065628051758 + ], + [ + "\u2581dB", + -13.259119033813477 + ], + [ + "\u2581Lauren", + -13.259180068969728 + ], + [ + "\u2581Teilchen", + -13.259215354919434 + ], + [ + "rous", + -13.259232521057127 + ], + [ + "jr", + -13.259252548217772 + ], + [ + "\u2581essen", + -13.259345054626465 + ], + [ + "\u2581zitiert", + -13.25936508178711 + ], + [ + "\u2581ScaleMinor", + -13.25941562652588 + ], + [ + "\u2581Entlassung", + -13.259428977966309 + ], + [ + "STAR", + -13.259435653686523 + ], + [ + "\u2581Hag", + -13.259450912475586 + ], + [ + "\u2581rovine", + -13.259456634521484 + ], + [ + "\u2581cadere", + -13.259459495544434 + ], + [ + "Ib", + -13.259462356567385 + ], + [ + "\u2581nachhaltig", + -13.259539604187012 + ], + [ + "\u2581Lecture", + -13.259565353393556 + ], + [ + "\u2581positif", + -13.25967502593994 + ], + [ + "\u2581objectives", + -13.25969123840332 + ], + [ + "ifdef", + -13.25970458984375 + ], + [ + "\u2581prefeito", + -13.259718894958496 + ], + [ + "\u2581ausgewertet", + -13.25979995727539 + ], + [ + "Tick", + -13.259801864624023 + ], + [ + "cry", + -13.259810447692873 + ], + [ + "\u2581CMake", + -13.25981616973877 + ], + [ + "mz", + -13.25982666015625 + ], + [ + "\u2581probabilidade", + -13.259848594665527 + ], + [ + "Sozial", + -13.25990104675293 + ], + [ + "itario", + -13.25990104675293 + ], + [ + "\u2581vocht", + -13.25995922088623 + ], + [ + "\u2581Tenerife", + -13.259974479675291 + ], + [ + "\u2581olandese", + -13.260007858276367 + ], + [ + "\u2581Studierende", + -13.260109901428224 + ], + [ + "flamm", + -13.260141372680664 + ], + [ + "Ali", + -13.26015281677246 + ], + [ + "izable", + -13.260171890258787 + ], + [ + "conserv", + -13.260198593139648 + ], + [ + "taba", + -13.260213851928713 + ], + [ + "\u2581Isabelle", + -13.26025390625 + ], + [ + "\u2581umfassend", + -13.260357856750488 + ], + [ + "\u2581Freisetzung", + -13.26042366027832 + ], + [ + "PATHS", + -13.260433197021484 + ], + [ + "\u2581zet", + -13.26043701171875 + ], + [ + "\u2581cr\u00e9dit", + -13.26045036315918 + ], + [ + "\u2581Einaudi", + -13.260465621948242 + ], + [ + "implant", + -13.26047706604004 + ], + [ + "iota", + -13.260527610778809 + ], + [ + "\u2581responsabili", + -13.260530471801758 + ], + [ + "\u2581clouds", + -13.260546684265137 + ], + [ + "\u2581ambt", + -13.260586738586426 + ], + [ + "\u2581NCAA", + -13.260643005371094 + ], + [ + "\u2581Socrate", + -13.260649681091309 + ], + [ + "\u2581Garantie", + -13.26065158843994 + ], + [ + "uschauer", + -13.260754585266112 + ], + [ + "\u2581Stadtzentrum", + -13.26075553894043 + ], + [ + "schatting", + -13.26079273223877 + ], + [ + "erbraucherschutz", + -13.260802268981934 + ], + [ + "almo", + -13.260836601257324 + ], + [ + "lados", + -13.26083755493164 + ], + [ + "\u2581determinante", + -13.26084041595459 + ], + [ + "\u2581orchestra", + -13.260869979858398 + ], + [ + "Hamburg", + -13.260941505432127 + ], + [ + "\u2581filed", + -13.260956764221191 + ], + [ + "\u2581slave", + -13.261024475097656 + ], + [ + "\u2581editar", + -13.261059761047363 + ], + [ + "\u2581Algo", + -13.261075973510742 + ], + [ + "\u2581multitud", + -13.261164665222168 + ], + [ + "\u2581Score", + -13.261171340942385 + ], + [ + "\u2581Nazioni", + -13.26119899749756 + ], + [ + "vete", + -13.261201858520508 + ], + [ + "\u2581respons\u00e1veis", + -13.261226654052734 + ], + [ + "\u2581vain", + -13.261247634887695 + ], + [ + "\u2581stabilire", + -13.26125717163086 + ], + [ + "\u2581Covid", + -13.26126194000244 + ], + [ + "Shell", + -13.261338233947754 + ], + [ + "\u2581Kommunal", + -13.261377334594728 + ], + [ + "\u2581perigo", + -13.261382102966309 + ], + [ + "\u2581medie", + -13.261412620544434 + ], + [ + "\u2581movies", + -13.261459350585938 + ], + [ + "Probe", + -13.261489868164062 + ], + [ + "\u2581rischia", + -13.26150131225586 + ], + [ + "\u2581Friedman", + -13.261529922485352 + ], + [ + "natur", + -13.261556625366213 + ], + [ + "\u2581cierre", + -13.261561393737791 + ], + [ + "ntroduceerd", + -13.261594772338867 + ], + [ + "\u2581pensaba", + -13.26161766052246 + ], + [ + "\u2581geregeld", + -13.261651039123535 + ], + [ + "\u2581presupuesto", + -13.261651992797852 + ], + [ + "\u2581Muss", + -13.261659622192385 + ], + [ + "anzeiger", + -13.26166820526123 + ], + [ + "igem", + -13.261695861816406 + ], + [ + "\u2581Anforderung", + -13.261696815490724 + ], + [ + "\u2581Bassa", + -13.261698722839355 + ], + [ + "\u00e1i", + -13.261764526367188 + ], + [ + "clos", + -13.2617769241333 + ], + [ + "lots", + -13.26179027557373 + ], + [ + "Signed", + -13.2618408203125 + ], + [ + "\u2581comprese", + -13.261883735656738 + ], + [ + "dart", + -13.261902809143066 + ], + [ + "\u2581plaine", + -13.261905670166016 + ], + [ + "\u2581Tapi", + -13.261913299560549 + ], + [ + "\u2581shadow", + -13.261967658996582 + ], + [ + "\u2581gru", + -13.261969566345217 + ], + [ + "\u2581abrite", + -13.262056350708008 + ], + [ + "Resolution", + -13.262070655822754 + ], + [ + "requests", + -13.262106895446776 + ], + [ + "\u2581pluie", + -13.26213264465332 + ], + [ + "\u2581artificiale", + -13.262164115905762 + ], + [ + "\u2581m\u00e9rite", + -13.262166976928713 + ], + [ + "wheat", + -13.262173652648926 + ], + [ + "\u2581companion", + -13.262188911437988 + ], + [ + "\u2581werkelijkheid", + -13.262231826782228 + ], + [ + "ologist", + -13.26228141784668 + ], + [ + "Square", + -13.262286186218262 + ], + [ + "\u2581Turbo", + -13.262374877929688 + ], + [ + "\u2581policial", + -13.262401580810549 + ], + [ + "\u2581Norv", + -13.26241397857666 + ], + [ + "\u2581umane", + -13.262418746948242 + ], + [ + "aves", + -13.26243495941162 + ], + [ + "flight", + -13.262478828430176 + ], + [ + "\u2581rec\u00e9m", + -13.262508392333984 + ], + [ + "\u2581H\u00e9ctor", + -13.262510299682615 + ], + [ + "agenzia", + -13.262547492980955 + ], + [ + "\u2581potreste", + -13.262557983398438 + ], + [ + "grana", + -13.26257610321045 + ], + [ + "nove", + -13.262598991394045 + ], + [ + "Implement", + -13.26260471343994 + ], + [ + "\u2581convient", + -13.26262378692627 + ], + [ + "fik", + -13.262627601623535 + ], + [ + "\u2581Auftraggeber", + -13.262636184692385 + ], + [ + "terapia", + -13.262677192687988 + ], + [ + "\u2581Adobe", + -13.262800216674805 + ], + [ + "espoir", + -13.262828826904297 + ], + [ + "\u2581cruzar", + -13.26284122467041 + ], + [ + "\u2581decisiva", + -13.26284885406494 + ], + [ + "\u2581IndexPath", + -13.262858390808104 + ], + [ + "\u2581Reflexion", + -13.262871742248535 + ], + [ + "\u2581ajout\u00e9", + -13.26289176940918 + ], + [ + "\u2581acontecimientos", + -13.262893676757812 + ], + [ + "schiffe", + -13.262904167175291 + ], + [ + "cott", + -13.262944221496582 + ], + [ + "\u2581activate", + -13.262953758239746 + ], + [ + "mpel", + -13.26296615600586 + ], + [ + "icme", + -13.262991905212402 + ], + [ + "Crash", + -13.263066291809082 + ], + [ + "\u2581theme", + -13.263123512268066 + ], + [ + "Gesundheitswesen", + -13.26319408416748 + ], + [ + "italia", + -13.263195991516112 + ], + [ + "\u2581artistica", + -13.26319980621338 + ], + [ + "Kultur", + -13.263218879699709 + ], + [ + "\u2581Offizielle", + -13.263222694396973 + ], + [ + "\u2581impulse", + -13.263226509094238 + ], + [ + "\u2581vistoso", + -13.26323127746582 + ], + [ + "\u2581sorgt", + -13.263283729553224 + ], + [ + "Gran", + -13.263322830200195 + ], + [ + "\u2581filtering", + -13.263330459594728 + ], + [ + "\u2581schrittweise", + -13.263364791870115 + ], + [ + "folie", + -13.263371467590332 + ], + [ + "\u2581GI", + -13.263395309448242 + ], + [ + "\u2581Ferreirim", + -13.263465881347656 + ], + [ + "\u2581cinquanta", + -13.263467788696287 + ], + [ + "\u2581Cantantes", + -13.263500213623049 + ], + [ + "\u2581fitness", + -13.263500213623049 + ], + [ + "\u2581dummy", + -13.263513565063477 + ], + [ + "consider", + -13.263514518737791 + ], + [ + "\u2581cuda", + -13.263514518737791 + ], + [ + "\u2581Epic", + -13.26352882385254 + ], + [ + "ules", + -13.263569831848145 + ], + [ + "\u2581disputada", + -13.263606071472168 + ], + [ + "\u2581Caen", + -13.26362133026123 + ], + [ + "\u2581Konzentrationen", + -13.263631820678713 + ], + [ + "EPA", + -13.263641357421877 + ], + [ + "CONS", + -13.26364803314209 + ], + [ + "uring", + -13.263668060302734 + ], + [ + "\u2581Pools", + -13.26366901397705 + ], + [ + "taire", + -13.263675689697266 + ], + [ + "\u2581neuroses", + -13.263677597045898 + ], + [ + "\u2581Domin", + -13.263717651367188 + ], + [ + "\u2581wandte", + -13.263733863830566 + ], + [ + "\u2581Centrum", + -13.263846397399902 + ], + [ + "\u2581Dadas", + -13.263875961303713 + ], + [ + "\u2581sicherlich", + -13.263875961303713 + ], + [ + "\u2581inklusive", + -13.26388168334961 + ], + [ + "\u2581Joshua", + -13.263912200927734 + ], + [ + "\u2581misterioso", + -13.263928413391112 + ], + [ + "\u2581Napoleone", + -13.26396369934082 + ], + [ + "\u2581Ami", + -13.263989448547363 + ], + [ + "\u2581latim", + -13.26400375366211 + ], + [ + "\u2581Jaar", + -13.26401710510254 + ], + [ + "tong", + -13.264025688171388 + ], + [ + "\u2581Koordination", + -13.26409149169922 + ], + [ + "\u2581rappresentanti", + -13.264097213745115 + ], + [ + "\u2581Waters", + -13.264098167419434 + ], + [ + "\u2581Alberta", + -13.264101028442385 + ], + [ + "\u2581apariencia", + -13.264162063598633 + ], + [ + "andy", + -13.264164924621582 + ], + [ + "ucat\u00e1n", + -13.264166831970217 + ], + [ + "economic", + -13.2642183303833 + ], + [ + "\u2581meint", + -13.2642183303833 + ], + [ + "\u2581Minneapolis", + -13.264246940612791 + ], + [ + "AVE", + -13.264254570007324 + ], + [ + "\u2581resultante", + -13.26428508758545 + ], + [ + "Spring", + -13.264299392700195 + ], + [ + "alina", + -13.264327049255373 + ], + [ + "\u00e9difice", + -13.264349937438965 + ], + [ + "\u2581associado", + -13.264359474182127 + ], + [ + "tegen", + -13.264362335205078 + ], + [ + "Restore", + -13.26438045501709 + ], + [ + "vate", + -13.264418601989746 + ], + [ + "\u2581turbulent", + -13.26442813873291 + ], + [ + "\u2581reagiert", + -13.264429092407228 + ], + [ + "\u2581ataca", + -13.264464378356934 + ], + [ + "\u2581infiltra", + -13.264469146728516 + ], + [ + "\u2581redenen", + -13.26451587677002 + ], + [ + "beruf", + -13.264527320861816 + ], + [ + "\u2581Riss", + -13.264543533325195 + ], + [ + "Replication", + -13.264548301696776 + ], + [ + "\u2581costruiti", + -13.264586448669434 + ], + [ + "\u2581Barth", + -13.26458740234375 + ], + [ + "\u2581Aves", + -13.264603614807127 + ], + [ + "vois", + -13.26467227935791 + ], + [ + "\u2581solely", + -13.264688491821287 + ], + [ + "\u2581behandeld", + -13.264689445495604 + ], + [ + "logia", + -13.264708518981934 + ], + [ + "colare", + -13.264718055725098 + ], + [ + "\u2581assumes", + -13.264816284179688 + ], + [ + "Unternehmen", + -13.264822006225586 + ], + [ + "\u2581kilometers", + -13.264864921569824 + ], + [ + "porto", + -13.26489543914795 + ], + [ + "\u2581DWORD", + -13.264985084533691 + ], + [ + "wurf", + -13.265000343322754 + ], + [ + "\u2581finisce", + -13.265007019042969 + ], + [ + "jahre", + -13.265016555786133 + ], + [ + "csi", + -13.265043258666992 + ], + [ + "receive", + -13.265061378479004 + ], + [ + "\u2581Permission", + -13.265077590942385 + ], + [ + "nodo", + -13.265110969543455 + ], + [ + "trie", + -13.265114784240724 + ], + [ + "\u2581referente", + -13.265141487121582 + ], + [ + "\u2581consideradas", + -13.26515007019043 + ], + [ + "carpa", + -13.265162467956545 + ], + [ + "Markt", + -13.265193939208984 + ], + [ + "\u2581Gardner", + -13.265199661254885 + ], + [ + "\u2581ordens", + -13.26522731781006 + ], + [ + "\u2581luck", + -13.265235900878906 + ], + [ + "\u2581sureste", + -13.265244483947754 + ], + [ + "\u2581Stirn", + -13.26524543762207 + ], + [ + "Mn", + -13.26526165008545 + ], + [ + "\u2581organo", + -13.265262603759766 + ], + [ + "\u2581Wag", + -13.265289306640623 + ], + [ + "gato", + -13.26529026031494 + ], + [ + "tenberg", + -13.265310287475586 + ], + [ + "TJ", + -13.265316009521484 + ], + [ + "\u2581situaciones", + -13.265338897705078 + ], + [ + "erinnen", + -13.26536464691162 + ], + [ + "flora", + -13.265389442443848 + ], + [ + "ledger", + -13.26539421081543 + ], + [ + "\u2581parliament", + -13.265398025512695 + ], + [ + "\u2581mettant", + -13.265442848205566 + ], + [ + "\u2581d\u00e9sign\u00e9", + -13.265460968017578 + ], + [ + "\u2581PRI", + -13.265470504760742 + ], + [ + "Used", + -13.265473365783691 + ], + [ + "\u2581Platon", + -13.265493392944336 + ], + [ + "glic", + -13.265494346618652 + ], + [ + "jective", + -13.265549659729004 + ], + [ + "VCS", + -13.265562057495115 + ], + [ + "ATOR", + -13.26560878753662 + ], + [ + "rola", + -13.265628814697266 + ], + [ + "MMA", + -13.26564598083496 + ], + [ + "\u2581poet", + -13.26572036743164 + ], + [ + "interactive", + -13.26572608947754 + ], + [ + "\u2581ruled", + -13.26573657989502 + ], + [ + "\u2581suffix", + -13.26576805114746 + ], + [ + "\u2581v\u00e1lida", + -13.265840530395508 + ], + [ + "\u2581falha", + -13.265843391418455 + ], + [ + "\u2581Lagerung", + -13.265853881835938 + ], + [ + "\u2581seeds", + -13.26589584350586 + ], + [ + "istiche", + -13.265941619873049 + ], + [ + "ACTION", + -13.265957832336426 + ], + [ + "millisecond", + -13.265981674194336 + ], + [ + "\u2581Schmid", + -13.265987396240234 + ], + [ + "\u2581Eucaristia", + -13.265992164611816 + ], + [ + "\u2581formations", + -13.266032218933104 + ], + [ + "\u2581pr\u00e9vue", + -13.266043663024902 + ], + [ + "pira", + -13.266073226928713 + ], + [ + "\u2581Robertson", + -13.26609230041504 + ], + [ + "\u2581harmonic", + -13.266135215759276 + ], + [ + "zzato", + -13.266139030456545 + ], + [ + "embro", + -13.266164779663086 + ], + [ + "\u2581soporte", + -13.266176223754885 + ], + [ + "Connector", + -13.266183853149414 + ], + [ + "\u2581Schild", + -13.266191482543944 + ], + [ + "\u2581defeat", + -13.266271591186523 + ], + [ + "\u2581raccolti", + -13.266301155090332 + ], + [ + "\u2581Fermi", + -13.266313552856444 + ], + [ + "\u2581chinoise", + -13.266337394714355 + ], + [ + "\u2581arises", + -13.266345024108888 + ], + [ + "\u2581Twente", + -13.26634693145752 + ], + [ + "\u2581\"----", + -13.266349792480469 + ], + [ + "Groep", + -13.266385078430176 + ], + [ + "\u2581fria", + -13.266430854797363 + ], + [ + "\u2581Bayerische", + -13.266438484191896 + ], + [ + "\u2581ra\u00edzes", + -13.266441345214844 + ], + [ + "\u2581tionen", + -13.26650047302246 + ], + [ + "story", + -13.26650333404541 + ], + [ + "\u2581Souza", + -13.266509056091309 + ], + [ + "\u2581Hass", + -13.266534805297852 + ], + [ + "lining", + -13.26654052734375 + ], + [ + "techniek", + -13.266547203063965 + ], + [ + "\u2581Bone", + -13.266561508178713 + ], + [ + "\u2581\"__", + -13.266563415527344 + ], + [ + "\u2581enge", + -13.266576766967772 + ], + [ + "\u2581laid", + -13.266592025756836 + ], + [ + "\u2581Cod", + -13.266610145568848 + ], + [ + "\u2581scenes", + -13.26663875579834 + ], + [ + "\u2581Erwartungen", + -13.26668930053711 + ], + [ + "\u2581Marsh", + -13.266701698303224 + ], + [ + "\u2581Pacifico", + -13.266717910766602 + ], + [ + "\u2581debugging", + -13.26672649383545 + ], + [ + "gcloud", + -13.266728401184082 + ], + [ + "\u2581counting", + -13.26676082611084 + ], + [ + "\u2581personnelle", + -13.266764640808104 + ], + [ + "\u2581merit", + -13.266798973083496 + ], + [ + "\u2581Origine", + -13.26682186126709 + ], + [ + "\u2581Holm", + -13.266836166381836 + ], + [ + "\u2581Ahmad", + -13.26684284210205 + ], + [ + "oubli", + -13.266895294189451 + ], + [ + "\u2581rifugio", + -13.266956329345703 + ], + [ + "owitz", + -13.26695728302002 + ], + [ + "\u2581escribe", + -13.26697063446045 + ], + [ + "\u2581Aktionen", + -13.266973495483398 + ], + [ + "infer", + -13.26699924468994 + ], + [ + "zugeben", + -13.267117500305176 + ], + [ + "\u2581prenotazione", + -13.267148971557615 + ], + [ + "\u2581Arco", + -13.267157554626465 + ], + [ + "\u2581Wertpapier", + -13.26718044281006 + ], + [ + "\u2581alerta", + -13.2672119140625 + ], + [ + "\u2581vues", + -13.2672119140625 + ], + [ + "\u2581Skip", + -13.267221450805664 + ], + [ + "\u2581st\u00fctzt", + -13.267248153686523 + ], + [ + "\u2581visant", + -13.267251968383787 + ], + [ + "strate", + -13.267268180847168 + ], + [ + "\u2581tropische", + -13.267335891723633 + ], + [ + "traverse", + -13.267349243164062 + ], + [ + "in\u00e9", + -13.267410278320312 + ], + [ + "\u2581divididos", + -13.267411231994627 + ], + [ + "zado", + -13.267415046691896 + ], + [ + "\u2581canales", + -13.267417907714844 + ], + [ + "\u2581Anstrengungen", + -13.267427444458008 + ], + [ + "mvn", + -13.267436981201172 + ], + [ + "\u2581merged", + -13.26744270324707 + ], + [ + "\u2581partager", + -13.267446517944336 + ], + [ + "\u2581circles", + -13.26745891571045 + ], + [ + "\u2581ongeluk", + -13.267484664916992 + ], + [ + "\u00e9crivain", + -13.26756191253662 + ], + [ + "vee", + -13.26760959625244 + ], + [ + "\u2581symbolic", + -13.267659187316896 + ], + [ + "\u2581Mathieu", + -13.26767349243164 + ], + [ + "\u2581wacht", + -13.267744064331056 + ], + [ + "\u2581tough", + -13.267745971679688 + ], + [ + "\u2581similaire", + -13.267766952514648 + ], + [ + "st\u00e4dte", + -13.26779556274414 + ], + [ + "\u2581valutazione", + -13.267840385437012 + ], + [ + "setcounter", + -13.267888069152832 + ], + [ + "\u2581cylinder", + -13.267891883850098 + ], + [ + "immermann", + -13.267901420593262 + ], + [ + "\u2581Vrede", + -13.267929077148438 + ], + [ + "\u2581Colo", + -13.267938613891602 + ], + [ + "Soft", + -13.267948150634766 + ], + [ + "\u2581Irm", + -13.267948150634766 + ], + [ + "\u2581coloquial", + -13.267949104309082 + ], + [ + "arna", + -13.267951011657717 + ], + [ + "\u2581Barnes", + -13.267973899841309 + ], + [ + "\u2581verst", + -13.268014907836914 + ], + [ + "rew", + -13.268035888671877 + ], + [ + "\u2581Maul", + -13.268061637878418 + ], + [ + "acide", + -13.268073081970217 + ], + [ + "\u00e4nd", + -13.26807689666748 + ], + [ + "ducci\u00f3n", + -13.268099784851074 + ], + [ + "\u2581Setting", + -13.26811408996582 + ], + [ + "mitting", + -13.268165588378906 + ], + [ + "ferenz", + -13.268181800842283 + ], + [ + "\u2581Burns", + -13.26820468902588 + ], + [ + "\u2581dominated", + -13.268218994140623 + ], + [ + "\u2581sentencia", + -13.268237113952637 + ], + [ + "\u2581Fortuna", + -13.268343925476074 + ], + [ + "\u2581wicklung", + -13.268343925476074 + ], + [ + "\u2581aggiungere", + -13.268359184265137 + ], + [ + "aerodrome", + -13.268362045288086 + ], + [ + "\u2581Aya", + -13.268404006958008 + ], + [ + "\u2581attraversato", + -13.26841163635254 + ], + [ + "\u2581zustande", + -13.26841926574707 + ], + [ + "\u2581lengths", + -13.268428802490234 + ], + [ + "\u2581T\u00e9cnico", + -13.268455505371094 + ], + [ + "\u2581Kik", + -13.268460273742676 + ], + [ + "peg", + -13.268474578857422 + ], + [ + "\u2581Particip\u00f3", + -13.268503189086914 + ], + [ + "\u2581appartenant", + -13.268512725830078 + ], + [ + "\u2581locked", + -13.26854419708252 + ], + [ + "\u2581bomen", + -13.268574714660645 + ], + [ + "meteor", + -13.268592834472656 + ], + [ + "\u2581binari", + -13.2686185836792 + ], + [ + "\u2581laboratoire", + -13.268646240234377 + ], + [ + "\u2581Konflikte", + -13.268665313720703 + ], + [ + "\u2581calculating", + -13.268693923950195 + ], + [ + "\u2581doppelt", + -13.268704414367676 + ], + [ + "Eh", + -13.268706321716309 + ], + [ + "\u2581Pull", + -13.268731117248535 + ], + [ + "\u2581N\u00e9anmoins", + -13.268784523010254 + ], + [ + "designated", + -13.268808364868164 + ], + [ + "\u2581Hongaarse", + -13.268815994262695 + ], + [ + "\u2581iterations", + -13.26885223388672 + ], + [ + "\u2581herk", + -13.268855094909668 + ], + [ + "\u2581cv", + -13.268857955932615 + ], + [ + "\u2581Bronnen", + -13.26885986328125 + ], + [ + "\u2581ricos", + -13.268871307373049 + ], + [ + "stereo", + -13.268987655639648 + ], + [ + "\u2581Diane", + -13.269031524658203 + ], + [ + "DIC", + -13.269108772277832 + ], + [ + "jur", + -13.26914405822754 + ], + [ + "\u2581femeninas", + -13.269158363342283 + ], + [ + "\u2581genres", + -13.269171714782717 + ], + [ + "\u2581INTER", + -13.26919651031494 + ], + [ + "\u2581NEW", + -13.269205093383787 + ], + [ + "\u2581Marburg", + -13.2692289352417 + ], + [ + "\u2581Workshop", + -13.269327163696287 + ], + [ + "\u2581Harbour", + -13.269336700439451 + ], + [ + "\u2581salvare", + -13.26935577392578 + ], + [ + "\u2581erzeugen", + -13.269371032714844 + ], + [ + "orientale", + -13.269384384155272 + ], + [ + "\u2581Dialekt", + -13.269433975219728 + ], + [ + "\u2581Bijbel", + -13.26944351196289 + ], + [ + "\u2581essentielle", + -13.269454956054688 + ], + [ + "\u2581Catalog", + -13.26945686340332 + ], + [ + "\u2581Pepe", + -13.269474983215332 + ], + [ + "\u2581Novembro", + -13.26949405670166 + ], + [ + "\u2581Katalog", + -13.26958465576172 + ], + [ + "\u2581Trial", + -13.269613265991213 + ], + [ + "forge", + -13.269723892211914 + ], + [ + "jx", + -13.269723892211914 + ], + [ + "\u2581Steg", + -13.269737243652344 + ], + [ + "\u2581variar", + -13.269761085510254 + ], + [ + "\u2581meetings", + -13.269851684570312 + ], + [ + "ANO", + -13.269862174987791 + ], + [ + "gemacht", + -13.269875526428224 + ], + [ + "\u2581annunci", + -13.269895553588867 + ], + [ + "Nieuw", + -13.269902229309082 + ], + [ + "dero", + -13.269904136657717 + ], + [ + "\u2581investigar", + -13.269941329956056 + ], + [ + "\u2581oblast", + -13.269943237304688 + ], + [ + "\u2581perfection", + -13.269948959350586 + ], + [ + "\u2581Computa", + -13.26996898651123 + ], + [ + "\u2581conservazione", + -13.26998805999756 + ], + [ + "records", + -13.270068168640137 + ], + [ + "linked", + -13.270096778869627 + ], + [ + "\u2581Verweis", + -13.270127296447754 + ], + [ + "\u2581inconnu", + -13.270133972167969 + ], + [ + "\u2581descenso", + -13.270143508911133 + ], + [ + "am\u00e9nagement", + -13.27019214630127 + ], + [ + "\u2581critiche", + -13.27020263671875 + ], + [ + "\u2581Contemporary", + -13.27022933959961 + ], + [ + "armes", + -13.27036476135254 + ], + [ + "fait", + -13.270392417907717 + ], + [ + "\u2581abandon\u00f3", + -13.270392417907717 + ], + [ + "\u2581Cycle", + -13.270397186279297 + ], + [ + "\u2581Desenvolvimento", + -13.270438194274902 + ], + [ + "warming", + -13.270464897155762 + ], + [ + "\u2581foyer", + -13.270466804504396 + ], + [ + "\u2581onmiddellijk", + -13.270471572875977 + ], + [ + "normen", + -13.270502090454102 + ], + [ + "TON", + -13.2705659866333 + ], + [ + "\u2581SAP", + -13.2705659866333 + ], + [ + "\u2581SIGNORE", + -13.27056884765625 + ], + [ + "Konzentration", + -13.27057933807373 + ], + [ + "d\u00e9pendance", + -13.27057933807373 + ], + [ + "\u2581chambres", + -13.270631790161133 + ], + [ + "assignment", + -13.270659446716309 + ], + [ + "\u2581estar\u00eda", + -13.270671844482422 + ], + [ + "\u2581ergriffen", + -13.270678520202637 + ], + [ + "\u2581Role", + -13.270681381225586 + ], + [ + "\u2581cab", + -13.270722389221191 + ], + [ + "\u2581glucose", + -13.270752906799316 + ], + [ + "Esc", + -13.27076244354248 + ], + [ + "Catalog", + -13.270787239074709 + ], + [ + "Redis", + -13.270814895629885 + ], + [ + "POSI", + -13.270819664001465 + ], + [ + "yman", + -13.27084732055664 + ], + [ + "TIMEOUT", + -13.270880699157717 + ], + [ + "BUFFER", + -13.270892143249512 + ], + [ + "\u2581stepped", + -13.271023750305176 + ], + [ + "\u2581shade", + -13.27104663848877 + ], + [ + "roller", + -13.27108669281006 + ], + [ + "pref", + -13.27109146118164 + ], + [ + "VOL", + -13.271099090576172 + ], + [ + "outfile", + -13.271145820617676 + ], + [ + "\u2581Merkmal", + -13.27115535736084 + ], + [ + "m\u00e4rkte", + -13.271198272705078 + ], + [ + "\u2581alleged", + -13.271206855773926 + ], + [ + "\u2581fed", + -13.271228790283203 + ], + [ + "\u2581crossed", + -13.271245956420898 + ], + [ + "\u2581extenso", + -13.271275520324709 + ], + [ + "\u2581absolue", + -13.271279335021973 + ], + [ + "itate", + -13.271288871765137 + ], + [ + "\u2581russische", + -13.27129077911377 + ], + [ + "\u2581DU", + -13.2713041305542 + ], + [ + "\u2581Flut", + -13.271327018737791 + ], + [ + "phosphate", + -13.27133560180664 + ], + [ + "\u2581Jefe", + -13.271350860595703 + ], + [ + "odierna", + -13.271353721618652 + ], + [ + "dagen", + -13.271442413330078 + ], + [ + "\u2581Ministros", + -13.271445274353027 + ], + [ + "\u2581arabo", + -13.27147102355957 + ], + [ + "\u2581acontecimentos", + -13.271471977233888 + ], + [ + "\u2581diensten", + -13.271507263183594 + ], + [ + "finden", + -13.271520614624023 + ], + [ + "texte", + -13.271538734436035 + ], + [ + "\u2581turca", + -13.271567344665527 + ], + [ + "\u2581festivals", + -13.271604537963867 + ], + [ + "\u2581wur", + -13.27168083190918 + ], + [ + "\u2581besiedelt", + -13.271697998046877 + ], + [ + "fekt", + -13.271710395812988 + ], + [ + "\u2581veteran", + -13.271713256835938 + ], + [ + "\u2581institucional", + -13.271722793579102 + ], + [ + "\u2581lector", + -13.27174186706543 + ], + [ + "tati", + -13.271758079528809 + ], + [ + "\u2581Wider", + -13.271817207336426 + ], + [ + "\u2581Push", + -13.271835327148438 + ], + [ + "\u2581coat", + -13.2719087600708 + ], + [ + "\u2581verlo", + -13.271925926208496 + ], + [ + "vasi", + -13.271942138671877 + ], + [ + "Ann", + -13.271981239318848 + ], + [ + "\u2581voting", + -13.27200984954834 + ], + [ + "\u2581jeito", + -13.272013664245604 + ], + [ + "\u2581Defesa", + -13.27202606201172 + ], + [ + "\u2581pratos", + -13.272027015686035 + ], + [ + "\u2581tuviera", + -13.27205753326416 + ], + [ + "\u2581riguardanti", + -13.272075653076172 + ], + [ + "\u2581posibilidades", + -13.272085189819336 + ], + [ + "\u2581enjoyed", + -13.272087097167969 + ], + [ + "\u2581amtlichen", + -13.272107124328612 + ], + [ + "\u2581clustering", + -13.27210807800293 + ], + [ + "\u2581penta", + -13.272116661071776 + ], + [ + "\u2581anivers\u00e1rio", + -13.272138595581056 + ], + [ + "\u2581elektrischen", + -13.272141456604004 + ], + [ + "\u2581Walsh", + -13.272147178649902 + ], + [ + "\u2581erkunden", + -13.2721529006958 + ], + [ + "\u2581Sull", + -13.272168159484863 + ], + [ + "\u2581auszuschlie", + -13.27216911315918 + ], + [ + "\u2581possibilita", + -13.272176742553713 + ], + [ + "\u2581weigerde", + -13.272183418273926 + ], + [ + "fallback", + -13.27220344543457 + ], + [ + "\u2581profits", + -13.272295951843262 + ], + [ + "\u2581bicycle", + -13.272306442260742 + ], + [ + "vereinbarung", + -13.27231788635254 + ], + [ + "\u2581sicuri", + -13.272319793701172 + ], + [ + "gefertigt", + -13.27235221862793 + ], + [ + "\u2581castle", + -13.2723970413208 + ], + [ + "erkennung", + -13.27244472503662 + ], + [ + "\u2581colonies", + -13.272475242614746 + ], + [ + "\u2581Kaz", + -13.272482872009276 + ], + [ + "tabelle", + -13.272493362426758 + ], + [ + "\u2581Paradise", + -13.272507667541504 + ], + [ + "matig", + -13.27251148223877 + ], + [ + "\u2581Milwaukee", + -13.27255630493164 + ], + [ + "\u2581Concerto", + -13.272562980651855 + ], + [ + "\u2581Hilbert", + -13.272611618041992 + ], + [ + "\u2581recul", + -13.272612571716309 + ], + [ + "\u2581S\u00fcdosten", + -13.272632598876951 + ], + [ + "\u2581compresi", + -13.272637367248535 + ], + [ + "\u2581trekking", + -13.272644996643066 + ], + [ + "splen", + -13.272664070129396 + ], + [ + "amico", + -13.272687911987305 + ], + [ + "pfel", + -13.272695541381836 + ], + [ + "coming", + -13.27272891998291 + ], + [ + "\u2581T\u00e9", + -13.27275848388672 + ], + [ + "\u2581municipale", + -13.272759437561035 + ], + [ + "\u2581Risk", + -13.272774696350098 + ], + [ + "pisode", + -13.272789001464844 + ], + [ + "\u2581Pag", + -13.272808074951172 + ], + [ + "\u2581Am\u00e9rique", + -13.272844314575195 + ], + [ + "\u2581Infra", + -13.27285861968994 + ], + [ + "\u2581seguita", + -13.272899627685549 + ], + [ + "\u2581manifeste", + -13.272956848144531 + ], + [ + "\u2581seq\u00fc", + -13.272971153259276 + ], + [ + "\u2581authorized", + -13.272990226745604 + ], + [ + "\u2581Pasqua", + -13.273012161254885 + ], + [ + "finished", + -13.273014068603516 + ], + [ + "\u2581v\u00f3\u00f3r", + -13.273051261901855 + ], + [ + "toxic", + -13.273072242736816 + ], + [ + "Gym", + -13.273223876953123 + ], + [ + "\u2581Bewirtschaftung", + -13.273297309875488 + ], + [ + "lun", + -13.273321151733398 + ], + [ + "\u2581aumentare", + -13.273344039916992 + ], + [ + "\u2581descriptions", + -13.273353576660156 + ], + [ + "GOE", + -13.273408889770508 + ], + [ + "neau", + -13.27351188659668 + ], + [ + "\u2581adaptive", + -13.273512840270996 + ], + [ + "\u2581Plateau", + -13.273516654968262 + ], + [ + "\u2581monumental", + -13.273519515991213 + ], + [ + "\u2581attraversare", + -13.27359390258789 + ], + [ + "\u2581inversa", + -13.273601531982422 + ], + [ + "\u2581Perugia", + -13.273629188537598 + ], + [ + "\u2581ought", + -13.273679733276367 + ], + [ + "\u2581Ausblick", + -13.273688316345217 + ], + [ + "\u2581Urteils", + -13.273696899414062 + ], + [ + "\u2581gu\u00eda", + -13.27369785308838 + ], + [ + "\u2581Timor", + -13.273701667785645 + ], + [ + "\u2581beseitigt", + -13.273717880249023 + ], + [ + "Bitmap", + -13.273743629455566 + ], + [ + "elasticsearch", + -13.27375316619873 + ], + [ + "\u2581exactamente", + -13.27375316619873 + ], + [ + "\u2581destinato", + -13.273760795593262 + ], + [ + "BLAS", + -13.27376651763916 + ], + [ + "REA", + -13.27376937866211 + ], + [ + "\u2581falla", + -13.27376937866211 + ], + [ + "\u2581remo", + -13.273786544799805 + ], + [ + "\u2581basata", + -13.273826599121094 + ], + [ + "\u2581Krishna", + -13.273855209350586 + ], + [ + "nici", + -13.27387237548828 + ], + [ + "\u2581repose", + -13.273890495300291 + ], + [ + "\u2581margem", + -13.273931503295898 + ], + [ + "\u2581differentiation", + -13.27399444580078 + ], + [ + "\u2581Sch\u00fc", + -13.274001121520996 + ], + [ + "szeiten", + -13.274005889892578 + ], + [ + "\u2581Mate", + -13.274029731750488 + ], + [ + "\u2581versto", + -13.274032592773438 + ], + [ + "Four", + -13.274106979370115 + ], + [ + "Magazin", + -13.274126052856444 + ], + [ + "\u2581meso", + -13.274128913879396 + ], + [ + "\u2581compatibility", + -13.274133682250977 + ], + [ + "\u2581ratios", + -13.274136543273926 + ], + [ + "wikitext", + -13.274251937866213 + ], + [ + "\u2581Planck", + -13.274304389953612 + ], + [ + "\u2581Fiction", + -13.27430534362793 + ], + [ + "IRS", + -13.274324417114258 + ], + [ + "rise", + -13.274331092834473 + ], + [ + "\u2581asesinado", + -13.27439022064209 + ], + [ + "\u2581decisamente", + -13.27440357208252 + ], + [ + "\u2581paarden", + -13.274406433105469 + ], + [ + "empfindlich", + -13.274413108825684 + ], + [ + "\u2581middeleeuwen", + -13.274420738220217 + ], + [ + "\u2581traten", + -13.274420738220217 + ], + [ + "\u2581piattaforma", + -13.27445125579834 + ], + [ + "kollektiv", + -13.27448558807373 + ], + [ + "\u2581avocat", + -13.274508476257324 + ], + [ + "aia", + -13.274523735046388 + ], + [ + "rava", + -13.274620056152344 + ], + [ + "\u2581degrada", + -13.274678230285645 + ], + [ + "\u2581coastal", + -13.274686813354492 + ], + [ + "\u2581Filmograf\u00eda", + -13.274751663208008 + ], + [ + "\u2581Sehr", + -13.27476406097412 + ], + [ + "ponen", + -13.27479076385498 + ], + [ + "\u2581honour", + -13.274819374084473 + ], + [ + "uze", + -13.274823188781738 + ], + [ + "Demand", + -13.274829864501951 + ], + [ + "\u2581situati", + -13.274846076965332 + ], + [ + "\u2581raggi", + -13.274847030639648 + ], + [ + "benzo", + -13.274871826171877 + ], + [ + "\u2581Ord", + -13.274874687194824 + ], + [ + "elastic", + -13.274906158447266 + ], + [ + "\u2581Augustus", + -13.274916648864746 + ], + [ + "\u2581formare", + -13.274919509887695 + ], + [ + "\u2581trou", + -13.274924278259276 + ], + [ + "\u2581magma", + -13.275020599365234 + ], + [ + "\u2581vecchie", + -13.275030136108398 + ], + [ + "\u2581Papers", + -13.275049209594728 + ], + [ + "\u2581incorporated", + -13.275050163269045 + ], + [ + "\u2581Naturalmente", + -13.27507209777832 + ], + [ + "\u2581legado", + -13.275076866149902 + ], + [ + "\u2581trazer", + -13.27515697479248 + ], + [ + "\u2581gathered", + -13.275164604187012 + ], + [ + "calculate", + -13.275178909301758 + ], + [ + "\u2581preoccupa", + -13.275185585021973 + ], + [ + "k\u00e9", + -13.275221824645996 + ], + [ + "cier", + -13.275233268737791 + ], + [ + "schrieben", + -13.27523708343506 + ], + [ + "\u2581Fernand", + -13.27523708343506 + ], + [ + "\u2581residente", + -13.275239944458008 + ], + [ + "kovic", + -13.2752685546875 + ], + [ + "\u2581leitet", + -13.275285720825195 + ], + [ + "encrypt", + -13.275320053100586 + ], + [ + "unlock", + -13.275320053100586 + ], + [ + "\u2581Justi", + -13.27536678314209 + ], + [ + "\u2581r\u00e9elle", + -13.275405883789062 + ], + [ + "\u2581arrivi", + -13.27540683746338 + ], + [ + "\u2581Boktorren", + -13.275412559509276 + ], + [ + "oran", + -13.27541446685791 + ], + [ + "\u2581gestionnaires", + -13.275458335876465 + ], + [ + "\u2581funzionamento", + -13.275469779968262 + ], + [ + "\u2581heiligen", + -13.275482177734377 + ], + [ + "\u2581Revenue", + -13.275489807128906 + ], + [ + "\u2581Stories", + -13.275489807128906 + ], + [ + "\u2581entstehenden", + -13.275493621826172 + ], + [ + "\u2581consumers", + -13.27550983428955 + ], + [ + "\u2581Integra", + -13.27553653717041 + ], + [ + "Verify", + -13.275557518005373 + ], + [ + "d\u00f3n", + -13.275604248046877 + ], + [ + "\u2581vliegen", + -13.275616645812988 + ], + [ + "dillo", + -13.275620460510254 + ], + [ + "\u2581f\u00e9d\u00e9rations", + -13.275659561157228 + ], + [ + "brouwerij", + -13.275724411010742 + ], + [ + "\u2581transmitted", + -13.275739669799805 + ], + [ + "chloride", + -13.275795936584473 + ], + [ + "erma", + -13.275799751281738 + ], + [ + "\u2581handel", + -13.27581787109375 + ], + [ + "\u2581concerti", + -13.275859832763672 + ], + [ + "\u2581Noorse", + -13.275884628295898 + ], + [ + "andere", + -13.275886535644531 + ], + [ + "\u2581Mauri", + -13.275893211364746 + ], + [ + "zugehen", + -13.275944709777832 + ], + [ + "\u2581sudden", + -13.276000022888184 + ], + [ + "\u2581comisi\u00f3n", + -13.27601146697998 + ], + [ + "\u2581sponda", + -13.27601432800293 + ], + [ + "\u2581pacifica", + -13.276045799255373 + ], + [ + "\u2581hecha", + -13.276049613952637 + ], + [ + "\u2581Together", + -13.27608585357666 + ], + [ + "zugang", + -13.27613353729248 + ], + [ + "biografie", + -13.27613925933838 + ], + [ + "\u2581Drittl\u00e4ndern", + -13.276153564453123 + ], + [ + "\u2581n\u00e9cessite", + -13.276169776916504 + ], + [ + "\u2581Dict", + -13.276208877563477 + ], + [ + "\u2581cumul", + -13.276209831237791 + ], + [ + "barer", + -13.27621364593506 + ], + [ + "\u2581Dahl", + -13.276232719421388 + ], + [ + "\u2581filling", + -13.276263236999512 + ], + [ + "assalto", + -13.276272773742676 + ], + [ + "\u2581frutti", + -13.27628231048584 + ], + [ + "\u2581Kriminalit\u00e4t", + -13.276288986206056 + ], + [ + "verdeling", + -13.276329040527344 + ], + [ + "\u2581Reporter", + -13.276334762573242 + ], + [ + "individuo", + -13.276384353637695 + ], + [ + "ARP", + -13.276411056518556 + ], + [ + "\u2581garanti", + -13.276437759399414 + ], + [ + "\u2581occasions", + -13.276451110839844 + ], + [ + "isser", + -13.276458740234377 + ], + [ + "\u2581blocos", + -13.27651596069336 + ], + [ + "Frankfurt", + -13.276531219482422 + ], + [ + "\u2581circonda", + -13.276591300964355 + ], + [ + "\u2581forever", + -13.276601791381836 + ], + [ + "\u2581Lungo", + -13.276615142822266 + ], + [ + "patient", + -13.27666473388672 + ], + [ + "\u2581kleinste", + -13.276679039001465 + ], + [ + "\u2581filtered", + -13.276681900024414 + ], + [ + "\u2581zwanzig", + -13.276681900024414 + ], + [ + "\u2581benaming", + -13.276741981506348 + ], + [ + "\u2581Cow", + -13.276745796203612 + ], + [ + "\u2581deviennent", + -13.276812553405762 + ], + [ + "\u2581definidas", + -13.276838302612305 + ], + [ + "uhrt", + -13.27685546875 + ], + [ + "\u2581Documentation", + -13.276859283447266 + ], + [ + "\u2581verklaarde", + -13.276864051818848 + ], + [ + "\u2581schlechte", + -13.27686882019043 + ], + [ + "\u2581archivos", + -13.27687168121338 + ], + [ + "\u2581Busch", + -13.276885986328123 + ], + [ + "\u2581Rade", + -13.276887893676758 + ], + [ + "Deploy", + -13.27692985534668 + ], + [ + "\u2581Lone", + -13.27695369720459 + ], + [ + "\u2581Arre", + -13.27696704864502 + ], + [ + "besch\u00e4ftigung", + -13.276968002319336 + ], + [ + "tanto", + -13.276982307434082 + ], + [ + "\u2581FIA", + -13.276997566223145 + ], + [ + "ihad", + -13.277070045471191 + ], + [ + "\u2581cammino", + -13.277107238769531 + ], + [ + "\u2581Cyclo", + -13.277124404907228 + ], + [ + "\u2581toestemming", + -13.277129173278809 + ], + [ + "\u2581Ciencia", + -13.277209281921388 + ], + [ + "\u2581Joyce", + -13.277214050292969 + ], + [ + "\u2581horses", + -13.277251243591309 + ], + [ + "\u2581Votre", + -13.277268409729004 + ], + [ + "\u2581erstes", + -13.27733325958252 + ], + [ + "\u2581responded", + -13.277347564697266 + ], + [ + "\u2581lancia", + -13.277405738830566 + ], + [ + "\u2581adicionales", + -13.27747917175293 + ], + [ + "\u2581argomenti", + -13.277533531188965 + ], + [ + "Maker", + -13.277599334716797 + ], + [ + "\u2581Servicios", + -13.277632713317873 + ], + [ + "NIC", + -13.277667999267578 + ], + [ + "\u2581avanza", + -13.277676582336426 + ], + [ + "reserve", + -13.277721405029297 + ], + [ + "HIP", + -13.277756690979004 + ], + [ + "Fest", + -13.27778434753418 + ], + [ + "Nullable", + -13.277789115905762 + ], + [ + "\u2581encontrou", + -13.277796745300291 + ], + [ + "uill", + -13.277804374694824 + ], + [ + "\u2581risico", + -13.277819633483888 + ], + [ + "yra", + -13.277853965759276 + ], + [ + "coup", + -13.277872085571287 + ], + [ + "\u2581tentativi", + -13.277908325195312 + ], + [ + "\u2581meisje", + -13.277986526489258 + ], + [ + "\u2581dispositif", + -13.278019905090332 + ], + [ + "\u2581Ottoman", + -13.278051376342772 + ], + [ + "\u2581ver\u00e1", + -13.278066635131836 + ], + [ + "\u2581probabilities", + -13.27810287475586 + ], + [ + "\u2581Integr", + -13.278151512145996 + ], + [ + "\u2581respectivos", + -13.278162956237791 + ], + [ + "\u2581Numa", + -13.278168678283691 + ], + [ + "\u2581Verst\u00e4rkung", + -13.278234481811523 + ], + [ + "\u2581a\u00e9reo", + -13.27826690673828 + ], + [ + "\u2581Tess", + -13.278297424316406 + ], + [ + "tiers", + -13.278306007385254 + ], + [ + "\u2581BSD", + -13.278480529785156 + ], + [ + "impulsion", + -13.2785062789917 + ], + [ + "\u2581AnyObject", + -13.278519630432127 + ], + [ + "\u2581Monster", + -13.278522491455078 + ], + [ + "\u2581maximaal", + -13.278528213500977 + ], + [ + "\u2581devra", + -13.278557777404783 + ], + [ + "\u2581verdienen", + -13.278604507446287 + ], + [ + "\u2581Rojas", + -13.278606414794922 + ], + [ + "\u2581Hidalgo", + -13.278618812561035 + ], + [ + "ecchi", + -13.278631210327148 + ], + [ + "Ergebnisse", + -13.278640747070312 + ], + [ + "\u2581Standpunkt", + -13.278668403625488 + ], + [ + "\u2581publicidad", + -13.278700828552246 + ], + [ + "\u2581iterator", + -13.278736114501951 + ], + [ + "ugi", + -13.278753280639648 + ], + [ + "\u2581incontr", + -13.278763771057127 + ], + [ + "\u2581Krakau", + -13.278863906860352 + ], + [ + "\u2581Bauch", + -13.278879165649414 + ], + [ + "\u2581Summary", + -13.278895378112791 + ], + [ + "\u2581activist", + -13.278944969177246 + ], + [ + "\u2581retrieved", + -13.278950691223145 + ], + [ + "Cola", + -13.278992652893066 + ], + [ + "\u2581Argent", + -13.27902126312256 + ], + [ + "automobile", + -13.27911376953125 + ], + [ + "\u2581g\u00e9neros", + -13.279126167297363 + ], + [ + "\u2581Kies", + -13.279129028320312 + ], + [ + "\u2581Lup", + -13.279136657714844 + ], + [ + "\u2581Ministre", + -13.279150009155272 + ], + [ + "\u00f3dromo", + -13.27929973602295 + ], + [ + "ttl", + -13.2793550491333 + ], + [ + "subscriber", + -13.279356956481934 + ], + [ + "Guard", + -13.279373168945312 + ], + [ + "amada", + -13.27939224243164 + ], + [ + "ypt", + -13.279413223266602 + ], + [ + "\u2581lib\u00e9ration", + -13.279419898986816 + ], + [ + "UMP", + -13.279431343078612 + ], + [ + "\u2581Mec", + -13.279436111450195 + ], + [ + "wof", + -13.27944278717041 + ], + [ + "Bol", + -13.279449462890623 + ], + [ + "\u2581lipid", + -13.279505729675291 + ], + [ + "\u2581conferenza", + -13.279539108276367 + ], + [ + "\u2581Intervention", + -13.27957534790039 + ], + [ + "industrial", + -13.279617309570312 + ], + [ + "\u2581Magna", + -13.279641151428224 + ], + [ + "nare", + -13.279671669006348 + ], + [ + "\u2581esprit", + -13.279691696166992 + ], + [ + "\u2581Ediciones", + -13.27971076965332 + ], + [ + "nium", + -13.279727935791016 + ], + [ + "lumina", + -13.27973747253418 + ], + [ + "\u2581Kommando", + -13.279772758483888 + ], + [ + "biom", + -13.279796600341797 + ], + [ + "\u2581passagers", + -13.279841423034668 + ], + [ + "\u2581filiale", + -13.27987003326416 + ], + [ + "rane", + -13.27987575531006 + ], + [ + "\u2581consume", + -13.279899597167969 + ], + [ + "GITHUB", + -13.27992820739746 + ], + [ + "\u2581trecho", + -13.27994155883789 + ], + [ + "\u2581zuf\u00e4llig", + -13.279976844787598 + ], + [ + "encontre", + -13.27997875213623 + ], + [ + "Kube", + -13.279991149902344 + ], + [ + "\u2581vincitore", + -13.2800874710083 + ], + [ + "dak", + -13.28011417388916 + ], + [ + "rga", + -13.280120849609377 + ], + [ + "doni", + -13.28014850616455 + ], + [ + "\u2581catastrophe", + -13.28016757965088 + ], + [ + "\u2581classroom", + -13.280210494995115 + ], + [ + "\u2581Smit", + -13.28027057647705 + ], + [ + "\u2581invited", + -13.280291557312012 + ], + [ + "\u2581fechado", + -13.280314445495604 + ], + [ + "\u2581gemessenen", + -13.280387878417969 + ], + [ + "klang", + -13.280458450317385 + ], + [ + "\u2581Alien", + -13.280458450317385 + ], + [ + "METHODS", + -13.280474662780762 + ], + [ + "\u2581Away", + -13.28053855895996 + ], + [ + "\u2581insufficient", + -13.28054141998291 + ], + [ + "clk", + -13.280561447143556 + ], + [ + "\u2581Esch", + -13.280580520629885 + ], + [ + "grau", + -13.280611038208008 + ], + [ + "\u00e9g", + -13.280614852905272 + ], + [ + "quam", + -13.28062915802002 + ], + [ + "\u2581erg\u00e4nzen", + -13.280633926391602 + ], + [ + "STS", + -13.280661582946776 + ], + [ + "approccio", + -13.28067111968994 + ], + [ + "\u2581medalha", + -13.28069305419922 + ], + [ + "\u2581instalaci\u00f3n", + -13.280709266662598 + ], + [ + "\u2581suburban", + -13.280717849731444 + ], + [ + "khan", + -13.280725479125977 + ], + [ + "\u2581empire", + -13.280729293823242 + ], + [ + "\u2581esterno", + -13.28073787689209 + ], + [ + "\u2581lookup", + -13.280743598937988 + ], + [ + "\u2581traditionelle", + -13.280759811401367 + ], + [ + "\u2581Wahrung", + -13.28076457977295 + ], + [ + "betreiber", + -13.280773162841797 + ], + [ + "hans", + -13.28081226348877 + ], + [ + "\u2581inven", + -13.28083610534668 + ], + [ + "\u2581Internetseite", + -13.28084659576416 + ], + [ + "\u2581Gets", + -13.280853271484377 + ], + [ + "\u2581correlated", + -13.280876159667969 + ], + [ + "\u2581Abitur", + -13.280902862548828 + ], + [ + "\u2581geslachten", + -13.280919075012209 + ], + [ + "Partido", + -13.28104305267334 + ], + [ + "\u2581Vander", + -13.281047821044922 + ], + [ + "\u2581llamados", + -13.281064987182615 + ], + [ + "Jobs", + -13.2810697555542 + ], + [ + "\u2581emerg", + -13.281075477600098 + ], + [ + "soluble", + -13.281079292297363 + ], + [ + "\u2581ampla", + -13.281170845031738 + ], + [ + "\u2581ind\u00e9pendante", + -13.281188011169434 + ], + [ + "\u2581hor\u00e1rios", + -13.281206130981444 + ], + [ + "\u2581Joaquim", + -13.28122329711914 + ], + [ + "curso", + -13.281272888183594 + ], + [ + "\u2581cheia", + -13.281278610229492 + ], + [ + "\u2581shake", + -13.281279563903809 + ], + [ + "\u2581aansluiting", + -13.28128147125244 + ], + [ + "\u2581schwarze", + -13.281291007995604 + ], + [ + "ophile", + -13.281336784362791 + ], + [ + "\u2581Konto", + -13.281344413757324 + ], + [ + "\u2581Veld", + -13.28135108947754 + ], + [ + "soc", + -13.28136157989502 + ], + [ + "\u2581intercambio", + -13.281365394592283 + ], + [ + "\u2581gekocht", + -13.281380653381348 + ], + [ + "\u2581Spark", + -13.281486511230469 + ], + [ + "\u2581demselben", + -13.28150749206543 + ], + [ + "\u2581Dienstag", + -13.281549453735352 + ], + [ + "\u2581segnale", + -13.281569480895996 + ], + [ + "\u2581fontname", + -13.281570434570312 + ], + [ + "venant", + -13.281649589538574 + ], + [ + "mettere", + -13.28165340423584 + ], + [ + "\u2581Bair", + -13.281682968139648 + ], + [ + "\u2581Aba", + -13.28168487548828 + ], + [ + "\u2581renaissance", + -13.28170108795166 + ], + [ + "\u2581Di\u00e1rio", + -13.281814575195312 + ], + [ + "Specify", + -13.281825065612791 + ], + [ + "Finite", + -13.281832695007324 + ], + [ + "\u2581Armand", + -13.28187084197998 + ], + [ + "\u2581Mickey", + -13.281900405883787 + ], + [ + "weis", + -13.28191089630127 + ], + [ + "Spiel", + -13.281928062438965 + ], + [ + "\u2581pit", + -13.281976699829102 + ], + [ + "\u2581Infanterie", + -13.28199577331543 + ], + [ + "nton", + -13.282008171081545 + ], + [ + "fontaine", + -13.282069206237791 + ], + [ + "tarsi", + -13.28211784362793 + ], + [ + "\u2581impuestos", + -13.282208442687988 + ], + [ + "uweisungen", + -13.282224655151367 + ], + [ + "\u2581Cord", + -13.28222942352295 + ], + [ + "\u2581invade", + -13.28230094909668 + ], + [ + "\u2581naquele", + -13.282304763793944 + ], + [ + "\u2581mont\u00e9e", + -13.28231143951416 + ], + [ + "dik", + -13.28238010406494 + ], + [ + "dienstes", + -13.282383918762209 + ], + [ + "veni", + -13.282388687133787 + ], + [ + "\u2581clothing", + -13.282390594482422 + ], + [ + "\u2581flip", + -13.28248119354248 + ], + [ + "\u2581regolarmente", + -13.282504081726074 + ], + [ + "\u2581Finnland", + -13.28250503540039 + ], + [ + "razzi", + -13.282510757446287 + ], + [ + "\u2581envelope", + -13.282515525817873 + ], + [ + "bungs", + -13.282533645629885 + ], + [ + "\u2581grenzen", + -13.282551765441896 + ], + [ + "\u2581protetta", + -13.282562255859377 + ], + [ + "\u2581nervoso", + -13.282590866088867 + ], + [ + "\u2581Ortiz", + -13.282601356506348 + ], + [ + "\u2581banlieue", + -13.282647132873535 + ], + [ + "ontwikkeling", + -13.282651901245115 + ], + [ + "CELL", + -13.282670021057127 + ], + [ + "\u2581Salomon", + -13.28268814086914 + ], + [ + "\u2581Cardiff", + -13.282736778259276 + ], + [ + "lismo", + -13.282750129699709 + ], + [ + "eggi", + -13.28280258178711 + ], + [ + "\u2581Ricci", + -13.28281021118164 + ], + [ + "\u2581Geltung", + -13.282811164855955 + ], + [ + "\u2581forty", + -13.28287124633789 + ], + [ + "\u2581Vec", + -13.282903671264648 + ], + [ + "kir", + -13.282920837402344 + ], + [ + "\u2581svedese", + -13.282931327819824 + ], + [ + "\u2581muggensoort", + -13.28293228149414 + ], + [ + "\u2581nossos", + -13.28293228149414 + ], + [ + "\u2581Tad", + -13.282958030700684 + ], + [ + "analysen", + -13.282960891723633 + ], + [ + "\u2581rif", + -13.282974243164062 + ], + [ + "\u2581sabbia", + -13.282986640930176 + ], + [ + "\u2581Bosco", + -13.28299045562744 + ], + [ + "\u2581Knowledge", + -13.283059120178224 + ], + [ + "\u2581semblent", + -13.283059120178224 + ], + [ + "\u2581gedeeltelijk", + -13.28306007385254 + ], + [ + "\u2581Abl", + -13.283063888549805 + ], + [ + "\u2581m\u00e9moires", + -13.28310203552246 + ], + [ + "Bag", + -13.28310489654541 + ], + [ + "\u2581Cao", + -13.283119201660156 + ], + [ + "\u2581razza", + -13.28313159942627 + ], + [ + "\u2581identificado", + -13.2831449508667 + ], + [ + "\u2581klinische", + -13.28320598602295 + ], + [ + "terna", + -13.283260345458984 + ], + [ + "\u2581intersect", + -13.28330898284912 + ], + [ + "\u2581Acu", + -13.283350944519045 + ], + [ + "\u2581rodada", + -13.28346061706543 + ], + [ + "\u2581Vertragsstaaten", + -13.283465385437012 + ], + [ + "\u2581amplamente", + -13.283473014831545 + ], + [ + "\u2581Hond", + -13.283491134643556 + ], + [ + "\u2581natale", + -13.2835111618042 + ], + [ + "\u2581entstandenen", + -13.283513069152832 + ], + [ + "\u2581ventre", + -13.283595085144045 + ], + [ + "\u2581determinadas", + -13.28361988067627 + ], + [ + "\u2581Regime", + -13.283745765686035 + ], + [ + "\u2581punishment", + -13.283781051635742 + ], + [ + "\u2581stopping", + -13.283794403076172 + ], + [ + "\u2581CFG", + -13.28392219543457 + ], + [ + "\u2581denominados", + -13.283926010131836 + ], + [ + "stich", + -13.28394889831543 + ], + [ + "\u2581implementing", + -13.283964157104492 + ], + [ + "IMO", + -13.283970832824709 + ], + [ + "FET", + -13.28397274017334 + ], + [ + "\u2581Bauma", + -13.284006118774414 + ], + [ + "anco", + -13.28400993347168 + ], + [ + "\u2581Systemen", + -13.28402328491211 + ], + [ + "\u2581sortant", + -13.284083366394045 + ], + [ + "Prog", + -13.284117698669434 + ], + [ + "\u2581Prinzipien", + -13.28412914276123 + ], + [ + "\u2581Trends", + -13.28421115875244 + ], + [ + "\u2581Signale", + -13.28421688079834 + ], + [ + "idin", + -13.284274101257324 + ], + [ + "\u00e1k", + -13.284290313720703 + ], + [ + "d\u00e1", + -13.28429126739502 + ], + [ + "herrschaft", + -13.284331321716309 + ], + [ + "\u2581divergence", + -13.28433609008789 + ], + [ + "films", + -13.28437328338623 + ], + [ + "\u2581ascolta", + -13.284436225891112 + ], + [ + "\u2581Klar", + -13.28449821472168 + ], + [ + "\u2581unzip", + -13.284506797790527 + ], + [ + "\u2581vlieg", + -13.284541130065918 + ], + [ + "\u2581hostile", + -13.284555435180664 + ], + [ + "gef\u00e4", + -13.284597396850586 + ], + [ + "Nederlandse", + -13.284624099731444 + ], + [ + "\u2581Ingenier\u00eda", + -13.284643173217772 + ], + [ + "\u2581Mechelen", + -13.284643173217772 + ], + [ + "\u2581h\u00e1bitat", + -13.284643173217772 + ], + [ + "\u2581Vernetzung", + -13.28464698791504 + ], + [ + "\u2581Domini", + -13.28474235534668 + ], + [ + "Caract\u00e9ristiques", + -13.284785270690918 + ], + [ + "Gray", + -13.284804344177246 + ], + [ + "\u2581remis", + -13.284829139709473 + ], + [ + "schot", + -13.284846305847168 + ], + [ + "\u2581arme", + -13.284873962402344 + ], + [ + "impiego", + -13.284882545471191 + ], + [ + "CLE", + -13.284893035888672 + ], + [ + "\u2581Eso", + -13.284893989562988 + ], + [ + "\u2581BarData", + -13.284911155700684 + ], + [ + "\u00edda", + -13.284929275512695 + ], + [ + "\u2581especializada", + -13.284934997558594 + ], + [ + "\u2581recur", + -13.284972190856934 + ], + [ + "\u2581Territorio", + -13.284984588623049 + ], + [ + "\u2581Vatican", + -13.285077095031738 + ], + [ + "\u2581acompanha", + -13.285126686096191 + ], + [ + "\u2581Corb", + -13.285130500793455 + ], + [ + "\u2581promised", + -13.285136222839355 + ], + [ + "Stein", + -13.285151481628418 + ], + [ + "Himalaya", + -13.28518009185791 + ], + [ + "\u2581gestellten", + -13.285215377807615 + ], + [ + "\u2581realizaci\u00f3n", + -13.28523063659668 + ], + [ + "\u2581Unabh\u00e4ngig", + -13.285239219665527 + ], + [ + "TMPDIR", + -13.285242080688477 + ], + [ + "\u2581compostos", + -13.28524684906006 + ], + [ + "\u2581Exercise", + -13.285274505615234 + ], + [ + "\u2581urbanos", + -13.28528881072998 + ], + [ + "\u2581paragraphs", + -13.285290718078612 + ], + [ + "\u2581Fond", + -13.285297393798828 + ], + [ + "lait", + -13.285300254821776 + ], + [ + "\u2581asesino", + -13.285350799560549 + ], + [ + "\u2581fugir", + -13.285350799560549 + ], + [ + "dick", + -13.285361289978027 + ], + [ + "\u2581Vittoria", + -13.285367965698242 + ], + [ + "administrateur", + -13.285377502441406 + ], + [ + "Social", + -13.28538990020752 + ], + [ + "\u2581prenotare", + -13.28543186187744 + ], + [ + "\u2581corridor", + -13.28544807434082 + ], + [ + "\u2581arithmetic", + -13.285499572753906 + ], + [ + "respond", + -13.285634994506836 + ], + [ + "DIM", + -13.285642623901367 + ], + [ + "\u2581austriaco", + -13.28564453125 + ], + [ + "istici", + -13.285646438598633 + ], + [ + "ners", + -13.285715103149414 + ], + [ + "SEARCH", + -13.285738945007324 + ], + [ + "\u2581l\u00f3gico", + -13.285749435424805 + ], + [ + "\u2581maglia", + -13.285762786865234 + ], + [ + "\u2581chino", + -13.285786628723145 + ], + [ + "\u2581corpos", + -13.285812377929688 + ], + [ + "\u2581graus", + -13.285837173461914 + ], + [ + "\u2581trabalhava", + -13.28583812713623 + ], + [ + "voz", + -13.285888671875 + ], + [ + "\u2581recientemente", + -13.28589916229248 + ], + [ + "\u2581fale", + -13.28590965270996 + ], + [ + "\u2581opgebouwd", + -13.285927772521973 + ], + [ + "Parallel", + -13.285958290100098 + ], + [ + "cau", + -13.28596019744873 + ], + [ + "hose", + -13.285974502563477 + ], + [ + "\u2581gemeldet", + -13.285980224609377 + ], + [ + "\u2581pr\u00e9parer", + -13.286002159118652 + ], + [ + "vern", + -13.2860107421875 + ], + [ + "\u2581transito", + -13.286011695861816 + ], + [ + "\u2581preghiera", + -13.286070823669434 + ], + [ + "\u2581circostanti", + -13.28607177734375 + ], + [ + "refs", + -13.28610134124756 + ], + [ + "\u2581Lombard", + -13.286102294921877 + ], + [ + "\u2581vegetal", + -13.28611946105957 + ], + [ + "\u2581ambigu", + -13.28613567352295 + ], + [ + "saal", + -13.286168098449709 + ], + [ + "\u2581Rog", + -13.286174774169922 + ], + [ + "\u2581Gri", + -13.286219596862791 + ], + [ + "reihen", + -13.286226272583008 + ], + [ + "\u2581posesi\u00f3n", + -13.28623390197754 + ], + [ + "\u2581Conclusion", + -13.286258697509766 + ], + [ + "verst\u00e4ndnis", + -13.286266326904297 + ], + [ + "\u2581navette", + -13.286273002624512 + ], + [ + "kende", + -13.286280632019045 + ], + [ + "Connected", + -13.286295890808104 + ], + [ + "\u2581motif", + -13.286405563354492 + ], + [ + "matische", + -13.286415100097656 + ], + [ + "\u2581graphique", + -13.286462783813477 + ], + [ + "\u2581Tian", + -13.286471366882324 + ], + [ + "\u2581ADN", + -13.28648567199707 + ], + [ + "hur", + -13.286486625671388 + ], + [ + "\u2581fifteen", + -13.286517143249512 + ], + [ + "\u2581idle", + -13.286553382873535 + ], + [ + "\u2581suppress", + -13.286554336547852 + ], + [ + "\u2581universit\u00e0", + -13.286565780639648 + ], + [ + "fasta", + -13.28657054901123 + ], + [ + "digest", + -13.286591529846191 + ], + [ + "penwidth", + -13.286613464355469 + ], + [ + "\u2581Vijf", + -13.286664962768556 + ], + [ + "\u2581django", + -13.286680221557615 + ], + [ + "\u2581cuarenta", + -13.286696434020996 + ], + [ + "\u2581travailleurs", + -13.286705017089844 + ], + [ + "\u2581Hauses", + -13.286712646484377 + ], + [ + "erzeugung", + -13.28674030303955 + ], + [ + "kabel", + -13.286746978759766 + ], + [ + "\u2581Argo", + -13.286771774291992 + ], + [ + "\u2581verge", + -13.286773681640623 + ], + [ + "\u2581couvre", + -13.286795616149902 + ], + [ + "\u2581pente", + -13.28679656982422 + ], + [ + "\u2581schilderijen", + -13.286798477172852 + ], + [ + "chine", + -13.286824226379396 + ], + [ + "\u2581resume", + -13.286845207214355 + ], + [ + "materials", + -13.286882400512695 + ], + [ + "\u2581gardien", + -13.286928176879885 + ], + [ + "lehre", + -13.286932945251465 + ], + [ + "\u2581Beu", + -13.286932945251465 + ], + [ + "\u2581asymptotic", + -13.286941528320312 + ], + [ + "\u2581Bestandteile", + -13.286969184875488 + ], + [ + "\u2581Berk", + -13.287006378173828 + ], + [ + "mmi", + -13.287043571472168 + ], + [ + "\u2581'/'", + -13.287044525146484 + ], + [ + "\u2581perdendo", + -13.287064552307127 + ], + [ + "\u2581suspended", + -13.287075996398926 + ], + [ + "\u2581symbool", + -13.287081718444824 + ], + [ + "ohl", + -13.287084579467772 + ], + [ + "\u2581liberazione", + -13.287091255187988 + ], + [ + "\u2581nobody", + -13.287103652954102 + ], + [ + "\u2581opportunit\u00e0", + -13.287104606628418 + ], + [ + "toile", + -13.287110328674316 + ], + [ + "\u2581wereldkampioen", + -13.28713607788086 + ], + [ + "\u2581mapped", + -13.287187576293944 + ], + [ + "\u2581rest\u00e9", + -13.287189483642578 + ], + [ + "opa", + -13.28719711303711 + ], + [ + "ruhe", + -13.287202835083008 + ], + [ + "voertuig", + -13.287206649780272 + ], + [ + "\u00e9lectricit\u00e9", + -13.28721523284912 + ], + [ + "\u2581Wiederaufbau", + -13.28724193572998 + ], + [ + "\u2581communautaire", + -13.287242889404297 + ], + [ + "BIOS", + -13.287278175354004 + ], + [ + "\u2581distanze", + -13.287278175354004 + ], + [ + "\u2581Persona", + -13.287291526794434 + ], + [ + "\u2581pushd", + -13.2872953414917 + ], + [ + "\u2581Sass", + -13.287318229675291 + ], + [ + "\u2581Gleichstellung", + -13.287384033203123 + ], + [ + "afficher", + -13.287385940551758 + ], + [ + "\u2581teremos", + -13.287395477294922 + ], + [ + "Pic", + -13.287428855895996 + ], + [ + "\u2581prodig", + -13.287458419799805 + ], + [ + "sozial", + -13.28746509552002 + ], + [ + "sk\u00e1", + -13.28749656677246 + ], + [ + "\u2581ventaja", + -13.287511825561523 + ], + [ + "inkt", + -13.287520408630373 + ], + [ + "Amiens", + -13.287559509277344 + ], + [ + "\u2581tied", + -13.287615776062012 + ], + [ + "keine", + -13.28764820098877 + ], + [ + "testl", + -13.28766632080078 + ], + [ + "\u2581compartir", + -13.287790298461914 + ], + [ + "\u2581obteniendo", + -13.287956237792969 + ], + [ + "ACCESS", + -13.287985801696776 + ], + [ + "\u2581hoort", + -13.288042068481444 + ], + [ + "\u2581Mittelmeer", + -13.288044929504396 + ], + [ + "\u2581Kohlen", + -13.288134574890137 + ], + [ + "\u2581Regular", + -13.288142204284668 + ], + [ + "\u2581signes", + -13.288153648376465 + ], + [ + "\u2581_________", + -13.288177490234377 + ], + [ + "amas", + -13.288237571716309 + ], + [ + "\u2581Trotzdem", + -13.288249969482422 + ], + [ + "\u2581telefoon", + -13.28826141357422 + ], + [ + "gespr\u00e4ch", + -13.288325309753418 + ], + [ + "\u2581quelconque", + -13.288360595703123 + ], + [ + "\u2581Lola", + -13.288363456726074 + ], + [ + "\u2581Piccol", + -13.288363456726074 + ], + [ + "ligne", + -13.28836727142334 + ], + [ + "\u2581bianche", + -13.288368225097656 + ], + [ + "parsed", + -13.288371086120604 + ], + [ + "\u2581spelling", + -13.288422584533691 + ], + [ + "\u2581variabele", + -13.288437843322754 + ], + [ + "\u2581sofreu", + -13.288443565368652 + ], + [ + "\u00e4l", + -13.288475036621094 + ], + [ + "\u2581absolument", + -13.2885103225708 + ], + [ + "\u2581volontari", + -13.28859043121338 + ], + [ + "\u2581Conforme", + -13.28864288330078 + ], + [ + "camel", + -13.288652420043944 + ], + [ + "plasma", + -13.28866481781006 + ], + [ + "\u2581trabalhando", + -13.288702011108398 + ], + [ + "trance", + -13.28870964050293 + ], + [ + "\u2581Respons", + -13.288779258728027 + ], + [ + "\u2581contesta", + -13.288790702819824 + ], + [ + "\u2581intelig", + -13.288804054260254 + ], + [ + "\u2581denke", + -13.288837432861328 + ], + [ + "temperaturen", + -13.288860321044922 + ], + [ + "weckbestimmung", + -13.288877487182615 + ], + [ + "m\u00ed", + -13.28888988494873 + ], + [ + "schu", + -13.288918495178224 + ], + [ + "\u2581inicios", + -13.288941383361816 + ], + [ + "\u2581Pomp", + -13.289022445678713 + ], + [ + "\u2581eerdere", + -13.289030075073242 + ], + [ + "Charts", + -13.28904914855957 + ], + [ + "\u2581derrot\u00f3", + -13.289082527160645 + ], + [ + "\u2581Chemistry", + -13.289087295532228 + ], + [ + "english", + -13.289125442504885 + ], + [ + "Allowed", + -13.289140701293944 + ], + [ + "\u2581classifier", + -13.289155960083008 + ], + [ + "rufen", + -13.289225578308104 + ], + [ + "\u2581mencionar", + -13.289231300354004 + ], + [ + "auber", + -13.289278030395508 + ], + [ + "\u2581renda", + -13.289291381835938 + ], + [ + "DetermineCompile", + -13.289347648620604 + ], + [ + "umbra", + -13.289362907409668 + ], + [ + "\u2581dozen", + -13.289385795593262 + ], + [ + "Compose", + -13.289406776428224 + ], + [ + "\u2581solidarit\u00e9", + -13.289406776428224 + ], + [ + "\u2581capito", + -13.289450645446776 + ], + [ + "\u2581grazia", + -13.28947639465332 + ], + [ + "anzi", + -13.289483070373535 + ], + [ + "FUNC", + -13.289502143859863 + ], + [ + "\u2581Assis", + -13.289506912231444 + ], + [ + "vx", + -13.289525032043455 + ], + [ + "zov", + -13.289525032043455 + ], + [ + "Georges", + -13.289541244506836 + ], + [ + "RULE", + -13.289546012878418 + ], + [ + "s\u00e4tzen", + -13.289597511291504 + ], + [ + "\u2581noqa", + -13.289607048034668 + ], + [ + "\u2581Students", + -13.28962516784668 + ], + [ + "\u2581falsche", + -13.289665222167969 + ], + [ + "cias", + -13.289685249328612 + ], + [ + "\u2581prendendo", + -13.289695739746094 + ], + [ + "\u2581termin\u00e9", + -13.289780616760254 + ], + [ + "crease", + -13.289791107177734 + ], + [ + "\u2581mutant", + -13.289844512939451 + ], + [ + "Tracker", + -13.289880752563477 + ], + [ + "FLA", + -13.28988552093506 + ], + [ + "overeenkomst", + -13.289892196655272 + ], + [ + "\u2581RN", + -13.289905548095703 + ], + [ + "\u2581verra", + -13.289973258972168 + ], + [ + "\u2581spinge", + -13.290011405944824 + ], + [ + "\u2581Rocha", + -13.290020942687988 + ], + [ + "\u2581isolate", + -13.2900390625 + ], + [ + "\u2581Viking", + -13.290106773376465 + ], + [ + "\u2581Maxime", + -13.290119171142578 + ], + [ + "sluis", + -13.290128707885742 + ], + [ + "aviation", + -13.290191650390623 + ], + [ + "\u2581Gebiets", + -13.290240287780762 + ], + [ + "\u2581Abra", + -13.290270805358888 + ], + [ + "\u2581catal", + -13.290313720703123 + ], + [ + "SNP", + -13.290316581726074 + ], + [ + "\u2581olio", + -13.290369987487791 + ], + [ + "\u2581contribu", + -13.29038429260254 + ], + [ + "\u2581legacy", + -13.290392875671388 + ], + [ + "\u2581d\u00e9finit", + -13.290417671203612 + ], + [ + "\u2581giornalisti", + -13.290424346923828 + ], + [ + "\u2581delibera", + -13.290438652038574 + ], + [ + "\u2581Bielefeld", + -13.290487289428713 + ], + [ + "\u2581admin", + -13.29050350189209 + ], + [ + "\u2581garantiert", + -13.29051113128662 + ], + [ + "scip", + -13.29059886932373 + ], + [ + "\u2581attorney", + -13.290655136108398 + ], + [ + "\u2581Pavia", + -13.290666580200195 + ], + [ + "\u2581professionale", + -13.29067039489746 + ], + [ + "hanno", + -13.290677070617676 + ], + [ + "schw", + -13.2907133102417 + ], + [ + "\u2581erreur", + -13.29074478149414 + ], + [ + "\u2581distrutto", + -13.290751457214355 + ], + [ + "\u2581graphics", + -13.290777206420898 + ], + [ + "cabe", + -13.29080295562744 + ], + [ + "Bob", + -13.290875434875488 + ], + [ + "\u2581Atti", + -13.290881156921388 + ], + [ + "\u2581sentenza", + -13.290903091430664 + ], + [ + "\u2581sportif", + -13.290997505187988 + ], + [ + "restaurant", + -13.291003227233888 + ], + [ + "imageView", + -13.291024208068848 + ], + [ + "\u2581inferiori", + -13.29102897644043 + ], + [ + "bedingte", + -13.291046142578123 + ], + [ + "\u2581StyleBox", + -13.291055679321287 + ], + [ + "director", + -13.291117668151855 + ], + [ + "nigin", + -13.291166305541992 + ], + [ + "igten", + -13.29119110107422 + ], + [ + "\u2581Monc", + -13.29119873046875 + ], + [ + "OLE", + -13.291237831115724 + ], + [ + "Inst", + -13.29124641418457 + ], + [ + "icular", + -13.291257858276367 + ], + [ + "\u2581Raf", + -13.291276931762695 + ], + [ + "\u2581Steno", + -13.291314125061035 + ], + [ + "cdf", + -13.291345596313477 + ], + [ + "\u2581incluy\u00f3", + -13.291375160217283 + ], + [ + "\u2581succede", + -13.29140567779541 + ], + [ + "itin\u00e9raire", + -13.291446685791016 + ], + [ + "\u2581gitarist", + -13.291491508483888 + ], + [ + "\u2581Checa", + -13.291515350341797 + ], + [ + "ombe", + -13.291518211364746 + ], + [ + "\u2581woont", + -13.29152011871338 + ], + [ + "\u2581Tonks", + -13.291618347167969 + ], + [ + "ahoo", + -13.291625022888184 + ], + [ + "\u2581suficientemente", + -13.291644096374512 + ], + [ + "tmann", + -13.291646003723145 + ], + [ + "\u2581cont\u00ednua", + -13.291661262512209 + ], + [ + "\u2581desidera", + -13.29170036315918 + ], + [ + "grav", + -13.291744232177734 + ], + [ + "\u2581z\u00e9ro", + -13.291831016540527 + ], + [ + "venster", + -13.29184627532959 + ], + [ + "\u2581preparing", + -13.291924476623535 + ], + [ + "\u2581piede", + -13.291947364807127 + ], + [ + "\u2581revenus", + -13.29195499420166 + ], + [ + "REP", + -13.291961669921877 + ], + [ + "\u2581concetti", + -13.29196548461914 + ], + [ + "\u2581dirigidos", + -13.29196548461914 + ], + [ + "\u2581Bataille", + -13.292016983032228 + ], + [ + "\u2581prize", + -13.29206657409668 + ], + [ + "Thank", + -13.292116165161133 + ], + [ + "Aziatisch", + -13.292163848876951 + ], + [ + "\u2581cae", + -13.292170524597168 + ], + [ + "COR", + -13.292171478271484 + ], + [ + "\u2581m\u00e9trage", + -13.29218292236328 + ], + [ + "Udinese", + -13.292183876037598 + ], + [ + "ujo", + -13.29220199584961 + ], + [ + "\u2581ged", + -13.292222023010254 + ], + [ + "\u2581boutique", + -13.292228698730469 + ], + [ + "cambi", + -13.292231559753418 + ], + [ + "MAT", + -13.292304039001465 + ], + [ + "\u2581prossima", + -13.29232406616211 + ], + [ + "rtert", + -13.292350769042969 + ], + [ + "\u2581excel", + -13.292354583740234 + ], + [ + "\u2581desconocido", + -13.292356491088867 + ], + [ + "\u2581labeled", + -13.29240894317627 + ], + [ + "\u2581Bianco", + -13.292417526245115 + ], + [ + "\u2581Americana", + -13.292420387268066 + ], + [ + "zim", + -13.292455673217772 + ], + [ + "\u2581realizando", + -13.292492866516112 + ], + [ + "\u2581retired", + -13.29252815246582 + ], + [ + "\u2581Libertad", + -13.292534828186035 + ], + [ + "\u2581Asp", + -13.292548179626465 + ], + [ + "\u2581RI", + -13.29255199432373 + ], + [ + "\u2581Gros", + -13.292580604553224 + ], + [ + "\u2581rompe", + -13.292600631713867 + ], + [ + "ESMS", + -13.292621612548828 + ], + [ + "\u2581equipped", + -13.292670249938965 + ], + [ + "prior", + -13.29267406463623 + ], + [ + "\u2581gegaan", + -13.292728424072266 + ], + [ + "versuche", + -13.292729377746582 + ], + [ + "OPTION", + -13.292730331420898 + ], + [ + "\u2581Flore", + -13.292730331420898 + ], + [ + "\u2581apareceu", + -13.292807579040527 + ], + [ + "\u2581risalgono", + -13.292811393737791 + ], + [ + "Outer", + -13.292826652526855 + ], + [ + "bereit", + -13.292874336242676 + ], + [ + "\u2581dama", + -13.292895317077637 + ], + [ + "\u2581koppel", + -13.292899131774902 + ], + [ + "\u2581corretamente", + -13.292920112609863 + ], + [ + "\u2581Higgs", + -13.29294776916504 + ], + [ + "\u2581volante", + -13.292951583862305 + ], + [ + "\u2581Weihnachts", + -13.292957305908203 + ], + [ + "\u2581servo", + -13.29295825958252 + ], + [ + "rawl", + -13.29299259185791 + ], + [ + "\u2581Voyage", + -13.29310131072998 + ], + [ + "Entre", + -13.293150901794434 + ], + [ + "\u2581china", + -13.29317855834961 + ], + [ + "\u2581finalit\u00e0", + -13.293194770812988 + ], + [ + "Herstellen", + -13.293208122253418 + ], + [ + "\u2581cercana", + -13.29327392578125 + ], + [ + "\u2581recovered", + -13.293289184570312 + ], + [ + "\u2581formatter", + -13.29330825805664 + ], + [ + "\u2581beschermen", + -13.293326377868652 + ], + [ + "\u2581caballos", + -13.293328285217283 + ], + [ + "\u2581conservaci\u00f3n", + -13.293342590332031 + ], + [ + "\u2581regionales", + -13.293347358703612 + ], + [ + "carne", + -13.29334831237793 + ], + [ + "bereinigung", + -13.293359756469728 + ], + [ + "\u2581verification", + -13.2933988571167 + ], + [ + "\u2581Unser", + -13.293438911437988 + ], + [ + "\u2581Ingredientes", + -13.293457984924316 + ], + [ + "\u2581flush", + -13.293493270874023 + ], + [ + "\u2581comemora", + -13.293574333190918 + ], + [ + "\u2581experimentar", + -13.293575286865234 + ], + [ + "\u2581guidato", + -13.29359531402588 + ], + [ + "stripe", + -13.29361343383789 + ], + [ + "\u2581Eden", + -13.29361343383789 + ], + [ + "\u2581Demnach", + -13.293622970581056 + ], + [ + "dieu", + -13.293631553649902 + ], + [ + "\u2581Albania", + -13.293660163879396 + ], + [ + "gef\u00e4rbt", + -13.29371738433838 + ], + [ + "\u2581stabilito", + -13.293745040893556 + ], + [ + "\u2581municipality", + -13.293760299682615 + ], + [ + "\u2581cimport", + -13.293766021728516 + ], + [ + "Country", + -13.29383945465088 + ], + [ + "Symmetric", + -13.293850898742676 + ], + [ + "\u2581Registrierung", + -13.293850898742676 + ], + [ + "sole", + -13.293906211853027 + ], + [ + "\u2581impresi\u00f3n", + -13.293937683105469 + ], + [ + "wifi", + -13.293963432312012 + ], + [ + "scia", + -13.293971061706545 + ], + [ + "\u2581Promo", + -13.293973922729492 + ], + [ + "\u2581Monumento", + -13.29401397705078 + ], + [ + "applique", + -13.294039726257324 + ], + [ + "\u2581Rent", + -13.29405117034912 + ], + [ + "iface", + -13.29409408569336 + ], + [ + "lena", + -13.294113159179688 + ], + [ + "\u2581Innere", + -13.294119834899902 + ], + [ + "\u2581facili", + -13.294211387634276 + ], + [ + "\u2581gestito", + -13.29421329498291 + ], + [ + "alignment", + -13.294281959533691 + ], + [ + "is\u00e9es", + -13.294282913208008 + ], + [ + "\u2581Partnerschaft", + -13.294320106506348 + ], + [ + "anzahl", + -13.29433250427246 + ], + [ + "\u2581Ir\u00e1n", + -13.294341087341309 + ], + [ + "\u2581headed", + -13.294382095336914 + ], + [ + "\u2581d\u00e9di\u00e9", + -13.294451713562012 + ], + [ + "\u2581f\u00e9d\u00e9rale", + -13.294456481933594 + ], + [ + "\u2581Else", + -13.29446792602539 + ], + [ + "fraktion", + -13.294479370117188 + ], + [ + "\u2581Paw", + -13.294514656066896 + ], + [ + "Statistieken", + -13.294588088989258 + ], + [ + "\u2581Landwirte", + -13.294604301452637 + ], + [ + "\u2581Sharp", + -13.294608116149902 + ], + [ + "\u2581terreni", + -13.294626235961914 + ], + [ + "\u2581incomplete", + -13.294637680053713 + ], + [ + "\u2581montado", + -13.294641494750977 + ], + [ + "\u2581autom\u00e1tica", + -13.294695854187012 + ], + [ + "\u2581Jardim", + -13.294740676879885 + ], + [ + "\u2581gezag", + -13.294757843017578 + ], + [ + "\u2581brach", + -13.294784545898438 + ], + [ + "\u2581Tauch", + -13.294837951660156 + ], + [ + "\u2581organist", + -13.294838905334473 + ], + [ + "\u2581contribuir", + -13.294842720031738 + ], + [ + "\u2581Flag", + -13.294856071472168 + ], + [ + "\u2581preinstalled", + -13.294910430908203 + ], + [ + "\u2581\u00edcone", + -13.294912338256836 + ], + [ + "\u2581definita", + -13.294939041137695 + ], + [ + "\u2581Siracusa", + -13.294952392578123 + ], + [ + "ttin", + -13.294987678527832 + ], + [ + "\u2581concelho", + -13.295050621032717 + ], + [ + "\u2581cible", + -13.295083999633787 + ], + [ + "\u2581marcada", + -13.295096397399902 + ], + [ + "\u2581associazioni", + -13.295135498046877 + ], + [ + "oppos\u00e9", + -13.29514980316162 + ], + [ + "\u2581Ernte", + -13.295235633850098 + ], + [ + "diese", + -13.29525089263916 + ], + [ + "picture", + -13.295268058776855 + ], + [ + "\u2581h\u00e4ufigsten", + -13.295317649841309 + ], + [ + "essential", + -13.29537296295166 + ], + [ + "Vj", + -13.29539394378662 + ], + [ + "\u2581l\u00e9gislatives", + -13.295435905456545 + ], + [ + "\u2581pagando", + -13.295455932617188 + ], + [ + "aug", + -13.295473098754885 + ], + [ + "\u2581correto", + -13.295541763305664 + ], + [ + "notebook", + -13.29555606842041 + ], + [ + "addEventListener", + -13.295607566833496 + ], + [ + "\u2581compreende", + -13.295608520507812 + ], + [ + "\u2581temp\u00e9ratures", + -13.295629501342772 + ], + [ + "\u2581Aj", + -13.295660018920898 + ], + [ + "\u2581Trem", + -13.295661926269531 + ], + [ + "\u2581Seil", + -13.295695304870604 + ], + [ + "\u2581seguindo", + -13.29570484161377 + ], + [ + "vaux", + -13.29574203491211 + ], + [ + "\u2581Cris", + -13.295746803283691 + ], + [ + "\u2581Validate", + -13.295777320861816 + ], + [ + "\u2581travers\u00e9e", + -13.295795440673828 + ], + [ + "\u2581v\u00e1lido", + -13.29581069946289 + ], + [ + "\u2581Beschwerden", + -13.295841217041016 + ], + [ + "\u2581liberado", + -13.295845985412598 + ], + [ + "\u2581Sieger", + -13.29585075378418 + ], + [ + "\u2581Safari", + -13.29590129852295 + ], + [ + "\u2581Soziales", + -13.295907974243164 + ], + [ + "\u2581Norwegian", + -13.295957565307615 + ], + [ + "\u2581Aviation", + -13.295970916748049 + ], + [ + "\u2581engenheiro", + -13.295982360839844 + ], + [ + "permission", + -13.296002388000488 + ], + [ + "\u2581encontraban", + -13.29608154296875 + ], + [ + "m\u00e9s", + -13.296085357666016 + ], + [ + "\u2581deb\u00edan", + -13.29609203338623 + ], + [ + "\u2581pharmac", + -13.296116828918455 + ], + [ + "\u2581excita", + -13.296180725097656 + ], + [ + "bounce", + -13.296266555786133 + ], + [ + "novi", + -13.29629898071289 + ], + [ + "\u2581volgden", + -13.296347618103027 + ], + [ + "invariant", + -13.29637050628662 + ], + [ + "\u2581schuld", + -13.296382904052734 + ], + [ + "\u2581LICENSE", + -13.29641056060791 + ], + [ + "pita", + -13.296442985534668 + ], + [ + "\u2581avanzar", + -13.296446800231934 + ], + [ + "\u2581levanta", + -13.296490669250488 + ], + [ + "combine", + -13.29654312133789 + ], + [ + "DOWNLOAD", + -13.296563148498535 + ], + [ + "sax", + -13.296579360961914 + ], + [ + "\u2581mises", + -13.296579360961914 + ], + [ + "PROFILE", + -13.296612739562988 + ], + [ + "\u2581genome", + -13.296623229980469 + ], + [ + "pora", + -13.296669006347656 + ], + [ + "\u2581obligado", + -13.296669960021973 + ], + [ + "\u2581Enkel", + -13.296717643737791 + ], + [ + "\u2581gutes", + -13.296745300292969 + ], + [ + "orio", + -13.296772003173828 + ], + [ + "\u2581diffus\u00e9e", + -13.296791076660156 + ], + [ + "pier", + -13.296798706054688 + ], + [ + "aurais", + -13.29682731628418 + ], + [ + "produkten", + -13.29688835144043 + ], + [ + "\u2581compositie", + -13.29689884185791 + ], + [ + "\u2581costumes", + -13.296902656555176 + ], + [ + "\u2581Hongkong", + -13.296914100646973 + ], + [ + "\u2581effectue", + -13.296920776367188 + ], + [ + "sept", + -13.296923637390137 + ], + [ + "Atlantic", + -13.29693603515625 + ], + [ + "\u2581Sociale", + -13.296936988830566 + ], + [ + "\u2581Citation", + -13.296941757202148 + ], + [ + "hilfen", + -13.296952247619627 + ], + [ + "\u2581Mittelwerte", + -13.29698657989502 + ], + [ + "\u2581benchmark", + -13.297006607055664 + ], + [ + "Sar", + -13.297032356262209 + ], + [ + "\u2581Kub", + -13.297033309936523 + ], + [ + "vot", + -13.297046661376951 + ], + [ + "\u2581landgoed", + -13.297077178955078 + ], + [ + "\u2581betriebliche", + -13.297120094299316 + ], + [ + "\u2581rivers", + -13.297126770019531 + ], + [ + "\u2581sacco", + -13.297126770019531 + ], + [ + "\u2581retire", + -13.297149658203123 + ], + [ + "Methode", + -13.297189712524414 + ], + [ + "\u2581voici", + -13.297216415405272 + ], + [ + "\u2581quedando", + -13.297243118286133 + ], + [ + "\u2581Rho", + -13.297245025634766 + ], + [ + "\u2581Gegen\u00fcber", + -13.297274589538574 + ], + [ + "\u2581indication", + -13.297276496887209 + ], + [ + "\u2581attacked", + -13.297301292419434 + ], + [ + "\u2581chr\u00e9tienne", + -13.297306060791016 + ], + [ + "\u2581photographies", + -13.29732608795166 + ], + [ + "warp", + -13.297341346740724 + ], + [ + "\u2581Truth", + -13.29734230041504 + ], + [ + "\u2581actif", + -13.297344207763672 + ], + [ + "\u2581coment\u00e1rios", + -13.297395706176758 + ], + [ + "\u2581Historiker", + -13.2974271774292 + ], + [ + "\u2581Mino", + -13.297476768493652 + ], + [ + "\u2581Hood", + -13.29748821258545 + ], + [ + "\u2581convocado", + -13.297492980957031 + ], + [ + "gini", + -13.297494888305664 + ], + [ + "drei", + -13.297568321228027 + ], + [ + "\u2581hielo", + -13.297630310058594 + ], + [ + "\u2581possuir", + -13.29763412475586 + ], + [ + "\u2581Dijon", + -13.297645568847656 + ], + [ + "\u2581geliefert", + -13.297667503356934 + ], + [ + "Substitution", + -13.297669410705566 + ], + [ + "Secondary", + -13.297673225402832 + ], + [ + "nacional", + -13.297684669494627 + ], + [ + "\u2581comprare", + -13.297704696655272 + ], + [ + "VOLUME", + -13.297718048095703 + ], + [ + "\u2581indaga", + -13.297747611999512 + ], + [ + "\u2581Serum", + -13.29777717590332 + ], + [ + "demokratische", + -13.297832489013672 + ], + [ + "\u2581Passa", + -13.297833442687988 + ], + [ + "uadrat", + -13.297837257385254 + ], + [ + "\u2581inactive", + -13.297871589660645 + ], + [ + "anci", + -13.297894477844238 + ], + [ + "\u2581damaged", + -13.297916412353516 + ], + [ + "zine", + -13.297921180725098 + ], + [ + "ease", + -13.297924041748049 + ], + [ + "tracer", + -13.297927856445312 + ], + [ + "\u2581taglia", + -13.2980375289917 + ], + [ + "\u2581Comercio", + -13.298050880432127 + ], + [ + "iron", + -13.298089981079102 + ], + [ + "\u2581cerrar", + -13.298117637634276 + ], + [ + "\u2581switching", + -13.298148155212402 + ], + [ + "Oc", + -13.298163414001465 + ], + [ + "\u2581Turquie", + -13.298165321350098 + ], + [ + "ROC", + -13.298212051391602 + ], + [ + "\u2581waaraan", + -13.298247337341309 + ], + [ + "\u2581\u00e1lbumes", + -13.29831314086914 + ], + [ + "\u2581bijdragen", + -13.29832363128662 + ], + [ + "\u2581Estar", + -13.298460960388184 + ], + [ + "\u2581Ponto", + -13.298516273498535 + ], + [ + "apparence", + -13.298547744750977 + ], + [ + "Hat", + -13.29857063293457 + ], + [ + "functie", + -13.29859733581543 + ], + [ + "tama", + -13.298663139343262 + ], + [ + "\u2581simulate", + -13.298700332641602 + ], + [ + "\u2581omvang", + -13.298707008361816 + ], + [ + "hb", + -13.298772811889648 + ], + [ + "trig", + -13.298802375793455 + ], + [ + "\u2581Weather", + -13.298803329467772 + ], + [ + "\u2581Goi", + -13.298822402954102 + ], + [ + "\u2581rocket", + -13.298824310302734 + ], + [ + "roba", + -13.29887580871582 + ], + [ + "beau", + -13.298940658569336 + ], + [ + "\u2581necessarie", + -13.298991203308104 + ], + [ + "\u2581cyclo", + -13.298995971679688 + ], + [ + "zam", + -13.29901885986328 + ], + [ + "\u2581Fazer", + -13.29903507232666 + ], + [ + "nomo", + -13.299065589904783 + ], + [ + "\u2581europ\u00e9ennes", + -13.299077987670898 + ], + [ + "Modul", + -13.299078941345217 + ], + [ + "Changes", + -13.299086570739746 + ], + [ + "heben", + -13.299123764038086 + ], + [ + "navigator", + -13.299126625061035 + ], + [ + "\u2581kommend", + -13.299160957336426 + ], + [ + "\u2581Lufthansa", + -13.29916286468506 + ], + [ + "\u2581mittelbar", + -13.299250602722168 + ], + [ + "kular", + -13.299269676208496 + ], + [ + "\u2581Intra", + -13.299287796020508 + ], + [ + "h\u00e4usern", + -13.299304008483888 + ], + [ + "\u2581t\u00e4glichen", + -13.299306869506836 + ], + [ + "\u2581\u00fcberein", + -13.299361228942873 + ], + [ + "\u2581Ruhestand", + -13.299375534057615 + ], + [ + "\u2581estabelecido", + -13.299452781677246 + ], + [ + "\u2581atacado", + -13.299468040466309 + ], + [ + "\u2581aus\u00fcben", + -13.299468040466309 + ], + [ + "\u2581allenatore", + -13.299493789672852 + ], + [ + "Netz", + -13.29957675933838 + ], + [ + "nack", + -13.299609184265137 + ], + [ + "\u2581JOURNAL", + -13.299620628356934 + ], + [ + "density", + -13.29962921142578 + ], + [ + "\u2581brothers", + -13.29965114593506 + ], + [ + "\u2581Dispatch", + -13.299665451049805 + ], + [ + "alimentation", + -13.299696922302246 + ], + [ + "lampe", + -13.299702644348145 + ], + [ + "\u2581fumo", + -13.2997407913208 + ], + [ + "modelling", + -13.299750328063965 + ], + [ + "lekt", + -13.29975700378418 + ], + [ + "\u2581personnalit\u00e9", + -13.299761772155762 + ], + [ + "\u2581Nashville", + -13.299771308898926 + ], + [ + "\u2581leyenda", + -13.299778938293455 + ], + [ + "\u2581transient", + -13.299784660339355 + ], + [ + "reservoir", + -13.299811363220217 + ], + [ + "agens", + -13.299885749816896 + ], + [ + "erkrankungen", + -13.29991626739502 + ], + [ + "Miner", + -13.299918174743652 + ], + [ + "\u2581herdeiro", + -13.299921989440918 + ], + [ + "\u2581aeronave", + -13.299964904785156 + ], + [ + "\u2581heette", + -13.300013542175291 + ], + [ + "Hot", + -13.300016403198242 + ], + [ + "\u2581Guzm\u00e1n", + -13.30003261566162 + ], + [ + "\u2581Unterk\u00fcnfte", + -13.300050735473633 + ], + [ + "\u2581CGSize", + -13.300054550170898 + ], + [ + "\u2581Brass", + -13.300058364868164 + ], + [ + "deling", + -13.300076484680176 + ], + [ + "\u2581expenses", + -13.300076484680176 + ], + [ + "RECHT", + -13.300100326538086 + ], + [ + "\u2581thermique", + -13.300111770629885 + ], + [ + "\u2581earliest", + -13.300179481506348 + ], + [ + "cane", + -13.300185203552246 + ], + [ + "IEEE", + -13.300215721130373 + ], + [ + "Mapper", + -13.300240516662598 + ], + [ + "\u2581downloaded", + -13.30024528503418 + ], + [ + "\u2581Lengua", + -13.300264358520508 + ], + [ + "cote", + -13.300271034240724 + ], + [ + "\u2581rapida", + -13.300278663635254 + ], + [ + "\u2581gescheiden", + -13.30028247833252 + ], + [ + "ESP", + -13.300288200378418 + ], + [ + "\u2581permettere", + -13.300312042236328 + ], + [ + "Gly", + -13.300320625305176 + ], + [ + "abbigliamento", + -13.300322532653809 + ], + [ + "\u2581Schietmot", + -13.300322532653809 + ], + [ + "\u2581suroeste", + -13.300333976745604 + ], + [ + "afe", + -13.300376892089844 + ], + [ + "\u2581Mateo", + -13.300395011901855 + ], + [ + "\u2581espressione", + -13.300403594970703 + ], + [ + "\u2581Armas", + -13.300405502319336 + ], + [ + "leiden", + -13.300447463989258 + ], + [ + "kwartier", + -13.30046558380127 + ], + [ + "\u2581alimentar", + -13.300479888916016 + ], + [ + "\u2581rocks", + -13.300508499145508 + ], + [ + "\u2581rurali", + -13.300512313842772 + ], + [ + "sticht", + -13.300536155700684 + ], + [ + "\u2581Herald", + -13.300544738769531 + ], + [ + "\u2581Hirn", + -13.300603866577148 + ], + [ + "\u00e9vent", + -13.300614356994627 + ], + [ + "oprot", + -13.300646781921388 + ], + [ + "\u2581sierra", + -13.300651550292969 + ], + [ + "\u2581Possible", + -13.300662994384766 + ], + [ + "\u2581Warn", + -13.300699234008787 + ], + [ + "\u2581Tilburg", + -13.300707817077637 + ], + [ + "daagse", + -13.300715446472168 + ], + [ + "\u2581Universitario", + -13.3007230758667 + ], + [ + "\u2581recon", + -13.300756454467772 + ], + [ + "\u2581Costituzione", + -13.300768852233888 + ], + [ + "geleitet", + -13.300786972045898 + ], + [ + "Lavender", + -13.300795555114746 + ], + [ + "\u2581stayed", + -13.300862312316896 + ], + [ + "\u2581particuliers", + -13.30089282989502 + ], + [ + "\u2581ASP", + -13.300897598266602 + ], + [ + "\u2581Schotland", + -13.300908088684082 + ], + [ + "\u2581chercheurs", + -13.300926208496094 + ], + [ + "\u2581cry", + -13.300950050354004 + ], + [ + "\u2581Disput", + -13.301002502441406 + ], + [ + "\u2581burst", + -13.301011085510254 + ], + [ + "microedition", + -13.301051139831545 + ], + [ + "pl\u00e4tzen", + -13.301067352294922 + ], + [ + "\u2581Reiz", + -13.301079750061035 + ], + [ + "HAT", + -13.30111026763916 + ], + [ + "URSS", + -13.30116844177246 + ], + [ + "\u2581Intern", + -13.301209449768066 + ], + [ + "ulli", + -13.301226615905762 + ], + [ + "ORD", + -13.301254272460938 + ], + [ + "davon", + -13.301271438598633 + ], + [ + "\u2581organise", + -13.301348686218262 + ], + [ + "\u2581irrelevant", + -13.301349639892578 + ], + [ + "tr\u00e4glich", + -13.301447868347168 + ], + [ + "\u2581l\u00e4ngeren", + -13.301495552062988 + ], + [ + "\u2581Frucht", + -13.301501274108888 + ], + [ + "electr", + -13.30153465270996 + ], + [ + "\u2581chilena", + -13.301541328430176 + ], + [ + "eigene", + -13.30154800415039 + ], + [ + "angi", + -13.301552772521973 + ], + [ + "cora", + -13.301597595214844 + ], + [ + "\u2581ocurrido", + -13.301629066467283 + ], + [ + "boog", + -13.301637649536133 + ], + [ + "\u2581Photographie", + -13.301637649536133 + ], + [ + "appello", + -13.301639556884766 + ], + [ + "lama", + -13.301697731018066 + ], + [ + "m\u00f3vel", + -13.30173397064209 + ], + [ + "marsch", + -13.30175495147705 + ], + [ + "schl\u00fcssel", + -13.30178165435791 + ], + [ + "\u2581passava", + -13.301846504211426 + ], + [ + "linea", + -13.30189609527588 + ], + [ + "Mess", + -13.301916122436523 + ], + [ + "ABLE", + -13.301932334899902 + ], + [ + "\u2581tercero", + -13.3019380569458 + ], + [ + "ogenic", + -13.301969528198242 + ], + [ + "\u2581geteilt", + -13.301981925964355 + ], + [ + "\u2581Fili", + -13.301997184753418 + ], + [ + "\u2581remoto", + -13.30201530456543 + ], + [ + "\u2581confront", + -13.302053451538086 + ], + [ + "Jahre", + -13.302061080932615 + ], + [ + "oche", + -13.302071571350098 + ], + [ + "\u2581krank", + -13.302072525024414 + ], + [ + "IDENTIFIER", + -13.302111625671388 + ], + [ + "ndogli", + -13.302118301391602 + ], + [ + "\u2581S\u00fcdafrika", + -13.302131652832031 + ], + [ + "ower", + -13.30214500427246 + ], + [ + "\u2581dubbele", + -13.30215835571289 + ], + [ + "\u2581gastro", + -13.302159309387209 + ], + [ + "\u2581Hess", + -13.30217456817627 + ], + [ + "George", + -13.30219841003418 + ], + [ + "\u2581bestia", + -13.302206039428713 + ], + [ + "\u2581carcino", + -13.30221176147461 + ], + [ + "\u2581a\u00e9reas", + -13.302226066589355 + ], + [ + "\u2581Moses", + -13.30223274230957 + ], + [ + "\u2581M\u00e9todo", + -13.302233695983888 + ], + [ + "\u2581tourner", + -13.302233695983888 + ], + [ + "Scanner", + -13.302242279052734 + ], + [ + "\u2581defensor", + -13.302255630493164 + ], + [ + "\u2581oblig\u00e9", + -13.30234146118164 + ], + [ + "iseren", + -13.302345275878906 + ], + [ + "\u2581successione", + -13.302388191223145 + ], + [ + "\u2581crypto", + -13.302392959594728 + ], + [ + "\u2581adecuado", + -13.302417755126951 + ], + [ + "\u2581orientado", + -13.302417755126951 + ], + [ + "\u2581endg", + -13.30242156982422 + ], + [ + "\u2581Distrikt", + -13.3024320602417 + ], + [ + "bers", + -13.302484512329102 + ], + [ + "Alexander", + -13.302486419677734 + ], + [ + "\u2581verliehen", + -13.30248737335205 + ], + [ + "\u2581Ger\u00e4ten", + -13.30252742767334 + ], + [ + "\u2581laissant", + -13.3025484085083 + ], + [ + "tian", + -13.302556037902832 + ], + [ + "Kn", + -13.302600860595703 + ], + [ + "\u2581personnelles", + -13.30262565612793 + ], + [ + "\u2581Lublin", + -13.302644729614258 + ], + [ + "\u2581Ata", + -13.302666664123535 + ], + [ + "\u2581capaces", + -13.302684783935549 + ], + [ + "CDA", + -13.302700996398926 + ], + [ + "volk", + -13.302741050720217 + ], + [ + "libffi", + -13.302791595458984 + ], + [ + "\u2581PROPERT", + -13.30280876159668 + ], + [ + "Statistics", + -13.302809715270996 + ], + [ + "sels", + -13.30282497406006 + ], + [ + "\u2581pensado", + -13.30284023284912 + ], + [ + "\u2581fixes", + -13.302862167358398 + ], + [ + "\u2581Briefe", + -13.302885055541992 + ], + [ + "\u2581enactment", + -13.302937507629396 + ], + [ + "\u2581Gedenk", + -13.302997589111328 + ], + [ + "vell", + -13.303010940551758 + ], + [ + "\u2581panic", + -13.303021430969238 + ], + [ + "these", + -13.30306911468506 + ], + [ + "\u2581pk", + -13.303075790405272 + ], + [ + "torial", + -13.303096771240234 + ], + [ + "\u2581descubri\u00f3", + -13.30312156677246 + ], + [ + "\u2581deportivo", + -13.303125381469728 + ], + [ + "\u2581Curso", + -13.30313491821289 + ], + [ + "gevallen", + -13.303149223327637 + ], + [ + "\u2581Com\u00e9die", + -13.303217887878418 + ], + [ + "\u2581juristischen", + -13.30322265625 + ], + [ + "\u2581folhas", + -13.30324363708496 + ], + [ + "\u2581Austrian", + -13.303326606750488 + ], + [ + "bahnen", + -13.303357124328612 + ], + [ + "\u2581cooking", + -13.303359031677246 + ], + [ + "rosi", + -13.30337142944336 + ], + [ + "ASA", + -13.303401947021484 + ], + [ + "Polygon", + -13.303404808044434 + ], + [ + "\u2581incidence", + -13.30341911315918 + ], + [ + "getattr", + -13.303421020507812 + ], + [ + "gaz", + -13.30344295501709 + ], + [ + "\u2581consistency", + -13.303468704223633 + ], + [ + "\u2581Prova", + -13.303494453430176 + ], + [ + "\u2581Chant", + -13.303518295288086 + ], + [ + "\u2581mithilfe", + -13.303524017333984 + ], + [ + "\u2581ve\u00edculo", + -13.303563117980955 + ], + [ + "\u2581vari\u00e9t\u00e9", + -13.30357265472412 + ], + [ + "\u2581tends", + -13.303587913513184 + ], + [ + "\u2581d\u00e9cisions", + -13.30359172821045 + ], + [ + "\u2581processador", + -13.30361557006836 + ], + [ + "\u2581Satan", + -13.303619384765623 + ], + [ + "\u2581gedicht", + -13.3036470413208 + ], + [ + "cors", + -13.303665161132812 + ], + [ + "probleme", + -13.303666114807127 + ], + [ + "\u2581Bundeskanzler", + -13.303726196289062 + ], + [ + "riani", + -13.303733825683594 + ], + [ + "\u2581IPv", + -13.303789138793944 + ], + [ + "\u2581Monterrey", + -13.303807258605955 + ], + [ + "\u2581OFF", + -13.303807258605955 + ], + [ + "ADDR", + -13.30385398864746 + ], + [ + "\u2581Macau", + -13.30386447906494 + ], + [ + "\u2581agro", + -13.303898811340332 + ], + [ + "\u2581Worth", + -13.30393409729004 + ], + [ + "sgeschichte", + -13.303949356079102 + ], + [ + "\u2581prato", + -13.303951263427734 + ], + [ + "Hel", + -13.30397605895996 + ], + [ + "Fil", + -13.303987503051758 + ], + [ + "\u2581ficaram", + -13.303998947143556 + ], + [ + "lha", + -13.30400562286377 + ], + [ + "geography", + -13.304011344909668 + ], + [ + "\u2581parvient", + -13.304032325744627 + ], + [ + "\u2581behalten", + -13.304049491882324 + ], + [ + "ensa", + -13.304057121276855 + ], + [ + "stos", + -13.304069519042969 + ], + [ + "\u2581Episode", + -13.30410099029541 + ], + [ + "\u2581veulent", + -13.304113388061523 + ], + [ + "\u2581bubble", + -13.304153442382812 + ], + [ + "\u2581governed", + -13.30416488647461 + ], + [ + "\u2581ravi", + -13.304184913635254 + ], + [ + "\u2581avessero", + -13.30420970916748 + ], + [ + "Slot", + -13.30422019958496 + ], + [ + "dbl", + -13.30422019958496 + ], + [ + "\u2581Tana", + -13.304222106933594 + ], + [ + "symlink", + -13.304226875305176 + ], + [ + "\u2581vlees", + -13.304244041442873 + ], + [ + "servers", + -13.30427074432373 + ], + [ + "monument", + -13.304271697998049 + ], + [ + "\u2581gebraucht", + -13.30429744720459 + ], + [ + "\u2581digo", + -13.304302215576172 + ], + [ + "critical", + -13.30431079864502 + ], + [ + "charts", + -13.304316520690918 + ], + [ + "Digest", + -13.304354667663574 + ], + [ + "\u2581formatos", + -13.304375648498535 + ], + [ + "\u2581genio", + -13.3043794631958 + ], + [ + "JV", + -13.304397583007812 + ], + [ + "\u2581eignet", + -13.304401397705078 + ], + [ + "\u2581meets", + -13.30442714691162 + ], + [ + "\u2581Vermutung", + -13.304430961608888 + ], + [ + "\u2581architectuur", + -13.304468154907228 + ], + [ + "\u2581decora", + -13.304468154907228 + ], + [ + "\u2581postes", + -13.304483413696287 + ], + [ + "\u2581ricordato", + -13.304513931274414 + ], + [ + "\u2581Lions", + -13.304561614990234 + ], + [ + "\u2581d\u00e9bute", + -13.304566383361816 + ], + [ + "\u2581HEIGHT", + -13.304667472839355 + ], + [ + "\u2581Left", + -13.304747581481934 + ], + [ + "\u2581afbeeldingen", + -13.30479335784912 + ], + [ + "\u2581Bengal", + -13.30479621887207 + ], + [ + "\u2581zodanig", + -13.304826736450195 + ], + [ + "Snap", + -13.304832458496094 + ], + [ + "\u2581promovido", + -13.304834365844728 + ], + [ + "\u2581l\u00e4n", + -13.304863929748535 + ], + [ + "\u2581permiso", + -13.304864883422852 + ], + [ + "bella", + -13.304876327514648 + ], + [ + "\u2581Marguerite", + -13.304882049560549 + ], + [ + "\u2581expliquer", + -13.304891586303713 + ], + [ + "reas", + -13.304924011230469 + ], + [ + "\u2581Lepto", + -13.304924964904783 + ], + [ + "wortel", + -13.304925918579102 + ], + [ + "\u2581stappen", + -13.304929733276367 + ], + [ + "\u2581irradia", + -13.304977416992188 + ], + [ + "\u00f3rio", + -13.305025100708008 + ], + [ + "\u2581Beng", + -13.30508041381836 + ], + [ + "analytic", + -13.305108070373535 + ], + [ + "\u2581stattfindet", + -13.30512523651123 + ], + [ + "\u2581eterna", + -13.30512809753418 + ], + [ + "Fix", + -13.305136680603027 + ], + [ + "ipa", + -13.30514907836914 + ], + [ + "\u2581Graaf", + -13.30515480041504 + ], + [ + "\u2581featuring", + -13.30519962310791 + ], + [ + "\u2581Sey", + -13.305216789245604 + ], + [ + "\u2581Approach", + -13.305234909057615 + ], + [ + "enorme", + -13.305241584777832 + ], + [ + "\u2581costoso", + -13.305269241333008 + ], + [ + "\u2581minstens", + -13.305322647094728 + ], + [ + "\u2581cyber", + -13.30534839630127 + ], + [ + "raster", + -13.30535125732422 + ], + [ + "\u2581r\u00e9ellement", + -13.30535125732422 + ], + [ + "xp", + -13.305370330810549 + ], + [ + "Princ", + -13.30538272857666 + ], + [ + "hydroxy", + -13.305383682250977 + ], + [ + "colors", + -13.305384635925291 + ], + [ + "\u2581bedrijfs", + -13.30539321899414 + ], + [ + "\u2581trovate", + -13.305428504943848 + ], + [ + "\u2581po\u00e9sie", + -13.305431365966797 + ], + [ + "beitr\u00e4ge", + -13.305505752563477 + ], + [ + "\u2581weibliche", + -13.305514335632324 + ], + [ + "\u2581Roca", + -13.305535316467283 + ], + [ + "\u2581justification", + -13.30555248260498 + ], + [ + "\u2581Brunswick", + -13.305582046508787 + ], + [ + "\u2581meuGrafico", + -13.30565071105957 + ], + [ + "\u2581UNA", + -13.305676460266112 + ], + [ + "allemand", + -13.305691719055176 + ], + [ + "koning", + -13.305696487426758 + ], + [ + "DGCS", + -13.305746078491213 + ], + [ + "\u2581destrucci\u00f3n", + -13.30575466156006 + ], + [ + "\u2581Ceux", + -13.305779457092283 + ], + [ + "Oj", + -13.305784225463867 + ], + [ + "\u2581comp\u00e9tences", + -13.305863380432127 + ], + [ + "\u2581preferably", + -13.30587673187256 + ], + [ + "Wal", + -13.305879592895508 + ], + [ + "euil", + -13.305880546569824 + ], + [ + "\u2581contemporaine", + -13.306048393249512 + ], + [ + "\u2581Leeuw", + -13.306108474731444 + ], + [ + "Gut", + -13.306114196777344 + ], + [ + "\u2581atravessa", + -13.306122779846191 + ], + [ + "\u2581algoritmos", + -13.30612564086914 + ], + [ + "\u2581Verbesserungen", + -13.306127548217772 + ], + [ + "evski", + -13.30614948272705 + ], + [ + "\u2581pianoforte", + -13.306177139282228 + ], + [ + "\u2581Lore", + -13.306209564208984 + ], + [ + "konzeption", + -13.30622100830078 + ], + [ + "\u2581enzyme", + -13.306244850158691 + ], + [ + "zugeh", + -13.30625820159912 + ], + [ + "\u2581illustre", + -13.306264877319336 + ], + [ + "\u2581verkn\u00fcpft", + -13.306283950805664 + ], + [ + "\u2581traiter", + -13.30631160736084 + ], + [ + "\u2581Spesso", + -13.306330680847168 + ], + [ + "finder", + -13.3063383102417 + ], + [ + "builtins", + -13.306395530700684 + ], + [ + "\u2581vogels", + -13.306403160095217 + ], + [ + "h\u00fctte", + -13.30641746520996 + ], + [ + "\u2581attendant", + -13.306485176086426 + ], + [ + "NotNull", + -13.306513786315918 + ], + [ + "\u2581lease", + -13.306538581848145 + ], + [ + "\u2581Cran", + -13.306550979614258 + ], + [ + "INTEGER", + -13.306575775146484 + ], + [ + "\u2581comprenant", + -13.30657958984375 + ], + [ + "\u2581quedaron", + -13.30657958984375 + ], + [ + "\u2581Turing", + -13.306601524353027 + ], + [ + "\u2581antique", + -13.306620597839355 + ], + [ + "uela", + -13.306639671325684 + ], + [ + "\u2581ERP", + -13.30666446685791 + ], + [ + "\u2581Dur\u00e9e", + -13.306679725646973 + ], + [ + "\u2581verklaard", + -13.306680679321287 + ], + [ + "positions", + -13.306689262390137 + ], + [ + "\u2581s\u00fcdwestlich", + -13.306722640991213 + ], + [ + "Parts", + -13.306806564331056 + ], + [ + "\u2581d\u00e9clin", + -13.306807518005373 + ], + [ + "reject", + -13.306833267211914 + ], + [ + "Oxford", + -13.306835174560549 + ], + [ + "\u2581complicado", + -13.306838989257812 + ], + [ + "\u2581Ub", + -13.306856155395508 + ], + [ + "tmpdir", + -13.30685806274414 + ], + [ + "\u2581pensava", + -13.306866645812988 + ], + [ + "\u2581tarif", + -13.306889533996582 + ], + [ + "directeur", + -13.30693244934082 + ], + [ + "\u2581provocar", + -13.30693817138672 + ], + [ + "Gr\u00fcn", + -13.306970596313477 + ], + [ + "\u2581schwarz", + -13.30699062347412 + ], + [ + "\u2581gearbeitet", + -13.307048797607422 + ], + [ + "\u2581satellites", + -13.307051658630373 + ], + [ + "kwam", + -13.307059288024902 + ], + [ + "\u2581exclusiva", + -13.307116508483888 + ], + [ + "\u2581superato", + -13.30716609954834 + ], + [ + "\u2581Kala", + -13.307206153869627 + ], + [ + "\u2581ressemble", + -13.307217597961426 + ], + [ + "\u2581Sorten", + -13.307250022888184 + ], + [ + "anji", + -13.307270050048828 + ], + [ + "\u2581mercredi", + -13.30727767944336 + ], + [ + "\u2581attacca", + -13.30732536315918 + ], + [ + "magnet", + -13.307395935058594 + ], + [ + "\u2581assault", + -13.30740737915039 + ], + [ + "\u2581parlementaire", + -13.307465553283691 + ], + [ + "\u2581vetro", + -13.30752658843994 + ], + [ + "\u2581dunkel", + -13.307538032531738 + ], + [ + "\u2581unzureichend", + -13.307539939880373 + ], + [ + "\u2581schrijft", + -13.307551383972168 + ], + [ + "ificado", + -13.30756664276123 + ], + [ + "\u2581oriente", + -13.307601928710938 + ], + [ + "bisch", + -13.307609558105469 + ], + [ + "lance", + -13.307649612426758 + ], + [ + "Evoluzione", + -13.30767059326172 + ], + [ + "\u2581multimedia", + -13.307682037353516 + ], + [ + "\u2581admira", + -13.30768585205078 + ], + [ + "\u2581fitted", + -13.30768871307373 + ], + [ + "\u2581trouverez", + -13.30772590637207 + ], + [ + "risk", + -13.307793617248535 + ], + [ + "Hauptmann", + -13.307795524597168 + ], + [ + "satzes", + -13.307808876037598 + ], + [ + "\u2581polynomials", + -13.30788516998291 + ], + [ + "\u2581annehmen", + -13.307887077331545 + ], + [ + "\u2581PUBLIC", + -13.307894706726074 + ], + [ + "paket", + -13.307896614074709 + ], + [ + "\u2581NF", + -13.307916641235352 + ], + [ + "\u2581recueil", + -13.30795192718506 + ], + [ + "\u2581rire", + -13.307990074157717 + ], + [ + "\u2581inscrits", + -13.308013916015623 + ], + [ + "\u2581V\u00e9", + -13.308027267456056 + ], + [ + "PNG", + -13.308082580566406 + ], + [ + "grada", + -13.308091163635254 + ], + [ + "\u2581Cauca", + -13.30817985534668 + ], + [ + "\u2581saque", + -13.30817985534668 + ], + [ + "\u2581explicado", + -13.308231353759766 + ], + [ + "\u2581seitdem", + -13.308236122131348 + ], + [ + "\u2581parks", + -13.308286666870115 + ], + [ + "\u2581fot\u00f3grafo", + -13.30828857421875 + ], + [ + "\u2581producteur", + -13.3082914352417 + ], + [ + "\u2581reloj", + -13.308396339416504 + ], + [ + "\u2581Cuban", + -13.308426856994627 + ], + [ + "\u2581Wohnraum", + -13.308533668518066 + ], + [ + "\u2581derjenigen", + -13.308545112609863 + ], + [ + "mind", + -13.308555603027344 + ], + [ + "\u2581graduate", + -13.308565139770508 + ], + [ + "\u2581painting", + -13.308582305908203 + ], + [ + "\u2581Schwartz", + -13.308611869812012 + ], + [ + "achten", + -13.308612823486328 + ], + [ + "SPI", + -13.308616638183594 + ], + [ + "\u2581hor\u00e1rio", + -13.308673858642578 + ], + [ + "\u2581preservar", + -13.30873680114746 + ], + [ + "gebot", + -13.308749198913574 + ], + [ + "\u2581Ore", + -13.30880355834961 + ], + [ + "\u2581bescheiden", + -13.30881118774414 + ], + [ + "\u2581kleding", + -13.308830261230469 + ], + [ + "viron", + -13.308865547180176 + ], + [ + "\u2581bevestigd", + -13.308879852294922 + ], + [ + "corp", + -13.308902740478516 + ], + [ + "\u2581stukje", + -13.308929443359377 + ], + [ + "\u2581Ashley", + -13.30893898010254 + ], + [ + "\u2581Entgelte", + -13.308939933776855 + ], + [ + "\u2581Garc", + -13.308956146240234 + ], + [ + "universal", + -13.309045791625977 + ], + [ + "\u2581entera", + -13.309053421020508 + ], + [ + "\u2581prinzipiell", + -13.30906867980957 + ], + [ + "Ministerpr\u00e4siden", + -13.309082984924316 + ], + [ + "ophora", + -13.30909824371338 + ], + [ + "\u2581disponibilit\u00e0", + -13.309103965759276 + ], + [ + "\u2581predominar", + -13.309136390686035 + ], + [ + "ertrag", + -13.309151649475098 + ], + [ + "\u2581assumere", + -13.309155464172363 + ], + [ + "\u2581inspir\u00e9", + -13.309170722961426 + ], + [ + "\u2581curriculum", + -13.30917263031006 + ], + [ + "\u2581dedic", + -13.30917739868164 + ], + [ + "wijn", + -13.309203147888184 + ], + [ + "\u2581spell", + -13.309209823608398 + ], + [ + "\u2581paysages", + -13.309210777282717 + ], + [ + "\u2581Financi", + -13.30924129486084 + ], + [ + "\u2581intellettuali", + -13.309311866760254 + ], + [ + "\u2581Adresse", + -13.309316635131836 + ], + [ + "\u2581sucre", + -13.309349060058594 + ], + [ + "\u2581logrado", + -13.309350967407228 + ], + [ + "\u2581Consequently", + -13.309351921081545 + ], + [ + "\u2581strategische", + -13.309381484985352 + ], + [ + "w\u00fcrdig", + -13.309393882751465 + ], + [ + "\u2581cooling", + -13.309399604797363 + ], + [ + "\u2581Boi", + -13.309409141540527 + ], + [ + "\u2581arising", + -13.30942440032959 + ], + [ + "\u2581jacht", + -13.309466361999512 + ], + [ + "moulin", + -13.309473991394045 + ], + [ + "\u2581Discograf\u00eda", + -13.309505462646484 + ], + [ + "escalier", + -13.309528350830078 + ], + [ + "\u2581sexe", + -13.30953884124756 + ], + [ + "viewDidLoad", + -13.30959415435791 + ], + [ + "\u2581St\u00fctz", + -13.309599876403809 + ], + [ + "\u00e9ticos", + -13.309612274169922 + ], + [ + "\u2581Almir", + -13.309617042541504 + ], + [ + "\u2581sconfitto", + -13.309643745422363 + ], + [ + "\u2581hills", + -13.309667587280272 + ], + [ + "\u2581GUI", + -13.309679985046388 + ], + [ + "\u2581greci", + -13.3096923828125 + ], + [ + "\u2581Hartmann", + -13.30971622467041 + ], + [ + "\u2581Myr", + -13.309728622436523 + ], + [ + "\u2581pulsa", + -13.309731483459473 + ], + [ + "\u2581montar", + -13.309749603271484 + ], + [ + "\u2581incorporar", + -13.309774398803713 + ], + [ + "\u2581Vermarktung", + -13.309807777404783 + ], + [ + "\u2581adjustment", + -13.309808731079102 + ], + [ + "standalone", + -13.309812545776367 + ], + [ + "\u2581Molen", + -13.309844017028809 + ], + [ + "\u2581terem", + -13.309849739074709 + ], + [ + "\u2581:\");", + -13.309855461120604 + ], + [ + "\u2581B\u00fcndnis", + -13.309858322143556 + ], + [ + "korn", + -13.30986213684082 + ], + [ + "prune", + -13.30994701385498 + ], + [ + "winning", + -13.309959411621094 + ], + [ + "concilia", + -13.3100004196167 + ], + [ + "Afrikaans", + -13.310019493103027 + ], + [ + "belt", + -13.310033798217772 + ], + [ + "kubelet", + -13.310033798217772 + ], + [ + "every", + -13.31009006500244 + ], + [ + "\u2581angemeldet", + -13.310091018676758 + ], + [ + "\u2581grenst", + -13.310091018676758 + ], + [ + "\u2581totalit\u00e9", + -13.310097694396973 + ], + [ + "Kosten", + -13.310123443603516 + ], + [ + "\u2581trek", + -13.310133934020996 + ], + [ + "entimeter", + -13.310154914855955 + ], + [ + "\u2581Erdgas", + -13.31015682220459 + ], + [ + "impose", + -13.310168266296388 + ], + [ + "ticks", + -13.310185432434082 + ], + [ + "nThe", + -13.31019401550293 + ], + [ + "\u2581Kramer", + -13.310208320617676 + ], + [ + "\u2581mejora", + -13.310221672058104 + ], + [ + "\u2581gedeckt", + -13.310256004333496 + ], + [ + "ablement", + -13.31027603149414 + ], + [ + "verslag", + -13.310285568237305 + ], + [ + "edro", + -13.310294151306152 + ], + [ + "\u2581winner", + -13.310297966003418 + ], + [ + "reshape", + -13.310309410095217 + ], + [ + "\u2581effectuer", + -13.310319900512695 + ], + [ + "\u2581venus", + -13.310324668884276 + ], + [ + "\u2581estrat\u00e9gica", + -13.310376167297363 + ], + [ + "hauses", + -13.31039047241211 + ], + [ + "\u2581controlling", + -13.31039047241211 + ], + [ + "estrutura", + -13.310419082641602 + ], + [ + "\u2581Drew", + -13.310431480407717 + ], + [ + "bue", + -13.310540199279783 + ], + [ + "\u2581recta", + -13.31070327758789 + ], + [ + "\u2581ligue", + -13.310733795166016 + ], + [ + "\u2581monarch", + -13.31074333190918 + ], + [ + "atoren", + -13.310758590698242 + ], + [ + "\u2581conocimientos", + -13.310823440551758 + ], + [ + "iello", + -13.31082820892334 + ], + [ + "\u2581Commerce", + -13.310831069946287 + ], + [ + "\u2581Gard", + -13.310835838317873 + ], + [ + "\u2581tr\u00e9sor", + -13.3108491897583 + ], + [ + "\u2581Flying", + -13.310912132263184 + ], + [ + "glyph", + -13.310996055603027 + ], + [ + "\u2581Schein", + -13.310996055603027 + ], + [ + "\u2581Hierin", + -13.311002731323242 + ], + [ + "\u2581eigenvalues", + -13.31100845336914 + ], + [ + "Versions", + -13.31101131439209 + ], + [ + "\u2581elevation", + -13.311040878295898 + ], + [ + "\u2581manufacturer", + -13.311108589172363 + ], + [ + "\u2581aufgeteilt", + -13.311118125915527 + ], + [ + "\u2581rude", + -13.31112575531006 + ], + [ + "Restart", + -13.311152458190918 + ], + [ + "\u2581mapas", + -13.311162948608398 + ], + [ + "\u2581bequem", + -13.311201095581056 + ], + [ + "BSD", + -13.311214447021484 + ], + [ + "\u2581Erkl\u00e4rungen", + -13.311244010925291 + ], + [ + "\u2581dialogo", + -13.311267852783203 + ], + [ + "\u2581Acteur", + -13.311302185058594 + ], + [ + "edad", + -13.31130599975586 + ], + [ + "nested", + -13.311308860778809 + ], + [ + "\u00e9gi", + -13.311328887939451 + ], + [ + "euf", + -13.311348915100098 + ], + [ + "\u2581flusso", + -13.311358451843262 + ], + [ + "\u2581respecter", + -13.311362266540527 + ], + [ + "uintino", + -13.311370849609377 + ], + [ + "\u2581elementary", + -13.3114013671875 + ], + [ + "\u2581Alicante", + -13.311405181884766 + ], + [ + "\u2581recommand\u00e9", + -13.311408042907717 + ], + [ + "\u2581ofensiva", + -13.31148910522461 + ], + [ + "\u2581Alem", + -13.311501502990724 + ], + [ + "\u2581gl\u00fccklich", + -13.311509132385254 + ], + [ + "Von", + -13.3115234375 + ], + [ + "rift", + -13.311631202697754 + ], + [ + "\u2581theoretisch", + -13.311773300170898 + ], + [ + "\u2581Foo", + -13.311785697937012 + ], + [ + "internals", + -13.311787605285645 + ], + [ + "\u00e9lectr", + -13.311805725097656 + ], + [ + "\u2581Ballet", + -13.311830520629885 + ], + [ + "\u2581Tagung", + -13.311830520629885 + ], + [ + "\u2581cl\u00ednica", + -13.311967849731444 + ], + [ + "\u2581mature", + -13.311972618103027 + ], + [ + "\u2581mom", + -13.312009811401367 + ], + [ + "\u2581copi", + -13.312113761901855 + ], + [ + "never", + -13.31211757659912 + ], + [ + "\u2581dingen", + -13.312141418457031 + ], + [ + "\u2581elaborar", + -13.312151908874512 + ], + [ + "rperliche", + -13.31223964691162 + ], + [ + "formatter", + -13.312248229980469 + ], + [ + "americanos", + -13.312256813049316 + ], + [ + "\u2581Frisch", + -13.312281608581545 + ], + [ + "\u2581tornam", + -13.312308311462402 + ], + [ + "bestimmt", + -13.312331199645996 + ], + [ + "\u2581caution", + -13.312395095825195 + ], + [ + "ueux", + -13.312421798706056 + ], + [ + "\u2581Caballero", + -13.312426567077637 + ], + [ + "pflichtig", + -13.312434196472168 + ], + [ + "\u2581Chiang", + -13.312505722045898 + ], + [ + "\u2581morb", + -13.31251335144043 + ], + [ + "\u2581privo", + -13.312588691711426 + ], + [ + "\u2581Hindu", + -13.312594413757324 + ], + [ + "\u2581disciplines", + -13.312678337097168 + ], + [ + "gelder", + -13.3126859664917 + ], + [ + "\u2581arabi", + -13.31269073486328 + ], + [ + "\u2581adicionais", + -13.312699317932127 + ], + [ + "\u2581Andrade", + -13.31279754638672 + ], + [ + "usammenstellung", + -13.312840461730955 + ], + [ + "\u2581Guil", + -13.312853813171388 + ], + [ + "\u2581vollendet", + -13.312893867492676 + ], + [ + "anime", + -13.312920570373535 + ], + [ + "zai", + -13.313061714172363 + ], + [ + "\u2581Judo", + -13.31307601928711 + ], + [ + "\u2581Schal", + -13.313097953796388 + ], + [ + "delimiter", + -13.313103675842283 + ], + [ + "evidenza", + -13.313115119934082 + ], + [ + "Views", + -13.313143730163574 + ], + [ + "\u2581Keim", + -13.313148498535156 + ], + [ + "vullen", + -13.313157081604004 + ], + [ + "reiter", + -13.313199043273926 + ], + [ + "sex", + -13.313234329223633 + ], + [ + "konstante", + -13.313257217407228 + ], + [ + "augmentation", + -13.313294410705566 + ], + [ + "\u2581verdes", + -13.313324928283691 + ], + [ + "haftung", + -13.313368797302246 + ], + [ + "skaja", + -13.31344509124756 + ], + [ + "\u2581perfetto", + -13.313471794128418 + ], + [ + "ffici", + -13.313474655151367 + ], + [ + "\u2581zuidelijk", + -13.313475608825684 + ], + [ + "\u2581Gara", + -13.31350803375244 + ], + [ + "\u2581Samoa", + -13.313517570495604 + ], + [ + "\u2581conventions", + -13.313521385192873 + ], + [ + "wasm", + -13.313555717468262 + ], + [ + "\u2581typename", + -13.313573837280272 + ], + [ + "\u2581\u00fcberschreiten", + -13.313578605651855 + ], + [ + "woud", + -13.313657760620115 + ], + [ + "\u2581d\u00e9placement", + -13.31368637084961 + ], + [ + "\u2581Segment", + -13.313706398010254 + ], + [ + "ensure", + -13.31373405456543 + ], + [ + "\u2581inviato", + -13.313760757446287 + ], + [ + "\u2581certas", + -13.31378173828125 + ], + [ + "\u2581prim\u00e1ria", + -13.313815116882324 + ], + [ + "\u2581Shield", + -13.31385326385498 + ], + [ + "\u2581parziale", + -13.313894271850586 + ], + [ + "voorziening", + -13.313929557800291 + ], + [ + "\u2581lettore", + -13.31396198272705 + ], + [ + "wiesen", + -13.313963890075684 + ], + [ + "\u2581Juliana", + -13.313971519470217 + ], + [ + "willig", + -13.313973426818848 + ], + [ + "\u2581Fry", + -13.314007759094238 + ], + [ + "\u2581Apresenta", + -13.314093589782717 + ], + [ + "\u2581Tallinn", + -13.31409740447998 + ], + [ + "MBOL", + -13.314106941223145 + ], + [ + "\u2581marc\u00f3", + -13.314194679260254 + ], + [ + "atory", + -13.314294815063477 + ], + [ + "\u2581Denmark", + -13.314305305480955 + ], + [ + "\u2581contracts", + -13.314313888549805 + ], + [ + "Records", + -13.314321517944336 + ], + [ + "\u2581effettuato", + -13.31434440612793 + ], + [ + "\u2581couples", + -13.314391136169434 + ], + [ + "uantity", + -13.314446449279783 + ], + [ + "egem", + -13.314461708068848 + ], + [ + "dienstleistungen", + -13.314467430114746 + ], + [ + "\u2581c\u00f3pia", + -13.31448459625244 + ], + [ + "\u2581canadienne", + -13.314489364624023 + ], + [ + "\u2581nombr\u00f3", + -13.314501762390137 + ], + [ + "\u2581vorgelegten", + -13.314512252807615 + ], + [ + "\u2581criterion", + -13.314516067504885 + ], + [ + "\u2581Tiro", + -13.314530372619627 + ], + [ + "\u2581ave", + -13.314614295959473 + ], + [ + "\u2581Statt", + -13.314631462097168 + ], + [ + "\u2581apresentou", + -13.3146390914917 + ], + [ + "sistenz", + -13.314650535583496 + ], + [ + "\u2581commissie", + -13.31467342376709 + ], + [ + "\u2581provocando", + -13.314674377441406 + ], + [ + "ffmpeg", + -13.31467628479004 + ], + [ + "\u2581Plum", + -13.314689636230469 + ], + [ + "\u2581richiama", + -13.314689636230469 + ], + [ + "\u2581divise", + -13.314697265625 + ], + [ + "nstein", + -13.31471061706543 + ], + [ + "\u2581UU", + -13.31472396850586 + ], + [ + "\u2581rhythm", + -13.314725875854492 + ], + [ + "rush", + -13.314859390258787 + ], + [ + "\u2581conjecture", + -13.31488800048828 + ], + [ + "\u2581Antiguo", + -13.31494140625 + ], + [ + "orgue", + -13.314963340759276 + ], + [ + "\u2581Roemeni", + -13.314967155456545 + ], + [ + "\u2581fantasy", + -13.31501007080078 + ], + [ + "chord", + -13.315013885498049 + ], + [ + "\u2581disputado", + -13.315125465393066 + ], + [ + "brecht", + -13.315136909484863 + ], + [ + "konto", + -13.315139770507812 + ], + [ + "\u2581fournit", + -13.315157890319824 + ], + [ + "kana", + -13.315181732177734 + ], + [ + "\u2581stake", + -13.315200805664062 + ], + [ + "\u2581rouges", + -13.315220832824709 + ], + [ + "\u2581synthetic", + -13.31522274017334 + ], + [ + "\u2581bacino", + -13.315255165100098 + ], + [ + "\u2581\u00e9tudie", + -13.315372467041016 + ], + [ + "\u2581capolinea", + -13.31538200378418 + ], + [ + "\u2581atleta", + -13.315400123596191 + ], + [ + "\u2581facial", + -13.315400123596191 + ], + [ + "sbedarf", + -13.315412521362305 + ], + [ + "\u2581Nik", + -13.315494537353516 + ], + [ + "varia", + -13.31549835205078 + ], + [ + "\u2581Geistes", + -13.315540313720703 + ], + [ + "\u2581scolaire", + -13.31554126739502 + ], + [ + "\u2581\u00e9glise", + -13.31554889678955 + ], + [ + "eventq", + -13.315571784973145 + ], + [ + "\u2581fluctuations", + -13.315587043762209 + ], + [ + "rical", + -13.31564998626709 + ], + [ + "chette", + -13.31566047668457 + ], + [ + "Three", + -13.31567668914795 + ], + [ + "\u2581sonho", + -13.315688133239746 + ], + [ + "SMA", + -13.31573486328125 + ], + [ + "\u2581Fei", + -13.315738677978516 + ], + [ + "TOOLS", + -13.315753936767578 + ], + [ + "jugend", + -13.315771102905272 + ], + [ + "\u2581RFC", + -13.315786361694336 + ], + [ + "\u2581resultando", + -13.315796852111816 + ], + [ + "\u2581Mannes", + -13.315797805786133 + ], + [ + "ieke", + -13.315802574157717 + ], + [ + "\u2581actuaciones", + -13.315823554992676 + ], + [ + "Angelo", + -13.315866470336914 + ], + [ + "\u2581monarchie", + -13.315875053405762 + ], + [ + "Attempt", + -13.315884590148926 + ], + [ + "\u2581har\u00e1", + -13.315900802612305 + ], + [ + "\u2581voorstelling", + -13.31593418121338 + ], + [ + "\u2581Erkenn", + -13.315970420837402 + ], + [ + "Bri", + -13.31597137451172 + ], + [ + "\u2581normalerweise", + -13.316015243530272 + ], + [ + "Relative", + -13.31602954864502 + ], + [ + "\u2581Fellow", + -13.316032409667969 + ], + [ + "bito", + -13.31605052947998 + ], + [ + "\u2581voo", + -13.316060066223145 + ], + [ + "\u2581\u00fcbergeben", + -13.316097259521484 + ], + [ + "EDSI", + -13.316116333007812 + ], + [ + "\u2581aquilo", + -13.31612491607666 + ], + [ + "beleid", + -13.31614112854004 + ], + [ + "insegna", + -13.316155433654783 + ], + [ + "\u2581peuples", + -13.316155433654783 + ], + [ + "kum", + -13.316170692443848 + ], + [ + "achtet", + -13.31624698638916 + ], + [ + "cred", + -13.316293716430664 + ], + [ + "eje", + -13.316341400146484 + ], + [ + "\u2581Brent", + -13.316360473632812 + ], + [ + "\u2581Ticket", + -13.316366195678713 + ], + [ + "\u2581acc\u00e9der", + -13.316383361816406 + ], + [ + "gender", + -13.31641674041748 + ], + [ + "\u2581sing", + -13.316423416137695 + ], + [ + "\u2581forc\u00e9ment", + -13.316442489624023 + ], + [ + "\u2581ver\u00e4nderte", + -13.316442489624023 + ], + [ + "\u2581\u00e9loign\u00e9", + -13.316468238830566 + ], + [ + "itzer", + -13.316471099853516 + ], + [ + "\u2581Beautiful", + -13.316487312316896 + ], + [ + "\u2581silla", + -13.316514015197754 + ], + [ + "\u2581Auszahlung", + -13.316550254821776 + ], + [ + "\u2581Gerechtigkeit", + -13.316551208496094 + ], + [ + "attrazione", + -13.316584587097168 + ], + [ + "appendix", + -13.316662788391112 + ], + [ + "\u2581Stimulation", + -13.316686630249023 + ], + [ + "zzazione", + -13.31670379638672 + ], + [ + "Generaal", + -13.316718101501465 + ], + [ + "Img", + -13.316725730895996 + ], + [ + "\u2581endl", + -13.316727638244627 + ], + [ + "choose", + -13.316740036010742 + ], + [ + "lomb", + -13.31674098968506 + ], + [ + "\u2581boson", + -13.316742897033691 + ], + [ + "\u2581tagli", + -13.316752433776855 + ], + [ + "\u2581damn", + -13.316766738891602 + ], + [ + "concurrent", + -13.316773414611816 + ], + [ + "EGF", + -13.316794395446776 + ], + [ + "\u2581Vieira", + -13.316801071166992 + ], + [ + "\u2581lip", + -13.316821098327637 + ], + [ + "\u2581austro", + -13.31684684753418 + ], + [ + "\u2581voorgesteld", + -13.316856384277344 + ], + [ + "liet", + -13.31686305999756 + ], + [ + "Luft", + -13.316893577575684 + ], + [ + "aju", + -13.316903114318848 + ], + [ + "\u2581propositions", + -13.31694793701172 + ], + [ + "parole", + -13.316964149475098 + ], + [ + "\u2581sforzi", + -13.317011833190918 + ], + [ + "\u2581suppl\u00e9mentaire", + -13.317023277282717 + ], + [ + "\u2581Planungen", + -13.317057609558104 + ], + [ + "tenido", + -13.317111015319824 + ], + [ + "\u2581Kreise", + -13.31714916229248 + ], + [ + "unexpected", + -13.317150115966797 + ], + [ + "\u2581bilancio", + -13.317164421081545 + ], + [ + "wider", + -13.317174911499023 + ], + [ + "\u2581Ortega", + -13.317180633544922 + ], + [ + "\u2581itinerario", + -13.317190170288086 + ], + [ + "\u2581concerts", + -13.3171968460083 + ], + [ + "presi\u00f3n", + -13.317203521728516 + ], + [ + "\u2581Incluso", + -13.31724452972412 + ], + [ + "\u2581Amtsgericht", + -13.31725788116455 + ], + [ + "documentclass", + -13.317282676696776 + ], + [ + "FREE", + -13.317333221435549 + ], + [ + "\u2581modeste", + -13.31738567352295 + ], + [ + "antagonist", + -13.317386627197266 + ], + [ + "\u2581comprensione", + -13.31743049621582 + ], + [ + "\u2581ferrovi\u00e1ria", + -13.31743335723877 + ], + [ + "klein", + -13.317459106445312 + ], + [ + "umpf", + -13.317472457885742 + ], + [ + "\u2581Bezugs", + -13.317496299743652 + ], + [ + "\u2581minas", + -13.31753158569336 + ], + [ + "mido", + -13.317551612854004 + ], + [ + "organization", + -13.317584037780762 + ], + [ + "\u2581Navarro", + -13.317587852478027 + ], + [ + "Also", + -13.317604064941406 + ], + [ + "\u2581tenor", + -13.317659378051758 + ], + [ + "\u2581domination", + -13.317675590515137 + ], + [ + "Amt", + -13.317703247070312 + ], + [ + "\u2581Typen", + -13.317707061767578 + ], + [ + "DISK", + -13.317713737487791 + ], + [ + "\u2581heritage", + -13.317727088928224 + ], + [ + "cili", + -13.317740440368652 + ], + [ + "\u2581Tina", + -13.317755699157717 + ], + [ + "\u2581rurales", + -13.317766189575195 + ], + [ + "\u2581Rek", + -13.317778587341309 + ], + [ + "\u2581declarada", + -13.317778587341309 + ], + [ + "\u2581variedades", + -13.317816734313965 + ], + [ + "\u2581Giuliano", + -13.317827224731444 + ], + [ + "\u2581Wende", + -13.317828178405762 + ], + [ + "\u2581Erzeugnissen", + -13.317845344543455 + ], + [ + "\u2581diffusi", + -13.317853927612305 + ], + [ + "\u2581Perteneciente", + -13.317873001098633 + ], + [ + "\u2581Preto", + -13.317913055419922 + ], + [ + "\u2581reguliere", + -13.31791877746582 + ], + [ + "\u2581FuE", + -13.317960739135742 + ], + [ + "\u2581Ankunft", + -13.317998886108398 + ], + [ + "\u2581Mand", + -13.318007469177246 + ], + [ + "\u2581Lissabon", + -13.318020820617676 + ], + [ + "\u2581allocated", + -13.31804370880127 + ], + [ + "insegnamento", + -13.318098068237305 + ], + [ + "ignan", + -13.318109512329102 + ], + [ + "\u2581waarom", + -13.318134307861328 + ], + [ + "\u2581temor", + -13.318166732788086 + ], + [ + "tagen", + -13.31817626953125 + ], + [ + "\u2581S\u00e4ulen", + -13.318184852600098 + ], + [ + "k\u00e4mpft", + -13.318193435668944 + ], + [ + "\u2581enlace", + -13.318218231201172 + ], + [ + "\u2581Tsjechische", + -13.318224906921388 + ], + [ + "Wah", + -13.31828784942627 + ], + [ + "\u2581Cemetery", + -13.318315505981444 + ], + [ + "\u2581ISSN", + -13.318364143371582 + ], + [ + "\u2581colonos", + -13.318367958068848 + ], + [ + "\u2581frota", + -13.318388938903809 + ], + [ + "\u2581Theorien", + -13.318408012390137 + ], + [ + "\u2581mitologia", + -13.318440437316896 + ], + [ + "\u2581Against", + -13.318540573120115 + ], + [ + "donna", + -13.318541526794434 + ], + [ + "\u2581fought", + -13.31857204437256 + ], + [ + "wyn", + -13.318577766418455 + ], + [ + "\u2581sink", + -13.318589210510254 + ], + [ + "\u2581digest", + -13.318597793579102 + ], + [ + "enfeld", + -13.318602561950684 + ], + [ + "CAF", + -13.31863498687744 + ], + [ + "\u2581Albus", + -13.31863784790039 + ], + [ + "\u2581Dakar", + -13.318652153015137 + ], + [ + "gido", + -13.31865406036377 + ], + [ + "drone", + -13.31866455078125 + ], + [ + "\u2581Prinz", + -13.31866455078125 + ], + [ + "\u2581vor\u00fcbergehend", + -13.318678855895996 + ], + [ + "\u2581aplicado", + -13.318681716918944 + ], + [ + "\u2581Sch\u00fclern", + -13.31869125366211 + ], + [ + "\u2581Fel", + -13.318779945373535 + ], + [ + "sporen", + -13.3187894821167 + ], + [ + "meos", + -13.318840980529783 + ], + [ + "\u2581confermato", + -13.318877220153809 + ], + [ + "\u2581mythologie", + -13.318897247314451 + ], + [ + "feder", + -13.318903923034668 + ], + [ + "\u2581Impuls", + -13.318903923034668 + ], + [ + "Unsafe", + -13.31890869140625 + ], + [ + "\u2581Toll", + -13.31894588470459 + ], + [ + "Baseline", + -13.319005012512209 + ], + [ + "\u2581blauw", + -13.319010734558104 + ], + [ + "\u2581indiani", + -13.319016456604004 + ], + [ + "\u2581errori", + -13.3190279006958 + ], + [ + "\u2581gehaald", + -13.319036483764648 + ], + [ + "\u2581Eredivisie", + -13.319141387939451 + ], + [ + "lug", + -13.319204330444336 + ], + [ + "\u2581betekende", + -13.319205284118652 + ], + [ + "\u2581profond", + -13.319239616394045 + ], + [ + "steller", + -13.319311141967772 + ], + [ + "achen", + -13.319321632385254 + ], + [ + "\u2581sostenuto", + -13.319321632385254 + ], + [ + "\u2581Princip", + -13.319347381591797 + ], + [ + "isierungs", + -13.319361686706545 + ], + [ + "\u2581estudiosos", + -13.319368362426758 + ], + [ + "\u2581permita", + -13.319385528564451 + ], + [ + "\u2581pez", + -13.319392204284668 + ], + [ + "\u2581gedwongen", + -13.319443702697754 + ], + [ + "\u2581descripci\u00f3n", + -13.31951141357422 + ], + [ + "\u2581consentito", + -13.319613456726074 + ], + [ + "\u2581Fachkr\u00e4fte", + -13.31961727142334 + ], + [ + "\u2581Informazioni", + -13.31963062286377 + ], + [ + "kki", + -13.319639205932615 + ], + [ + "dataSource", + -13.31967544555664 + ], + [ + "Career", + -13.3197660446167 + ], + [ + "\u2581Beleg", + -13.319769859313965 + ], + [ + "\u2581Romance", + -13.319780349731444 + ], + [ + "gidae", + -13.319781303405762 + ], + [ + "\u2581ATM", + -13.319820404052734 + ], + [ + "m\u00e1tico", + -13.31987190246582 + ], + [ + "\u2581legislativo", + -13.319913864135742 + ], + [ + "\u2581flavor", + -13.319928169250488 + ], + [ + "\u2581verkehrt", + -13.319940567016602 + ], + [ + "\u2581tesis", + -13.319941520690918 + ], + [ + "\u2581betreut", + -13.31994915008545 + ], + [ + "\u2581gala", + -13.319950103759766 + ], + [ + "\u2581Killer", + -13.31996726989746 + ], + [ + "RESET", + -13.320040702819824 + ], + [ + "sregelung", + -13.320045471191406 + ], + [ + "\u2581benefici", + -13.320063591003418 + ], + [ + "\u2581diminuir", + -13.320068359375 + ], + [ + "\u2581Arno", + -13.320093154907228 + ], + [ + "gedeeld", + -13.320185661315918 + ], + [ + "\u2581m\u00fcndlichen", + -13.320196151733398 + ], + [ + "SCOPE", + -13.320212364196776 + ], + [ + "\u2581Offizier", + -13.320213317871094 + ], + [ + "\u2581Erreichen", + -13.32022762298584 + ], + [ + "\u2581Nielsen", + -13.320231437683104 + ], + [ + "\u2581Spirito", + -13.32028579711914 + ], + [ + "Latest", + -13.32030200958252 + ], + [ + "MAR", + -13.32033348083496 + ], + [ + "MIC", + -13.320350646972656 + ], + [ + "\u2581toca", + -13.320354461669922 + ], + [ + "Visual", + -13.32045841217041 + ], + [ + "\u2581id\u00e9al", + -13.32045841217041 + ], + [ + "\u2581estivi", + -13.320500373840332 + ], + [ + "\u2581Largo", + -13.320537567138672 + ], + [ + "nomina", + -13.32055377960205 + ], + [ + "gradle", + -13.32058334350586 + ], + [ + "\u2581Para\u00edba", + -13.320594787597656 + ], + [ + "mart", + -13.320605278015137 + ], + [ + "\u2581estivo", + -13.32063102722168 + ], + [ + "Leg", + -13.320664405822754 + ], + [ + "\u2581tsunami", + -13.320671081542969 + ], + [ + "\u2581rari", + -13.320680618286133 + ], + [ + "\u2581gelingt", + -13.320691108703612 + ], + [ + "\u2581jurado", + -13.32073211669922 + ], + [ + "inflation", + -13.320746421813965 + ], + [ + "STER", + -13.320760726928713 + ], + [ + "\u2581Didier", + -13.320768356323242 + ], + [ + "fst", + -13.320841789245604 + ], + [ + "panda", + -13.32087516784668 + ], + [ + "onderwijs", + -13.320947647094728 + ], + [ + "\u2581substantivos", + -13.321137428283691 + ], + [ + "berzeugung", + -13.321152687072754 + ], + [ + "Wolf", + -13.321161270141602 + ], + [ + "\u2581Economia", + -13.321173667907717 + ], + [ + "Supp", + -13.321199417114258 + ], + [ + "\u2581Sek", + -13.321227073669434 + ], + [ + "\u2581equipamento", + -13.32122802734375 + ], + [ + "\u2581feriti", + -13.321239471435549 + ], + [ + "\u2581reputa", + -13.32125759124756 + ], + [ + "\u2581memorial", + -13.32126522064209 + ], + [ + "\u2581premium", + -13.321385383605955 + ], + [ + "\u2581eeuwen", + -13.32139492034912 + ], + [ + "\u2581Madeleine", + -13.321440696716309 + ], + [ + "TableView", + -13.321447372436523 + ], + [ + "ajout", + -13.321529388427734 + ], + [ + "\u2581in\u00e9dit", + -13.32154941558838 + ], + [ + "\u2581Suas", + -13.321590423583984 + ], + [ + "\u2581riflessione", + -13.321593284606934 + ], + [ + "\u2581Princesa", + -13.321595191955566 + ], + [ + "\u2581essencial", + -13.321621894836426 + ], + [ + "behandelt", + -13.321643829345703 + ], + [ + "zinho", + -13.321659088134766 + ], + [ + "\u2581Discussion", + -13.321669578552246 + ], + [ + "soni", + -13.321678161621094 + ], + [ + "\u2581separadas", + -13.321680068969728 + ], + [ + "\u2581trips", + -13.321718215942385 + ], + [ + "ualquer", + -13.321759223937988 + ], + [ + "rood", + -13.321791648864746 + ], + [ + "\u2581pr\u00e9sidence", + -13.321803092956545 + ], + [ + "\u2581hoofdrol", + -13.3218412399292 + ], + [ + "geur", + -13.321943283081056 + ], + [ + "\u2581Liberia", + -13.32195281982422 + ], + [ + "\u2581verborgen", + -13.321959495544434 + ], + [ + "\u2581barely", + -13.321969985961914 + ], + [ + "\u2581parete", + -13.322004318237305 + ], + [ + "\u2581wirksame", + -13.322022438049316 + ], + [ + "\u2581tomou", + -13.32208251953125 + ], + [ + "Called", + -13.322117805480955 + ], + [ + "\u2581infrastructures", + -13.322117805480955 + ], + [ + "\u2581solicitud", + -13.322160720825195 + ], + [ + "\u2581Vierge", + -13.322179794311523 + ], + [ + "voli", + -13.322188377380373 + ], + [ + "\u2581opciones", + -13.32219409942627 + ], + [ + "Prince", + -13.322256088256836 + ], + [ + "\u2581Jaguar", + -13.322265625 + ], + [ + "\u2581Fl\u00fcssigkeit", + -13.32226848602295 + ], + [ + "ferra", + -13.32232666015625 + ], + [ + "\u2581wiesen", + -13.32232666015625 + ], + [ + "onidae", + -13.322355270385742 + ], + [ + "Enc", + -13.322415351867676 + ], + [ + "\u2581Barcellona", + -13.322457313537598 + ], + [ + "Coordinator", + -13.322458267211914 + ], + [ + "nature", + -13.322458267211914 + ], + [ + "\u2581Meet", + -13.322476387023926 + ], + [ + "Matt", + -13.32249927520752 + ], + [ + "intelletto", + -13.322501182556152 + ], + [ + "\u2581Dona", + -13.322509765625 + ], + [ + "\u2581premises", + -13.32251262664795 + ], + [ + "\u2581amerindios", + -13.322516441345217 + ], + [ + "f\u00e4", + -13.322564125061035 + ], + [ + "\u2581Vorgehensweise", + -13.322617530822754 + ], + [ + "\u2581grados", + -13.322622299194336 + ], + [ + "uq", + -13.322681427001951 + ], + [ + "\u2581korrekt", + -13.3226957321167 + ], + [ + "chov", + -13.322705268859863 + ], + [ + "\u2581Haskell", + -13.322705268859863 + ], + [ + "\u2581herb", + -13.322711944580078 + ], + [ + "\u2581graphql", + -13.322742462158203 + ], + [ + "\u2581Erwachsene", + -13.322752952575684 + ], + [ + "\u2581Grade", + -13.32276439666748 + ], + [ + "handeling", + -13.322769165039062 + ], + [ + "\u2581unternommen", + -13.322771072387695 + ], + [ + "gezelschap", + -13.32279109954834 + ], + [ + "LOOP", + -13.322816848754885 + ], + [ + "\u2581rayonnement", + -13.3228178024292 + ], + [ + "Pal", + -13.322819709777832 + ], + [ + "\u2581Auftr\u00e4ge", + -13.322824478149414 + ], + [ + "\u2581Riesen", + -13.322900772094728 + ], + [ + "stead", + -13.322905540466309 + ], + [ + "ui\u00e9n", + -13.322911262512209 + ], + [ + "i\u00e1n", + -13.322917938232422 + ], + [ + "optim", + -13.322940826416016 + ], + [ + "tekens", + -13.322940826416016 + ], + [ + "\u2581Ordnungs", + -13.322949409484863 + ], + [ + "\u2581storing", + -13.322956085205078 + ], + [ + "teiro", + -13.322957992553713 + ], + [ + "\u2581Marinha", + -13.322976112365724 + ], + [ + "\u2581Lon", + -13.323073387145996 + ], + [ + "\u2581fedeli", + -13.323098182678224 + ], + [ + "\u2581reconocida", + -13.32309913635254 + ], + [ + "\u2581savait", + -13.323108673095703 + ], + [ + "\u2581vizinhan", + -13.323126792907717 + ], + [ + "\u2581vorgeschlagene", + -13.32313060760498 + ], + [ + "\u2581abgebildet", + -13.32313632965088 + ], + [ + "fighter", + -13.323137283325195 + ], + [ + "\u2581kurzfristig", + -13.323171615600586 + ], + [ + "bek\u00e4mpfung", + -13.323247909545898 + ], + [ + "\u2581Chiara", + -13.323272705078123 + ], + [ + "\u2581Poul", + -13.323282241821287 + ], + [ + "\u2581extending", + -13.3233003616333 + ], + [ + "\u2581defect", + -13.323314666748049 + ], + [ + "\u2581asegura", + -13.323322296142578 + ], + [ + "\u2581cerim", + -13.323341369628906 + ], + [ + "\u2581abitazioni", + -13.323351860046388 + ], + [ + "\u2581Bed\u00fcrfnis", + -13.32338523864746 + ], + [ + "\u2581Katastrophen", + -13.32343292236328 + ], + [ + "\u2581heating", + -13.323433876037598 + ], + [ + "\u2581tch", + -13.32347011566162 + ], + [ + "attu", + -13.323522567749023 + ], + [ + "fina", + -13.32357120513916 + ], + [ + "\u2581spettacoli", + -13.32364559173584 + ], + [ + "rng", + -13.323650360107422 + ], + [ + "\u2581W\u00e4hrungs", + -13.323670387268066 + ], + [ + "\u2581Venise", + -13.32378101348877 + ], + [ + "\u2581zugewiesen", + -13.32382869720459 + ], + [ + "\u2581Geert", + -13.323861122131348 + ], + [ + "\u2581Elementar", + -13.323877334594728 + ], + [ + "\u2581entretanto", + -13.323893547058104 + ], + [ + "\u2581zunehmende", + -13.323909759521484 + ], + [ + "\u2581ostenta", + -13.32395076751709 + ], + [ + "\u2581Bibel", + -13.323966026306152 + ], + [ + "ebenen", + -13.323987007141112 + ], + [ + "\u2581Auszeichnungen", + -13.32399082183838 + ], + [ + "\u2581accompagnato", + -13.324013710021973 + ], + [ + "gesund", + -13.324084281921388 + ], + [ + "\u2581fundados", + -13.324109077453612 + ], + [ + "\u2581ausgeglichen", + -13.3241548538208 + ], + [ + "Surface", + -13.324186325073242 + ], + [ + "\u2581boerderij", + -13.324186325073242 + ], + [ + "harakterisierung", + -13.32419490814209 + ], + [ + "schritte", + -13.324203491210938 + ], + [ + "\u2581imposta", + -13.324220657348633 + ], + [ + "\u2581versies", + -13.324249267578123 + ], + [ + "\u2581moteurs", + -13.32426929473877 + ], + [ + "offsets", + -13.324284553527832 + ], + [ + "Sink", + -13.32430934906006 + ], + [ + "\u2581retornou", + -13.324310302734377 + ], + [ + "\u2581Virgens", + -13.32431697845459 + ], + [ + "\u2581Derde", + -13.32431983947754 + ], + [ + "\u2581fritt", + -13.32438850402832 + ], + [ + "\u2581Adventures", + -13.324397087097168 + ], + [ + "\u2581jugando", + -13.324398040771484 + ], + [ + "\u2581Mitgliedstaats", + -13.32443904876709 + ], + [ + "insbesondere", + -13.324463844299316 + ], + [ + "\u2581coreano", + -13.324481010437012 + ], + [ + "\u2581Abk\u00fcrzung", + -13.324496269226074 + ], + [ + "\u2581namentlich", + -13.324501037597656 + ], + [ + "glass", + -13.32451057434082 + ], + [ + "\u2581zulassen", + -13.324518203735352 + ], + [ + "\u2581solicitar", + -13.32455825805664 + ], + [ + "vorsitzende", + -13.324563026428224 + ], + [ + "\u2581Huy", + -13.324575424194336 + ], + [ + "\u2581ingredientes", + -13.324594497680664 + ], + [ + "\u2581aprire", + -13.324657440185549 + ], + [ + "sog", + -13.324666976928713 + ], + [ + "hap", + -13.324667930603027 + ], + [ + "S\u00e4chsGVBl", + -13.324687004089355 + ], + [ + "zetting", + -13.324687004089355 + ], + [ + "\u2581shellcheck", + -13.32469081878662 + ], + [ + "\u2581venuto", + -13.32472038269043 + ], + [ + "\u2581bate", + -13.324769020080566 + ], + [ + "ADE", + -13.324782371520996 + ], + [ + "\u2581Krieges", + -13.324806213378906 + ], + [ + "\u2581Wille", + -13.32481288909912 + ], + [ + "\u2581fundadas", + -13.32481288909912 + ], + [ + "lektiv", + -13.324843406677246 + ], + [ + "FilePath", + -13.324857711791992 + ], + [ + "bora", + -13.324899673461914 + ], + [ + "Alsace", + -13.32490062713623 + ], + [ + "terno", + -13.324901580810549 + ], + [ + "\u2581thy", + -13.324901580810549 + ], + [ + "\u2581Mela", + -13.324932098388672 + ], + [ + "neemt", + -13.324935913085938 + ], + [ + "Verhaal", + -13.32496452331543 + ], + [ + "\u2581costosi", + -13.324965476989746 + ], + [ + "\u2581sensazione", + -13.325021743774414 + ], + [ + "ocera", + -13.325053215026855 + ], + [ + "\u2581Significa", + -13.32505702972412 + ], + [ + "\u2581Salto", + -13.325058937072754 + ], + [ + "\u2581Taal", + -13.325074195861816 + ], + [ + "\u2581verkaufen", + -13.325090408325195 + ], + [ + "\u2581dame", + -13.325127601623535 + ], + [ + "\u2581groeien", + -13.325139999389648 + ], + [ + "\u2581centered", + -13.325143814086914 + ], + [ + "Sensor", + -13.325176239013672 + ], + [ + "\u2581station\u00e4ren", + -13.32522201538086 + ], + [ + "\u2581accoglie", + -13.325242042541504 + ], + [ + "\u2581custodia", + -13.325264930725098 + ], + [ + "sima", + -13.325295448303224 + ], + [ + "razione", + -13.325302124023438 + ], + [ + "Wrong", + -13.325394630432127 + ], + [ + "\u2581certos", + -13.325406074523926 + ], + [ + "gico", + -13.325461387634276 + ], + [ + "\u2581Inform", + -13.325509071350098 + ], + [ + "stieg", + -13.325542449951172 + ], + [ + "\u2581wachsende", + -13.32556438446045 + ], + [ + "\u2581Oakland", + -13.32563591003418 + ], + [ + "BOR", + -13.325645446777344 + ], + [ + "\u2581Angleterre", + -13.325721740722656 + ], + [ + "\u2581Combat", + -13.325745582580566 + ], + [ + "\u2581\u00e9lev\u00e9e", + -13.32575225830078 + ], + [ + "uhr", + -13.325776100158691 + ], + [ + "TOS", + -13.325788497924805 + ], + [ + "exus", + -13.32578945159912 + ], + [ + "\u2581Fay", + -13.325836181640623 + ], + [ + "\u2581\u00e9lus", + -13.325839042663574 + ], + [ + "\u2581inteiros", + -13.325865745544434 + ], + [ + "vlucht", + -13.32589340209961 + ], + [ + "positionen", + -13.326004981994627 + ], + [ + "\u2581Bertol", + -13.326017379760742 + ], + [ + "\u2581firmemente", + -13.326042175292969 + ], + [ + "\u2581Mug", + -13.3260498046875 + ], + [ + "listeners", + -13.326091766357422 + ], + [ + "andata", + -13.32615852355957 + ], + [ + "\u2581caract\u00e9rise", + -13.326171875 + ], + [ + "\u2581Artistas", + -13.326210975646973 + ], + [ + "netto", + -13.326229095458984 + ], + [ + "\u2581caverna", + -13.3262357711792 + ], + [ + "tais", + -13.32625675201416 + ], + [ + "SIC", + -13.326297760009766 + ], + [ + "\u2581tome", + -13.3263521194458 + ], + [ + "espa", + -13.32635498046875 + ], + [ + "\u2581veilig", + -13.32643985748291 + ], + [ + "lof", + -13.326458930969238 + ], + [ + "\u2581teaspoon", + -13.326468467712402 + ], + [ + "\u2581Spot", + -13.326476097106934 + ], + [ + "\u2581Gem\u00e4lde", + -13.326499938964844 + ], + [ + "\u2581marchio", + -13.32656478881836 + ], + [ + "\u2581Unrecht", + -13.32658863067627 + ], + [ + "isie", + -13.326623916625977 + ], + [ + "\u2581convencer", + -13.32663345336914 + ], + [ + "\u2581barato", + -13.326642990112305 + ], + [ + "\u2581ontwerpen", + -13.326642990112305 + ], + [ + "ovsky", + -13.326696395874023 + ], + [ + "actrice", + -13.326714515686035 + ], + [ + "\u2581defendant", + -13.32675838470459 + ], + [ + "\u2581cosiddetto", + -13.326765060424805 + ], + [ + "\u2581Flagge", + -13.32679557800293 + ], + [ + "\u2581stimulus", + -13.32680320739746 + ], + [ + "ASP", + -13.326810836791992 + ], + [ + "\u2581buttons", + -13.326830863952637 + ], + [ + "\u2581generar", + -13.326859474182127 + ], + [ + "nuts", + -13.326864242553713 + ], + [ + "Systems", + -13.326873779296877 + ], + [ + "VARIABLE", + -13.326909065246582 + ], + [ + "\u2581Malawi", + -13.326948165893556 + ], + [ + "impressione", + -13.32702350616455 + ], + [ + "\u2581nodo", + -13.32705020904541 + ], + [ + "\u2581distinzione", + -13.327091217041016 + ], + [ + "ideologia", + -13.327122688293455 + ], + [ + "\u2581oficio", + -13.32717227935791 + ], + [ + "\u2581cre\u00eda", + -13.327197074890137 + ], + [ + "Atalanta", + -13.3272123336792 + ], + [ + "\u2581cient\u00edficas", + -13.327224731445312 + ], + [ + "\u2581koper", + -13.327227592468262 + ], + [ + "\u2581\"*\"", + -13.327230453491213 + ], + [ + "\u2581B\u00e4ume", + -13.327293395996094 + ], + [ + "st\u00e4rk", + -13.327315330505373 + ], + [ + "\u2581Einspruch", + -13.327374458312988 + ], + [ + "\u2581strips", + -13.327383995056152 + ], + [ + "\u2581Inverno", + -13.327397346496582 + ], + [ + "\u2581resultar", + -13.327406883239746 + ], + [ + "\u2581alumni", + -13.327452659606934 + ], + [ + "\u2581conhece", + -13.327484130859377 + ], + [ + "\u2581vorsichtig", + -13.327484130859377 + ], + [ + "abstraction", + -13.327488899230955 + ], + [ + "r\u00edamos", + -13.32760524749756 + ], + [ + "Banner", + -13.327645301818848 + ], + [ + "GAL", + -13.327678680419922 + ], + [ + "\u2581scarpe", + -13.327685356140137 + ], + [ + "\u2581declino", + -13.327763557434082 + ], + [ + "ciel", + -13.32778549194336 + ], + [ + "Erwerbst\u00e4tigkeit", + -13.327805519104004 + ], + [ + "\u2581embajador", + -13.327813148498535 + ], + [ + "\u2581striking", + -13.327838897705078 + ], + [ + "\u2581gewijzigd", + -13.32784652709961 + ], + [ + "PROMPT", + -13.327966690063477 + ], + [ + "\u2581heaven", + -13.327972412109377 + ], + [ + "\u2581exam", + -13.327980041503906 + ], + [ + "\u2581empleado", + -13.327984809875488 + ], + [ + "MIS", + -13.327998161315918 + ], + [ + "\u2581lebens", + -13.328001976013184 + ], + [ + "\u2581hosted", + -13.3280029296875 + ], + [ + "\u2581halla", + -13.32801914215088 + ], + [ + "\u2581Gesch", + -13.328032493591309 + ], + [ + "\u2581Soto", + -13.32807445526123 + ], + [ + "\u2581Profesional", + -13.328105926513672 + ], + [ + "palm", + -13.328227043151855 + ], + [ + "\u2581Deportistas", + -13.328254699707031 + ], + [ + "\u2581dbus", + -13.32825756072998 + ], + [ + "\u2581victoires", + -13.32829475402832 + ], + [ + "\u2581applicant", + -13.328309059143066 + ], + [ + "Pala", + -13.328310012817385 + ], + [ + "\u2581romper", + -13.328343391418455 + ], + [ + "\u2581mim", + -13.328380584716797 + ], + [ + "\u2581metres", + -13.32838535308838 + ], + [ + "\u2581Brandt", + -13.328436851501465 + ], + [ + "DeepCopy", + -13.32848072052002 + ], + [ + "Oct", + -13.328481674194336 + ], + [ + "Interaction", + -13.32850456237793 + ], + [ + "\u2581notevoli", + -13.328542709350586 + ], + [ + "niste", + -13.328547477722168 + ], + [ + "mikro", + -13.328574180603027 + ], + [ + "\u2581acidente", + -13.32857894897461 + ], + [ + "\u2581Clemens", + -13.328585624694824 + ], + [ + "tell", + -13.32862663269043 + ], + [ + "\u2581Latijn", + -13.328673362731934 + ], + [ + "\u2581erhobenen", + -13.328689575195312 + ], + [ + "\u2581Secretario", + -13.328706741333008 + ], + [ + "\u2581verankert", + -13.328706741333008 + ], + [ + "Cos", + -13.328736305236816 + ], + [ + "Bern", + -13.328744888305664 + ], + [ + "rassen", + -13.328802108764648 + ], + [ + "\u2581Kli", + -13.328814506530762 + ], + [ + "\u2581Kuala", + -13.328889846801758 + ], + [ + "\u2581deputado", + -13.32889461517334 + ], + [ + "\u2581mortality", + -13.3289155960083 + ], + [ + "BatchNorm", + -13.329022407531738 + ], + [ + "gk", + -13.32910442352295 + ], + [ + "\u2581reyes", + -13.329113006591797 + ], + [ + "\u2581quieres", + -13.329147338867188 + ], + [ + "M\u00fcnchen", + -13.32919216156006 + ], + [ + "entities", + -13.329197883605955 + ], + [ + "epi", + -13.329242706298828 + ], + [ + "setuptools", + -13.329282760620115 + ], + [ + "\u2581unterrichten", + -13.329282760620115 + ], + [ + "\u2581educativo", + -13.3292875289917 + ], + [ + "gje", + -13.32931137084961 + ], + [ + "\u2581rivolge", + -13.329358100891112 + ], + [ + "\u2581Begleitung", + -13.32936191558838 + ], + [ + "occuper", + -13.32936668395996 + ], + [ + "\u2581Felsen", + -13.3294095993042 + ], + [ + "\u2581bildete", + -13.329413414001465 + ], + [ + "\u2581anillo", + -13.32941436767578 + ], + [ + "\u2581impedi", + -13.329427719116213 + ], + [ + "\u2581m\u00e1gica", + -13.329460144042969 + ], + [ + "\u2581m\u00e9tier", + -13.329473495483398 + ], + [ + "\u2581especificar", + -13.329501152038574 + ], + [ + "fl\u00fcge", + -13.32950210571289 + ], + [ + "archief", + -13.329509735107422 + ], + [ + "\u2581Shen", + -13.329551696777344 + ], + [ + "eignen", + -13.329594612121582 + ], + [ + "\u2581reduzir", + -13.329604148864746 + ], + [ + "\u2581Clarence", + -13.32960605621338 + ], + [ + "\u2581fr\u00fche", + -13.329630851745604 + ], + [ + "\u2581disappear", + -13.329632759094238 + ], + [ + "\u2581Acheter", + -13.32964324951172 + ], + [ + "bearbeitung", + -13.329644203186035 + ], + [ + "tling", + -13.329654693603516 + ], + [ + "\u2581torres", + -13.329656600952148 + ], + [ + "\u2581blok", + -13.32966136932373 + ], + [ + "\u2581Tijd", + -13.329663276672363 + ], + [ + "\u2581Fontaine", + -13.329720497131348 + ], + [ + "\u2581emotion", + -13.32972526550293 + ], + [ + "\u2581Verlangen", + -13.329726219177246 + ], + [ + "\u00e9tendue", + -13.329733848571776 + ], + [ + "\u2581Newsletter", + -13.329771995544434 + ], + [ + "drukken", + -13.329925537109377 + ], + [ + "cesi\u00f3n", + -13.329926490783691 + ], + [ + "\u2581appareil", + -13.329975128173828 + ], + [ + "coordinate", + -13.329994201660156 + ], + [ + "shore", + -13.330016136169434 + ], + [ + "\u2581rag", + -13.3300199508667 + ], + [ + "\u2581coperto", + -13.33005142211914 + ], + [ + "bounding", + -13.330060958862305 + ], + [ + "ICU", + -13.330121994018556 + ], + [ + "\u2581Contest", + -13.33018970489502 + ], + [ + "\u2581bouwde", + -13.330204010009766 + ], + [ + "\u2581Reformation", + -13.330214500427246 + ], + [ + "opia", + -13.330217361450195 + ], + [ + "\u00edk", + -13.330218315124512 + ], + [ + "\u2581Ausk\u00fcnfte", + -13.33022117614746 + ], + [ + "Comments", + -13.330266952514648 + ], + [ + "\u2581provoc\u00f3", + -13.330279350280762 + ], + [ + "\u2581scrutin", + -13.330284118652344 + ], + [ + "guchi", + -13.330292701721191 + ], + [ + "\u2581escravos", + -13.330316543579102 + ], + [ + "\u2581Drug", + -13.330341339111328 + ], + [ + "\u2581Implementierung", + -13.33035659790039 + ], + [ + "\u2581diversidade", + -13.330363273620604 + ], + [ + "\u2581Verbands", + -13.330368041992188 + ], + [ + "\u2581constitute", + -13.33037281036377 + ], + [ + "Universit", + -13.330397605895996 + ], + [ + "\u2581viviendas", + -13.330410957336426 + ], + [ + "liege", + -13.33045768737793 + ], + [ + "fir", + -13.330469131469728 + ], + [ + "\u2581Andorra", + -13.330471992492676 + ], + [ + "\u2581Brady", + -13.3305082321167 + ], + [ + "\u2581winds", + -13.330509185791016 + ], + [ + "\u2581suona", + -13.330639839172363 + ], + [ + "\u2581GitHub", + -13.330655097961426 + ], + [ + "\u2581r\u00e4umliche", + -13.33065700531006 + ], + [ + "werking", + -13.330696105957031 + ], + [ + "\u2581Reaktor", + -13.330744743347168 + ], + [ + "\u2581Doll", + -13.330747604370115 + ], + [ + "\u2581Fl\u00fcge", + -13.330801963806152 + ], + [ + "Seite", + -13.330824851989746 + ], + [ + "\u2581Mk", + -13.330840110778809 + ], + [ + "\u2581Same", + -13.330843925476074 + ], + [ + "menschen", + -13.330849647521973 + ], + [ + "kanten", + -13.330885887145996 + ], + [ + "affer", + -13.330886840820312 + ], + [ + "ServerResponse", + -13.3309326171875 + ], + [ + "\u2581portoghese", + -13.330942153930664 + ], + [ + "stik", + -13.330945014953612 + ], + [ + "\u2581convoca", + -13.331005096435549 + ], + [ + "\u2581pend", + -13.331032752990724 + ], + [ + "slave", + -13.331053733825684 + ], + [ + "aghe", + -13.331061363220217 + ], + [ + "\u2581vee", + -13.331071853637695 + ], + [ + "\u2581Interviews", + -13.331096649169922 + ], + [ + "\u2581Bewusstsein", + -13.331098556518556 + ], + [ + "\u2581Pizza", + -13.331117630004885 + ], + [ + "\u2581est\u00e9tica", + -13.33112335205078 + ], + [ + "\u2581masque", + -13.331131935119627 + ], + [ + "\u2581setUp", + -13.331136703491213 + ], + [ + "ENA", + -13.331164360046388 + ], + [ + "approche", + -13.331172943115234 + ], + [ + "\u2581decennio", + -13.33117389678955 + ], + [ + "\u2581errore", + -13.331195831298828 + ], + [ + "\u2581individuell", + -13.33120346069336 + ], + [ + "obbligo", + -13.3312406539917 + ], + [ + "\u2581venendo", + -13.331283569335938 + ], + [ + "\u2581Asunci\u00f3n", + -13.33137321472168 + ], + [ + "\u2581interventions", + -13.331375122070312 + ], + [ + "\u2581Ska", + -13.331392288208008 + ], + [ + "\u2581referring", + -13.331402778625488 + ], + [ + "\u2581afgesloten", + -13.331424713134766 + ], + [ + "\u2581touches", + -13.331427574157717 + ], + [ + "\u2581Cycling", + -13.331430435180664 + ], + [ + "lengte", + -13.331549644470217 + ], + [ + "cref", + -13.33157730102539 + ], + [ + "\u2581Baku", + -13.33160400390625 + ], + [ + "beamer", + -13.33161449432373 + ], + [ + "eee", + -13.331634521484377 + ], + [ + "\u2581Ser\u00e1", + -13.331666946411133 + ], + [ + "uatro", + -13.331751823425291 + ], + [ + "gaba", + -13.331794738769531 + ], + [ + "drom", + -13.331796646118164 + ], + [ + "\u2581afterwards", + -13.33180046081543 + ], + [ + "stechnik", + -13.331816673278809 + ], + [ + "geschreven", + -13.33184051513672 + ], + [ + "\u2581Strafverfolgung", + -13.331843376159668 + ], + [ + "\u2581Naples", + -13.331849098205566 + ], + [ + "\u2581boats", + -13.331864356994627 + ], + [ + "\u2581interpreter", + -13.331870079040527 + ], + [ + "\u2581imply", + -13.331916809082031 + ], + [ + "\u2581eisen", + -13.331923484802246 + ], + [ + "\u2581modifiche", + -13.331965446472168 + ], + [ + "cvs", + -13.33198070526123 + ], + [ + "Primary", + -13.331985473632812 + ], + [ + "repit", + -13.332030296325684 + ], + [ + "\u2581Muy", + -13.332066535949709 + ], + [ + "\u2581ruota", + -13.332107543945312 + ], + [ + "milch", + -13.332152366638184 + ], + [ + "quash", + -13.332192420959473 + ], + [ + "Sonder", + -13.332253456115724 + ], + [ + "idor", + -13.332361221313477 + ], + [ + "\u2581leefde", + -13.332470893859863 + ], + [ + "\u2581beleid", + -13.332476615905762 + ], + [ + "\u2581ruil", + -13.332497596740724 + ], + [ + "\u2581Bold", + -13.33254337310791 + ], + [ + "abilidade", + -13.332573890686035 + ], + [ + "stig", + -13.332575798034668 + ], + [ + "\u2581langfristige", + -13.332582473754885 + ], + [ + "\u2581zonne", + -13.332589149475098 + ], + [ + "\u2581Bismarck", + -13.332598686218262 + ], + [ + "\u2581Palmas", + -13.332613945007324 + ], + [ + "\u2581march", + -13.332630157470703 + ], + [ + "ailles", + -13.332653999328612 + ], + [ + "\u2581possibilidades", + -13.332715034484863 + ], + [ + "\u2581Atrav\u00e9s", + -13.332738876342772 + ], + [ + "\u2581sehe", + -13.332757949829102 + ], + [ + "enordnung", + -13.332798957824709 + ], + [ + "\u2581projecten", + -13.33281135559082 + ], + [ + "\u2581womit", + -13.332818031311035 + ], + [ + "cycling", + -13.3328218460083 + ], + [ + "\u2581conservateur", + -13.33283519744873 + ], + [ + "Ow", + -13.33284854888916 + ], + [ + "\u2581veelal", + -13.332863807678224 + ], + [ + "\u2581ordinateur", + -13.33295726776123 + ], + [ + "\u2581Erschlie", + -13.333002090454102 + ], + [ + "\u2581OpenGL", + -13.333045959472656 + ], + [ + "\u2581diagn\u00f3stico", + -13.333131790161133 + ], + [ + "\u2581canadiense", + -13.33314323425293 + ], + [ + "Anjou", + -13.333170890808104 + ], + [ + "viva", + -13.333196640014648 + ], + [ + "\u2581mostrato", + -13.333200454711914 + ], + [ + "izando", + -13.333219528198242 + ], + [ + "\u2581OU", + -13.333245277404783 + ], + [ + "\u2581knee", + -13.333281517028809 + ], + [ + "\u2581Aanvankelijk", + -13.33333683013916 + ], + [ + "alkohol", + -13.333340644836426 + ], + [ + "\u2581giunta", + -13.333355903625488 + ], + [ + "\u2581roca", + -13.33339500427246 + ], + [ + "trek", + -13.333402633666992 + ], + [ + "\u2581Doordat", + -13.333414077758787 + ], + [ + "\u2581femininos", + -13.33343505859375 + ], + [ + "wG", + -13.333576202392578 + ], + [ + "\u2581Fau", + -13.33360767364502 + ], + [ + "\u2581Salerno", + -13.333640098571776 + ], + [ + "\u2581\\\"$", + -13.333641052246094 + ], + [ + "\u2581Minh", + -13.333658218383787 + ], + [ + "\u2581Voorbeeld", + -13.333718299865724 + ], + [ + "AAC", + -13.333747863769531 + ], + [ + "\u2581competente", + -13.333784103393556 + ], + [ + "naga", + -13.333788871765137 + ], + [ + "venti", + -13.333788871765137 + ], + [ + "Lw", + -13.3337984085083 + ], + [ + "istituto", + -13.333807945251465 + ], + [ + "\u2581laugh", + -13.333861351013184 + ], + [ + "\u2581beauftragt", + -13.333870887756348 + ], + [ + "PLUGIN", + -13.333882331848145 + ], + [ + "\u2581Begak", + -13.333919525146484 + ], + [ + "\u2581verslaan", + -13.333922386169434 + ], + [ + "\u00e9quipement", + -13.333945274353027 + ], + [ + "\u2581nogil", + -13.333966255187988 + ], + [ + "\u2581alternatives", + -13.33399772644043 + ], + [ + "\u2581Citro", + -13.334030151367188 + ], + [ + "\u2581G\u00fcltigkeit", + -13.334062576293944 + ], + [ + "\u2581passeggiata", + -13.334141731262209 + ], + [ + "caut", + -13.33414363861084 + ], + [ + "\u2581agrupa", + -13.33416748046875 + ], + [ + "\u2581Lucca", + -13.334173202514648 + ], + [ + "\u2581Dip", + -13.33417510986328 + ], + [ + "rell", + -13.334202766418455 + ], + [ + "\u2581Reparto", + -13.334214210510254 + ], + [ + "\u2581pr\u00fcft", + -13.334243774414062 + ], + [ + "\u2581Bratislava", + -13.334282875061035 + ], + [ + "\u2581Bautista", + -13.334324836730955 + ], + [ + "\u2581Hits", + -13.334328651428224 + ], + [ + "\u2581Memoria", + -13.334359169006348 + ], + [ + "\u2581apellido", + -13.334392547607422 + ], + [ + "\u2581sessanta", + -13.334393501281738 + ], + [ + "Centro", + -13.33441925048828 + ], + [ + "\u2581providers", + -13.33441925048828 + ], + [ + "\u2581afecta", + -13.334432601928713 + ], + [ + "komm", + -13.334477424621582 + ], + [ + "TOOLCHAIN", + -13.334538459777832 + ], + [ + "\u2581clari", + -13.334559440612791 + ], + [ + "elmann", + -13.33456325531006 + ], + [ + "\u2581ch\u00e1", + -13.33457088470459 + ], + [ + "\u2581camadas", + -13.33457851409912 + ], + [ + "elect", + -13.334604263305664 + ], + [ + "\u2581Mili", + -13.334630966186523 + ], + [ + "remont", + -13.334639549255373 + ], + [ + "Aosta", + -13.334683418273926 + ], + [ + "\u2581gleichm\u00e4", + -13.334729194641112 + ], + [ + "\u2581Sicili", + -13.334746360778809 + ], + [ + "\u2581dichiarazione", + -13.3347749710083 + ], + [ + "\u2581difusi\u00f3n", + -13.334797859191896 + ], + [ + "\u2581warrant", + -13.334816932678224 + ], + [ + "\u2581vivem", + -13.334836959838867 + ], + [ + "\u2581Perse", + -13.334845542907717 + ], + [ + "\u2581Casablanca", + -13.334863662719728 + ], + [ + "ingue", + -13.33495807647705 + ], + [ + "\u2581gallerie", + -13.334961891174316 + ], + [ + "\u2581occidentales", + -13.33498477935791 + ], + [ + "\u2581dovete", + -13.335000038146973 + ], + [ + "commun", + -13.335006713867188 + ], + [ + "\u2581onderzoeks", + -13.335058212280272 + ], + [ + "\u2581Lodge", + -13.335122108459473 + ], + [ + "\u2581Stereo", + -13.335144996643066 + ], + [ + "getAttribute", + -13.335182189941406 + ], + [ + "\u2581capability", + -13.33519172668457 + ], + [ + "\u2581circolare", + -13.335192680358888 + ], + [ + "\u2581daquele", + -13.335270881652832 + ], + [ + "\u2581Sheffield", + -13.335288047790527 + ], + [ + "solve", + -13.335314750671388 + ], + [ + "\u2581diffus\u00e9", + -13.335321426391602 + ], + [ + "strekt", + -13.335378646850586 + ], + [ + "zir", + -13.335391998291016 + ], + [ + "\u2581drove", + -13.33540153503418 + ], + [ + "verso", + -13.335436820983888 + ], + [ + "\u2581dispensa", + -13.335440635681152 + ], + [ + "\u2581Cornelia", + -13.335442543029783 + ], + [ + "EAT", + -13.33551788330078 + ], + [ + "ersten", + -13.335519790649414 + ], + [ + "yet", + -13.335572242736816 + ], + [ + "\u2581Chaos", + -13.33558464050293 + ], + [ + "\u2581Mental", + -13.335588455200195 + ], + [ + "\u2581humaines", + -13.335590362548828 + ], + [ + "\u2581brood", + -13.335598945617676 + ], + [ + "\u2581condannato", + -13.335598945617676 + ], + [ + "echa", + -13.33564281463623 + ], + [ + "\u2581Divisione", + -13.335671424865724 + ], + [ + "\u2581schijn", + -13.335689544677734 + ], + [ + "libert", + -13.335701942443848 + ], + [ + "kann", + -13.335710525512695 + ], + [ + "\u2581r\u00e9soudre", + -13.335738182067873 + ], + [ + "onie", + -13.335741996765137 + ], + [ + "\u2581representan", + -13.335749626159668 + ], + [ + "\u2581Bloch", + -13.33576774597168 + ], + [ + "\u2581proposent", + -13.335793495178224 + ], + [ + "\u2581Beschleunigung", + -13.335811614990234 + ], + [ + "\u2581Ester", + -13.335864067077637 + ], + [ + "\u2581opgesteld", + -13.335897445678713 + ], + [ + "Henry", + -13.335899353027344 + ], + [ + "africaine", + -13.335906982421877 + ], + [ + "franz", + -13.335906982421877 + ], + [ + "\u2581Cremona", + -13.335908889770508 + ], + [ + "\u2581personages", + -13.335920333862305 + ], + [ + "Ciudad", + -13.335925102233888 + ], + [ + "\u2581Batterie", + -13.335943222045898 + ], + [ + "televisieserie", + -13.335944175720217 + ], + [ + "stap", + -13.335945129394531 + ], + [ + "handig", + -13.335973739624023 + ], + [ + "\u2581demokratischen", + -13.33600616455078 + ], + [ + "\u2581Creo", + -13.336030960083008 + ], + [ + "\u2581Abdullah", + -13.336042404174805 + ], + [ + "\u2581acceptance", + -13.336044311523438 + ], + [ + "\u2581Dinastia", + -13.336051940917969 + ], + [ + "\u2581classiques", + -13.33606243133545 + ], + [ + "yll", + -13.336064338684082 + ], + [ + "\u2581nachtr\u00e4glich", + -13.336085319519045 + ], + [ + "\u2581Anstalt", + -13.336111068725586 + ], + [ + "isActive", + -13.336130142211914 + ], + [ + "bataillon", + -13.336196899414062 + ], + [ + "kov\u00e1", + -13.33621597290039 + ], + [ + "ATIONS", + -13.336222648620604 + ], + [ + "\u2581fragmentos", + -13.336237907409668 + ], + [ + "\u2581Kast", + -13.336275100708008 + ], + [ + "setAttribute", + -13.336281776428224 + ], + [ + "\u2581th\u00e9orique", + -13.336308479309082 + ], + [ + "\u2581dentre", + -13.336332321166992 + ], + [ + "\u2581D\u00e9fense", + -13.33633804321289 + ], + [ + "CLC", + -13.336338996887209 + ], + [ + "\u2581cementerio", + -13.336339950561523 + ], + [ + "\u2581Pain", + -13.33635425567627 + ], + [ + "\u2581stroomt", + -13.336509704589844 + ], + [ + "eae", + -13.33651351928711 + ], + [ + "\u2581beroeps", + -13.336524963378906 + ], + [ + "\u2581irgendwie", + -13.33659839630127 + ], + [ + "\u2581Usando", + -13.336609840393066 + ], + [ + "\u2581Sitzungen", + -13.336614608764648 + ], + [ + "\u2581Democr\u00e1tico", + -13.336640357971191 + ], + [ + "chir", + -13.336673736572266 + ], + [ + "\u2581sprak", + -13.33670425415039 + ], + [ + "ansible", + -13.336727142333984 + ], + [ + "\u2581gewerkt", + -13.336736679077148 + ], + [ + "\u2581rijke", + -13.336742401123049 + ], + [ + "sumption", + -13.336748123168944 + ], + [ + "lain", + -13.33676052093506 + ], + [ + "\u2581Datos", + -13.33677101135254 + ], + [ + "\u2581gato", + -13.336772918701172 + ], + [ + "kontroll", + -13.336801528930664 + ], + [ + "CFG", + -13.336830139160156 + ], + [ + "\u2581Doub", + -13.336831092834473 + ], + [ + "\u2581Gardens", + -13.336841583251951 + ], + [ + "\u2581intern", + -13.336849212646484 + ], + [ + "wagens", + -13.336881637573242 + ], + [ + "\u2581Relief", + -13.336888313293455 + ], + [ + "\u2581erfolgreichen", + -13.33691692352295 + ], + [ + "\u2581ampliar", + -13.336918830871582 + ], + [ + "\u2581philosophique", + -13.33693790435791 + ], + [ + "\u2581tr\u00e1fego", + -13.336939811706545 + ], + [ + "arie", + -13.3369722366333 + ], + [ + "\u2581fusione", + -13.33707046508789 + ], + [ + "smuster", + -13.337075233459473 + ], + [ + "fluence", + -13.337087631225586 + ], + [ + "ruption", + -13.337108612060549 + ], + [ + "\u2581somebody", + -13.337172508239746 + ], + [ + "gesell", + -13.33717441558838 + ], + [ + "\u2581varied", + -13.337176322937012 + ], + [ + "\u2581leek", + -13.33719539642334 + ], + [ + "\u2581Autos", + -13.337239265441896 + ], + [ + "\u2581personeel", + -13.337249755859377 + ], + [ + "inning", + -13.337270736694336 + ], + [ + "\u2581makkelijk", + -13.3372802734375 + ], + [ + "regional", + -13.337288856506348 + ], + [ + "\u2581captur", + -13.337320327758787 + ], + [ + "erz", + -13.337328910827637 + ], + [ + "\u2581Tore", + -13.337404251098633 + ], + [ + "\u2581experiencias", + -13.337428092956545 + ], + [ + "\u2581gares", + -13.337472915649414 + ], + [ + "\u2581adequada", + -13.33750057220459 + ], + [ + "physical", + -13.337520599365234 + ], + [ + "\u2581precedentemente", + -13.337635040283203 + ], + [ + "\u2581vogais", + -13.337635040283203 + ], + [ + "\u2581vrijdag", + -13.337636947631836 + ], + [ + "activiteit", + -13.337672233581545 + ], + [ + "\u2581Bekende", + -13.33767795562744 + ], + [ + "\u2581prodotta", + -13.33771800994873 + ], + [ + "\u2581pedal", + -13.337718963623049 + ], + [ + "\u2581Travis", + -13.337738037109377 + ], + [ + "\u2581vorst", + -13.337804794311523 + ], + [ + "tfrac", + -13.337809562683104 + ], + [ + "\u2581Voormalige", + -13.337836265563965 + ], + [ + "\u2581ligados", + -13.337854385375977 + ], + [ + "\u2581dificultad", + -13.337872505187988 + ], + [ + "\u2581.....", + -13.337923049926758 + ], + [ + "\u2581behauptet", + -13.337937355041504 + ], + [ + "\u2581invernale", + -13.337998390197754 + ], + [ + "tude", + -13.33802890777588 + ], + [ + "eredit\u00e0", + -13.33807373046875 + ], + [ + "\u2581Halo", + -13.33810329437256 + ], + [ + "\u2581renamed", + -13.33813762664795 + ], + [ + "\u2581Tode", + -13.338149070739746 + ], + [ + "lazione", + -13.33815574645996 + ], + [ + "\u2581souffle", + -13.338170051574709 + ], + [ + "synchronous", + -13.338191032409668 + ], + [ + "\u2581Sper", + -13.338217735290527 + ], + [ + "\u2581malaria", + -13.338217735290527 + ], + [ + "\u2581urspr\u00fcngliche", + -13.33822250366211 + ], + [ + "\u2581impone", + -13.338239669799805 + ], + [ + "\u2581Ausgang", + -13.3382568359375 + ], + [ + "\u2581espi", + -13.338299751281738 + ], + [ + "onni", + -13.338354110717772 + ], + [ + "gong", + -13.338400840759276 + ], + [ + "\u2581p\u00e1", + -13.338430404663086 + ], + [ + "\u2581organizza", + -13.338456153869627 + ], + [ + "\u2581ouvre", + -13.338458061218262 + ], + [ + "uster", + -13.338475227355955 + ], + [ + "Kanal", + -13.33847713470459 + ], + [ + "\u2581monatlich", + -13.338593482971191 + ], + [ + "\u2581Seigneur", + -13.338595390319824 + ], + [ + "\u2581Amin", + -13.338629722595217 + ], + [ + "\u2581Strahlenschutz", + -13.33867359161377 + ], + [ + "ozzo", + -13.338705062866213 + ], + [ + "\u2581Koblenz", + -13.338716506958008 + ], + [ + "\u2581\u00e9crits", + -13.338747024536133 + ], + [ + "frau", + -13.338822364807127 + ], + [ + "\u2581Nava", + -13.338829040527344 + ], + [ + "\u2581gesperrt", + -13.338836669921877 + ], + [ + "\u2581pasaron", + -13.338847160339355 + ], + [ + "voorzitter", + -13.338848114013672 + ], + [ + "\u2581Looking", + -13.338874816894531 + ], + [ + "\u2581Sugar", + -13.33889389038086 + ], + [ + "\u2581D\u00fcr", + -13.338905334472656 + ], + [ + "\u2581rings", + -13.338911056518556 + ], + [ + "\u2581Hermes", + -13.338990211486816 + ], + [ + "PROTO", + -13.339007377624512 + ], + [ + "\u2581Nachmittag", + -13.339017868041992 + ], + [ + "vergadering", + -13.339028358459473 + ], + [ + "\u2581transcript", + -13.339033126831056 + ], + [ + "\u2581Tik", + -13.339056968688965 + ], + [ + "ogr\u00e1fica", + -13.33916473388672 + ], + [ + "Jack", + -13.339178085327148 + ], + [ + "Permissions", + -13.339213371276855 + ], + [ + "wak", + -13.33923625946045 + ], + [ + "\u2581buried", + -13.33924388885498 + ], + [ + "\u2581studiare", + -13.339259147644045 + ], + [ + "fprintf", + -13.339261054992676 + ], + [ + "\u2581vorbehalten", + -13.339279174804688 + ], + [ + "\u2581archivo", + -13.33930778503418 + ], + [ + "\u2581robots", + -13.339308738708496 + ], + [ + "\u2581arrange", + -13.339317321777344 + ], + [ + "\u2581Foram", + -13.339336395263672 + ], + [ + "nina", + -13.339346885681152 + ], + [ + "\u2581Uruguai", + -13.339348793029783 + ], + [ + "\u00edcia", + -13.339366912841797 + ], + [ + "Shard", + -13.339369773864746 + ], + [ + "Way", + -13.339402198791504 + ], + [ + "\u2581dak", + -13.339472770690918 + ], + [ + "\u2581vocation", + -13.33948802947998 + ], + [ + "attend", + -13.33950424194336 + ], + [ + "\u2581Secretar\u00eda", + -13.339523315429688 + ], + [ + "eschi", + -13.339524269104004 + ], + [ + "existent", + -13.339558601379396 + ], + [ + "\u2581rush", + -13.339581489562988 + ], + [ + "\u2581Mechanismen", + -13.33958625793457 + ], + [ + "\u2581notions", + -13.339603424072266 + ], + [ + "\u2581gelegd", + -13.339604377746582 + ], + [ + "\u2581victorias", + -13.339649200439451 + ], + [ + "\u2581McLaren", + -13.339679718017578 + ], + [ + "\u2581redden", + -13.339688301086426 + ], + [ + "\u2581Diabetes", + -13.339702606201172 + ], + [ + "\u2581peripheral", + -13.339773178100586 + ], + [ + "phant", + -13.339787483215332 + ], + [ + "\u2581establishments", + -13.33980655670166 + ], + [ + "\u2581secretary", + -13.339838027954102 + ], + [ + "z\u00fcgig", + -13.339863777160645 + ], + [ + "incendie", + -13.339865684509276 + ], + [ + "uana", + -13.339874267578123 + ], + [ + "\u2581heap", + -13.339876174926758 + ], + [ + "\u2581folgendes", + -13.33987808227539 + ], + [ + "Percent", + -13.339938163757324 + ], + [ + "rinnen", + -13.339977264404297 + ], + [ + "CMS", + -13.340003967285156 + ], + [ + "\u2581decreasing", + -13.340004920959473 + ], + [ + "\u2581terrorismo", + -13.34003734588623 + ], + [ + "Hide", + -13.340083122253418 + ], + [ + "\u2581Griffin", + -13.34012222290039 + ], + [ + "\u2581uitgesproken", + -13.34012222290039 + ], + [ + "kleur", + -13.340130805969238 + ], + [ + "\u2581pagan", + -13.340153694152832 + ], + [ + "\u2581myst", + -13.340176582336426 + ], + [ + "\u2581trouw", + -13.340200424194336 + ], + [ + "\u2581repress", + -13.340252876281738 + ], + [ + "\u2581\u00fcbersteigen", + -13.340299606323242 + ], + [ + "Costa", + -13.340322494506836 + ], + [ + "\u2581JC", + -13.340365409851074 + ], + [ + "\u2581carr\u00e9", + -13.340401649475098 + ], + [ + "\u2581allez", + -13.340411186218262 + ], + [ + "\u2581Sendung", + -13.340489387512209 + ], + [ + "Representation", + -13.340502738952637 + ], + [ + "nnt", + -13.340526580810549 + ], + [ + "\u2581diversit\u00e9", + -13.340539932250977 + ], + [ + "\u2581Specifically", + -13.340557098388672 + ], + [ + "\u2581serum", + -13.340581893920898 + ], + [ + "\u2581Paro", + -13.340628623962402 + ], + [ + "\u2581vag", + -13.34063720703125 + ], + [ + "\u2581loyal", + -13.340660095214844 + ], + [ + "\u2581chantier", + -13.340725898742676 + ], + [ + "\u2581hierarchy", + -13.340815544128418 + ], + [ + "onderzoek", + -13.34084701538086 + ], + [ + "\u2581IOException", + -13.340865135192873 + ], + [ + "\u2581schwarzen", + -13.34087085723877 + ], + [ + "\u2581afkomst", + -13.340872764587402 + ], + [ + "\u2581jubil", + -13.340886116027832 + ], + [ + "Hyper", + -13.340893745422363 + ], + [ + "\u2581horrible", + -13.340900421142578 + ], + [ + "stuhl", + -13.34092140197754 + ], + [ + "\u2581viste", + -13.34094524383545 + ], + [ + "\u2581heureux", + -13.340981483459473 + ], + [ + "\u2581Lotus", + -13.34099292755127 + ], + [ + "\u2581talks", + -13.34101390838623 + ], + [ + "\u2581liberar", + -13.341071128845217 + ], + [ + "Editing", + -13.341126441955566 + ], + [ + "\u2581bauen", + -13.341148376464844 + ], + [ + "\u2581belegte", + -13.34115505218506 + ], + [ + "\u2581overhead", + -13.34122371673584 + ], + [ + "\u2581umwelt", + -13.341238975524902 + ], + [ + "\u2581pr\u00e9sentent", + -13.34123992919922 + ], + [ + "\u2581Fink", + -13.341243743896484 + ], + [ + "manage", + -13.341257095336914 + ], + [ + "effiziente", + -13.341265678405762 + ], + [ + "\u2581desselben", + -13.34131145477295 + ], + [ + "\u2581pens\u00e9", + -13.341326713562012 + ], + [ + "\u2581preliminary", + -13.341349601745604 + ], + [ + "cule", + -13.341375350952148 + ], + [ + "\u2581Crisis", + -13.341386795043944 + ], + [ + "\u2581espanhola", + -13.341431617736816 + ], + [ + "extr\u00e9mit\u00e9", + -13.341444969177246 + ], + [ + "graf\u00eda", + -13.34146499633789 + ], + [ + "\u2581insediamento", + -13.341486930847168 + ], + [ + "\u2581debemos", + -13.341492652893066 + ], + [ + "\u2581frisch", + -13.341498374938965 + ], + [ + "taler", + -13.341510772705078 + ], + [ + "\u2581updating", + -13.341583251953123 + ], + [ + "Train", + -13.341597557067873 + ], + [ + "orno", + -13.341686248779297 + ], + [ + "\u2581Eber", + -13.341713905334473 + ], + [ + "\u2581postales", + -13.341753005981444 + ], + [ + "\u2581inkubiert", + -13.341763496398926 + ], + [ + "\u2581Klimawandel", + -13.34177017211914 + ], + [ + "\u2581mehrmals", + -13.341774940490724 + ], + [ + "\u2581Certain", + -13.341788291931152 + ], + [ + "\u2581excitation", + -13.341816902160645 + ], + [ + "\u2581expressa", + -13.34184455871582 + ], + [ + "\u2581Abbiamo", + -13.341880798339844 + ], + [ + "\u2581Rocky", + -13.341883659362791 + ], + [ + "\u2581Einsicht", + -13.3419771194458 + ], + [ + "\u2581Gitter", + -13.341998100280762 + ], + [ + "\u2581coronavirus", + -13.341999053955078 + ], + [ + "\u2581weiblichen", + -13.342046737670898 + ], + [ + "\u2581fibra", + -13.34206199645996 + ], + [ + "cadas", + -13.342086791992188 + ], + [ + "omen", + -13.342097282409668 + ], + [ + "Vw", + -13.3420991897583 + ], + [ + "fette", + -13.34210205078125 + ], + [ + "Formazione", + -13.342132568359377 + ], + [ + "itation", + -13.342144966125488 + ], + [ + "g\u00e4n", + -13.34216022491455 + ], + [ + "\u2581Railroad", + -13.342222213745115 + ], + [ + "\u2581oven", + -13.342244148254396 + ], + [ + "\u2581Crow", + -13.34226417541504 + ], + [ + "\u2581readily", + -13.342284202575684 + ], + [ + "\u2581applica", + -13.342288970947266 + ], + [ + "\u2581venant", + -13.342302322387695 + ], + [ + "\u00e9ral", + -13.342314720153809 + ], + [ + "\u2581Clique", + -13.3423433303833 + ], + [ + "spirit", + -13.342364311218262 + ], + [ + "vagrant", + -13.342416763305664 + ], + [ + "\u2581Beirat", + -13.342419624328612 + ], + [ + "\u2581t\u00e4tigen", + -13.342443466186523 + ], + [ + "Swap", + -13.342466354370115 + ], + [ + "\u2581Ibrahim", + -13.342527389526367 + ], + [ + "\u2581Turks", + -13.342567443847656 + ], + [ + "\u2581tachtig", + -13.342575073242188 + ], + [ + "\u2581Cab", + -13.34260082244873 + ], + [ + "\u2581agire", + -13.3426513671875 + ], + [ + "ridi", + -13.342658042907717 + ], + [ + "KERNEL", + -13.342673301696776 + ], + [ + "\u2581compiuto", + -13.342679977416992 + ], + [ + "\u2581versichert", + -13.342728614807127 + ], + [ + "ARIA", + -13.342769622802734 + ], + [ + "Franche", + -13.342785835266112 + ], + [ + "\u2581pressed", + -13.342867851257324 + ], + [ + "\u2581Linea", + -13.342878341674805 + ], + [ + "oja", + -13.34291172027588 + ], + [ + "\u2581geleverd", + -13.342914581298828 + ], + [ + "\u2581tears", + -13.34296417236328 + ], + [ + "\u2581Rscript", + -13.342968940734863 + ], + [ + "\u2581riempi", + -13.34298610687256 + ], + [ + "\u2581aldeias", + -13.34299087524414 + ], + [ + "ommage", + -13.342994689941406 + ], + [ + "loup", + -13.34303379058838 + ], + [ + "agissait", + -13.343052864074709 + ], + [ + "montana", + -13.343059539794922 + ], + [ + "\u2581sorriso", + -13.343147277832031 + ], + [ + "\u2581emergenza", + -13.34324073791504 + ], + [ + "cow", + -13.34324550628662 + ], + [ + "\u2581Dunn", + -13.343267440795898 + ], + [ + "bilidade", + -13.343276023864746 + ], + [ + "\u2581pleasant", + -13.343278884887695 + ], + [ + "\u2581hilfreich", + -13.343297958374023 + ], + [ + "\u2581Folge\u00e4nderung", + -13.343310356140137 + ], + [ + "\u2581cinquante", + -13.343313217163086 + ], + [ + "\u2581Chester", + -13.34333038330078 + ], + [ + "leak", + -13.343354225158691 + ], + [ + "inspecteur", + -13.343366622924805 + ], + [ + "punkten", + -13.343375205993652 + ], + [ + "\u2581hablando", + -13.343411445617676 + ], + [ + "noy", + -13.34344482421875 + ], + [ + "hoeve", + -13.343454360961914 + ], + [ + "\u2581plume", + -13.343465805053713 + ], + [ + "\u2581populated", + -13.34361171722412 + ], + [ + "assedio", + -13.343647956848145 + ], + [ + "agri", + -13.34365463256836 + ], + [ + "Chem", + -13.343724250793455 + ], + [ + "jado", + -13.343724250793455 + ], + [ + "Jacob", + -13.343788146972656 + ], + [ + "\u2581holiday", + -13.34379768371582 + ], + [ + "UW", + -13.343846321105955 + ], + [ + "\u2581Moulin", + -13.343873023986816 + ], + [ + "Glu", + -13.343879699707031 + ], + [ + "CellGroupData", + -13.343881607055664 + ], + [ + "\u2581orilla", + -13.34389305114746 + ], + [ + "Wizard", + -13.34389877319336 + ], + [ + "\u2581lobby", + -13.34390640258789 + ], + [ + "textColor", + -13.343929290771484 + ], + [ + "zege", + -13.343964576721191 + ], + [ + "\u2581tungen", + -13.344033241271973 + ], + [ + "uiz\u00e1", + -13.344038009643556 + ], + [ + "viens", + -13.344038963317873 + ], + [ + "\u00e9rit\u00e9", + -13.344050407409668 + ], + [ + "\u2581egg", + -13.344056129455566 + ], + [ + "\u2581Hohe", + -13.344061851501465 + ], + [ + "wetter", + -13.344063758850098 + ], + [ + "\u2581licenza", + -13.344070434570312 + ], + [ + "\u2581rebotes", + -13.344077110290527 + ], + [ + "\u2581gestart", + -13.344094276428224 + ], + [ + "\u2581drummer", + -13.344103813171388 + ], + [ + "\u2581variability", + -13.344171524047852 + ], + [ + "\u2581Publishers", + -13.344193458557127 + ], + [ + "\u2581signaling", + -13.344199180603027 + ], + [ + "\u2581Migranten", + -13.344243049621582 + ], + [ + "\u2581pontua", + -13.344246864318848 + ], + [ + "erkenning", + -13.34427261352539 + ], + [ + "\u2581Grav", + -13.344310760498049 + ], + [ + "\u2581duur", + -13.34433650970459 + ], + [ + "\u2581gobiernos", + -13.34439182281494 + ], + [ + "\u2581interesses", + -13.344398498535156 + ], + [ + "fk", + -13.344454765319824 + ], + [ + "\u2581wooden", + -13.344465255737305 + ], + [ + "\u2581direc", + -13.344484329223633 + ], + [ + "\u2581Vertiefung", + -13.344510078430176 + ], + [ + "\u2581verbesserte", + -13.344574928283691 + ], + [ + "\u2581spots", + -13.344589233398438 + ], + [ + "TARGETS", + -13.344603538513184 + ], + [ + "regress", + -13.34465789794922 + ], + [ + "\u2581beb\u00e9", + -13.344709396362305 + ], + [ + "\u2581t\u00fcrkischen", + -13.344720840454102 + ], + [ + "omyia", + -13.34474277496338 + ], + [ + "\u2581Tracce", + -13.344758987426758 + ], + [ + "Unit\u00e0", + -13.344782829284668 + ], + [ + "SUS", + -13.344808578491213 + ], + [ + "\u2581drau", + -13.344812393188477 + ], + [ + "fG", + -13.34481430053711 + ], + [ + "\u2581soccorso", + -13.344847679138184 + ], + [ + "tito", + -13.34488296508789 + ], + [ + "schirm", + -13.344910621643066 + ], + [ + "\u2581serviu", + -13.344930648803713 + ], + [ + "\u2581verscheidene", + -13.344943046569824 + ], + [ + "gotische", + -13.344955444335938 + ], + [ + "nproc", + -13.34500217437744 + ], + [ + "\u2581comparaison", + -13.345008850097656 + ], + [ + "\u2581Avan", + -13.345012664794922 + ], + [ + "\u2581Filip", + -13.345040321350098 + ], + [ + "\u2581Differential", + -13.345102310180664 + ], + [ + "\u2581Atribuindo", + -13.345112800598145 + ], + [ + "\u2581veiligheid", + -13.34518051147461 + ], + [ + "fallenden", + -13.345195770263672 + ], + [ + "variance", + -13.345212936401367 + ], + [ + "\u2581blast", + -13.345216751098633 + ], + [ + "\u2581stradali", + -13.345260620117188 + ], + [ + "\u2581Hak", + -13.3452730178833 + ], + [ + "\u2581unterteilt", + -13.345382690429688 + ], + [ + "pdb", + -13.3454008102417 + ], + [ + "therapeutische", + -13.34542179107666 + ], + [ + "\u2581activated", + -13.345503807067873 + ], + [ + "\u2581secondaire", + -13.345519065856934 + ], + [ + "\u2581/*!", + -13.345535278320312 + ], + [ + "\u2581recipe", + -13.345556259155272 + ], + [ + "\u2581OBS", + -13.34556007385254 + ], + [ + "llano", + -13.34556770324707 + ], + [ + "\u2581gestuurd", + -13.345582962036133 + ], + [ + "trope", + -13.345589637756348 + ], + [ + "\u2581JO", + -13.345632553100586 + ], + [ + "pillar", + -13.345643043518066 + ], + [ + "\u2581Lori", + -13.34565258026123 + ], + [ + "\u2581entendre", + -13.345669746398926 + ], + [ + "\u2581necesaria", + -13.345677375793455 + ], + [ + "\u2581lunar", + -13.34568977355957 + ], + [ + "orre", + -13.345718383789062 + ], + [ + "zada", + -13.34575366973877 + ], + [ + "\u2581prospect", + -13.34579372406006 + ], + [ + "\u2581onafhankelijke", + -13.345803260803224 + ], + [ + "\u2581climb", + -13.345871925354004 + ], + [ + "kogel", + -13.345932006835938 + ], + [ + "\u2581Rotten", + -13.345958709716797 + ], + [ + "\u2581Sicherstellung", + -13.34601879119873 + ], + [ + "lizenz", + -13.346026420593262 + ], + [ + "Sieg", + -13.346038818359377 + ], + [ + "\u2581Koninklijk", + -13.346039772033691 + ], + [ + "independent", + -13.346060752868652 + ], + [ + "accessor", + -13.346076965332031 + ], + [ + "\u2581polvo", + -13.34608268737793 + ], + [ + "\u2581Luci", + -13.346163749694824 + ], + [ + "europe", + -13.346169471740724 + ], + [ + "biet", + -13.34618091583252 + ], + [ + "smethoden", + -13.346233367919922 + ], + [ + "ioutil", + -13.346257209777832 + ], + [ + "bike", + -13.34632682800293 + ], + [ + "\u2581entertainment", + -13.346354484558104 + ], + [ + "legal", + -13.34641456604004 + ], + [ + "\u2581berechnen", + -13.346427917480469 + ], + [ + "\u2581obscure", + -13.346477508544922 + ], + [ + "\u2581Tah", + -13.346478462219238 + ], + [ + "gly", + -13.346480369567873 + ], + [ + "\u2581subspace", + -13.346553802490234 + ], + [ + "\u2581provenant", + -13.346579551696776 + ], + [ + "\u2581'../", + -13.346583366394045 + ], + [ + "\u2581M\u00e9rito", + -13.34659481048584 + ], + [ + "\u2581Dice", + -13.346606254577637 + ], + [ + "\u2581Alternatively", + -13.346612930297852 + ], + [ + "\u2581R\u00e9alisation", + -13.34663200378418 + ], + [ + "\u2581Hale", + -13.346657752990724 + ], + [ + "\u2581Olivia", + -13.346665382385254 + ], + [ + "\u2581wiskundige", + -13.346680641174316 + ], + [ + "\u00e1ticos", + -13.346696853637695 + ], + [ + "\u2581transmis", + -13.346735954284668 + ], + [ + "\u2581Mondadori", + -13.346762657165527 + ], + [ + "\u2581t\u00e4t", + -13.346766471862791 + ], + [ + "voering", + -13.346883773803713 + ], + [ + "\u2581yard", + -13.346883773803713 + ], + [ + "\u2581klassische", + -13.346888542175291 + ], + [ + "ivit\u00e9", + -13.346899032592772 + ], + [ + "\u2581clrscrn", + -13.346914291381836 + ], + [ + "\u2581Projeto", + -13.346919059753418 + ], + [ + "\u2581combinaison", + -13.34694480895996 + ], + [ + "\u2581attraction", + -13.347030639648438 + ], + [ + "embri", + -13.347082138061523 + ], + [ + "jz", + -13.347135543823242 + ], + [ + "oidal", + -13.347201347351074 + ], + [ + "TRO", + -13.347216606140137 + ], + [ + "\u2581beschleunigt", + -13.347228050231934 + ], + [ + "\u2581../../", + -13.347264289855955 + ], + [ + "\u2581politician", + -13.347298622131348 + ], + [ + "werd", + -13.34732151031494 + ], + [ + "Parti", + -13.347393035888672 + ], + [ + "Docker", + -13.347442626953123 + ], + [ + "kranken", + -13.347444534301758 + ], + [ + "Employee", + -13.347452163696287 + ], + [ + "\u2581competizioni", + -13.347460746765137 + ], + [ + "enbau", + -13.347556114196776 + ], + [ + "underscore", + -13.347578048706056 + ], + [ + "\u2581lifted", + -13.34760284423828 + ], + [ + "\u2581avrei", + -13.347620964050291 + ], + [ + "Lee", + -13.347622871398926 + ], + [ + "\u2581specifying", + -13.347631454467772 + ], + [ + "\u2581fechas", + -13.347644805908203 + ], + [ + "\u2581Patria", + -13.347648620605469 + ], + [ + "\u2581distribuido", + -13.34768295288086 + ], + [ + "\u2581privater", + -13.347685813903809 + ], + [ + "ulent", + -13.347713470458984 + ], + [ + "\u2581Stift", + -13.347722053527832 + ], + [ + "\u2581Lexikon", + -13.347764015197754 + ], + [ + "sausschuss", + -13.347803115844728 + ], + [ + "confort", + -13.347841262817385 + ], + [ + "RANGE", + -13.347844123840332 + ], + [ + "\u2581Latijnse", + -13.34793758392334 + ], + [ + "\u2581Selen", + -13.348013877868652 + ], + [ + "\u2581obtiene", + -13.34809398651123 + ], + [ + "illustra", + -13.348094940185549 + ], + [ + "\u2581Mongol", + -13.348101615905762 + ], + [ + "turing", + -13.34812068939209 + ], + [ + "\u2581ervaring", + -13.348134994506836 + ], + [ + "machi", + -13.34815788269043 + ], + [ + "Platz", + -13.34816837310791 + ], + [ + "\u2581varies", + -13.348204612731934 + ], + [ + "\u2581Teorema", + -13.34828281402588 + ], + [ + "Indices", + -13.348305702209473 + ], + [ + "\u2581sagrado", + -13.348332405090332 + ], + [ + "KER", + -13.348365783691406 + ], + [ + "\u2581usos", + -13.348365783691406 + ], + [ + "\u2581gezwungen", + -13.34836769104004 + ], + [ + "infra", + -13.348417282104492 + ], + [ + "\u2581s\u00e9quence", + -13.34843635559082 + ], + [ + "\u2581qualification", + -13.348455429077148 + ], + [ + "\u2581reuse", + -13.348462104797363 + ], + [ + "\u2581raccogliere", + -13.348464012145996 + ], + [ + "\u2581Ugo", + -13.348464965820312 + ], + [ + "\u2581REF", + -13.34847927093506 + ], + [ + "arde", + -13.348499298095703 + ], + [ + "\u2581Hola", + -13.348505020141602 + ], + [ + "umen", + -13.348516464233398 + ], + [ + "\u2581rewrite", + -13.348559379577637 + ], + [ + "krijg", + -13.348562240600586 + ], + [ + "\u2581producent", + -13.348563194274902 + ], + [ + "gedruckt", + -13.348589897155762 + ], + [ + "\u00e9cri", + -13.348594665527344 + ], + [ + "\u2581Gue", + -13.348597526550291 + ], + [ + "wellen", + -13.348602294921877 + ], + [ + "\u2581Catalogue", + -13.348670959472656 + ], + [ + "\u2581motifs", + -13.348702430725098 + ], + [ + "atual", + -13.34873867034912 + ], + [ + "\u2581platworm", + -13.34873867034912 + ], + [ + "\u2581bevond", + -13.348745346069336 + ], + [ + "\u2581Blackwell", + -13.348824501037598 + ], + [ + "\u2581instalada", + -13.348878860473633 + ], + [ + "\u2581estuvieron", + -13.348882675170898 + ], + [ + "\u2581Mil\u00e1n", + -13.34890842437744 + ], + [ + "\u2581Satelliten", + -13.348958015441896 + ], + [ + "Fluggesellschaft", + -13.349005699157717 + ], + [ + "\u2581annuel", + -13.349016189575195 + ], + [ + "konstruktion", + -13.34902572631836 + ], + [ + "\u2581di\u00e1metro", + -13.34904670715332 + ], + [ + "\u2581Brunnen", + -13.3490571975708 + ], + [ + "\u2581conservato", + -13.349069595336914 + ], + [ + "tymologie", + -13.34913158416748 + ], + [ + "\u2581pubblicati", + -13.34925651550293 + ], + [ + "\u2581Finl", + -13.349287033081056 + ], + [ + "\u2581detectar", + -13.3493013381958 + ], + [ + "gevuld", + -13.349308013916016 + ], + [ + "\u2581parar", + -13.349313735961914 + ], + [ + "\u2581simpler", + -13.349328994750977 + ], + [ + "pec", + -13.349353790283203 + ], + [ + "ITS", + -13.349383354187012 + ], + [ + "Hom", + -13.349394798278809 + ], + [ + "\u2581Gefangenen", + -13.349405288696287 + ], + [ + "\u2581Seth", + -13.349451065063477 + ], + [ + "katholiek", + -13.349510192871094 + ], + [ + "schke", + -13.349592208862305 + ], + [ + "stheorie", + -13.349601745605469 + ], + [ + "Titel", + -13.34961986541748 + ], + [ + "introduction", + -13.34961986541748 + ], + [ + "\u2581Jobs", + -13.349637031555176 + ], + [ + "vz", + -13.34964656829834 + ], + [ + "\u2581Mendes", + -13.349649429321287 + ], + [ + "\u2581Peninsula", + -13.349656105041504 + ], + [ + "\u2581d\u00e9fini", + -13.349691390991213 + ], + [ + "ruck", + -13.349696159362791 + ], + [ + "leitungen", + -13.349719047546388 + ], + [ + "tieri", + -13.349751472473145 + ], + [ + "\u2581entlassen", + -13.349766731262209 + ], + [ + "offizier", + -13.34981918334961 + ], + [ + "\u2581sab", + -13.349843978881836 + ], + [ + "\u2581Parla", + -13.34992218017578 + ], + [ + "\u2581Berater", + -13.349946022033691 + ], + [ + "\u2581Slot", + -13.34996223449707 + ], + [ + "\u2581doctors", + -13.34996223449707 + ], + [ + "MenuItem", + -13.349984169006348 + ], + [ + "streken", + -13.350003242492676 + ], + [ + "\u2581communal", + -13.350015640258787 + ], + [ + "\u2581nqp", + -13.350030899047852 + ], + [ + "\u2581epoch", + -13.350051879882812 + ], + [ + "acque", + -13.350067138671877 + ], + [ + "\u2581Publi", + -13.350086212158203 + ], + [ + "\u2581Apotheken", + -13.35009765625 + ], + [ + "\u2581......", + -13.350107192993164 + ], + [ + "l\u00e4ufer", + -13.350117683410645 + ], + [ + "\u2581Chanson", + -13.350132942199709 + ], + [ + "\u2581Devi", + -13.35015869140625 + ], + [ + "graphique", + -13.35018825531006 + ], + [ + "\u2581Rational", + -13.35019588470459 + ], + [ + "\u2581cubierto", + -13.350217819213867 + ], + [ + "\u2581ingevoerd", + -13.350264549255373 + ], + [ + "sloten", + -13.350298881530762 + ], + [ + "\u2581focal", + -13.350303649902344 + ], + [ + "\u2581Morro", + -13.350434303283691 + ], + [ + "\u2581largas", + -13.350454330444336 + ], + [ + "asfalt", + -13.350475311279297 + ], + [ + "\u2581Haj", + -13.350481986999512 + ], + [ + "been", + -13.350528717041016 + ], + [ + "Cho", + -13.350537300109863 + ], + [ + "\u2581Bewegungen", + -13.350564002990724 + ], + [ + "Bh", + -13.350581169128418 + ], + [ + "lieden", + -13.350586891174316 + ], + [ + "\u2581Attribut", + -13.350592613220217 + ], + [ + "\u2581tributo", + -13.35059642791748 + ], + [ + "\u2581Ped", + -13.350621223449709 + ], + [ + "Partial", + -13.350625991821287 + ], + [ + "TENSION", + -13.350653648376465 + ], + [ + "\u2581prae", + -13.350653648376465 + ], + [ + "zaam", + -13.350662231445312 + ], + [ + "astronome", + -13.350664138793944 + ], + [ + "\u2581beschrijft", + -13.350720405578612 + ], + [ + "\u2581fretta", + -13.35072898864746 + ], + [ + "\u2581T\u00edtulo", + -13.350754737854004 + ], + [ + "\u2581staart", + -13.350773811340332 + ], + [ + "\u2581Puglia", + -13.35079860687256 + ], + [ + "tracking", + -13.350844383239746 + ], + [ + "Km", + -13.350858688354492 + ], + [ + "\u2581blocked", + -13.3508939743042 + ], + [ + "\u2581assur\u00e9", + -13.350910186767578 + ], + [ + "\u2581leite", + -13.350923538208008 + ], + [ + "ustands", + -13.350953102111816 + ], + [ + "\u2581eenvoudige", + -13.35098648071289 + ], + [ + "Oceano", + -13.350994110107422 + ], + [ + "\u2581Vla", + -13.350996017456056 + ], + [ + "\u2581veranschlagt", + -13.351024627685549 + ], + [ + "\u2581sostanze", + -13.351034164428713 + ], + [ + "\u2581pedras", + -13.351057052612305 + ], + [ + "\u2581Krim", + -13.351078033447266 + ], + [ + "\u2581retourner", + -13.351107597351074 + ], + [ + "\u2581arrestato", + -13.35112476348877 + ], + [ + "\u2581Leibniz", + -13.35118007659912 + ], + [ + "\u2581Konstantin", + -13.351201057434082 + ], + [ + "\u2581bezug", + -13.351214408874512 + ], + [ + "\u2581Richards", + -13.351223945617676 + ], + [ + "owicz", + -13.351242065429688 + ], + [ + "endes", + -13.3512544631958 + ], + [ + "\u2581symbole", + -13.3513765335083 + ], + [ + "\u2581delega", + -13.351452827453612 + ], + [ + "tirol", + -13.35152530670166 + ], + [ + "gemeenschap", + -13.351527214050291 + ], + [ + "\u2581Cyprus", + -13.351530075073242 + ], + [ + "\u2581apport\u00e9", + -13.3516263961792 + ], + [ + "sonic", + -13.35163116455078 + ], + [ + "feier", + -13.351640701293944 + ], + [ + "\u2581\u00fcbersetzt", + -13.351662635803224 + ], + [ + "\u2581statistiques", + -13.351670265197754 + ], + [ + "\u2581Rather", + -13.351689338684082 + ], + [ + "besitzer", + -13.351696968078612 + ], + [ + "\u2581parfait", + -13.35179328918457 + ], + [ + "Producer", + -13.351821899414062 + ], + [ + "\u2581convencional", + -13.351828575134276 + ], + [ + "vertr\u00e4gen", + -13.35184383392334 + ], + [ + "dano", + -13.351851463317873 + ], + [ + "chlorid", + -13.35190200805664 + ], + [ + "\u2581Boat", + -13.351954460144045 + ], + [ + "\u2581confisca", + -13.351990699768066 + ], + [ + "\u2581successi", + -13.351990699768066 + ], + [ + "\u2581finances", + -13.352038383483888 + ], + [ + "ALG", + -13.352069854736328 + ], + [ + "mates", + -13.352096557617188 + ], + [ + "steiger", + -13.35210418701172 + ], + [ + "\u2581milieux", + -13.352139472961426 + ], + [ + "\u2581Strafrecht", + -13.352275848388672 + ], + [ + "\u2581vicinanza", + -13.352282524108888 + ], + [ + "\u2581Relativ", + -13.352313995361328 + ], + [ + "hunt", + -13.35233211517334 + ], + [ + "draai", + -13.352371215820312 + ], + [ + "Energie", + -13.352445602416992 + ], + [ + "\u2581Interest", + -13.352471351623535 + ], + [ + "opoulos", + -13.352506637573242 + ], + [ + "zg", + -13.35250759124756 + ], + [ + "iwa", + -13.352511405944824 + ], + [ + "magna", + -13.352517127990724 + ], + [ + "artigen", + -13.352558135986328 + ], + [ + "Arb", + -13.35269546508789 + ], + [ + "Arbeitslosengeld", + -13.352702140808104 + ], + [ + "hark", + -13.35273551940918 + ], + [ + "\u2581Thom", + -13.35274600982666 + ], + [ + "rben", + -13.352753639221191 + ], + [ + "\u2581prayer", + -13.352754592895508 + ], + [ + "Compound", + -13.35275650024414 + ], + [ + "\u2581produz", + -13.352761268615724 + ], + [ + "\u2581zeventig", + -13.352764129638672 + ], + [ + "\u2581marge", + -13.352834701538086 + ], + [ + "\u2581komme", + -13.352852821350098 + ], + [ + "\u2581Guadalupe", + -13.35285758972168 + ], + [ + "\u2581decine", + -13.352880477905272 + ], + [ + "\u2581Picasso", + -13.35288429260254 + ], + [ + "\u2581Latino", + -13.352946281433104 + ], + [ + "\u2581vitale", + -13.352984428405762 + ], + [ + "\u2581Libanon", + -13.352988243103027 + ], + [ + "\u2581\u00e9gal", + -13.35303020477295 + ], + [ + "psychologische", + -13.353034019470217 + ], + [ + "\u2581\u00fcb", + -13.35303783416748 + ], + [ + "Porto", + -13.353157997131348 + ], + [ + "\u2581popd", + -13.353168487548828 + ], + [ + "\u2581Einsparungen", + -13.353181838989258 + ], + [ + "\u2581sujeto", + -13.353219985961914 + ], + [ + "gehaald", + -13.353303909301758 + ], + [ + "blockchain", + -13.35332202911377 + ], + [ + "\u2581Reserved", + -13.353327751159668 + ], + [ + "\u2581omvatte", + -13.353339195251465 + ], + [ + "\u2581Eugen", + -13.35336685180664 + ], + [ + "\u2581Processing", + -13.353367805480955 + ], + [ + "\u2581initialization", + -13.353376388549805 + ], + [ + "visi\u00f3n", + -13.35342025756836 + ], + [ + "\u2581Monopol", + -13.353458404541016 + ], + [ + "Dockerfile", + -13.35348129272461 + ], + [ + "productive", + -13.35348129272461 + ], + [ + "etty", + -13.353528022766112 + ], + [ + "afdeling", + -13.35356616973877 + ], + [ + "Recovery", + -13.353570938110352 + ], + [ + "increment", + -13.353571891784668 + ], + [ + "\u2581r\u00e9serv\u00e9", + -13.353604316711426 + ], + [ + "jol", + -13.353610038757324 + ], + [ + "Publish", + -13.353642463684082 + ], + [ + "\u2581ospedale", + -13.353665351867676 + ], + [ + "\u2581Gele", + -13.35368824005127 + ], + [ + "toxin", + -13.353719711303713 + ], + [ + "compens", + -13.35373306274414 + ], + [ + "avanzata", + -13.353748321533203 + ], + [ + "schrei", + -13.35376262664795 + ], + [ + "\u2581comunismo", + -13.353769302368164 + ], + [ + "\u2581stattgefunden", + -13.353778839111328 + ], + [ + "Structure", + -13.35386562347412 + ], + [ + "alha", + -13.353870391845703 + ], + [ + "Cesena", + -13.353874206542969 + ], + [ + "dorado", + -13.35388469696045 + ], + [ + "Pull", + -13.35389518737793 + ], + [ + "\u2581swing", + -13.353906631469728 + ], + [ + "\u2581Campe\u00f3n", + -13.353960990905762 + ], + [ + "plate", + -13.353962898254396 + ], + [ + "m\u00f3n", + -13.353992462158203 + ], + [ + "enminister", + -13.353999137878418 + ], + [ + "\u2581triggered", + -13.354015350341797 + ], + [ + "nali", + -13.35402488708496 + ], + [ + "\u2581additive", + -13.35403537750244 + ], + [ + "\u2581Seen", + -13.354036331176758 + ], + [ + "\u2581Joden", + -13.354040145874023 + ], + [ + "\u2581retained", + -13.354042053222656 + ], + [ + "\u2581Pati", + -13.354063987731934 + ], + [ + "hydr", + -13.354083061218262 + ], + [ + "allora", + -13.354114532470703 + ], + [ + "\u2581Nou", + -13.354198455810549 + ], + [ + "\u2581Fru", + -13.35421371459961 + ], + [ + "setTimeout", + -13.35423183441162 + ], + [ + "usb", + -13.354296684265137 + ], + [ + "pjes", + -13.35431957244873 + ], + [ + "\u2581incorporate", + -13.354330062866213 + ], + [ + "\u2581independentes", + -13.354331016540527 + ], + [ + "sstellen", + -13.35434341430664 + ], + [ + "\u2581hoped", + -13.354384422302246 + ], + [ + "\u2581Moo", + -13.354398727416992 + ], + [ + "\u2581dortigen", + -13.35440158843994 + ], + [ + "dana", + -13.354446411132812 + ], + [ + "\u2581komplexen", + -13.354473114013672 + ], + [ + "\u2581incompatible", + -13.35448169708252 + ], + [ + "bewegungen", + -13.3544921875 + ], + [ + "\u2581Cory", + -13.35453987121582 + ], + [ + "Sonderverm", + -13.354541778564451 + ], + [ + "\u2581economista", + -13.354567527770996 + ], + [ + "hud", + -13.354597091674805 + ], + [ + "gma", + -13.354623794555664 + ], + [ + "\u2581leerde", + -13.354631423950195 + ], + [ + "\u2581aanvallen", + -13.354679107666016 + ], + [ + "\u00e9diteur", + -13.35471248626709 + ], + [ + "\u2581nordwestlich", + -13.354714393615724 + ], + [ + "\u2581cellulare", + -13.354719161987305 + ], + [ + "esito", + -13.354737281799316 + ], + [ + "\u2581\u00e9gale", + -13.354737281799316 + ], + [ + "setValue", + -13.354755401611328 + ], + [ + "\u2581suspected", + -13.35475730895996 + ], + [ + "\u2581Netze", + -13.354806900024414 + ], + [ + "\u2581gereed", + -13.354815483093262 + ], + [ + "\u2581ASCII", + -13.35485553741455 + ], + [ + "\u2581independientes", + -13.354880332946776 + ], + [ + "\u2581Eintrag", + -13.354884147644045 + ], + [ + "\u2581Ariel", + -13.354907035827637 + ], + [ + "\u2581Property", + -13.354909896850586 + ], + [ + "Tan", + -13.35493278503418 + ], + [ + "\u2581Byron", + -13.354979515075684 + ], + [ + "\u2581chung", + -13.354979515075684 + ], + [ + "genden", + -13.35502815246582 + ], + [ + "\u2581portada", + -13.355062484741213 + ], + [ + "servi", + -13.355073928833008 + ], + [ + "altopiano", + -13.355076789855955 + ], + [ + "bry", + -13.35508632659912 + ], + [ + "\u2581criminalit\u00e0", + -13.355116844177246 + ], + [ + "aeda", + -13.355125427246094 + ], + [ + "\u2581behindert", + -13.355177879333496 + ], + [ + "\u2581strano", + -13.355215072631836 + ], + [ + "\u2581prototipo", + -13.355222702026367 + ], + [ + "\u2581regolari", + -13.355241775512695 + ], + [ + "\u2581secr", + -13.355243682861328 + ], + [ + "callable", + -13.355252265930176 + ], + [ + "\u2581Melde", + -13.35527515411377 + ], + [ + "posizioni", + -13.355280876159668 + ], + [ + "\u2581Gerd", + -13.355297088623049 + ], + [ + "Scheduler", + -13.355375289916992 + ], + [ + "ombo", + -13.355380058288574 + ], + [ + "\u2581milita", + -13.355382919311523 + ], + [ + "\u2581Colli", + -13.355393409729004 + ], + [ + "\u2581acad\u00e9mica", + -13.3554048538208 + ], + [ + "\u2581reconhece", + -13.355406761169434 + ], + [ + "\u2581Friese", + -13.35544776916504 + ], + [ + "\u2581suficientes", + -13.35545825958252 + ], + [ + "\u2581Pure", + -13.355481147766112 + ], + [ + "\u2581Interventions", + -13.355584144592283 + ], + [ + "\u2581Vivi", + -13.35560703277588 + ], + [ + "ENABLED", + -13.355612754821776 + ], + [ + "stliche", + -13.355612754821776 + ], + [ + "gesteld", + -13.355677604675291 + ], + [ + "\u2581failing", + -13.35569667816162 + ], + [ + "duro", + -13.355717658996582 + ], + [ + "\u2581atraiu", + -13.355717658996582 + ], + [ + "\u2581fermano", + -13.35576343536377 + ], + [ + "defaultValue", + -13.355807304382324 + ], + [ + "\u2581adolescentes", + -13.35585594177246 + ], + [ + "\u2581animada", + -13.35596752166748 + ], + [ + "\u2581quarti", + -13.355972290039062 + ], + [ + "\u2581cultiva", + -13.35598850250244 + ], + [ + "\u2581gleicherma", + -13.355993270874023 + ], + [ + "\u2581asks", + -13.355995178222656 + ], + [ + "\u2581surgir", + -13.355995178222656 + ], + [ + "\u2581orientieren", + -13.356001853942873 + ], + [ + "\u2581roccia", + -13.356001853942873 + ], + [ + "Armor", + -13.35601806640625 + ], + [ + "l\u00f3gica", + -13.35605525970459 + ], + [ + "rigo", + -13.356117248535156 + ], + [ + "\u2581Vaz", + -13.356173515319824 + ], + [ + "\u2581greift", + -13.35620403289795 + ], + [ + "Heap", + -13.356207847595217 + ], + [ + "\u2581Leider", + -13.356209754943848 + ], + [ + "Integration", + -13.35622215270996 + ], + [ + "cdn", + -13.35623550415039 + ], + [ + "konzern", + -13.35624885559082 + ], + [ + "bani", + -13.35626983642578 + ], + [ + "stabil", + -13.356362342834473 + ], + [ + "\u2581Along", + -13.356390953063965 + ], + [ + "arras", + -13.356404304504396 + ], + [ + "\u2581Horror", + -13.356406211853027 + ], + [ + "Spacing", + -13.356422424316406 + ], + [ + "komt", + -13.356423377990724 + ], + [ + "\u2581discrimina", + -13.35644817352295 + ], + [ + "\u2581Interstate", + -13.35646152496338 + ], + [ + "\u2581cuyas", + -13.35646152496338 + ], + [ + "\u2581basal", + -13.356499671936035 + ], + [ + "\u2581Naka", + -13.3565034866333 + ], + [ + "Sono", + -13.356508255004885 + ], + [ + "\u2581Paraguai", + -13.356532096862791 + ], + [ + "\u2581repetir", + -13.35654354095459 + ], + [ + "\u2581verkeer", + -13.356559753417969 + ], + [ + "klank", + -13.35657024383545 + ], + [ + "NOVA", + -13.3566255569458 + ], + [ + "ilia", + -13.356646537780762 + ], + [ + "\u2581Dosis", + -13.356664657592772 + ], + [ + "Uj", + -13.356675148010254 + ], + [ + "bitmap", + -13.356685638427734 + ], + [ + "\u2581charset", + -13.356755256652832 + ], + [ + "messungen", + -13.356762886047363 + ], + [ + "subtype", + -13.356807708740234 + ], + [ + "\u2581pirate", + -13.356837272644045 + ], + [ + "\u2581suavidade", + -13.35683822631836 + ], + [ + "\u2581colleghi", + -13.356847763061523 + ], + [ + "uja", + -13.356884002685549 + ], + [ + "\u00e9ration", + -13.356894493103027 + ], + [ + "\u2581shifted", + -13.356910705566406 + ], + [ + "\u2581Gour", + -13.356993675231934 + ], + [ + "vall", + -13.357001304626465 + ], + [ + "\u2581hoc", + -13.357050895690918 + ], + [ + "\u2581Borr", + -13.357062339782717 + ], + [ + "\u2581janelas", + -13.357090950012209 + ], + [ + "\u2581shelter", + -13.357118606567385 + ], + [ + "\u2581Dow", + -13.357125282287598 + ], + [ + "crania", + -13.357149124145508 + ], + [ + "\u2581polarization", + -13.357154846191406 + ], + [ + "\u2581Entwick", + -13.357175827026367 + ], + [ + "\u2581acreditar", + -13.357176780700684 + ], + [ + "\u2581consideran", + -13.357182502746582 + ], + [ + "extended", + -13.35721492767334 + ], + [ + "pods", + -13.357298851013184 + ], + [ + "\u2581NON", + -13.35732650756836 + ], + [ + "anning", + -13.357414245605469 + ], + [ + "auftritt", + -13.357418060302734 + ], + [ + "\u2581iterate", + -13.357427597045898 + ], + [ + "\u2581Bowie", + -13.357467651367188 + ], + [ + "\u2581degradeerde", + -13.357471466064451 + ], + [ + "r\u00fchrt", + -13.357501029968262 + ], + [ + "\u2581kapitein", + -13.35750961303711 + ], + [ + "lona", + -13.357542991638184 + ], + [ + "\u2581extin", + -13.357580184936523 + ], + [ + "serkl\u00e4rung", + -13.3576021194458 + ], + [ + "rtisan", + -13.357604026794434 + ], + [ + "ALA", + -13.35760498046875 + ], + [ + "Upper", + -13.35761833190918 + ], + [ + "vertrages", + -13.357723236083984 + ], + [ + "restart", + -13.3577241897583 + ], + [ + "\u2581----------", + -13.3577299118042 + ], + [ + "\u2581Est\u00e1dio", + -13.357749938964844 + ], + [ + "\u2581monthly", + -13.35776424407959 + ], + [ + "wirft", + -13.357805252075195 + ], + [ + "centrale", + -13.357807159423828 + ], + [ + "fugi", + -13.357817649841309 + ], + [ + "\u2581cerc", + -13.357826232910156 + ], + [ + "rpern", + -13.35783576965332 + ], + [ + "nita", + -13.357872009277344 + ], + [ + "\u2581peaks", + -13.357873916625977 + ], + [ + "\u2581Leader", + -13.35789394378662 + ], + [ + "Hours", + -13.357895851135254 + ], + [ + "gefahr", + -13.357905387878418 + ], + [ + "am\u00e9lioration", + -13.357911109924316 + ], + [ + "\u2581invit\u00e9", + -13.357975959777832 + ], + [ + "\u2581abitata", + -13.35797882080078 + ], + [ + "\u2581quadra", + -13.358003616333008 + ], + [ + "\u2581Deportiva", + -13.35806655883789 + ], + [ + "streep", + -13.358071327209473 + ], + [ + "aktivieren", + -13.358094215393066 + ], + [ + "\u2581posteriore", + -13.358109474182127 + ], + [ + "\u2581aborda", + -13.358124732971191 + ], + [ + "\u2581Unidad", + -13.358145713806152 + ], + [ + "\u2581Europeia", + -13.358147621154783 + ], + [ + "h\u00e9ro", + -13.358206748962402 + ], + [ + "\u2581Beverly", + -13.358210563659668 + ], + [ + "\u2581paradas", + -13.358213424682615 + ], + [ + "primer", + -13.358246803283691 + ], + [ + "phosphat", + -13.35830020904541 + ], + [ + "\u2581esercita", + -13.358304023742676 + ], + [ + "otero", + -13.358305931091309 + ], + [ + "kina", + -13.358328819274902 + ], + [ + "\u2581slang", + -13.358367919921877 + ], + [ + "ruft", + -13.35837459564209 + ], + [ + "\u2581convinto", + -13.358384132385254 + ], + [ + "\u2581felicit\u00e0", + -13.358391761779783 + ], + [ + "gehalte", + -13.358394622802734 + ], + [ + "Mix", + -13.35841464996338 + ], + [ + "rigid", + -13.358433723449709 + ], + [ + "\u2581Viejo", + -13.358454704284668 + ], + [ + "ductive", + -13.358470916748049 + ], + [ + "oids", + -13.358478546142578 + ], + [ + "\u2581govern", + -13.358530044555664 + ], + [ + "\u2581bedienen", + -13.358538627624512 + ], + [ + "\u2581laughed", + -13.35861110687256 + ], + [ + "\u2581posiblemente", + -13.358695030212402 + ], + [ + "\u2581Bring", + -13.358709335327148 + ], + [ + "\u2581Vorder", + -13.358771324157717 + ], + [ + "\u2581V\u00e9l", + -13.358795166015623 + ], + [ + "\u2581reivindica", + -13.358817100524902 + ], + [ + "t\u00edtulo", + -13.358819961547852 + ], + [ + "\u2581Descartes", + -13.35883331298828 + ], + [ + "\u2581pandemic", + -13.35883617401123 + ], + [ + "ProtobufUnittest", + -13.358858108520508 + ], + [ + "\u2581freiwilligen", + -13.358881950378418 + ], + [ + "\u2581frische", + -13.358901977539062 + ], + [ + "wget", + -13.358904838562012 + ], + [ + "shr", + -13.358973503112791 + ], + [ + "esempio", + -13.358983039855955 + ], + [ + "\u00fcbergreifende", + -13.359004974365234 + ], + [ + "Imperador", + -13.35903263092041 + ], + [ + "\u2581ampia", + -13.359103202819824 + ], + [ + "\u2581fertile", + -13.359105110168455 + ], + [ + "\u2581Anrechnung", + -13.35910701751709 + ], + [ + "\u2581acero", + -13.35918140411377 + ], + [ + "drie", + -13.359200477600098 + ], + [ + "\u2581fracture", + -13.359240531921388 + ], + [ + "\u2581contador", + -13.359270095825195 + ], + [ + "iframe", + -13.359277725219728 + ], + [ + "\u2581Koz", + -13.359333038330078 + ], + [ + "banden", + -13.359333992004396 + ], + [ + "\u2581chico", + -13.359381675720217 + ], + [ + "\u2581poverty", + -13.359394073486328 + ], + [ + "uinto", + -13.35946273803711 + ], + [ + "\u2581Minder", + -13.35952854156494 + ], + [ + "\u2581spiegazione", + -13.359575271606444 + ], + [ + "arini", + -13.359576225280762 + ], + [ + "\u2581staatlicher", + -13.359580993652344 + ], + [ + "\u2581herab", + -13.35958766937256 + ], + [ + "\u2581pesado", + -13.359601974487305 + ], + [ + "\u2581restant", + -13.359681129455566 + ], + [ + "stations", + -13.35971450805664 + ], + [ + "Iteration", + -13.359724044799805 + ], + [ + "\u2581kanaal", + -13.359731674194336 + ], + [ + "\u2581registres", + -13.35975742340088 + ], + [ + "\u00e9co", + -13.359773635864258 + ], + [ + "\u2581Kus", + -13.359835624694824 + ], + [ + "\u2581seq", + -13.359845161437988 + ], + [ + "\u2581reveals", + -13.359846115112305 + ], + [ + "Rf", + -13.359877586364746 + ], + [ + "\u2581dagelijks", + -13.359914779663086 + ], + [ + "\u2581Tr\u00e9", + -13.3599214553833 + ], + [ + "Dark", + -13.359967231750488 + ], + [ + "\u2581Heck", + -13.359971046447754 + ], + [ + "blind", + -13.35998821258545 + ], + [ + "\u2581llegan", + -13.36000156402588 + ], + [ + "Nano", + -13.360027313232422 + ], + [ + "\u2581organis\u00e9e", + -13.360029220581056 + ], + [ + "Kol", + -13.3600492477417 + ], + [ + "chang", + -13.360158920288086 + ], + [ + "\u2581ritorn", + -13.360209465026855 + ], + [ + "\u2581Voil\u00e0", + -13.360241889953612 + ], + [ + "\u2581danken", + -13.360251426696776 + ], + [ + "\u2581Expedition", + -13.360276222229004 + ], + [ + "\u2581literaria", + -13.360296249389648 + ], + [ + "\u2581Beobachter", + -13.36029815673828 + ], + [ + "IVA", + -13.360305786132812 + ], + [ + "stische", + -13.360329627990724 + ], + [ + "\u2581navegaci\u00f3n", + -13.36036491394043 + ], + [ + "ausstellung", + -13.360366821289062 + ], + [ + "dication", + -13.36040496826172 + ], + [ + "\u2581chevaux", + -13.36042022705078 + ], + [ + "\u2581Mutu", + -13.36044216156006 + ], + [ + "\u2581abgestimmt", + -13.360459327697754 + ], + [ + "\u2581industriel", + -13.360468864440918 + ], + [ + "\u2581sentimientos", + -13.36049461364746 + ], + [ + "kins", + -13.360501289367676 + ], + [ + "\u2581Manipula", + -13.360504150390623 + ], + [ + "CTest", + -13.360516548156738 + ], + [ + "\u2581vorstellen", + -13.360517501831056 + ], + [ + "\u2581Arche", + -13.360553741455078 + ], + [ + "\u2581Conferencia", + -13.360589027404783 + ], + [ + "\u2581conseguente", + -13.360603332519531 + ], + [ + "tliche", + -13.360612869262695 + ], + [ + "\u2581colocada", + -13.360654830932615 + ], + [ + "ugoslavia", + -13.360655784606934 + ], + [ + "\u2581polder", + -13.360719680786133 + ], + [ + "\u2581tratando", + -13.360730171203612 + ], + [ + "ivamente", + -13.360755920410156 + ], + [ + "\u2581ragion", + -13.360824584960938 + ], + [ + "gek\u00fcrzt", + -13.360837936401367 + ], + [ + "\u2581Parkinson", + -13.360888481140137 + ], + [ + "haltsverzeichnis", + -13.360892295837402 + ], + [ + "Replica", + -13.360897064208984 + ], + [ + "\u2581Dual", + -13.36092758178711 + ], + [ + "thio", + -13.360963821411133 + ], + [ + "\u2581geni", + -13.360983848571776 + ], + [ + "\u2581afscheid", + -13.361007690429688 + ], + [ + "\u2581identique", + -13.361017227172852 + ], + [ + "\u2581precedentes", + -13.36106014251709 + ], + [ + "\u2581herunter", + -13.36111545562744 + ], + [ + "\u2581Mt", + -13.361124038696287 + ], + [ + "\u2581australiana", + -13.361141204833984 + ], + [ + "\u2581Tort", + -13.361145973205566 + ], + [ + "\u2581comanda", + -13.361164093017578 + ], + [ + "\u2581condensa", + -13.361204147338867 + ], + [ + "functional", + -13.3612060546875 + ], + [ + "tenti", + -13.361231803894045 + ], + [ + "\u2581significante", + -13.361233711242676 + ], + [ + "\u2581Biology", + -13.361252784729004 + ], + [ + "erts", + -13.361257553100586 + ], + [ + "Hara", + -13.361278533935549 + ], + [ + "Checking", + -13.361308097839355 + ], + [ + "pensier", + -13.361343383789062 + ], + [ + "\u2581onzeker", + -13.361363410949709 + ], + [ + "staart", + -13.361370086669922 + ], + [ + "\u2581Grid", + -13.361438751220703 + ], + [ + "\u2581settori", + -13.361455917358398 + ], + [ + "soma", + -13.361543655395508 + ], + [ + "\u2581Rut", + -13.36154842376709 + ], + [ + "\u2581cage", + -13.361616134643556 + ], + [ + "\u2581enormi", + -13.361649513244627 + ], + [ + "\u2581draaien", + -13.361663818359377 + ], + [ + "\u2581Inlands", + -13.361739158630373 + ], + [ + "\u2581realizzati", + -13.36176300048828 + ], + [ + "\u2581jongens", + -13.361786842346191 + ], + [ + "\u2581delayed", + -13.361835479736328 + ], + [ + "\u2581Eyes", + -13.361838340759276 + ], + [ + "\u2581apprezza", + -13.361854553222656 + ], + [ + "goals", + -13.361860275268556 + ], + [ + "antichit\u00e0", + -13.361888885498049 + ], + [ + "empire", + -13.361994743347168 + ], + [ + "\u2581Fare", + -13.362004280090332 + ], + [ + "\u2581vulgar", + -13.36203956604004 + ], + [ + "\u2581complica", + -13.362051010131836 + ], + [ + "Flip", + -13.362079620361328 + ], + [ + "\u2581Riviera", + -13.362093925476074 + ], + [ + "\u2581gesondert", + -13.362136840820312 + ], + [ + "\u2581mythe", + -13.36219596862793 + ], + [ + "EVT", + -13.362253189086914 + ], + [ + "\u2581prov\u00e1vel", + -13.362274169921877 + ], + [ + "st\u00e4nden", + -13.362278938293455 + ], + [ + "imul", + -13.36228084564209 + ], + [ + "\u2581catalan", + -13.362337112426758 + ], + [ + "DEM", + -13.362360954284668 + ], + [ + "middleware", + -13.362388610839844 + ], + [ + "aufenthalt", + -13.362411499023438 + ], + [ + "\u2581Exo", + -13.362420082092283 + ], + [ + "\u2581facente", + -13.362428665161133 + ], + [ + "\u2581ausgehend", + -13.362449645996094 + ], + [ + "\u2581cuestiones", + -13.362531661987305 + ], + [ + "\u2581tientallen", + -13.362534523010254 + ], + [ + "\u2581est\u00e1dio", + -13.362637519836426 + ], + [ + "\u2581wahren", + -13.36265754699707 + ], + [ + "\u2581invi", + -13.362661361694336 + ], + [ + "\u2581Czech", + -13.362685203552246 + ], + [ + "bots", + -13.36270236968994 + ], + [ + "\u2581telkens", + -13.36270809173584 + ], + [ + "\u2581effectu\u00e9", + -13.362719535827637 + ], + [ + "jima", + -13.36277675628662 + ], + [ + "biographie", + -13.362810134887695 + ], + [ + "\u2581Pauline", + -13.362858772277832 + ], + [ + "chemical", + -13.36288070678711 + ], + [ + "tasche", + -13.362895011901855 + ], + [ + "\u2581Nes", + -13.362908363342283 + ], + [ + "amtes", + -13.36291790008545 + ], + [ + "itary", + -13.362943649291992 + ], + [ + "\u2581esistenti", + -13.362988471984863 + ], + [ + "iw", + -13.36302089691162 + ], + [ + "\u2581protocolos", + -13.363025665283203 + ], + [ + "DAR", + -13.363045692443848 + ], + [ + "characterization", + -13.363055229187012 + ], + [ + "\u2581cambiato", + -13.36310863494873 + ], + [ + "ICS", + -13.36313247680664 + ], + [ + "stam", + -13.363210678100586 + ], + [ + "convention", + -13.363237380981444 + ], + [ + "\u2581egal", + -13.363240242004396 + ], + [ + "\u2581dimensiones", + -13.363327026367188 + ], + [ + "isations", + -13.363327980041504 + ], + [ + "instances", + -13.363369941711426 + ], + [ + "\u2581Okt", + -13.36341667175293 + ], + [ + "\u2581Perform", + -13.363420486450195 + ], + [ + "\u2581simboliza", + -13.36347198486328 + ], + [ + "eral", + -13.363482475280762 + ], + [ + "JF", + -13.363490104675291 + ], + [ + "\u2581Boul", + -13.363521575927734 + ], + [ + "\u2581scrittori", + -13.36354160308838 + ], + [ + "\u2581corrispondente", + -13.36357307434082 + ], + [ + "\u2581Aut", + -13.363588333129885 + ], + [ + "\u2581Confedera", + -13.363591194152832 + ], + [ + "asu", + -13.3636474609375 + ], + [ + "\u2581gestire", + -13.363672256469728 + ], + [ + "elten", + -13.36367416381836 + ], + [ + "UnicodeData", + -13.363675117492676 + ], + [ + "\u2581balle", + -13.363687515258787 + ], + [ + "\u2581diret\u00f3rios", + -13.363751411437988 + ], + [ + "\u2581mierensoort", + -13.363764762878418 + ], + [ + "\u2581introduit", + -13.363798141479492 + ], + [ + "\u2581Corsica", + -13.363809585571287 + ], + [ + "forderung", + -13.363844871520996 + ], + [ + "nehme", + -13.363847732543944 + ], + [ + "\u2581geheugen", + -13.363899230957031 + ], + [ + "INGC", + -13.363905906677246 + ], + [ + "\u2581Taking", + -13.363905906677246 + ], + [ + "\u2581Afin", + -13.363909721374512 + ], + [ + "\u2581tomb", + -13.36391258239746 + ], + [ + "\u2581titulada", + -13.363936424255373 + ], + [ + "\u2581Lena", + -13.363993644714355 + ], + [ + "\u2581causato", + -13.363999366760254 + ], + [ + "mys", + -13.364006042480469 + ], + [ + "saw", + -13.364009857177734 + ], + [ + "\u2581Olaf", + -13.364048957824709 + ], + [ + "\u2581arbeiders", + -13.364065170288086 + ], + [ + "prometheus", + -13.3640718460083 + ], + [ + "\u2581acess\u00f3rios", + -13.364072799682615 + ], + [ + "\u2581poule", + -13.364080429077148 + ], + [ + "\u2581Gespr\u00e4chs", + -13.364087104797363 + ], + [ + "stationen", + -13.364102363586426 + ], + [ + "\u2581Oskar", + -13.364139556884766 + ], + [ + "\u2581Daniela", + -13.364174842834473 + ], + [ + "\u2581Bash", + -13.364235877990724 + ], + [ + "\u2581Terrorismus", + -13.364235877990724 + ], + [ + "\u2581tramonto", + -13.364238739013672 + ], + [ + "inhalte", + -13.364273071289062 + ], + [ + "\u2581Ordnungswidrigk", + -13.364299774169922 + ], + [ + "chez", + -13.364385604858398 + ], + [ + "trio", + -13.364407539367676 + ], + [ + "\u2581dioc", + -13.36441421508789 + ], + [ + "PROP", + -13.364434242248535 + ], + [ + "\u2581operative", + -13.364436149597168 + ], + [ + "\u2581fossile", + -13.364479064941406 + ], + [ + "\u2581vorsieht", + -13.364484786987305 + ], + [ + "remmo", + -13.364501953125 + ], + [ + "brain", + -13.364509582519531 + ], + [ + "\u2581escreve", + -13.36453628540039 + ], + [ + "weichen", + -13.36455535888672 + ], + [ + "rmig", + -13.364566802978516 + ], + [ + "\u2581Nata", + -13.364622116088867 + ], + [ + "koop", + -13.3646240234375 + ], + [ + "Juli", + -13.364664077758787 + ], + [ + "uccio", + -13.364673614501951 + ], + [ + "Crambidae", + -13.36469268798828 + ], + [ + "\u2581debates", + -13.364696502685549 + ], + [ + "\u2581Darm", + -13.364713668823242 + ], + [ + "seen", + -13.364717483520508 + ], + [ + "\u2581Lepid", + -13.364749908447266 + ], + [ + "\u2581paradis", + -13.364754676818848 + ], + [ + "Nome", + -13.364771842956545 + ], + [ + "\u2581cease", + -13.36479663848877 + ], + [ + "\u2581clavier", + -13.364809036254885 + ], + [ + "\u2581Freundschaft", + -13.364810943603516 + ], + [ + "\u2581AufenthG", + -13.364846229553224 + ], + [ + "\u2581anonyme", + -13.36490535736084 + ], + [ + "\u2581Teufel", + -13.364922523498535 + ], + [ + "kali", + -13.364953994750977 + ], + [ + "\u2581maschera", + -13.364962577819824 + ], + [ + "replicate", + -13.364973068237305 + ], + [ + "joe", + -13.364982604980469 + ], + [ + "\u2581Hir", + -13.36502456665039 + ], + [ + "\u2581Initialize", + -13.365036964416504 + ], + [ + "\u2581Rocco", + -13.36504364013672 + ], + [ + "\u2581confession", + -13.365046501159668 + ], + [ + "\u2581lancio", + -13.365052223205566 + ], + [ + "\u2581Confi", + -13.365077018737791 + ], + [ + "\u2581medewerkers", + -13.365155220031738 + ], + [ + "\u2581impulses", + -13.365157127380373 + ], + [ + "\u2581Pintores", + -13.365184783935549 + ], + [ + "lusion", + -13.36520004272461 + ], + [ + "ELEMENT", + -13.365201950073242 + ], + [ + "\u2581Logic", + -13.365245819091797 + ], + [ + "\u2581afgebroken", + -13.365278244018556 + ], + [ + "\u2581accepts", + -13.365281105041504 + ], + [ + "findung", + -13.365296363830566 + ], + [ + "\u2581zugelassenen", + -13.365309715270996 + ], + [ + "Frankrijk", + -13.365386962890623 + ], + [ + "wandern", + -13.365415573120115 + ], + [ + "\u2581Jackie", + -13.365432739257812 + ], + [ + "sorten", + -13.365520477294922 + ], + [ + "\u2581wc", + -13.365528106689451 + ], + [ + "\u2581r\u00e9sulte", + -13.36553955078125 + ], + [ + "Hier", + -13.365541458129885 + ], + [ + "drang", + -13.365564346313477 + ], + [ + "\u2581Kis", + -13.365565299987791 + ], + [ + "\u2581destinata", + -13.365568161010742 + ], + [ + "\u2581primacial", + -13.365570068359377 + ], + [ + "ouche", + -13.365602493286133 + ], + [ + "\u2581celebraci\u00f3n", + -13.365610122680664 + ], + [ + "\u2581myth", + -13.365644454956056 + ], + [ + "\u2581activos", + -13.365659713745115 + ], + [ + "zou", + -13.36568546295166 + ], + [ + "\u00e4m", + -13.365702629089355 + ], + [ + "vallei", + -13.365715980529783 + ], + [ + "\u2581pulit", + -13.365736961364746 + ], + [ + "\u2581giunto", + -13.365740776062012 + ], + [ + "\u2581m\u00e4nnlichen", + -13.365779876708984 + ], + [ + "\u2581traje", + -13.36582374572754 + ], + [ + "\u2581sospett", + -13.36582851409912 + ], + [ + "cluse", + -13.36583137512207 + ], + [ + "\u2581condu", + -13.36583137512207 + ], + [ + "\u2581ftp", + -13.36586856842041 + ], + [ + "\u2581linking", + -13.365900993347168 + ], + [ + "compil", + -13.365952491760254 + ], + [ + "Logs", + -13.36603546142578 + ], + [ + "\u2581Pension", + -13.36603546142578 + ], + [ + "\u2581kopen", + -13.366050720214844 + ], + [ + "instrumente", + -13.36615753173828 + ], + [ + "\u2581inflation", + -13.366192817687988 + ], + [ + "\u2581auswirken", + -13.366216659545898 + ], + [ + "\u2581parceira", + -13.366241455078123 + ], + [ + "\u2581pizz", + -13.366247177124023 + ], + [ + "\u2581coroa", + -13.36625862121582 + ], + [ + "\u2581poeti", + -13.366267204284668 + ], + [ + "Relation", + -13.366389274597168 + ], + [ + "wear", + -13.3663911819458 + ], + [ + "\u2581huur", + -13.36642360687256 + ], + [ + "\u2581vois", + -13.366456031799316 + ], + [ + "\u2581lib\u00e9ral", + -13.366497039794922 + ], + [ + "cerra", + -13.366530418395996 + ], + [ + "\u2581Calcium", + -13.366539001464844 + ], + [ + "\u2581pudieron", + -13.366549491882324 + ], + [ + "\u2581r\u00f3sea", + -13.36655044555664 + ], + [ + "xie", + -13.36655330657959 + ], + [ + "\u2581faciliter", + -13.3665771484375 + ], + [ + "\u2581Baixos", + -13.366597175598145 + ], + [ + "leib", + -13.366618156433104 + ], + [ + "\u2581Fachbereich", + -13.36662769317627 + ], + [ + "\u2581sustenta", + -13.366710662841797 + ], + [ + "\u2581accett", + -13.366716384887695 + ], + [ + "\u2581typischen", + -13.36672019958496 + ], + [ + "\u2581cascade", + -13.366724014282228 + ], + [ + "\u2581geschickt", + -13.366771697998049 + ], + [ + "\u2581manteve", + -13.36686897277832 + ], + [ + "\u2581adquirido", + -13.366877555847168 + ], + [ + "\u2581Sal\u00f3n", + -13.3668851852417 + ], + [ + "\u2581bossen", + -13.366890907287598 + ], + [ + "\u2581Danger", + -13.366934776306152 + ], + [ + "REGISTR", + -13.36694049835205 + ], + [ + "zeitung", + -13.366950035095217 + ], + [ + "tate", + -13.366989135742188 + ], + [ + "sfeer", + -13.367008209228516 + ], + [ + "sponsor", + -13.367025375366213 + ], + [ + "\u2581Beantwortung", + -13.367029190063477 + ], + [ + "\u2581LANG", + -13.367030143737791 + ], + [ + "\u2581scanner", + -13.367040634155272 + ], + [ + "\u2581Extrem", + -13.367103576660156 + ], + [ + "\u2581Ludo", + -13.367106437683104 + ], + [ + "gente", + -13.367133140563965 + ], + [ + "\u2581particules", + -13.367162704467772 + ], + [ + "\u2581casal", + -13.367168426513672 + ], + [ + "\u2581crimen", + -13.367205619812012 + ], + [ + "streek", + -13.3672513961792 + ], + [ + "\u2581crater", + -13.36729621887207 + ], + [ + "n\u00e4he", + -13.367300987243652 + ], + [ + "PAM", + -13.367313385009766 + ], + [ + "\u2581laboral", + -13.367315292358398 + ], + [ + "\u2581gearresteerd", + -13.367323875427246 + ], + [ + "\u2581Juri", + -13.367355346679688 + ], + [ + "\u2581rolling", + -13.367372512817385 + ], + [ + "adjust", + -13.367379188537598 + ], + [ + "\u2581Marty", + -13.367389678955078 + ], + [ + "\u2581asalto", + -13.367389678955078 + ], + [ + "\u2581cadde", + -13.367393493652344 + ], + [ + "posts", + -13.367445945739746 + ], + [ + "lius", + -13.36745548248291 + ], + [ + "\u2581logement", + -13.367472648620604 + ], + [ + "INITIAL", + -13.367494583129885 + ], + [ + "\u2581parlamentare", + -13.367498397827148 + ], + [ + "geordnet", + -13.367572784423828 + ], + [ + "stemming", + -13.367619514465332 + ], + [ + "\u2581DRJSCS", + -13.367633819580078 + ], + [ + "\u2581hac\u00edan", + -13.367643356323242 + ], + [ + "etter", + -13.367652893066406 + ], + [ + "\u2581comply", + -13.36773681640625 + ], + [ + "Dirty", + -13.367772102355955 + ], + [ + "\u2581Behauptung", + -13.367789268493652 + ], + [ + "invasive", + -13.367801666259766 + ], + [ + "\u2581tackle", + -13.36782932281494 + ], + [ + "isier", + -13.367840766906738 + ], + [ + "Uy", + -13.367895126342772 + ], + [ + "\u2581Lituania", + -13.367945671081545 + ], + [ + "Bullet", + -13.368037223815918 + ], + [ + "anov", + -13.368071556091309 + ], + [ + "ulidae", + -13.3681058883667 + ], + [ + "\u2581Dinamo", + -13.36811637878418 + ], + [ + "odium", + -13.368144035339355 + ], + [ + "worm", + -13.368199348449709 + ], + [ + "\u2581oublier", + -13.368243217468262 + ], + [ + "tradicionalmente", + -13.368268966674805 + ], + [ + "\u2581Rezeption", + -13.368292808532717 + ], + [ + "\u2581Crew", + -13.368305206298828 + ], + [ + "\u2581Sp\u00e4t", + -13.368318557739258 + ], + [ + "Sky", + -13.368330955505373 + ], + [ + "\u2581Saudita", + -13.368379592895508 + ], + [ + "\u2581Anreiz", + -13.36839485168457 + ], + [ + "\u2581Vertriebs", + -13.368446350097656 + ], + [ + "\u2581Warm", + -13.368456840515137 + ], + [ + "smodell", + -13.368483543395996 + ], + [ + "\u2581gedragen", + -13.368487358093262 + ], + [ + "\u2581Voetbal", + -13.368491172790527 + ], + [ + "\u2581breach", + -13.36856460571289 + ], + [ + "\u2581viceversa", + -13.368587493896484 + ], + [ + "\u2581Gim", + -13.368592262268066 + ], + [ + "\u2581Lippen", + -13.368593215942385 + ], + [ + "\u2581V\u00e4", + -13.3685941696167 + ], + [ + "venez", + -13.368602752685549 + ], + [ + "troffen", + -13.36861515045166 + ], + [ + "\u2581palace", + -13.36861515045166 + ], + [ + "Saving", + -13.36862087249756 + ], + [ + "\u2581promoted", + -13.368678092956545 + ], + [ + "iformis", + -13.36870002746582 + ], + [ + "etektor", + -13.368789672851562 + ], + [ + "\u2581affronta", + -13.368797302246094 + ], + [ + "\u2581Lecce", + -13.368851661682127 + ], + [ + "Mann", + -13.368857383728027 + ], + [ + "\u2581conversaci\u00f3n", + -13.368879318237305 + ], + [ + "\u2581quantia", + -13.368922233581545 + ], + [ + "wah", + -13.36892318725586 + ], + [ + "\u2581Sch\u00e4fer", + -13.36892795562744 + ], + [ + "\u2581nader", + -13.368947982788086 + ], + [ + "\u2581\u00fcr", + -13.369036674499512 + ], + [ + "\u2581Palestine", + -13.36905574798584 + ], + [ + "\u2581Janssen", + -13.369098663330078 + ], + [ + "\u2581Nachfolge", + -13.369102478027344 + ], + [ + "\u2581executing", + -13.369111061096191 + ], + [ + "ritten", + -13.36911678314209 + ], + [ + "Routes", + -13.369152069091797 + ], + [ + "tracked", + -13.369175910949709 + ], + [ + "\u2581Timothy", + -13.369189262390137 + ], + [ + "\u2581Michelin", + -13.369214057922363 + ], + [ + "\u2581stimulation", + -13.369224548339844 + ], + [ + "buis", + -13.369248390197754 + ], + [ + "chot", + -13.3693265914917 + ], + [ + "upa", + -13.369335174560549 + ], + [ + "\u2581grafisch", + -13.369335174560549 + ], + [ + "Sparse", + -13.369338989257812 + ], + [ + "\u2581pudesse", + -13.369367599487305 + ], + [ + "G\u00e9n", + -13.36937141418457 + ], + [ + "\u2581Mede", + -13.369428634643556 + ], + [ + "\u2581-----", + -13.369431495666504 + ], + [ + "best\u00e4nde", + -13.369464874267578 + ], + [ + "\u2581Vela", + -13.36953353881836 + ], + [ + "\u2581Carriera", + -13.369688034057615 + ], + [ + "\u2581arcos", + -13.369712829589844 + ], + [ + "\u2581j\u00fcdischen", + -13.36971664428711 + ], + [ + "\u2581citar", + -13.369729042053224 + ], + [ + "Bains", + -13.369745254516602 + ], + [ + "st\u00fcndlich", + -13.369807243347168 + ], + [ + "\u2581keineswegs", + -13.369808197021484 + ], + [ + "\u2581NSDAP", + -13.36986255645752 + ], + [ + "\u2581radia", + -13.369864463806152 + ], + [ + "\u2581Cot", + -13.36987018585205 + ], + [ + "\u2581realizaron", + -13.369880676269531 + ], + [ + "\u2581Borges", + -13.369884490966797 + ], + [ + "\u2581g\u00e9n\u00e9rales", + -13.369964599609377 + ], + [ + "cab", + -13.369994163513184 + ], + [ + "\u2581Liban", + -13.369998931884766 + ], + [ + "pelo", + -13.370003700256348 + ], + [ + "motive", + -13.370013236999512 + ], + [ + "jek", + -13.370038986206056 + ], + [ + "balk", + -13.370044708251951 + ], + [ + "\u2581l\u00e9gaux", + -13.370044708251951 + ], + [ + "\u2581Bah", + -13.370059967041016 + ], + [ + "klin", + -13.370098114013672 + ], + [ + "\u2581Frontier", + -13.370126724243164 + ], + [ + "\u2581cleared", + -13.370146751403809 + ], + [ + "ebol", + -13.3701810836792 + ], + [ + "nego", + -13.37020206451416 + ], + [ + "triz", + -13.37020492553711 + ], + [ + "Hill", + -13.37021827697754 + ], + [ + "\u2581sugest", + -13.3702392578125 + ], + [ + "meisterschaft", + -13.370259284973145 + ], + [ + "\u2581junger", + -13.370275497436523 + ], + [ + "cute", + -13.370280265808104 + ], + [ + "\u2581lontana", + -13.370282173156738 + ], + [ + "haya", + -13.370306015014648 + ], + [ + "taobao", + -13.370308876037598 + ], + [ + "\u2581esprimere", + -13.37034034729004 + ], + [ + "\u2581sfera", + -13.370388984680176 + ], + [ + "didSet", + -13.370394706726074 + ], + [ + "\u2581scopi", + -13.370396614074709 + ], + [ + "\u2581d\u00e9concentr\u00e9s", + -13.370431900024414 + ], + [ + "\u2581Abaixo", + -13.370452880859377 + ], + [ + "\u2581verblijf", + -13.37050437927246 + ], + [ + "\u2581automatiquement", + -13.370524406433104 + ], + [ + "gueira", + -13.370542526245115 + ], + [ + "\u2581eindigt", + -13.37058162689209 + ], + [ + "plattform", + -13.370596885681152 + ], + [ + "\u2581decidere", + -13.370599746704102 + ], + [ + "\u2581adventure", + -13.370600700378418 + ], + [ + "\u2581Conservation", + -13.370635032653809 + ], + [ + "\u2581vinho", + -13.370650291442873 + ], + [ + "Richard", + -13.370684623718262 + ], + [ + "rance", + -13.370687484741213 + ], + [ + "\u2581parlando", + -13.370692253112791 + ], + [ + "\u2581ricordi", + -13.37072467803955 + ], + [ + "\u2581Dordrecht", + -13.370745658874512 + ], + [ + "\u2581Mist", + -13.370800018310549 + ], + [ + "tausch", + -13.37082862854004 + ], + [ + "pani", + -13.370835304260254 + ], + [ + "\u2581Speicherung", + -13.37083625793457 + ], + [ + "\u2581Nordeste", + -13.370875358581545 + ], + [ + "\u2581suya", + -13.370894432067873 + ], + [ + "DEST", + -13.370976448059082 + ], + [ + "\u2581montage", + -13.370984077453612 + ], + [ + "LATE", + -13.371011734008787 + ], + [ + "Steuer", + -13.371139526367188 + ], + [ + "\u2581v\u00edctima", + -13.371169090270996 + ], + [ + "viewport", + -13.37119483947754 + ], + [ + "mter", + -13.37119960784912 + ], + [ + "\u2581accompanying", + -13.371200561523438 + ], + [ + "markdown", + -13.371204376220703 + ], + [ + "trick", + -13.371261596679688 + ], + [ + "silo", + -13.371264457702637 + ], + [ + "\u2581pietre", + -13.371265411376951 + ], + [ + "kampioen", + -13.371267318725586 + ], + [ + "\u2581Kraftstoff", + -13.371283531188965 + ], + [ + "\u2581staying", + -13.371293067932127 + ], + [ + "\u2581vegetazione", + -13.37131404876709 + ], + [ + "\u2581wondering", + -13.371322631835938 + ], + [ + "OLA", + -13.371356010437012 + ], + [ + "\u2581persoonlijk", + -13.371376037597656 + ], + [ + "kort", + -13.3713960647583 + ], + [ + "\u2581piensa", + -13.371408462524414 + ], + [ + "\u2581ricorso", + -13.371418952941896 + ], + [ + "Equip", + -13.371445655822754 + ], + [ + "\u2581hersteld", + -13.37144660949707 + ], + [ + "\u2581teatros", + -13.371452331542969 + ], + [ + "\u2581Liber", + -13.371464729309082 + ], + [ + "\u2581Rubin", + -13.371506690979004 + ], + [ + "\u2581concorr", + -13.37154483795166 + ], + [ + "\u2581cohort", + -13.371610641479492 + ], + [ + "\u2581freiwillig", + -13.37161350250244 + ], + [ + "\u2581intanto", + -13.371633529663086 + ], + [ + "\u2581Muk", + -13.371694564819336 + ], + [ + "wett", + -13.371709823608398 + ], + [ + "\u2581Journalisten", + -13.371728897094728 + ], + [ + "MANIFEST", + -13.371827125549316 + ], + [ + "\u2581D\u00e9s", + -13.371835708618164 + ], + [ + "\u2581dipendenti", + -13.371865272521973 + ], + [ + "Defaults", + -13.371886253356934 + ], + [ + "\u2581inspector", + -13.371889114379885 + ], + [ + "\u2581Schienen", + -13.371920585632324 + ], + [ + "\u2581wounded", + -13.37192440032959 + ], + [ + "\u2581behandeling", + -13.371973037719728 + ], + [ + "\u2581Schauspielerin", + -13.371981620788574 + ], + [ + "\u2581G\u00e9orgie", + -13.371988296508787 + ], + [ + "iense", + -13.37205982208252 + ], + [ + "effective", + -13.372113227844238 + ], + [ + "\u2581meuThread", + -13.372154235839844 + ], + [ + "formal", + -13.372163772583008 + ], + [ + "voetbalinterland", + -13.372194290161133 + ], + [ + "\u2581extremos", + -13.372200012207031 + ], + [ + "\u2581finde", + -13.372230529785156 + ], + [ + "\u2581fique", + -13.37226104736328 + ], + [ + "\u2581izquierdo", + -13.372296333312988 + ], + [ + "\u2581Kraftfahrzeug", + -13.372309684753418 + ], + [ + "empi", + -13.372333526611328 + ], + [ + "\u2581overnight", + -13.372337341308594 + ], + [ + "Aj", + -13.372360229492188 + ], + [ + "\u2581Fluor", + -13.372382164001465 + ], + [ + "\u2581publicly", + -13.372394561767578 + ], + [ + "\u2581schier", + -13.372398376464844 + ], + [ + "\u2581scarsa", + -13.372410774230955 + ], + [ + "\u2581Pea", + -13.372417449951172 + ], + [ + "\u2581Conflict", + -13.372430801391602 + ], + [ + "\u2581accurately", + -13.372430801391602 + ], + [ + "hommes", + -13.37246036529541 + ], + [ + "\u2581championship", + -13.372562408447266 + ], + [ + "\u2581pistes", + -13.372644424438477 + ], + [ + "gios", + -13.37264633178711 + ], + [ + "\u2581Betr", + -13.372663497924805 + ], + [ + "becken", + -13.372682571411133 + ], + [ + "\u2581Viola", + -13.372719764709473 + ], + [ + "\u2581dwars", + -13.372761726379396 + ], + [ + "\u2581Anni", + -13.372795104980469 + ], + [ + "\u2581kerkgebouw", + -13.372875213623049 + ], + [ + "\u2581Tham", + -13.372885704040527 + ], + [ + "\u2581Tats\u00e4chlich", + -13.372901916503906 + ], + [ + "northeast", + -13.37294101715088 + ], + [ + "venuti", + -13.372954368591309 + ], + [ + "andosi", + -13.372974395751951 + ], + [ + "Effekt", + -13.372977256774902 + ], + [ + "agre", + -13.373026847839355 + ], + [ + "ermittlung", + -13.373028755187988 + ], + [ + "Rechts", + -13.373047828674316 + ], + [ + "\u2581Rentner", + -13.373051643371582 + ], + [ + "geschnitten", + -13.373085021972656 + ], + [ + "Serv", + -13.373090744018556 + ], + [ + "\u2581Coral", + -13.37314510345459 + ], + [ + "\u2581portale", + -13.373169898986816 + ], + [ + "\u2581circum", + -13.37322235107422 + ], + [ + "subclass", + -13.373231887817385 + ], + [ + "\u2581untergebracht", + -13.37325382232666 + ], + [ + "\u2581poisson", + -13.373257637023926 + ], + [ + "\u2581sleeping", + -13.373275756835938 + ], + [ + "\u2581Steam", + -13.373284339904783 + ], + [ + "\u2581indirekt", + -13.373295783996582 + ], + [ + "\u2581venisse", + -13.37330436706543 + ], + [ + "\u2581Erscheinung", + -13.373318672180176 + ], + [ + "genau", + -13.373332977294922 + ], + [ + "\u2581Aufforderung", + -13.373335838317873 + ], + [ + "heli", + -13.373339653015137 + ], + [ + "\u2581Pavel", + -13.373353004455566 + ], + [ + "Brand", + -13.37337589263916 + ], + [ + "\u2581opende", + -13.373393058776855 + ], + [ + "ordinateur", + -13.37342929840088 + ], + [ + "\u2581cosmic", + -13.373432159423828 + ], + [ + "adamente", + -13.37346076965332 + ], + [ + "strategy", + -13.373461723327637 + ], + [ + "\u2581inaugural", + -13.373476028442385 + ], + [ + "pairs", + -13.373491287231444 + ], + [ + "\u2581Winn", + -13.373491287231444 + ], + [ + "\u2581perfetta", + -13.373546600341797 + ], + [ + "\u2581Ensure", + -13.37356185913086 + ], + [ + "appartamento", + -13.373571395874023 + ], + [ + "\u2581Cyril", + -13.373579025268556 + ], + [ + "staging", + -13.3735933303833 + ], + [ + "momentum", + -13.373623847961426 + ], + [ + "hardware", + -13.373631477355955 + ], + [ + "bezogen", + -13.373700141906738 + ], + [ + "\u2581montanha", + -13.37373161315918 + ], + [ + "Clean", + -13.373746871948242 + ], + [ + "Provence", + -13.37377643585205 + ], + [ + "\u2581P\u00e4", + -13.373808860778809 + ], + [ + "\u2581aufgegeben", + -13.37387752532959 + ], + [ + "\u00e1stica", + -13.373891830444336 + ], + [ + "Ele", + -13.373899459838867 + ], + [ + "\u2581soberano", + -13.37390422821045 + ], + [ + "\u2581Cola", + -13.373920440673828 + ], + [ + "\u2581Gibt", + -13.373920440673828 + ], + [ + "\u2581\u00e9dit\u00e9", + -13.373968124389648 + ], + [ + "\u2581Trivia", + -13.373974800109863 + ], + [ + "\u2581resultiert", + -13.374003410339355 + ], + [ + "tzsch", + -13.374008178710938 + ], + [ + "posizione", + -13.374029159545898 + ], + [ + "\u2581Descrizione", + -13.37408447265625 + ], + [ + "\u2581werkwoorden", + -13.374102592468262 + ], + [ + "CTA", + -13.37410831451416 + ], + [ + "\u2581durfte", + -13.37418270111084 + ], + [ + "\u2581elegant", + -13.374238967895508 + ], + [ + "\u2581markers", + -13.374300003051758 + ], + [ + "Offer", + -13.37436866760254 + ], + [ + "\u2581Wade", + -13.37436866760254 + ], + [ + "ul\u00e4ssigkeit", + -13.374407768249512 + ], + [ + "\u2581Communist", + -13.374409675598145 + ], + [ + "\u2581significative", + -13.374418258666992 + ], + [ + "runTest", + -13.374448776245115 + ], + [ + "around", + -13.374468803405762 + ], + [ + "\u2581Trujillo", + -13.374493598937988 + ], + [ + "\u2581Emissionen", + -13.374513626098633 + ], + [ + "\u2581Komplexit\u00e4t", + -13.374533653259276 + ], + [ + "\u2581M\u00e9rida", + -13.374558448791504 + ], + [ + "\u2581\u00e9trange", + -13.3745698928833 + ], + [ + "gebend", + -13.374579429626465 + ], + [ + "\u2581cruza", + -13.374600410461426 + ], + [ + "\u2581Voss", + -13.37460994720459 + ], + [ + "\u2581isolation", + -13.374610900878906 + ], + [ + "\u2581orthodoxe", + -13.374616622924805 + ], + [ + "atome", + -13.37465476989746 + ], + [ + "\u2581Temps", + -13.374699592590332 + ], + [ + "\u2581ustedes", + -13.374700546264648 + ], + [ + "\u2581bandwidth", + -13.37471866607666 + ], + [ + "ilho", + -13.374810218811035 + ], + [ + "odio", + -13.374835968017578 + ], + [ + "\u2581Constantin", + -13.374835968017578 + ], + [ + "\u2581Leicht", + -13.37484359741211 + ], + [ + "trud", + -13.37487506866455 + ], + [ + "\u2581avisa", + -13.374878883361816 + ], + [ + "boul", + -13.374879837036133 + ], + [ + "\u2581Doha", + -13.374882698059082 + ], + [ + "autocar", + -13.374893188476562 + ], + [ + "\u2581consapevolezza", + -13.374958038330078 + ], + [ + "uarta", + -13.374993324279783 + ], + [ + "\u2581Tou", + -13.375017166137695 + ], + [ + "\u2581compromis", + -13.375024795532228 + ], + [ + "\u2581Henne", + -13.375042915344238 + ], + [ + "anal", + -13.375088691711426 + ], + [ + "\u2581sucessor", + -13.375109672546388 + ], + [ + "Produzione", + -13.375222206115724 + ], + [ + "\u2581Musa", + -13.375232696533203 + ], + [ + "glied", + -13.375238418579102 + ], + [ + "\u2581essenzialmente", + -13.375262260437012 + ], + [ + "Meuse", + -13.37527084350586 + ], + [ + "\u2581Bispo", + -13.37527847290039 + ], + [ + "risto", + -13.375381469726562 + ], + [ + "\u2581presentare", + -13.37538719177246 + ], + [ + "AIR", + -13.375426292419434 + ], + [ + "\u2581Chama", + -13.37545394897461 + ], + [ + "\u2581Rechtsschutz", + -13.37547492980957 + ], + [ + "rmigen", + -13.375508308410645 + ], + [ + "\u2581seyn", + -13.375595092773438 + ], + [ + "\u2581Strange", + -13.375638008117676 + ], + [ + "\u2581vermindert", + -13.37564468383789 + ], + [ + "\u2581bezahlen", + -13.375652313232422 + ], + [ + "\u2581t\u00e1xis", + -13.375653266906738 + ], + [ + "unhbox", + -13.37565803527832 + ], + [ + "\u2581Sherman", + -13.37570858001709 + ], + [ + "cionista", + -13.37571907043457 + ], + [ + "\u2581neurones", + -13.375737190246582 + ], + [ + "elemento", + -13.375754356384276 + ], + [ + "\u2581Bundesbank", + -13.37575626373291 + ], + [ + "\u2581rumore", + -13.375864028930664 + ], + [ + "\u2581fehlenden", + -13.37587833404541 + ], + [ + "\u2581mardi", + -13.375921249389648 + ], + [ + "john", + -13.375948905944824 + ], + [ + "\u2581int\u00e9gr\u00e9", + -13.375972747802734 + ], + [ + "\u2581sp\u00e9ciale", + -13.376004219055176 + ], + [ + "Raster", + -13.376005172729492 + ], + [ + "\u2581intuitive", + -13.376009941101074 + ], + [ + "Ligand", + -13.376033782958984 + ], + [ + "\u2581Naga", + -13.376046180725098 + ], + [ + "\u2581Mano", + -13.37606716156006 + ], + [ + "\u2581beantragen", + -13.376086235046388 + ], + [ + "Footer", + -13.376131057739258 + ], + [ + "lomo", + -13.376142501831056 + ], + [ + "kim", + -13.37614917755127 + ], + [ + "\u2581d\u00e9fendre", + -13.37615966796875 + ], + [ + "\u2581Ric", + -13.37616729736328 + ], + [ + "\u2581promesse", + -13.37616729736328 + ], + [ + "\u2581internen", + -13.376174926757812 + ], + [ + "\u2581Tampa", + -13.37618350982666 + ], + [ + "\u2581Cavaleiro", + -13.376232147216797 + ], + [ + "\u2581Sicher", + -13.376251220703123 + ], + [ + "banner", + -13.376283645629885 + ], + [ + "\u2581poursuivre", + -13.376285552978516 + ], + [ + "\u2581vessels", + -13.376298904418944 + ], + [ + "\u2581Barcelone", + -13.376358032226562 + ], + [ + "Logo", + -13.376362800598145 + ], + [ + "\u2581Wong", + -13.376368522644045 + ], + [ + "\u2581sugg", + -13.376391410827637 + ], + [ + "blk", + -13.376394271850586 + ], + [ + "\u2581bump", + -13.376402854919434 + ], + [ + "ufs", + -13.376457214355469 + ], + [ + "\u2581schlicht", + -13.37646484375 + ], + [ + "\u2581interessati", + -13.376476287841797 + ], + [ + "\u2581retenti", + -13.376501083374023 + ], + [ + "knecht", + -13.376503944396973 + ], + [ + "\u2581arriv\u00e9e", + -13.37651824951172 + ], + [ + "filtration", + -13.376531600952148 + ], + [ + "\u2581Producci\u00f3n", + -13.376557350158691 + ], + [ + "horizon", + -13.376564979553224 + ], + [ + "\u2581Platte", + -13.376585006713867 + ], + [ + "Washington", + -13.376593589782717 + ], + [ + "Orth", + -13.37661838531494 + ], + [ + "gelagert", + -13.376668930053713 + ], + [ + "\u2581estim\u00e9", + -13.376691818237305 + ], + [ + "\u2581Meeting", + -13.376749992370604 + ], + [ + "Gotha", + -13.376753807067873 + ], + [ + "\u2581blancs", + -13.376787185668944 + ], + [ + "\u2581controlada", + -13.376811981201172 + ], + [ + "\u2581Derby", + -13.376816749572754 + ], + [ + "zaba", + -13.376832008361816 + ], + [ + "\u2581juntas", + -13.376874923706056 + ], + [ + "\u2581chiam", + -13.376885414123535 + ], + [ + "UNGS", + -13.376911163330078 + ], + [ + "\u2581Willie", + -13.37691879272461 + ], + [ + "Spin", + -13.37692928314209 + ], + [ + "\u2581d\u00e9cimo", + -13.377005577087402 + ], + [ + "\u2581Clare", + -13.377008438110352 + ], + [ + "Honor\u00e9", + -13.377015113830566 + ], + [ + "opcode", + -13.377038955688477 + ], + [ + "\u2581zus\u00e4tzlicher", + -13.377062797546388 + ], + [ + "z\u00fcgen", + -13.37709140777588 + ], + [ + "\u2581loads", + -13.377105712890623 + ], + [ + "\u2581devi", + -13.377113342285156 + ], + [ + "umble", + -13.37712860107422 + ], + [ + "\u2581sociolog", + -13.377132415771484 + ], + [ + "\u2581Canterbury", + -13.3771390914917 + ], + [ + "insgesamt", + -13.377171516418455 + ], + [ + "MAD", + -13.377198219299316 + ], + [ + "\u2581bewijs", + -13.377202033996582 + ], + [ + "erina", + -13.3772611618042 + ], + [ + "\u2581bilh", + -13.377266883850098 + ], + [ + "\u2581Vote", + -13.377277374267578 + ], + [ + "\u2581Buena", + -13.377285957336426 + ], + [ + "ousse", + -13.377338409423828 + ], + [ + "\u2581culin\u00e1ria", + -13.377362251281738 + ], + [ + "\u2581Aufnahmen", + -13.37736701965332 + ], + [ + "\u2581photons", + -13.377381324768066 + ], + [ + "\u2581ergaben", + -13.37745475769043 + ], + [ + "\u2581Wedstrijden", + -13.377470016479492 + ], + [ + "\u2581Sega", + -13.377479553222656 + ], + [ + "\u2581Gladys", + -13.377504348754885 + ], + [ + "\u2581nigr", + -13.377511024475098 + ], + [ + "\u2581Activity", + -13.377554893493652 + ], + [ + "Gib", + -13.377562522888184 + ], + [ + "\u2581guides", + -13.37756633758545 + ], + [ + "\u2581representatives", + -13.377578735351562 + ], + [ + "\u2581forcing", + -13.377601623535156 + ], + [ + "\u2581occupato", + -13.377609252929688 + ], + [ + "\u2581Astronomical", + -13.37763214111328 + ], + [ + "\u2581technischer", + -13.37763214111328 + ], + [ + "\u2581f\u00fchlen", + -13.377666473388672 + ], + [ + "Amino", + -13.377681732177734 + ], + [ + "\u2581Taxa", + -13.377686500549316 + ], + [ + "\u2581popularidad", + -13.37773895263672 + ], + [ + "Stamp", + -13.377753257751465 + ], + [ + "\u2581widespread", + -13.377772331237791 + ], + [ + "\u2581Dina", + -13.377785682678224 + ], + [ + "eenheid", + -13.37779426574707 + ], + [ + "holo", + -13.37779712677002 + ], + [ + "\u2581Libros", + -13.37785816192627 + ], + [ + "unfall", + -13.377863883972168 + ], + [ + "\u2581Rinder", + -13.37787628173828 + ], + [ + "inda", + -13.377963066101074 + ], + [ + "fuse", + -13.37801456451416 + ], + [ + "rivi", + -13.378022193908691 + ], + [ + "\u2581columnas", + -13.3780517578125 + ], + [ + "genoten", + -13.378052711486816 + ], + [ + "\u2581rifle", + -13.378068923950195 + ], + [ + "\u2581engenharia", + -13.37807846069336 + ], + [ + "promis", + -13.378081321716309 + ], + [ + "\u2581uitgestorven", + -13.378111839294434 + ], + [ + "\u2581spare", + -13.378173828125 + ], + [ + "lowercase", + -13.378181457519531 + ], + [ + "\u2581verbose", + -13.378209114074709 + ], + [ + "\u2581Athen", + -13.37821102142334 + ], + [ + "efer", + -13.378217697143556 + ], + [ + "\u2581digraph", + -13.378220558166504 + ], + [ + "hq", + -13.378267288208008 + ], + [ + "mona", + -13.378278732299805 + ], + [ + "\u2581Slovenia", + -13.378280639648438 + ], + [ + "\u2581jur\u00eddica", + -13.378300666809082 + ], + [ + "\u2581procedere", + -13.378310203552246 + ], + [ + "ecki", + -13.378397941589355 + ], + [ + "\u2581Aufsichts", + -13.378399848937988 + ], + [ + "\u2581directora", + -13.378416061401367 + ], + [ + "\u2581F\u00e4hr", + -13.37841796875 + ], + [ + "onseils", + -13.37843132019043 + ], + [ + "\u2581cortar", + -13.378517150878906 + ], + [ + "\u2581Composition", + -13.378520965576172 + ], + [ + "\u2581defensive", + -13.378549575805664 + ], + [ + "onClick", + -13.378575325012209 + ], + [ + "stoel", + -13.378576278686523 + ], + [ + "gehende", + -13.378583908081056 + ], + [ + "\u2581Maranh", + -13.378597259521484 + ], + [ + "Amazon", + -13.378610610961914 + ], + [ + "\u2581subjektive", + -13.378643989562988 + ], + [ + "\u2581SEM", + -13.378656387329102 + ], + [ + "\u2581silicon", + -13.378666877746582 + ], + [ + "\u2581Tav", + -13.378671646118164 + ], + [ + "\u2581verabschiedet", + -13.378687858581545 + ], + [ + "amiti\u00e9", + -13.378713607788086 + ], + [ + "\u2581roten", + -13.378776550292969 + ], + [ + "t\u00e4tige", + -13.378785133361816 + ], + [ + "\u2581ligeramente", + -13.378795623779297 + ], + [ + "\u2581expresar", + -13.37883472442627 + ], + [ + "besuch", + -13.378840446472168 + ], + [ + "doek", + -13.378853797912598 + ], + [ + "\u2581presos", + -13.378868103027344 + ], + [ + "\u2581Amtrak", + -13.37888526916504 + ], + [ + "\u2581JAVA", + -13.37889575958252 + ], + [ + "\u2581purge", + -13.37891960144043 + ], + [ + "unque", + -13.378938674926758 + ], + [ + "izzi", + -13.379039764404297 + ], + [ + "\u2581fraud", + -13.379132270812988 + ], + [ + "\u2581distinguished", + -13.379159927368164 + ], + [ + "Instant", + -13.379169464111328 + ], + [ + "\u2581reinen", + -13.379179954528809 + ], + [ + "accident", + -13.37920379638672 + ], + [ + "\u2581bless\u00e9", + -13.37921905517578 + ], + [ + "\u2581considerate", + -13.379227638244627 + ], + [ + "\u00edm", + -13.379255294799805 + ], + [ + "ieten", + -13.379263877868652 + ], + [ + "\u2581Dispon\u00edvel", + -13.379332542419434 + ], + [ + "zucker", + -13.379395484924316 + ], + [ + "\u2581Pool", + -13.379413604736328 + ], + [ + "\u2581geometria", + -13.379416465759276 + ], + [ + "\u2581rubber", + -13.37942886352539 + ], + [ + "\u2581Erla", + -13.379449844360352 + ], + [ + "adv", + -13.379592895507812 + ], + [ + "\u2581Lothar", + -13.379592895507812 + ], + [ + "\u2581Alltags", + -13.379621505737305 + ], + [ + "\u2581restlichen", + -13.379627227783203 + ], + [ + "\u2581Fries", + -13.37964153289795 + ], + [ + "\u2581Abweichend", + -13.379646301269531 + ], + [ + "\u2581cavalerie", + -13.379669189453123 + ], + [ + "\u2581hoop", + -13.379680633544922 + ], + [ + "Actor", + -13.379714012145996 + ], + [ + "\u2581Camar", + -13.379715919494627 + ], + [ + "\u2581poem", + -13.379756927490234 + ], + [ + "\u2581prescription", + -13.379804611206056 + ], + [ + "\u2581databases", + -13.37981414794922 + ], + [ + "\u2581Freistaat", + -13.379827499389648 + ], + [ + "gravi", + -13.379843711853027 + ], + [ + "\u2581margens", + -13.379880905151367 + ], + [ + "\u2581m\u00edo", + -13.379891395568848 + ], + [ + "f\u00fchrende", + -13.379958152770996 + ], + [ + "\u2581Emperor", + -13.379961967468262 + ], + [ + "Uk", + -13.380011558532717 + ], + [ + "Mejor", + -13.380023002624512 + ], + [ + "zulegen", + -13.380096435546877 + ], + [ + "jsx", + -13.38010025024414 + ], + [ + "politisch", + -13.380106925964355 + ], + [ + "\u2581Franchi", + -13.380193710327148 + ], + [ + "\u2581tensions", + -13.380196571350098 + ], + [ + "\u2581carregado", + -13.380247116088867 + ], + [ + "\u2581traite", + -13.380249977111816 + ], + [ + "\u2581Stadtgebiet", + -13.38026523590088 + ], + [ + "mathscr", + -13.380300521850586 + ], + [ + "\u2581ziek", + -13.380351066589355 + ], + [ + "loi", + -13.380398750305176 + ], + [ + "buy", + -13.380410194396973 + ], + [ + "\u2581Katholieke", + -13.380419731140137 + ], + [ + "\u2581enterprise", + -13.380532264709473 + ], + [ + "Durch", + -13.38054370880127 + ], + [ + "\u2581championnats", + -13.380544662475586 + ], + [ + "m\u00fcller", + -13.38057804107666 + ], + [ + "\u2581N\u00e1poles", + -13.38058853149414 + ], + [ + "schieden", + -13.380608558654783 + ], + [ + "deln", + -13.38062572479248 + ], + [ + "\u2581Bevor", + -13.380675315856934 + ], + [ + "\u2581angeben", + -13.380691528320312 + ], + [ + "tara", + -13.380697250366213 + ], + [ + "\u2581Glaubens", + -13.38070011138916 + ], + [ + "melo", + -13.380732536315918 + ], + [ + "\u2581hip\u00f3tesis", + -13.380745887756348 + ], + [ + "\u2581screw", + -13.380756378173828 + ], + [ + "\u2581Distribu", + -13.38076877593994 + ], + [ + "\u2581ridotta", + -13.380770683288574 + ], + [ + "\u2581fai", + -13.380780220031738 + ], + [ + "\u2581ocasionalmente", + -13.380786895751951 + ], + [ + "\u2581prendete", + -13.380810737609863 + ], + [ + "\u2581phare", + -13.380844116210938 + ], + [ + "embarque", + -13.38086223602295 + ], + [ + "\u2581Raff", + -13.380876541137695 + ], + [ + "\u2581Hitze", + -13.38088035583496 + ], + [ + "plaat", + -13.38089370727539 + ], + [ + "knowledge", + -13.380908966064451 + ], + [ + "\u2581meaningful", + -13.38094711303711 + ], + [ + "\u2581teilte", + -13.381000518798828 + ], + [ + "\u2581Fris", + -13.38100242614746 + ], + [ + "spezifischer", + -13.381019592285156 + ], + [ + "aker", + -13.381033897399902 + ], + [ + "\u2581centenas", + -13.381067276000977 + ], + [ + "\u2581Doe", + -13.381070137023926 + ], + [ + "brasil", + -13.381118774414062 + ], + [ + "OUS", + -13.381159782409668 + ], + [ + "\u2581precisamos", + -13.381245613098145 + ], + [ + "\u2581Gesamtkosten", + -13.381256103515623 + ], + [ + "\u2581rattach\u00e9e", + -13.38129997253418 + ], + [ + "ution", + -13.381322860717772 + ], + [ + "\u2581proposte", + -13.381324768066406 + ], + [ + "kV", + -13.381333351135254 + ], + [ + "\u2581vedono", + -13.381336212158203 + ], + [ + "acetat", + -13.38133716583252 + ], + [ + "grijs", + -13.381341934204102 + ], + [ + "FFA", + -13.381352424621582 + ], + [ + "\u2581iTunes", + -13.38137435913086 + ], + [ + "\u2581contribuye", + -13.381394386291504 + ], + [ + "Kirche", + -13.381409645080566 + ], + [ + "\u2581obbliga", + -13.381409645080566 + ], + [ + "\u2581employ\u00e9s", + -13.381484985351562 + ], + [ + "\u2581Conserva", + -13.38152313232422 + ], + [ + "\u2581neuron", + -13.381585121154783 + ], + [ + "\u2581Pardo", + -13.381597518920898 + ], + [ + "Tv", + -13.38161563873291 + ], + [ + "nomie", + -13.381664276123049 + ], + [ + "\u2581verwaltet", + -13.381701469421388 + ], + [ + "\u2581Cinque", + -13.38170337677002 + ], + [ + "inkel", + -13.381706237792969 + ], + [ + "gliano", + -13.381741523742676 + ], + [ + "\u2581HAVE", + -13.381754875183104 + ], + [ + "\u2581backward", + -13.381760597229004 + ], + [ + "\u2581fabriek", + -13.381763458251951 + ], + [ + "\u2581Ausfall", + -13.381826400756836 + ], + [ + "ModuleDict", + -13.38183879852295 + ], + [ + "\u2581errechnet", + -13.38184642791748 + ], + [ + "\u2581kn", + -13.381853103637695 + ], + [ + "Entwicklung", + -13.381888389587402 + ], + [ + "\u2581Vertr\u00e4gen", + -13.381936073303224 + ], + [ + "Finished", + -13.381959915161133 + ], + [ + "\u2581fundamentais", + -13.381965637207031 + ], + [ + "skij", + -13.381979942321776 + ], + [ + "\u2581\u00e9cole", + -13.382003784179688 + ], + [ + "\u2581puntata", + -13.3820219039917 + ], + [ + "\u2581sahen", + -13.382047653198242 + ], + [ + "\u2581Gemeinsame", + -13.382100105285645 + ], + [ + "Eurovision", + -13.38210391998291 + ], + [ + "leader", + -13.382104873657228 + ], + [ + "\u2581frappe", + -13.38211727142334 + ], + [ + "mischung", + -13.382119178771973 + ], + [ + "acciaio", + -13.382124900817873 + ], + [ + "\u2581armado", + -13.382124900817873 + ], + [ + "\u2581modernas", + -13.382125854492188 + ], + [ + "\u2581Bucarest", + -13.382161140441896 + ], + [ + "\u2581combining", + -13.382176399230955 + ], + [ + "\u2581intro", + -13.382241249084473 + ], + [ + "pongono", + -13.382266998291016 + ], + [ + "izzati", + -13.382275581359863 + ], + [ + "AGA", + -13.38227653503418 + ], + [ + "\u2581imagination", + -13.382277488708496 + ], + [ + "\u2581Winnaar", + -13.382285118103027 + ], + [ + "\u2581investigations", + -13.382296562194824 + ], + [ + "\u2581rayon", + -13.382333755493164 + ], + [ + "\u2581aprobaci\u00f3n", + -13.382342338562012 + ], + [ + "Speech", + -13.382394790649414 + ], + [ + "popover", + -13.382416725158691 + ], + [ + "neri", + -13.38247776031494 + ], + [ + "\u2581Iv\u00e1n", + -13.382550239562988 + ], + [ + "Estados", + -13.382556915283203 + ], + [ + "wag", + -13.382620811462402 + ], + [ + "toLowerCase", + -13.382631301879885 + ], + [ + "\u2581bestuurs", + -13.382635116577148 + ], + [ + "SESSION", + -13.38263702392578 + ], + [ + "oji", + -13.38263988494873 + ], + [ + "\u2581attribu\u00e9", + -13.382649421691896 + ], + [ + "\u2581Jansen", + -13.382680892944336 + ], + [ + "\u2581threatened", + -13.382691383361816 + ], + [ + "buurt", + -13.382692337036133 + ], + [ + "\u2581p\u00e9riodes", + -13.38270378112793 + ], + [ + "owed", + -13.382730484008787 + ], + [ + "\u2581Einnahme", + -13.382735252380373 + ], + [ + "\u2581colli", + -13.382774353027344 + ], + [ + "\u2581amoureux", + -13.38279151916504 + ], + [ + "\u2581eterno", + -13.38279628753662 + ], + [ + "\u2581gehandelt", + -13.382798194885254 + ], + [ + "\u2581Goes", + -13.382814407348633 + ], + [ + "zones", + -13.382822036743164 + ], + [ + "\u2581camere", + -13.382835388183594 + ], + [ + "\u2581confuso", + -13.38287353515625 + ], + [ + "\u2581gesloopt", + -13.382949829101562 + ], + [ + "\u2581Resta", + -13.38298511505127 + ], + [ + "apparat", + -13.383008003234863 + ], + [ + "\u2581infinity", + -13.38308811187744 + ], + [ + "\u2581biais", + -13.383092880249023 + ], + [ + "ierbar", + -13.383108139038086 + ], + [ + "lav", + -13.383109092712402 + ], + [ + "\u2581logiciels", + -13.38314723968506 + ], + [ + "ovsk", + -13.383148193359377 + ], + [ + "sjahr", + -13.383197784423828 + ], + [ + "\u2581Staub", + -13.383225440979004 + ], + [ + "Op\u00e9ra", + -13.38322639465332 + ], + [ + "\u2581Dominic", + -13.383249282836914 + ], + [ + "melding", + -13.383267402648926 + ], + [ + "hell", + -13.383268356323242 + ], + [ + "Religi", + -13.383330345153809 + ], + [ + "\u2581analisar", + -13.383393287658691 + ], + [ + "\u2581erstattet", + -13.383398056030272 + ], + [ + "cause", + -13.383435249328612 + ], + [ + "Bois", + -13.383509635925291 + ], + [ + "intersection", + -13.383591651916504 + ], + [ + "ocaml", + -13.383658409118652 + ], + [ + "\u2581Surf", + -13.3836669921875 + ], + [ + "\u2581onderzoeken", + -13.38368034362793 + ], + [ + "cleos", + -13.383682250976562 + ], + [ + "ESC", + -13.38372802734375 + ], + [ + "runs", + -13.3837308883667 + ], + [ + "mieten", + -13.383746147155762 + ], + [ + "Specification", + -13.383760452270508 + ], + [ + "April", + -13.383806228637695 + ], + [ + "plum", + -13.383844375610352 + ], + [ + "\u2581Cac", + -13.383864402770996 + ], + [ + "ielle", + -13.383888244628906 + ], + [ + "derived", + -13.38389015197754 + ], + [ + "\u2581Nomenclature", + -13.383898735046388 + ], + [ + "\u2581declarou", + -13.383899688720703 + ], + [ + "\u2581Desambigua", + -13.38390064239502 + ], + [ + "\u2581tourism", + -13.383929252624512 + ], + [ + "\u2581Santuario", + -13.383935928344728 + ], + [ + "\u2581abrupt", + -13.383946418762209 + ], + [ + "\u2581oppose", + -13.38394832611084 + ], + [ + "\u2581Running", + -13.383966445922852 + ], + [ + "elapsed", + -13.383970260620115 + ], + [ + "tekeningen", + -13.38397216796875 + ], + [ + "\u2581vergleichen", + -13.384000778198242 + ], + [ + "\u2581attachment", + -13.384024620056152 + ], + [ + "\u2581wandel", + -13.384032249450684 + ], + [ + "\u2581$}}{}{}", + -13.384050369262695 + ], + [ + "\u2581Laure", + -13.384082794189451 + ], + [ + "requested", + -13.384143829345703 + ], + [ + "\u2581seriamente", + -13.384197235107422 + ], + [ + "\u2581cristianesimo", + -13.38420867919922 + ], + [ + "undesnetzagentur", + -13.384209632873535 + ], + [ + "ductor", + -13.384215354919434 + ], + [ + "\u2581Ionen", + -13.38422393798828 + ], + [ + "\u2581verdediging", + -13.384225845336914 + ], + [ + "\u2581envolvendo", + -13.384235382080078 + ], + [ + "kurve", + -13.38426113128662 + ], + [ + "\u2581Mandat", + -13.384272575378418 + ], + [ + "\u2581osteo", + -13.38427734375 + ], + [ + "\u2581fach", + -13.384317398071287 + ], + [ + "\u2581froide", + -13.384353637695312 + ], + [ + "Pla", + -13.384380340576172 + ], + [ + "\u2581Jing", + -13.384382247924805 + ], + [ + "\u2581refleja", + -13.384431838989258 + ], + [ + "\u2581Profiel", + -13.384448051452637 + ], + [ + "ered", + -13.384490966796877 + ], + [ + "clamp", + -13.384516716003418 + ], + [ + "\u2581guests", + -13.384523391723633 + ], + [ + "\u2581Egyptian", + -13.384532928466797 + ], + [ + "\u2581Models", + -13.384535789489746 + ], + [ + "physics", + -13.384538650512695 + ], + [ + "tchen", + -13.384550094604492 + ], + [ + "\u2581Indians", + -13.384560585021973 + ], + [ + "\u2581Amtszeit", + -13.384592056274414 + ], + [ + "\u2581accepte", + -13.384621620178224 + ], + [ + "mischer", + -13.384625434875488 + ], + [ + "\u00fcben", + -13.384661674499512 + ], + [ + "\u2581realizan", + -13.384688377380373 + ], + [ + "sisti\u00f3", + -13.384693145751951 + ], + [ + "\u2581cien", + -13.384729385375977 + ], + [ + "\u2581Herschel", + -13.38473415374756 + ], + [ + "\u2581{$", + -13.384740829467772 + ], + [ + "wachstum", + -13.384763717651367 + ], + [ + "vice", + -13.38476848602295 + ], + [ + "\u2581chirurg", + -13.384771347045898 + ], + [ + "\u2581Stads", + -13.384833335876465 + ], + [ + "\u2581vacanza", + -13.384855270385742 + ], + [ + "Betrieb", + -13.38487720489502 + ], + [ + "pr\u00e4", + -13.384882926940918 + ], + [ + "\u2581invitado", + -13.384944915771484 + ], + [ + "\u2581sp\u00e9cialiste", + -13.3849515914917 + ], + [ + "\u2581betriebs", + -13.384965896606444 + ], + [ + "\u2581Indikatoren", + -13.384966850280762 + ], + [ + "eek", + -13.384991645812988 + ], + [ + "WORKSPACE", + -13.385001182556152 + ], + [ + "\u2581academia", + -13.385003089904783 + ], + [ + "\u2581toeristen", + -13.385014533996582 + ], + [ + "\u2581Soli", + -13.38504123687744 + ], + [ + "\u2581Cuatro", + -13.385064125061035 + ], + [ + "\u2581parecen", + -13.385087966918944 + ], + [ + "\u2581Vanessa", + -13.385106086730955 + ], + [ + "\u2581verschijnt", + -13.385154724121094 + ], + [ + "\u2581achet\u00e9", + -13.38519287109375 + ], + [ + "\u2581Rennen", + -13.385202407836914 + ], + [ + "horloge", + -13.385221481323242 + ], + [ + "constraints", + -13.38524055480957 + ], + [ + "\u2581esterna", + -13.38524055480957 + ], + [ + "\u2581coil", + -13.385265350341797 + ], + [ + "\u2581anzich\u00e9", + -13.38534164428711 + ], + [ + "\u2581Gabe", + -13.38534450531006 + ], + [ + "\u2581cammina", + -13.385364532470703 + ], + [ + "\u2581scandal", + -13.385364532470703 + ], + [ + "nimos", + -13.385445594787598 + ], + [ + "Bw", + -13.38547134399414 + ], + [ + "elieve", + -13.385505676269531 + ], + [ + "\u2581Vince", + -13.385516166687012 + ], + [ + "\u2581pertenec\u00edan", + -13.385517120361328 + ], + [ + "\u2581voyages", + -13.38553237915039 + ], + [ + "\u2581Igua", + -13.38556671142578 + ], + [ + "\u2581Bl\u00fcten", + -13.38560962677002 + ], + [ + "\u2581Madalena", + -13.385631561279297 + ], + [ + "\u2581naciones", + -13.385655403137209 + ], + [ + "\u2581uitgeverij", + -13.38568115234375 + ], + [ + "Poli", + -13.385685920715332 + ], + [ + "dru", + -13.385686874389648 + ], + [ + "tiennent", + -13.38571548461914 + ], + [ + "couch", + -13.385744094848633 + ], + [ + "\u2581s\u00f3lido", + -13.38577938079834 + ], + [ + "\u2581Shar", + -13.385784149169922 + ], + [ + "\u2581lideran", + -13.385805130004885 + ], + [ + "worthy", + -13.385823249816896 + ], + [ + "Known", + -13.38583278656006 + ], + [ + "\u2581abweichend", + -13.385845184326172 + ], + [ + "\u2581m\u00fcndet", + -13.38586139678955 + ], + [ + "\u2581Tomo", + -13.385868072509766 + ], + [ + "\u2581selecting", + -13.385869026184082 + ], + [ + "mada", + -13.38589572906494 + ], + [ + "aufnahmen", + -13.385956764221191 + ], + [ + "\u2581\u00e4lteste", + -13.385957717895508 + ], + [ + "\u2581Bibli", + -13.38597297668457 + ], + [ + "Campaign", + -13.385980606079102 + ], + [ + "\u2581cuts", + -13.385998725891112 + ], + [ + "\u2581shoes", + -13.386006355285645 + ], + [ + "Detect", + -13.386049270629885 + ], + [ + "metropolitan", + -13.386062622070312 + ], + [ + "\u2581Brennstoff", + -13.386062622070312 + ], + [ + "\u2581concentrate", + -13.38609504699707 + ], + [ + "Hist\u00f3ria", + -13.386096000671388 + ], + [ + "\u2581encontraron", + -13.386137962341309 + ], + [ + "reus", + -13.386226654052734 + ], + [ + "rperverletzung", + -13.386238098144531 + ], + [ + "entroterra", + -13.386269569396973 + ], + [ + "\u2581veremos", + -13.386295318603516 + ], + [ + "\u2581Corner", + -13.386310577392578 + ], + [ + "\u2581medioevo", + -13.386326789855955 + ], + [ + "URE", + -13.38633918762207 + ], + [ + "Soorten", + -13.386340141296388 + ], + [ + "getInstance", + -13.386387825012209 + ], + [ + "\u2581orale", + -13.38640308380127 + ], + [ + "\u2581descanso", + -13.38642692565918 + ], + [ + "\u2581Rimini", + -13.386446952819824 + ], + [ + "\u2581Auvergne", + -13.386452674865724 + ], + [ + "inflammatory", + -13.386459350585938 + ], + [ + "\u2581impos\u00e9", + -13.386466026306152 + ], + [ + "\u2581footballers", + -13.386481285095217 + ], + [ + "\u2581Fami", + -13.386489868164062 + ], + [ + "\u2581immagina", + -13.386505126953123 + ], + [ + "\u2581pronomes", + -13.386520385742188 + ], + [ + "\u2581residential", + -13.38656234741211 + ], + [ + "\u2581Traffic", + -13.386564254760742 + ], + [ + "\u2581unsafe", + -13.386571884155272 + ], + [ + "gger", + -13.386696815490724 + ], + [ + "\u2581romane", + -13.386711120605469 + ], + [ + "\u2581aeronaves", + -13.386731147766112 + ], + [ + "\u2581Iraqi", + -13.38675594329834 + ], + [ + "fristig", + -13.3867769241333 + ], + [ + "\u2581realizou", + -13.386795043945312 + ], + [ + "NVCC", + -13.386805534362791 + ], + [ + "\u2581Discografie", + -13.386816024780272 + ], + [ + "jy", + -13.386828422546388 + ], + [ + "Dump", + -13.386829376220703 + ], + [ + "\u2581distribuye", + -13.386871337890623 + ], + [ + "angelo", + -13.386890411376951 + ], + [ + "\u2581sospecha", + -13.386907577514648 + ], + [ + "\u2581grains", + -13.38691520690918 + ], + [ + "\u2581Eure", + -13.386930465698242 + ], + [ + "\u2581Lumpur", + -13.38693141937256 + ], + [ + "DEFINED", + -13.386934280395508 + ], + [ + "\u2581capturado", + -13.386981010437012 + ], + [ + "\u2581Hertz", + -13.38698387145996 + ], + [ + "\u00fcgt", + -13.38704776763916 + ], + [ + "\u2581Chapman", + -13.387080192565918 + ], + [ + "agog", + -13.387124061584473 + ], + [ + "\u2581st\u00e4ndigen", + -13.387157440185549 + ], + [ + "d\u00e9s", + -13.387160301208496 + ], + [ + "\u2581Verf", + -13.387170791625977 + ], + [ + "\u2581diplom\u00e1tico", + -13.387210845947266 + ], + [ + "\u2581cheaper", + -13.387213706970217 + ], + [ + "\u2581termijn", + -13.387224197387695 + ], + [ + "iceps", + -13.387236595153809 + ], + [ + "\u2581indicati", + -13.387252807617188 + ], + [ + "\u2581visuelle", + -13.387256622314451 + ], + [ + "\u2581Schuh", + -13.387266159057615 + ], + [ + "\u2581Handbook", + -13.387295722961426 + ], + [ + "\u2581citer", + -13.387330055236816 + ], + [ + "\u2581functor", + -13.387341499328612 + ], + [ + "\u2581curious", + -13.387347221374512 + ], + [ + "ISP", + -13.387383460998535 + ], + [ + "ird", + -13.387408256530762 + ], + [ + "\u2581Exil", + -13.38750457763672 + ], + [ + "Elateridae", + -13.387523651123049 + ], + [ + "\u2581teuer", + -13.387553215026855 + ], + [ + "stim", + -13.38756275177002 + ], + [ + "sdaten", + -13.387595176696776 + ], + [ + "\u2581visuel", + -13.38759994506836 + ], + [ + "tbody", + -13.387615203857422 + ], + [ + "\u2581quedado", + -13.387628555297852 + ], + [ + "\u2581submission", + -13.387652397155762 + ], + [ + "\u2581consultant", + -13.38773250579834 + ], + [ + "instantiate", + -13.387821197509766 + ], + [ + "\u2581incur", + -13.387828826904297 + ], + [ + "\u2581Lugano", + -13.38788890838623 + ], + [ + "technologische", + -13.387894630432127 + ], + [ + "\u2581gebeuren", + -13.387900352478027 + ], + [ + "teils", + -13.387971878051758 + ], + [ + "\u2581instinctual", + -13.388021469116213 + ], + [ + "cius", + -13.38802719116211 + ], + [ + "bosch", + -13.388042449951172 + ], + [ + "int\u00e9resse", + -13.388059616088867 + ], + [ + "Inhalt", + -13.388072967529297 + ], + [ + "usammenschluss", + -13.38807773590088 + ], + [ + "Colour", + -13.388084411621094 + ], + [ + "\u2581sper", + -13.38809299468994 + ], + [ + "\u2581Procura", + -13.388126373291016 + ], + [ + "\u2581passati", + -13.388127326965332 + ], + [ + "\u2581Herzegovina", + -13.388142585754396 + ], + [ + "TERM", + -13.388148307800291 + ], + [ + "Annotations", + -13.388153076171877 + ], + [ + "behinderte", + -13.38819980621338 + ], + [ + "\u2581lenda", + -13.38823699951172 + ], + [ + "\u2581probar", + -13.388286590576172 + ], + [ + "\u2581sanctions", + -13.388310432434082 + ], + [ + "\u2581elementare", + -13.388317108154297 + ], + [ + "\u2581S\u00e9ries", + -13.38832187652588 + ], + [ + "R\u00fcck", + -13.38835906982422 + ], + [ + "\u2581erlebt", + -13.388378143310549 + ], + [ + "\u2581vim", + -13.388397216796877 + ], + [ + "\u2581Tesla", + -13.388402938842772 + ], + [ + "\u2581Katie", + -13.38841438293457 + ], + [ + "ndido", + -13.38842487335205 + ], + [ + "\u2581moradores", + -13.388429641723633 + ], + [ + "\u2581vorl\u00e4ufige", + -13.388429641723633 + ], + [ + "duce", + -13.388439178466797 + ], + [ + "moc", + -13.38848876953125 + ], + [ + "\u2581a\u00e9rienne", + -13.388527870178224 + ], + [ + "\u2581Guitar", + -13.388579368591309 + ], + [ + "\u2581deutlicher", + -13.388614654541016 + ], + [ + "\u2581ombre", + -13.388619422912598 + ], + [ + "Macedoni", + -13.388675689697266 + ], + [ + "fair", + -13.388696670532228 + ], + [ + "\u2581Dura", + -13.388717651367188 + ], + [ + "Learning", + -13.388742446899414 + ], + [ + "vill", + -13.388745307922363 + ], + [ + "phenol", + -13.388750076293944 + ], + [ + "\u00e9quipage", + -13.38875675201416 + ], + [ + "Amour", + -13.38876724243164 + ], + [ + "imposer", + -13.38876724243164 + ], + [ + "\u2581pedagog", + -13.388771057128906 + ], + [ + "\u2581enormes", + -13.388778686523438 + ], + [ + "\u2581Siberia", + -13.388872146606444 + ], + [ + "recursive", + -13.38889217376709 + ], + [ + "\u00e4ug", + -13.388893127441406 + ], + [ + "\u2581correta", + -13.388898849487305 + ], + [ + "zeitig", + -13.38894271850586 + ], + [ + "\u2581jusque", + -13.38901424407959 + ], + [ + "\u2581Assessment", + -13.389020919799805 + ], + [ + "\u2581colocados", + -13.389033317565918 + ], + [ + "\u00f3ide", + -13.38906478881836 + ], + [ + "\u2581basierend", + -13.389098167419434 + ], + [ + "\u2581apresentada", + -13.389124870300291 + ], + [ + "lightblue", + -13.389126777648926 + ], + [ + "\u2581muros", + -13.389148712158203 + ], + [ + "\u2581fos", + -13.389171600341797 + ], + [ + "Nassau", + -13.3892183303833 + ], + [ + "\u2581NHL", + -13.389219284057615 + ], + [ + "\u2581kur", + -13.389235496520996 + ], + [ + "\u2581bambina", + -13.389259338378906 + ], + [ + "vinyl", + -13.389264106750488 + ], + [ + "\u2581Dorothy", + -13.389269828796388 + ], + [ + "Jahren", + -13.389270782470703 + ], + [ + "Kreislauf", + -13.389284133911133 + ], + [ + "\u2581spogli", + -13.38933563232422 + ], + [ + "\u2581exibida", + -13.389381408691406 + ], + [ + "wende", + -13.389469146728516 + ], + [ + "UST", + -13.389479637145996 + ], + [ + "walde", + -13.389511108398438 + ], + [ + "jh", + -13.389514923095703 + ], + [ + "\u2581zweckm\u00e4", + -13.389525413513184 + ], + [ + "datasets", + -13.389551162719728 + ], + [ + "oyez", + -13.389598846435549 + ], + [ + "ARCHIVE", + -13.389608383178713 + ], + [ + "anstalten", + -13.389628410339355 + ], + [ + "\u2581cassa", + -13.389703750610352 + ], + [ + "\u2581seconden", + -13.389727592468262 + ], + [ + "\u2581Madagaskar", + -13.389741897583008 + ], + [ + "\u2581Teilzeit", + -13.389745712280272 + ], + [ + "\u2581omit", + -13.389765739440918 + ], + [ + "\u2581Drop", + -13.389768600463867 + ], + [ + "\u2581Generationen", + -13.389799118041992 + ], + [ + "\u2581einheitlich", + -13.389878273010254 + ], + [ + "\u2581Calc", + -13.38990306854248 + ], + [ + "rillo", + -13.389917373657228 + ], + [ + "ikan", + -13.389918327331545 + ], + [ + "\u2581Alco", + -13.38994598388672 + ], + [ + "\u2581Eil", + -13.389955520629885 + ], + [ + "\u2581plana", + -13.39006233215332 + ], + [ + "\u2581physician", + -13.390091896057127 + ], + [ + "BAT", + -13.390148162841797 + ], + [ + "MAG", + -13.390153884887695 + ], + [ + "\u2581caminhada", + -13.39016342163086 + ], + [ + "\u2581lineare", + -13.3902006149292 + ], + [ + "olino", + -13.390213966369627 + ], + [ + "polling", + -13.390225410461426 + ], + [ + "\u2581grill", + -13.39023780822754 + ], + [ + "\u2581falantes", + -13.390273094177246 + ], + [ + "\u2581comunistas", + -13.390297889709473 + ], + [ + "\u2581specialit\u00e0", + -13.390303611755373 + ], + [ + "Eff", + -13.39031982421875 + ], + [ + "Flux", + -13.390334129333496 + ], + [ + "\u2581Solu", + -13.390357971191406 + ], + [ + "utta", + -13.39036750793457 + ], + [ + "\u2581Sla", + -13.39037036895752 + ], + [ + "\u2581Lom", + -13.390392303466797 + ], + [ + "\u2581Vedi", + -13.39039421081543 + ], + [ + "Mehr", + -13.39042854309082 + ], + [ + "\u2581lluvia", + -13.39045238494873 + ], + [ + "\u2581erhaltenen", + -13.39046859741211 + ], + [ + "\u2581UIButton", + -13.390528678894045 + ], + [ + "CUSTOM", + -13.390533447265623 + ], + [ + "\u2581Jurist", + -13.390552520751951 + ], + [ + "\u2581potentielle", + -13.390583038330078 + ], + [ + "\u2581Acesso", + -13.39059066772461 + ], + [ + "\u2581Medell\u00edn", + -13.390657424926758 + ], + [ + "\u2581adecuada", + -13.390705108642578 + ], + [ + "\u2581organizzare", + -13.390728950500488 + ], + [ + "Threads", + -13.390741348266602 + ], + [ + "Nuoro", + -13.390762329101562 + ], + [ + "\u2581Cin\u00e9ma", + -13.390762329101562 + ], + [ + "\u2581gesunden", + -13.39077091217041 + ], + [ + "\u2581beroemde", + -13.390795707702637 + ], + [ + "\u2581temples", + -13.390816688537598 + ], + [ + "Leon", + -13.390872955322266 + ], + [ + "\u2581Parkplatz", + -13.390925407409668 + ], + [ + "uattro", + -13.390946388244627 + ], + [ + "ital", + -13.39095973968506 + ], + [ + "DDR", + -13.390960693359377 + ], + [ + "PNV", + -13.390992164611816 + ], + [ + "\u2581sachgerecht", + -13.391018867492676 + ], + [ + "Struktur", + -13.391034126281738 + ], + [ + "cogi\u00f3", + -13.39105987548828 + ], + [ + "Victoire", + -13.39109992980957 + ], + [ + "danese", + -13.391108512878418 + ], + [ + "fl\u00fcsse", + -13.39113998413086 + ], + [ + "\u2581Lok", + -13.391180992126465 + ], + [ + "Oro", + -13.39118194580078 + ], + [ + "\u2581stating", + -13.391188621520996 + ], + [ + "ility", + -13.391190528869627 + ], + [ + "valued", + -13.391191482543944 + ], + [ + "\u2581estrecho", + -13.391255378723145 + ], + [ + "\u2581Nederlanders", + -13.391273498535156 + ], + [ + "\u2581marcador", + -13.391276359558104 + ], + [ + "\u2581Instala", + -13.391280174255373 + ], + [ + "zweig", + -13.39133071899414 + ], + [ + "Japan", + -13.391351699829102 + ], + [ + "does", + -13.39136791229248 + ], + [ + "\u2581Volt", + -13.39138889312744 + ], + [ + "\u2581collectif", + -13.391427040100098 + ], + [ + "Controls", + -13.391437530517578 + ], + [ + "v\u00e9s", + -13.39144229888916 + ], + [ + "\u2581copper", + -13.391457557678224 + ], + [ + "\u2581Annahmen", + -13.391469955444336 + ], + [ + "sculos", + -13.391471862792969 + ], + [ + "\u2581pierres", + -13.391472816467283 + ], + [ + "\u2581Dario", + -13.391505241394045 + ], + [ + "UpdateWeight", + -13.39152717590332 + ], + [ + "tically", + -13.39153289794922 + ], + [ + "obra", + -13.3915433883667 + ], + [ + "\u2581absoluten", + -13.391575813293455 + ], + [ + "\u2581fon", + -13.391610145568848 + ], + [ + "\u2581inhabitants", + -13.391655921936035 + ], + [ + "\u2581nuclei", + -13.39170265197754 + ], + [ + "\u2581errichten", + -13.391717910766602 + ], + [ + "DAG", + -13.39172077178955 + ], + [ + "\u2581Synoniem", + -13.391740798950195 + ], + [ + "\u2581Reale", + -13.391759872436523 + ], + [ + "CRC", + -13.391777992248535 + ], + [ + "\u2581Learn", + -13.391815185546877 + ], + [ + "\u2581portugu\u00e9s", + -13.391875267028809 + ], + [ + "\u2581freely", + -13.391894340515137 + ], + [ + "fractie", + -13.391905784606934 + ], + [ + "nonzero", + -13.391929626464844 + ], + [ + "l\u00e4ndische", + -13.391955375671388 + ], + [ + "furt", + -13.391960144042969 + ], + [ + "\u2581festgehalten", + -13.39198112487793 + ], + [ + "Workspace", + -13.39200210571289 + ], + [ + "\u2581firmato", + -13.392051696777344 + ], + [ + "\u2581Lennon", + -13.39208698272705 + ], + [ + "Coordinate", + -13.392095565795898 + ], + [ + "cellulaire", + -13.39212703704834 + ], + [ + "\u2581Hed", + -13.39212703704834 + ], + [ + "\u2581Tricho", + -13.39212703704834 + ], + [ + "\u2581Ciclistas", + -13.392132759094238 + ], + [ + "\u2581SAS", + -13.39215087890625 + ], + [ + "Medium", + -13.392152786254885 + ], + [ + "credential", + -13.39215850830078 + ], + [ + "\u2581Dre", + -13.392165184020996 + ], + [ + "lise", + -13.39220905303955 + ], + [ + "\u2581piedras", + -13.392224311828612 + ], + [ + "\u2581connexion", + -13.392230987548828 + ], + [ + "\u2581engines", + -13.392236709594728 + ], + [ + "\u2581har\u00eda", + -13.39224910736084 + ], + [ + "\u2581affine", + -13.392263412475586 + ], + [ + "geschrieben", + -13.39230728149414 + ], + [ + "pressed", + -13.392325401306152 + ], + [ + "\u2581beschikt", + -13.392369270324709 + ], + [ + "angzhou", + -13.39242935180664 + ], + [ + "\u2581disclaimer", + -13.392440795898438 + ], + [ + "\u2581burning", + -13.392444610595703 + ], + [ + "\u2581Swing", + -13.392454147338867 + ], + [ + "\u2581herausgegeben", + -13.3924560546875 + ], + [ + "galli", + -13.39246940612793 + ], + [ + "\u2581desierto", + -13.392475128173828 + ], + [ + "\u2581aprende", + -13.392481803894045 + ], + [ + "\u2581gods", + -13.39248275756836 + ], + [ + "\u2581fossil", + -13.392489433288574 + ], + [ + "\u2581comparado", + -13.392502784729004 + ], + [ + "\u2581gevaar", + -13.392529487609863 + ], + [ + "\u00e9chapper", + -13.392533302307127 + ], + [ + "\u2581c\u00e1lculos", + -13.392536163330078 + ], + [ + "bomb", + -13.392558097839355 + ], + [ + "\u2581anziani", + -13.39257526397705 + ], + [ + "\u2581reliability", + -13.392613410949709 + ], + [ + "ignac", + -13.392672538757324 + ], + [ + "\u2581Daarmee", + -13.392674446105955 + ], + [ + "\u2581Lungen", + -13.392724990844728 + ], + [ + "\u2581exclusively", + -13.39273452758789 + ], + [ + "\u2581percorrenza", + -13.392736434936523 + ], + [ + "\u2581italienische", + -13.392742156982422 + ], + [ + "\u2581scholars", + -13.392756462097168 + ], + [ + "\u2581jud\u00eda", + -13.392767906188965 + ], + [ + "\u2581Argentinien", + -13.39277458190918 + ], + [ + "LINKER", + -13.392778396606444 + ], + [ + "\u2581fotografie", + -13.392799377441406 + ], + [ + "ordered", + -13.392807006835938 + ], + [ + "leuc", + -13.392829895019531 + ], + [ + "zeugen", + -13.392848014831545 + ], + [ + "\u2581happiness", + -13.39284896850586 + ], + [ + "\u2581alimentare", + -13.392914772033691 + ], + [ + "\u2581caballero", + -13.392922401428224 + ], + [ + "\u2581soluzioni", + -13.392930030822754 + ], + [ + "Tokens", + -13.393007278442385 + ], + [ + "\u2581rental", + -13.393027305603027 + ], + [ + "\u2581Neptune", + -13.393047332763672 + ], + [ + "\u2581Philo", + -13.393064498901367 + ], + [ + "PAT", + -13.393074989318848 + ], + [ + "bq", + -13.393096923828123 + ], + [ + "HAS", + -13.393117904663086 + ], + [ + "ssola", + -13.393134117126465 + ], + [ + "Cli", + -13.393157958984377 + ], + [ + "\u2581prender", + -13.393227577209473 + ], + [ + "tisme", + -13.393280982971191 + ], + [ + "\u2581beseitigen", + -13.393304824829102 + ], + [ + "jum", + -13.393360137939451 + ], + [ + "\u2581Lugo", + -13.39336395263672 + ], + [ + "\u2581refund", + -13.393366813659668 + ], + [ + "\u2581conjun", + -13.393377304077148 + ], + [ + "zor", + -13.393436431884766 + ], + [ + "LDFLAGS", + -13.393492698669434 + ], + [ + "\u2581Taliban", + -13.393499374389648 + ], + [ + "\u2581Mour", + -13.393518447875977 + ], + [ + "\u2581originali", + -13.393521308898926 + ], + [ + "buster", + -13.39354133605957 + ], + [ + "reconcil", + -13.39354133605957 + ], + [ + "\u2581usan", + -13.393592834472656 + ], + [ + "\u2581sentidos", + -13.39365577697754 + ], + [ + "uota", + -13.393656730651855 + ], + [ + "\u2581\u00e9voque", + -13.393658638000488 + ], + [ + "\u2581Camb", + -13.393712043762209 + ], + [ + "\u2581Doris", + -13.393718719482422 + ], + [ + "grafi", + -13.393735885620115 + ], + [ + "\u2581Stall", + -13.393750190734863 + ], + [ + "\u2581Falk", + -13.393773078918455 + ], + [ + "\u2581tired", + -13.393816947937012 + ], + [ + "\u2581judeus", + -13.393817901611328 + ], + [ + "\u2581Marne", + -13.393876075744627 + ], + [ + "CPACK", + -13.393877983093262 + ], + [ + "tazioni", + -13.393881797790527 + ], + [ + "gewinnung", + -13.393885612487791 + ], + [ + "\u2581fibre", + -13.393951416015623 + ], + [ + "\u2581warn", + -13.39396858215332 + ], + [ + "\u2581Wey", + -13.393973350524902 + ], + [ + "ANTI", + -13.394001960754396 + ], + [ + "\u2581Liebes", + -13.394110679626465 + ], + [ + "pseudo", + -13.394185066223145 + ], + [ + "\u2581analytical", + -13.394207954406738 + ], + [ + "ICK", + -13.394232749938965 + ], + [ + "\u2581versorgt", + -13.39423942565918 + ], + [ + "above", + -13.39425563812256 + ], + [ + "\u2581subgroup", + -13.394281387329102 + ], + [ + "mog", + -13.394309043884276 + ], + [ + "objekt", + -13.394330978393556 + ], + [ + "\u2581Terwijl", + -13.394350051879885 + ], + [ + "\u2581hemel", + -13.39435863494873 + ], + [ + "Flush", + -13.394359588623049 + ], + [ + "\u2581pedidos", + -13.394402503967283 + ], + [ + "interest", + -13.39440631866455 + ], + [ + "\u2581neef", + -13.394415855407717 + ], + [ + "\u2581underground", + -13.39449691772461 + ], + [ + "odot", + -13.394549369812012 + ], + [ + "\u2581ganando", + -13.394573211669922 + ], + [ + "\u2581lemma", + -13.394611358642578 + ], + [ + "ANC", + -13.39461612701416 + ], + [ + "\u2581Solomon", + -13.394623756408691 + ], + [ + "\u2581Bonjour", + -13.394634246826172 + ], + [ + "\u2581Birk", + -13.394680976867676 + ], + [ + "\u2581boda", + -13.394681930541992 + ], + [ + "\u2581hausse", + -13.39468765258789 + ], + [ + "\u2581Eigene", + -13.394697189331056 + ], + [ + "\u2581naturellement", + -13.394701957702637 + ], + [ + "gehalten", + -13.39470672607422 + ], + [ + "exprimer", + -13.39480972290039 + ], + [ + "\u2581Facility", + -13.394832611083984 + ], + [ + "PDC", + -13.394853591918944 + ], + [ + "\u2581Saal", + -13.394871711730955 + ], + [ + "\u2581verzeichnet", + -13.394889831542969 + ], + [ + "\u2581Vid", + -13.39490032196045 + ], + [ + "\u2581Angels", + -13.394932746887209 + ], + [ + "\u2581Modells", + -13.39494800567627 + ], + [ + "\u2581comic", + -13.394951820373535 + ], + [ + "\u2581stationary", + -13.3949613571167 + ], + [ + "\u2581dormire", + -13.394962310791016 + ], + [ + "\u2581Anschlu", + -13.394991874694824 + ], + [ + "liggende", + -13.395011901855469 + ], + [ + "\u2581cirkel", + -13.395018577575684 + ], + [ + "\u2581Economy", + -13.39502239227295 + ], + [ + "JL", + -13.395042419433594 + ], + [ + "\u2581magnific", + -13.395054817199709 + ], + [ + "Hey", + -13.395112037658691 + ], + [ + "Lazy", + -13.39513111114502 + ], + [ + "\u2581interpretando", + -13.395146369934082 + ], + [ + "\u2581diamant", + -13.395150184631348 + ], + [ + "Cycle", + -13.39516544342041 + ], + [ + "reactive", + -13.395228385925291 + ], + [ + "\u2581installing", + -13.395230293273926 + ], + [ + "\u2581volwassen", + -13.395243644714355 + ], + [ + "\u2581Branche", + -13.39526081085205 + ], + [ + "GRAPH", + -13.395267486572266 + ], + [ + "tput", + -13.395408630371094 + ], + [ + "\u2581patr\u00f3n", + -13.395413398742676 + ], + [ + "\u2581fracaso", + -13.395415306091309 + ], + [ + "splice", + -13.395426750183104 + ], + [ + "\u2581Barrio", + -13.395431518554688 + ], + [ + "\u2581Vivian", + -13.395447731018066 + ], + [ + "acion", + -13.395500183105469 + ], + [ + "\u2581wedding", + -13.39553928375244 + ], + [ + "rune", + -13.395540237426758 + ], + [ + "\u2581incapaz", + -13.395633697509766 + ], + [ + "javax", + -13.395676612854004 + ], + [ + "\u2581forests", + -13.39569854736328 + ], + [ + "\u2581TGV", + -13.395700454711914 + ], + [ + "\u2581Tropical", + -13.39570140838623 + ], + [ + "\u2581Dela", + -13.395713806152344 + ], + [ + "\u2581ruler", + -13.395743370056152 + ], + [ + "\u2581crop", + -13.395753860473633 + ], + [ + "accounts", + -13.395776748657228 + ], + [ + "\u2581Hann", + -13.395780563354492 + ], + [ + "\u2581kinase", + -13.395785331726074 + ], + [ + "Pose", + -13.395808219909668 + ], + [ + "\u2581voted", + -13.395813941955566 + ], + [ + "\u2581casting", + -13.395825386047363 + ], + [ + "\u2581pianista", + -13.395846366882324 + ], + [ + "\u2581omroep", + -13.395865440368652 + ], + [ + "\u2581multiply", + -13.395903587341309 + ], + [ + "\u2581impacts", + -13.395925521850586 + ], + [ + "\u2581princesse", + -13.395944595336914 + ], + [ + "\u2581hectares", + -13.395965576171877 + ], + [ + "linker", + -13.39598560333252 + ], + [ + "snede", + -13.395995140075684 + ], + [ + "argomento", + -13.39604377746582 + ], + [ + "uang", + -13.396073341369627 + ], + [ + "\u2581Becken", + -13.396102905273438 + ], + [ + "\u2581indios", + -13.39610767364502 + ], + [ + "\u2581retirement", + -13.396125793457031 + ], + [ + "\u2581exhibition", + -13.396221160888672 + ], + [ + "\u2581cups", + -13.39623737335205 + ], + [ + "spatial", + -13.39625072479248 + ], + [ + "\u2581lanzada", + -13.39625358581543 + ], + [ + "\u2581Christie", + -13.396254539489746 + ], + [ + "berleben", + -13.396270751953123 + ], + [ + "\u2581founder", + -13.396285057067873 + ], + [ + "\u2581salles", + -13.396315574645996 + ], + [ + "\u2581contrairement", + -13.396336555480955 + ], + [ + "\u2581scor", + -13.396340370178224 + ], + [ + "\u2581gig", + -13.396379470825195 + ], + [ + "\u2581wederom", + -13.396385192871094 + ], + [ + "\u2581Scout", + -13.396444320678713 + ], + [ + "\u2581extinta", + -13.396445274353027 + ], + [ + "\u2581Ner", + -13.396562576293944 + ], + [ + "reicher", + -13.396566390991213 + ], + [ + "ARGN", + -13.39656925201416 + ], + [ + "\u2581reconnue", + -13.396583557128906 + ], + [ + "\u2581gestorben", + -13.396604537963867 + ], + [ + "\u2581honey", + -13.396613121032717 + ], + [ + "\u2581Comic", + -13.39661979675293 + ], + [ + "enny", + -13.396621704101562 + ], + [ + "\u2581Parse", + -13.396647453308104 + ], + [ + "\u2581verliezen", + -13.396661758422852 + ], + [ + "sku", + -13.396693229675291 + ], + [ + "paul", + -13.396713256835938 + ], + [ + "sale", + -13.396724700927734 + ], + [ + "\u2581Diss", + -13.39673900604248 + ], + [ + "Digit", + -13.396742820739746 + ], + [ + "\u2581stoom", + -13.396753311157228 + ], + [ + "\u2581consentono", + -13.3967866897583 + ], + [ + "\u2581Reason", + -13.39681625366211 + ], + [ + "equilibrio", + -13.396842956542969 + ], + [ + "Interpret", + -13.3968505859375 + ], + [ + "\u2581merita", + -13.396899223327637 + ], + [ + "planes", + -13.39698314666748 + ], + [ + "rtico", + -13.397005081176758 + ], + [ + "k\u00e4mpfen", + -13.397075653076172 + ], + [ + "markup", + -13.39708423614502 + ], + [ + "\u2581deployed", + -13.397103309631348 + ], + [ + "Bon", + -13.397147178649902 + ], + [ + "techno", + -13.39715576171875 + ], + [ + "\u2581finestre", + -13.397159576416016 + ], + [ + "\u2581facteur", + -13.397161483764648 + ], + [ + "odeur", + -13.397176742553713 + ], + [ + "eltje", + -13.397183418273926 + ], + [ + "arol", + -13.397192001342772 + ], + [ + "selbst\u00e4ndig", + -13.397202491760254 + ], + [ + "kraftwerk", + -13.397217750549316 + ], + [ + "\u2581negentiende", + -13.397298812866213 + ], + [ + "\u2581pericoloso", + -13.397332191467283 + ], + [ + "\u2581anualmente", + -13.397381782531738 + ], + [ + "vestiging", + -13.397391319274902 + ], + [ + "\u2581dilata", + -13.397421836853027 + ], + [ + "BMP", + -13.397486686706545 + ], + [ + "\u2581Tecnologia", + -13.397493362426758 + ], + [ + "\u2581accept\u00e9", + -13.397505760192873 + ], + [ + "\u2581Agricultura", + -13.397538185119627 + ], + [ + "\u2581Edith", + -13.397543907165527 + ], + [ + "\u2581alegre", + -13.397543907165527 + ], + [ + "\u2581riserve", + -13.39758586883545 + ], + [ + "\u2581Hilde", + -13.397626876831056 + ], + [ + "Ang", + -13.397653579711914 + ], + [ + "\u2581usamos", + -13.397745132446287 + ], + [ + "\u2581Moli", + -13.397765159606934 + ], + [ + "\u2581creata", + -13.397770881652832 + ], + [ + "adero", + -13.39778995513916 + ], + [ + "\u2581Chez", + -13.39779281616211 + ], + [ + "\u2581oscila", + -13.397799491882324 + ], + [ + "\u2581coco", + -13.39780044555664 + ], + [ + "BAL", + -13.397801399230955 + ], + [ + "deration", + -13.397820472717283 + ], + [ + "\u2581sviluppata", + -13.39784049987793 + ], + [ + "angue", + -13.397842407226562 + ], + [ + "sfaktor", + -13.39786434173584 + ], + [ + "\u2581strategia", + -13.39786434173584 + ], + [ + "\u2581Cr\u00edtica", + -13.397866249084473 + ], + [ + "zaken", + -13.397869110107422 + ], + [ + "\u2581Hod", + -13.397883415222168 + ], + [ + "hv", + -13.397892951965332 + ], + [ + "\u2581colleagues", + -13.397896766662598 + ], + [ + "\u2581splitting", + -13.397948265075684 + ], + [ + "\u2581certifica", + -13.397955894470217 + ], + [ + "\u2581friction", + -13.397964477539062 + ], + [ + "\u2581zogen", + -13.397974014282228 + ], + [ + "\u2581salita", + -13.397994041442873 + ], + [ + "regime", + -13.397995948791504 + ], + [ + "\u2581stehende", + -13.398035049438477 + ], + [ + "\u2581Anita", + -13.398059844970703 + ], + [ + "\u2581Trinity", + -13.398062705993652 + ], + [ + "\u2581riscontra", + -13.39809799194336 + ], + [ + "orl", + -13.398101806640623 + ], + [ + "tout", + -13.398189544677734 + ], + [ + "\u2581dispar", + -13.39819622039795 + ], + [ + "\u2581collar", + -13.398205757141112 + ], + [ + "backslash", + -13.39821434020996 + ], + [ + "\u2581retira", + -13.398219108581545 + ], + [ + "\u2581attesta", + -13.39827823638916 + ], + [ + "terrasse", + -13.39829158782959 + ], + [ + "\u2581perpetua", + -13.398296356201172 + ], + [ + "\u2581cinematogr\u00e1fica", + -13.398300170898438 + ], + [ + "\u2581Edison", + -13.398301124572754 + ], + [ + "Warn", + -13.398327827453612 + ], + [ + "pensa", + -13.398337364196776 + ], + [ + "\u2581pilar", + -13.398340225219728 + ], + [ + "\u2581datzelfde", + -13.398370742797852 + ], + [ + "Portugal", + -13.398415565490724 + ], + [ + "\u2581Vollstreckung", + -13.398423194885254 + ], + [ + "\u2581Selva", + -13.398452758789062 + ], + [ + "homolog", + -13.39848518371582 + ], + [ + "\u2581cursus", + -13.398502349853516 + ], + [ + "ATI", + -13.398507118225098 + ], + [ + "\u2581bewoond", + -13.398514747619627 + ], + [ + "Ukraine", + -13.398517608642578 + ], + [ + "ylinder", + -13.398536682128906 + ], + [ + "\u2581conqu", + -13.398540496826172 + ], + [ + "anders", + -13.39857006072998 + ], + [ + "\u2581feudale", + -13.398597717285156 + ], + [ + "Nor", + -13.398636817932127 + ], + [ + "\u2581Observatorio", + -13.398664474487305 + ], + [ + "\u2581servem", + -13.39866828918457 + ], + [ + "Notify", + -13.39871883392334 + ], + [ + "\u2581Kuwait", + -13.398720741271973 + ], + [ + "\u2581disclose", + -13.39873218536377 + ], + [ + "iseerde", + -13.398744583129885 + ], + [ + "Organ", + -13.39875602722168 + ], + [ + "\u2581Art\u00edculo", + -13.398788452148438 + ], + [ + "\u00edculo", + -13.398804664611816 + ], + [ + "\u2581Girard", + -13.398820877075195 + ], + [ + "isArray", + -13.398850440979004 + ], + [ + "\u2581rumor", + -13.398886680603027 + ], + [ + "\u2581d\u00e9vo", + -13.398927688598633 + ], + [ + "V\u00e9ase", + -13.398941040039062 + ], + [ + "raf", + -13.398942947387695 + ], + [ + "\u2581Hear", + -13.398983001708984 + ], + [ + "zugs", + -13.398999214172363 + ], + [ + "\u2581Nachhaltigkeit", + -13.399042129516602 + ], + [ + "\u2581overal", + -13.399054527282717 + ], + [ + "\u2581vorkommen", + -13.399056434631348 + ], + [ + "\u2581emploi", + -13.399062156677246 + ], + [ + "\u2581Antecedentes", + -13.399069786071776 + ], + [ + "joinrel", + -13.399110794067385 + ], + [ + "company", + -13.399125099182127 + ], + [ + "\u2581arbeits", + -13.399139404296877 + ], + [ + "\u2581rivolto", + -13.399160385131836 + ], + [ + "arqu", + -13.399168968200684 + ], + [ + "\u2581famose", + -13.399192810058594 + ], + [ + "deferred", + -13.399209022521973 + ], + [ + "\u2581crescere", + -13.399250984191896 + ], + [ + "udp", + -13.39926815032959 + ], + [ + "Dashboard", + -13.399311065673828 + ], + [ + "\u2581rijks", + -13.399335861206056 + ], + [ + "\u2581Ferra", + -13.399340629577637 + ], + [ + "disposed", + -13.399356842041016 + ], + [ + "zana", + -13.399380683898926 + ], + [ + "\u2581Indi", + -13.39938735961914 + ], + [ + "lisse", + -13.399388313293455 + ], + [ + "\u2581Hora", + -13.399402618408203 + ], + [ + "\u2581unirse", + -13.399405479431152 + ], + [ + "inar", + -13.399418830871582 + ], + [ + "\u2581verandering", + -13.399456977844238 + ], + [ + "\u2581dispatch", + -13.399493217468262 + ], + [ + "voidb", + -13.399497985839844 + ], + [ + "\u2581Fila", + -13.399506568908691 + ], + [ + "astra", + -13.399520874023438 + ], + [ + "\u2581turma", + -13.399526596069336 + ], + [ + "Ausgaben", + -13.399554252624512 + ], + [ + "\u2581recipiente", + -13.399568557739258 + ], + [ + "lover", + -13.399576187133787 + ], + [ + "\u2581Montagne", + -13.399585723876951 + ], + [ + "\u2581terribile", + -13.399636268615724 + ], + [ + "\u2581Gods", + -13.399673461914062 + ], + [ + "\u2581KL", + -13.399704933166504 + ], + [ + "\u2581Guida", + -13.39974594116211 + ], + [ + "rib", + -13.3998384475708 + ], + [ + "rag", + -13.399860382080078 + ], + [ + "\u2581drehte", + -13.39989948272705 + ], + [ + "\u2581conducteur", + -13.39992332458496 + ], + [ + "\u2581chips", + -13.399956703186035 + ], + [ + "\u2581Anspruchs", + -13.39996337890625 + ], + [ + "dann", + -13.399968147277832 + ], + [ + "Pr\u00e4sident", + -13.399985313415527 + ], + [ + "fare", + -13.399985313415527 + ], + [ + "usually", + -13.399988174438477 + ], + [ + "\u2581compiere", + -13.400031089782717 + ], + [ + "\u2581enforce", + -13.400043487548828 + ], + [ + "\u2581Pfarr", + -13.400064468383787 + ], + [ + "\u2581assistenza", + -13.40008544921875 + ], + [ + "zogen", + -13.4000883102417 + ], + [ + "\u2581Economie", + -13.400092124938965 + ], + [ + "sanlagen", + -13.400116920471191 + ], + [ + "\u2581homogeneous", + -13.400120735168455 + ], + [ + "\u2581Pfeil", + -13.400135040283203 + ], + [ + "hors", + -13.400150299072266 + ], + [ + "tube", + -13.400166511535645 + ], + [ + "udan", + -13.400190353393556 + ], + [ + "past", + -13.400214195251465 + ], + [ + "redundant", + -13.400264739990234 + ], + [ + "sniveau", + -13.40030288696289 + ], + [ + "minimal", + -13.400403022766112 + ], + [ + "\u2581parceiros", + -13.40041446685791 + ], + [ + "\u2581Etappe", + -13.400456428527832 + ], + [ + "\u2581isoliert", + -13.400486946105955 + ], + [ + "\u2581accessibile", + -13.400493621826172 + ], + [ + "\u2581trails", + -13.400541305541992 + ], + [ + "\u2581Verhinderung", + -13.40058135986328 + ], + [ + "\u2581Inca", + -13.400582313537598 + ], + [ + "Initialized", + -13.400586128234863 + ], + [ + "\u2581intervalos", + -13.400589942932127 + ], + [ + "\u2581sogni", + -13.400611877441406 + ], + [ + "Mv", + -13.400626182556152 + ], + [ + "niz", + -13.400629997253418 + ], + [ + "Composite", + -13.400632858276367 + ], + [ + "\u2581unity", + -13.400651931762695 + ], + [ + "Cpp", + -13.400656700134276 + ], + [ + "\u2581Integrations", + -13.400739669799805 + ], + [ + "endra", + -13.400741577148438 + ], + [ + "\u2581adulta", + -13.4007568359375 + ], + [ + "\u2581betere", + -13.400768280029297 + ], + [ + "\u2581grilles", + -13.4008207321167 + ], + [ + "\u2581Keizer", + -13.40084743499756 + ], + [ + "gtest", + -13.400867462158203 + ], + [ + "webapp", + -13.400883674621582 + ], + [ + "\u2581grise", + -13.400908470153809 + ], + [ + "\u2581Ketten", + -13.40092658996582 + ], + [ + "rzten", + -13.400940895080566 + ], + [ + "\u2581Kerr", + -13.40097427368164 + ], + [ + "\u2581gravada", + -13.40097427368164 + ], + [ + "\u2581piloti", + -13.400986671447754 + ], + [ + "\u2581kniptorren", + -13.40106201171875 + ], + [ + "\u2581Lediglich", + -13.401062965393066 + ], + [ + "\u2581Mg", + -13.4010648727417 + ], + [ + "dian", + -13.401118278503418 + ], + [ + "\u2581vornehmen", + -13.401121139526367 + ], + [ + "\u2581zender", + -13.401124954223633 + ], + [ + "\u2581MAN", + -13.401162147521973 + ], + [ + "\u2581verlies", + -13.401219367980955 + ], + [ + "\u00e9tro", + -13.401226043701172 + ], + [ + "\u2581throat", + -13.401248931884766 + ], + [ + "\u2581perfecto", + -13.401256561279297 + ], + [ + "\u2581caract\u00e9ristique", + -13.40127658843994 + ], + [ + "\u2581hangt", + -13.401339530944824 + ], + [ + "\u2581acknowledge", + -13.40134334564209 + ], + [ + "permissions", + -13.401350021362305 + ], + [ + "\u2581drives", + -13.401382446289062 + ], + [ + "\u2581Stick", + -13.40138816833496 + ], + [ + "\u2581Spezia", + -13.40140151977539 + ], + [ + "teneva", + -13.401562690734863 + ], + [ + "\u2581causado", + -13.401622772216797 + ], + [ + "\u2581Darin", + -13.401680946350098 + ], + [ + "\u2581neighbors", + -13.401694297790527 + ], + [ + "\u2581Kontingent", + -13.401713371276855 + ], + [ + "\u2581Beaux", + -13.401810646057127 + ], + [ + "\u2581justifica", + -13.401840209960938 + ], + [ + "\u2581heuvel", + -13.401870727539062 + ], + [ + "\u2581plac\u00e9e", + -13.401888847351074 + ], + [ + "\u2581Messer", + -13.401982307434082 + ], + [ + "\u2581Schmerzen", + -13.401982307434082 + ], + [ + "\u2581dettaglio", + -13.401987075805664 + ], + [ + "\u2581verringern", + -13.402024269104004 + ], + [ + "\u2581Achtergrond", + -13.402029991149902 + ], + [ + "itori", + -13.402034759521484 + ], + [ + "\u2581zueinander", + -13.402036666870115 + ], + [ + "indexed", + -13.402037620544434 + ], + [ + "\u2581describi\u00f3", + -13.402047157287598 + ], + [ + "\u2581installiert", + -13.40208339691162 + ], + [ + "\u2581comerciantes", + -13.402107238769531 + ], + [ + "\u2581fix\u00e9", + -13.402109146118164 + ], + [ + "Jogo", + -13.402134895324709 + ], + [ + "\u2581gripe", + -13.402148246765137 + ], + [ + "\u2581Camping", + -13.402162551879885 + ], + [ + "\u2581pounds", + -13.402170181274414 + ], + [ + "\u2581Gigant", + -13.402182579040527 + ], + [ + "Herr", + -13.402225494384766 + ], + [ + "Prof", + -13.402225494384766 + ], + [ + "\u2581transformaci\u00f3n", + -13.40224552154541 + ], + [ + "noot", + -13.402259826660156 + ], + [ + "\u2581partenaires", + -13.402263641357422 + ], + [ + "RUB", + -13.40227222442627 + ], + [ + "\u2581endg\u00fcltigen", + -13.40229034423828 + ], + [ + "coreana", + -13.402294158935549 + ], + [ + "rav", + -13.40230941772461 + ], + [ + "LINU", + -13.402326583862305 + ], + [ + "\u2581tedesche", + -13.402351379394531 + ], + [ + "\u2581simultaneamente", + -13.402359008789062 + ], + [ + "Pot", + -13.402369499206545 + ], + [ + "\u2581Lines", + -13.402416229248049 + ], + [ + "\u2581Federazione", + -13.402466773986816 + ], + [ + "\u2581dizaines", + -13.402480125427246 + ], + [ + "\u2581uniformly", + -13.402480125427246 + ], + [ + "k\u00fchl", + -13.402483940124512 + ], + [ + "abgaben", + -13.402495384216309 + ], + [ + "\u2581aniversario", + -13.402505874633787 + ], + [ + "\u2581Gesang", + -13.402520179748535 + ], + [ + "\u2581PRE", + -13.402522087097168 + ], + [ + "chown", + -13.402533531188965 + ], + [ + "axi", + -13.402547836303713 + ], + [ + "\u2581richesse", + -13.402573585510254 + ], + [ + "\u00e4hnliche", + -13.402582168579102 + ], + [ + "\u2581comunas", + -13.40261936187744 + ], + [ + "sfraktionen", + -13.402677536010742 + ], + [ + "\u2581m\u00f3vil", + -13.402714729309082 + ], + [ + "tigte", + -13.402746200561523 + ], + [ + "\u2581Carnaval", + -13.402823448181152 + ], + [ + "\u2581cocktail", + -13.40282917022705 + ], + [ + "\u2581Eddy", + -13.40286636352539 + ], + [ + "\u2581Investigation", + -13.402873039245604 + ], + [ + "weig", + -13.402886390686035 + ], + [ + "ANTE", + -13.402915954589844 + ], + [ + "\u2581Mouse", + -13.40291690826416 + ], + [ + "tezza", + -13.402962684631348 + ], + [ + "\u2581breiter", + -13.40297508239746 + ], + [ + "\u2581consideraba", + -13.403051376342772 + ], + [ + "\u2581Filmografie", + -13.403063774108888 + ], + [ + "cline", + -13.403079986572266 + ], + [ + "\u2581Spir", + -13.40309238433838 + ], + [ + "Raum", + -13.403103828430176 + ], + [ + "\u2581delantero", + -13.403138160705566 + ], + [ + "\u2581Raoul", + -13.403153419494627 + ], + [ + "\u2581schafts", + -13.403167724609377 + ], + [ + "olfo", + -13.40320873260498 + ], + [ + "DSM", + -13.40322208404541 + ], + [ + "MET", + -13.403244018554688 + ], + [ + "\u2581custodi", + -13.403244018554688 + ], + [ + "\u2581Sprint", + -13.403279304504396 + ], + [ + "hner", + -13.403290748596191 + ], + [ + "\u2581costretti", + -13.40331745147705 + ], + [ + "\u2581professionele", + -13.403327941894531 + ], + [ + "\u2581dije", + -13.40337085723877 + ], + [ + "\u2581remind", + -13.40340805053711 + ], + [ + "\u2581quedan", + -13.403420448303224 + ], + [ + "\u2581Siamo", + -13.403489112854004 + ], + [ + "f\u00fchr", + -13.4035062789917 + ], + [ + "\u2581Uri", + -13.40351104736328 + ], + [ + "\u2581Places", + -13.40356159210205 + ], + [ + "\u2581permettra", + -13.403571128845217 + ], + [ + "withdraw", + -13.40361213684082 + ], + [ + "sobre", + -13.403675079345703 + ], + [ + "\u2581verbeteren", + -13.40371799468994 + ], + [ + "\u2581normes", + -13.40372371673584 + ], + [ + "\u2581Galleria", + -13.40375518798828 + ], + [ + "\u2581facteurs", + -13.403770446777344 + ], + [ + "\u2581Geoffrey", + -13.403797149658203 + ], + [ + "planet", + -13.403827667236328 + ], + [ + "\u2581consumidor", + -13.403850555419922 + ], + [ + "\u2581concession", + -13.403865814208984 + ], + [ + "nhos", + -13.40388298034668 + ], + [ + "obius", + -13.403974533081056 + ], + [ + "\u2581steuerliche", + -13.40399932861328 + ], + [ + "numbers", + -13.404037475585938 + ], + [ + "copyright", + -13.404046058654783 + ], + [ + "\u2581derart", + -13.404059410095217 + ], + [ + "\u2581leise", + -13.40410327911377 + ], + [ + "\u2581Jump", + -13.404126167297363 + ], + [ + "\u2581rama", + -13.404160499572754 + ], + [ + "\u2581specifiche", + -13.40419578552246 + ], + [ + "\u2581bassist", + -13.404227256774902 + ], + [ + "\u2581tile", + -13.404232025146484 + ], + [ + "\u2581oxig", + -13.404301643371582 + ], + [ + "cessione", + -13.404305458068848 + ], + [ + "\u2581Buk", + -13.404359817504885 + ], + [ + "\u2581prega", + -13.40436553955078 + ], + [ + "Schei", + -13.404417991638184 + ], + [ + "eba", + -13.404419898986816 + ], + [ + "Arbeit", + -13.404430389404297 + ], + [ + "improvviso", + -13.40451431274414 + ], + [ + "\u2581geeigneter", + -13.40451717376709 + ], + [ + "\u2581contributors", + -13.404531478881836 + ], + [ + "\u2581shoulders", + -13.404586791992188 + ], + [ + "Inventory", + -13.40459442138672 + ], + [ + "Tz", + -13.404607772827148 + ], + [ + "\u2581cheio", + -13.404616355895996 + ], + [ + "\u2581Thing", + -13.404656410217283 + ], + [ + "Mis", + -13.404671669006348 + ], + [ + "oiseau", + -13.404671669006348 + ], + [ + "duk", + -13.404678344726562 + ], + [ + "ificar", + -13.404690742492676 + ], + [ + "Vers", + -13.404707908630373 + ], + [ + "\u2581Noto", + -13.40473461151123 + ], + [ + "reek", + -13.404735565185549 + ], + [ + "\u2581r\u00e9serves", + -13.404742240905762 + ], + [ + "\u2581Lil", + -13.404744148254396 + ], + [ + "\u2581cafe", + -13.404790878295898 + ], + [ + "dings", + -13.404799461364746 + ], + [ + "\u2581cuento", + -13.404829978942873 + ], + [ + "resti", + -13.404882431030272 + ], + [ + "\u2581morrer", + -13.404927253723145 + ], + [ + "\u2581angst", + -13.404942512512209 + ], + [ + "nker", + -13.404946327209473 + ], + [ + "\u2581enfrent\u00f3", + -13.404950141906738 + ], + [ + "mongodb", + -13.40499496459961 + ], + [ + "\u2581moneda", + -13.405004501342772 + ], + [ + "\u2581toestand", + -13.405034065246582 + ], + [ + "\u2581Actor", + -13.405070304870604 + ], + [ + "\u2581divent", + -13.405084609985352 + ], + [ + "\u2581desideri", + -13.405115127563477 + ], + [ + "binom", + -13.405129432678224 + ], + [ + "\u2581guerres", + -13.40518283843994 + ], + [ + "\u2581notify", + -13.405253410339355 + ], + [ + "orso", + -13.405281066894531 + ], + [ + "\u2581Siempre", + -13.405323028564451 + ], + [ + "\u2581governi", + -13.405336380004885 + ], + [ + "\u2581exercises", + -13.405393600463867 + ], + [ + "Eval", + -13.4053955078125 + ], + [ + "\u2581\u00fcblicherweise", + -13.40540885925293 + ], + [ + "\u2581Treatment", + -13.405430793762209 + ], + [ + "Nederlandstalige", + -13.405435562133787 + ], + [ + "\u2581kHz", + -13.405437469482422 + ], + [ + "hog", + -13.405454635620115 + ], + [ + "\u2581M\u00fcll", + -13.40546703338623 + ], + [ + "\u2581s\u00e9v", + -13.405525207519531 + ], + [ + "\u2581misto", + -13.40552806854248 + ], + [ + "\u2581\u00edndices", + -13.40552806854248 + ], + [ + "bulo", + -13.405539512634276 + ], + [ + "\u2581Russen", + -13.405558586120604 + ], + [ + "\u2581Buitenlandse", + -13.405561447143556 + ], + [ + "tikzpicture", + -13.40556526184082 + ], + [ + "\u2581Toy", + -13.405649185180664 + ], + [ + "\u2581Beobachtungen", + -13.405702590942385 + ], + [ + "\u2581Ju\u00e1rez", + -13.405722618103027 + ], + [ + "\u2581Rodriguez", + -13.405722618103027 + ], + [ + "\u2581Insofern", + -13.405749320983888 + ], + [ + "\u2581Mater", + -13.40576457977295 + ], + [ + "\u2581\u00e9v\u00e9nement", + -13.40578269958496 + ], + [ + "\u2581Ferrocarril", + -13.40583324432373 + ], + [ + "\u2581Gud", + -13.405840873718262 + ], + [ + "\u2581considers", + -13.40584659576416 + ], + [ + "\u2581Sid", + -13.405878067016602 + ], + [ + "Dj", + -13.405890464782717 + ], + [ + "Mw", + -13.40590000152588 + ], + [ + "\u2581Anschrift", + -13.405906677246094 + ], + [ + "stag", + -13.40593147277832 + ], + [ + "pickle", + -13.405940055847168 + ], + [ + "\u2581Telekom", + -13.405982971191406 + ], + [ + "Early", + -13.405988693237305 + ], + [ + "interfaces", + -13.406031608581545 + ], + [ + "\u2581Parroquia", + -13.406048774719238 + ], + [ + "\u2581begegnet", + -13.406057357788086 + ], + [ + "\u2581enferm", + -13.406071662902832 + ], + [ + "gehoben", + -13.40607738494873 + ], + [ + "pfl", + -13.406105041503906 + ], + [ + "rhook", + -13.40613842010498 + ], + [ + "\u2581D\u00e1", + -13.40616512298584 + ], + [ + "\u2581compromet", + -13.406174659729004 + ], + [ + "\u2581denselben", + -13.406206130981444 + ], + [ + "\u2581Ausscheiden", + -13.40625 + ], + [ + "\u2581Neither", + -13.406259536743164 + ], + [ + "scores", + -13.406283378601074 + ], + [ + "LJ", + -13.406286239624023 + ], + [ + "Ari", + -13.40635871887207 + ], + [ + "\u2581Seis", + -13.406386375427246 + ], + [ + "\u2581correspondence", + -13.406391143798828 + ], + [ + "IOException", + -13.406489372253418 + ], + [ + "clicked", + -13.406494140625 + ], + [ + "\u2581Irr", + -13.406583786010742 + ], + [ + "\u2581protegida", + -13.406583786010742 + ], + [ + "\u2581sfondo", + -13.406583786010742 + ], + [ + "\u2581covariance", + -13.40660572052002 + ], + [ + "\u2581neri", + -13.406639099121094 + ], + [ + "\u2581Langen", + -13.406649589538574 + ], + [ + "\u2581etnia", + -13.406672477722168 + ], + [ + "\u2581criteri", + -13.406707763671877 + ], + [ + "uidelijke", + -13.406749725341797 + ], + [ + "\u2581Higher", + -13.40679168701172 + ], + [ + "\u2581Sch\u00e4", + -13.40680980682373 + ], + [ + "Little", + -13.406829833984377 + ], + [ + "\u2581verificare", + -13.406889915466309 + ], + [ + "Naturschutzgebie", + -13.40695571899414 + ], + [ + "Emilia", + -13.407011985778809 + ], + [ + "\u2581zuid", + -13.407012939453123 + ], + [ + "\u2581Halbinsel", + -13.40704345703125 + ], + [ + "\u2581postale", + -13.407108306884766 + ], + [ + "\u2581pr\u00e9f\u00e9r\u00e9", + -13.40713882446289 + ], + [ + "\u2581SNCF", + -13.407143592834473 + ], + [ + "\u2581muri", + -13.407190322875977 + ], + [ + "istin", + -13.40720272064209 + ], + [ + "Projet", + -13.407212257385254 + ], + [ + "\u2581correlations", + -13.40721607208252 + ], + [ + "\u2581temprana", + -13.407224655151367 + ], + [ + "\u2581d\u00e9termin\u00e9", + -13.407234191894531 + ], + [ + "\u2581kl\u00e4ren", + -13.407234191894531 + ], + [ + "\u2581modellen", + -13.407245635986328 + ], + [ + "\u2581Bandas", + -13.407319068908691 + ], + [ + "erfahrung", + -13.407355308532717 + ], + [ + "\u2581Vergine", + -13.407386779785156 + ], + [ + "voy", + -13.407397270202637 + ], + [ + "basierten", + -13.407404899597168 + ], + [ + "Starting", + -13.407526969909668 + ], + [ + "\u2581sichere", + -13.40756607055664 + ], + [ + "Proof", + -13.407659530639648 + ], + [ + "Sem", + -13.407674789428713 + ], + [ + "\u2581Relative", + -13.407711029052734 + ], + [ + "\u2581Leave", + -13.40771198272705 + ], + [ + "\u2581Bundesagentur", + -13.40773582458496 + ], + [ + "\u2581Lobo", + -13.407753944396973 + ], + [ + "\u2581diff\u00e9rences", + -13.407759666442873 + ], + [ + "explication", + -13.407770156860352 + ], + [ + "\u2581Tilgung", + -13.40778350830078 + ], + [ + "\u2581pr\u00e9voit", + -13.407819747924805 + ], + [ + "\u2581conflictos", + -13.407821655273438 + ], + [ + "\u2581blickte", + -13.407888412475586 + ], + [ + "Iv", + -13.40792465209961 + ], + [ + "\u2581Motorsport", + -13.407970428466797 + ], + [ + "\u2581Wesley", + -13.407974243164062 + ], + [ + "\u2581Reiter", + -13.408106803894045 + ], + [ + "\u2581Gutachter", + -13.408148765563965 + ], + [ + "\u2581vertraut", + -13.408164024353027 + ], + [ + "\u2581zoet", + -13.408203125 + ], + [ + "conferentie", + -13.408210754394531 + ], + [ + "\u2581Sim\u00f3n", + -13.408211708068848 + ], + [ + "\u2581couches", + -13.408214569091797 + ], + [ + "\u2581sint", + -13.408218383789062 + ], + [ + "WJ", + -13.408227920532228 + ], + [ + "\u2581Goud", + -13.408247947692873 + ], + [ + "skeleton", + -13.408254623413086 + ], + [ + "\u2581encuentros", + -13.408258438110352 + ], + [ + "\u2581Papi", + -13.40826416015625 + ], + [ + "\u2581templates", + -13.4082670211792 + ], + [ + "\u2581holte", + -13.408269882202148 + ], + [ + "frucht", + -13.408296585083008 + ], + [ + "\u2581Esp\u00edritu", + -13.40830421447754 + ], + [ + "\u2581decorativismo", + -13.408306121826172 + ], + [ + "\u00e1cia", + -13.40834617614746 + ], + [ + "\u2581vloot", + -13.40835952758789 + ], + [ + "\u2581Gleis", + -13.408374786376951 + ], + [ + "typing", + -13.40839385986328 + ], + [ + "\u2581Solutions", + -13.408398628234863 + ], + [ + "\u2581dritt", + -13.40841293334961 + ], + [ + "\u2581Alfons", + -13.408414840698242 + ], + [ + "\u2581Oorspronkelijk", + -13.408465385437012 + ], + [ + "Fire", + -13.408470153808594 + ], + [ + "\u2581Hubble", + -13.408509254455566 + ], + [ + "\u2581AUTHORS", + -13.408533096313477 + ], + [ + "\u2581volut", + -13.40853786468506 + ], + [ + "\u2581Herausgeber", + -13.408538818359377 + ], + [ + "LED", + -13.408539772033691 + ], + [ + "BASIC", + -13.408584594726562 + ], + [ + "SES", + -13.408599853515623 + ], + [ + "\u2581Komponente", + -13.408605575561523 + ], + [ + "\u2581monaci", + -13.408609390258787 + ], + [ + "\u2581Wyoming", + -13.408626556396484 + ], + [ + "\u2581rolled", + -13.408662796020508 + ], + [ + "\u2581Singapur", + -13.40868091583252 + ], + [ + "\u2581gradu\u00f3", + -13.408708572387695 + ], + [ + "Posi", + -13.40876293182373 + ], + [ + "\u2581permitiu", + -13.408764839172363 + ], + [ + "quoten", + -13.408773422241213 + ], + [ + "\u2581Peterson", + -13.408828735351562 + ], + [ + "intensit\u00e0", + -13.408835411071776 + ], + [ + "\u2581confirm\u00f3", + -13.408841133117676 + ], + [ + "\u2581voile", + -13.408865928649902 + ], + [ + "neuron", + -13.408929824829102 + ], + [ + "\u2581RGB", + -13.408933639526367 + ], + [ + "Anz", + -13.408936500549316 + ], + [ + "\u2581studioalbum", + -13.408942222595217 + ], + [ + "Principal", + -13.408973693847656 + ], + [ + "BRA", + -13.408978462219238 + ], + [ + "VIIIe", + -13.40899658203125 + ], + [ + "\u2581managing", + -13.409005165100098 + ], + [ + "\u2581desservie", + -13.409011840820312 + ], + [ + "Luis", + -13.409025192260742 + ], + [ + "tesi", + -13.409043312072754 + ], + [ + "agli", + -13.409049034118652 + ], + [ + "\u2581Waterloo", + -13.409096717834473 + ], + [ + "\u2581woiwodschap", + -13.409111976623535 + ], + [ + "\u2581Curitiba", + -13.4091157913208 + ], + [ + "\u2581Rioja", + -13.409116744995115 + ], + [ + "\u2581confirmar", + -13.40915584564209 + ], + [ + "\u2581concesso", + -13.409186363220217 + ], + [ + "\u2581militairen", + -13.40920639038086 + ], + [ + "\u2581efficiently", + -13.409217834472656 + ], + [ + "m\u00e9trique", + -13.409235000610352 + ], + [ + "Business", + -13.409239768981934 + ], + [ + "FIL", + -13.40924835205078 + ], + [ + "medes", + -13.409279823303224 + ], + [ + "ifi\u00e9", + -13.409284591674805 + ], + [ + "\u2581attivi", + -13.409332275390623 + ], + [ + "\u2581decent", + -13.409345626831056 + ], + [ + "\u2581limiter", + -13.409350395202637 + ], + [ + "Uw", + -13.409385681152344 + ], + [ + "\u2581fabricaci\u00f3n", + -13.409417152404783 + ], + [ + "\u2581gekauft", + -13.40944766998291 + ], + [ + "\u2581kiss", + -13.40944766998291 + ], + [ + "\u2581Fir", + -13.40946102142334 + ], + [ + "\u2581privados", + -13.409466743469238 + ], + [ + "\u2581emotions", + -13.409472465515137 + ], + [ + "effer", + -13.409540176391602 + ], + [ + "\u2581officiers", + -13.409550666809082 + ], + [ + "nemer", + -13.409581184387209 + ], + [ + "\u2581galerie", + -13.40961742401123 + ], + [ + "\u2581dishes", + -13.409622192382812 + ], + [ + "Caratteristiche", + -13.40966796875 + ], + [ + "\u2581cos\u00ed", + -13.409707069396973 + ], + [ + "eigenen", + -13.409708023071287 + ], + [ + "\u2581inunda", + -13.409713745117188 + ], + [ + "geordnete", + -13.409732818603516 + ], + [ + "Neill", + -13.40973663330078 + ], + [ + "bard", + -13.409764289855955 + ], + [ + "\u2581eliminado", + -13.409765243530272 + ], + [ + "axiom", + -13.409770011901855 + ], + [ + "\u2581surprising", + -13.409794807434082 + ], + [ + "greifen", + -13.409828186035156 + ], + [ + "\u2581cava", + -13.409893035888672 + ], + [ + "\u2581Katherine", + -13.409920692443848 + ], + [ + "roep", + -13.40992832183838 + ], + [ + "\u2581Fondazione", + -13.4099702835083 + ], + [ + "abate", + -13.40997314453125 + ], + [ + "gehe", + -13.409981727600098 + ], + [ + "\u2581estudante", + -13.40999984741211 + ], + [ + "\u2581vierte", + -13.410004615783691 + ], + [ + "iforme", + -13.41005516052246 + ], + [ + "\u2581Thought", + -13.410116195678713 + ], + [ + "\u2581Gesellschafts", + -13.41017723083496 + ], + [ + "tton", + -13.410179138183594 + ], + [ + "\u2581Emotion", + -13.410197257995604 + ], + [ + "\u2581compr\u00e9hension", + -13.410226821899414 + ], + [ + "\u2581Giorn", + -13.41026210784912 + ], + [ + "\u2581Rosenberg", + -13.410276412963867 + ], + [ + "Ach", + -13.410283088684082 + ], + [ + "\u2581eventLoop", + -13.410310745239258 + ], + [ + "MSV", + -13.410313606262209 + ], + [ + "\u2581fordern", + -13.410320281982422 + ], + [ + "\u2581Primeros", + -13.410393714904783 + ], + [ + "\u2581coleta", + -13.410400390625 + ], + [ + "\u2581Entdeckung", + -13.410411834716797 + ], + [ + "\u2581occupata", + -13.410452842712402 + ], + [ + "\u2581convey", + -13.410467147827148 + ], + [ + "\u2581lontani", + -13.410470962524414 + ], + [ + "\u2581amistoso", + -13.410521507263184 + ], + [ + "\u2581escaped", + -13.4105224609375 + ], + [ + "\u2581Gesund", + -13.410536766052246 + ], + [ + "\u2581S\u00e9curit\u00e9", + -13.410567283630373 + ], + [ + "\u2581experimento", + -13.41057014465332 + ], + [ + "\u2581laterali", + -13.410656929016112 + ], + [ + "\u2581Standorte", + -13.410710334777832 + ], + [ + "chrom", + -13.410712242126465 + ], + [ + "zung", + -13.410737037658691 + ], + [ + "\u2581Adri", + -13.410752296447754 + ], + [ + "\u2581sommeil", + -13.410764694213867 + ], + [ + "\u2581especialistas", + -13.410781860351562 + ], + [ + "\u2581existed", + -13.41078758239746 + ], + [ + "unta", + -13.410799026489258 + ], + [ + "\u2581hof", + -13.41083526611328 + ], + [ + "eind", + -13.410861015319824 + ], + [ + "\u2581Stabilisierung", + -13.410894393920898 + ], + [ + "\u2581verschijnen", + -13.410898208618164 + ], + [ + "\u2581admite", + -13.41090488433838 + ], + [ + "\u2581rappresentare", + -13.410916328430176 + ], + [ + "\u2581provenientes", + -13.41092300415039 + ], + [ + "inken", + -13.410975456237791 + ], + [ + "\u2581Hochzeit", + -13.41097927093506 + ], + [ + "eze", + -13.411002159118652 + ], + [ + "\u2581dedos", + -13.411022186279297 + ], + [ + "\u2581thesis", + -13.411033630371094 + ], + [ + "\u2581mec\u00e1nica", + -13.411050796508787 + ], + [ + "quil", + -13.411076545715332 + ], + [ + "\u2581accordi", + -13.41107940673828 + ], + [ + "\u2581assuntos", + -13.411090850830078 + ], + [ + "\u2581Recall", + -13.411149978637695 + ], + [ + "games", + -13.411172866821287 + ], + [ + "Irlanda", + -13.411174774169922 + ], + [ + "Alex", + -13.41120147705078 + ], + [ + "\u2581Gould", + -13.411203384399414 + ], + [ + "IFNDEF", + -13.411221504211426 + ], + [ + "\u2581primordial", + -13.41126537322998 + ], + [ + "ordn", + -13.411295890808104 + ], + [ + "LaTe", + -13.4113130569458 + ], + [ + "\u2581cilindrisch", + -13.41135025024414 + ], + [ + "\u2581falando", + -13.41145133972168 + ], + [ + "\u2581Argumento", + -13.411458969116213 + ], + [ + "proper", + -13.41146469116211 + ], + [ + "PRODUCT", + -13.411502838134766 + ], + [ + "\u2581Hilfsmittel", + -13.411524772644045 + ], + [ + "burgh", + -13.41152572631836 + ], + [ + "\u2581levado", + -13.411534309387209 + ], + [ + "aliza", + -13.411564826965332 + ], + [ + "\u2581segreti", + -13.411582946777344 + ], + [ + "\u2581physically", + -13.411623001098633 + ], + [ + "beste", + -13.41166877746582 + ], + [ + "Accounts", + -13.411670684814451 + ], + [ + "Lac", + -13.411701202392578 + ], + [ + "\u2581Coleman", + -13.411748886108398 + ], + [ + "\u2581ancestral", + -13.41175937652588 + ], + [ + "\u2581commis", + -13.411792755126951 + ], + [ + "\u2581Verkehrsmittel", + -13.41183090209961 + ], + [ + "ORT", + -13.411843299865724 + ], + [ + "\u2581recess", + -13.411857604980469 + ], + [ + "Toast", + -13.411877632141112 + ], + [ + "\u2581Romeinen", + -13.411934852600098 + ], + [ + "UNO", + -13.412012100219728 + ], + [ + "Commands", + -13.412014961242676 + ], + [ + "\u2581antigen", + -13.412035942077637 + ], + [ + "\u2581lib\u00e9r\u00e9", + -13.412078857421877 + ], + [ + "dual", + -13.412080764770508 + ], + [ + "\u2581Canc", + -13.412081718444824 + ], + [ + "\u2581neg\u00f3cio", + -13.412105560302734 + ], + [ + "\u2581Cob", + -13.41212272644043 + ], + [ + "\u2581m\u00e9canisme", + -13.41214656829834 + ], + [ + "Palts", + -13.412149429321287 + ], + [ + "m\u00e9trie", + -13.412176132202148 + ], + [ + "iking", + -13.412192344665527 + ], + [ + "\u2581behoefte", + -13.41219997406006 + ], + [ + "Wind", + -13.412203788757324 + ], + [ + "\u2581perguntas", + -13.412226676940918 + ], + [ + "\u2581Draw", + -13.412267684936523 + ], + [ + "\u2581Pertanto", + -13.412309646606444 + ], + [ + "\u2581Baptist", + -13.412325859069824 + ], + [ + "webassemblyjs", + -13.41235637664795 + ], + [ + "\u2581danke", + -13.412368774414062 + ], + [ + "\u2581introducci\u00f3n", + -13.412375450134276 + ], + [ + "\u2581cauda", + -13.41238021850586 + ], + [ + "weh", + -13.412381172180176 + ], + [ + "\u2581viernes", + -13.41238498687744 + ], + [ + "ovice", + -13.412392616271973 + ], + [ + "Carte", + -13.412398338317873 + ], + [ + "tut", + -13.412415504455566 + ], + [ + "Bericht", + -13.412452697753906 + ], + [ + "appoggio", + -13.412490844726562 + ], + [ + "\u2581Cole\u00f3pteros", + -13.412514686584473 + ], + [ + "\u2581viv\u00eda", + -13.412546157836914 + ], + [ + "\u2581Squadron", + -13.41257381439209 + ], + [ + "\u2581ausgelegt", + -13.412591934204102 + ], + [ + "INCLUDING", + -13.41260814666748 + ], + [ + "fh", + -13.412635803222656 + ], + [ + "\u2581Fey", + -13.412654876708984 + ], + [ + "\u2581inclusi", + -13.412672996520996 + ], + [ + "staff", + -13.41273593902588 + ], + [ + "\u00e9ron", + -13.412785530090332 + ], + [ + "\u2581marquis", + -13.41281032562256 + ], + [ + "\u2581vrede", + -13.412823677062988 + ], + [ + "\u2581Dezembro", + -13.41283893585205 + ], + [ + "senken", + -13.412906646728516 + ], + [ + "\u2581JOIN", + -13.412945747375488 + ], + [ + "\u2581wondered", + -13.41297721862793 + ], + [ + "Infinity", + -13.41298007965088 + ], + [ + "\u2581M\u00e4rkten", + -13.413021087646484 + ], + [ + "\u2581Bahnhofs", + -13.4130277633667 + ], + [ + "\u2581arterie", + -13.413057327270508 + ], + [ + "Aq", + -13.41306972503662 + ], + [ + "gelegd", + -13.413090705871582 + ], + [ + "\u2581Soziologie", + -13.413166999816896 + ], + [ + "BackgroundColors", + -13.413180351257324 + ], + [ + "\u2581romanzi", + -13.41318702697754 + ], + [ + "driven", + -13.413193702697754 + ], + [ + "brige", + -13.413214683532717 + ], + [ + "keras", + -13.413222312927246 + ], + [ + "\u2581Erhebungen", + -13.413223266601562 + ], + [ + "written", + -13.413228034973145 + ], + [ + "CER", + -13.413259506225586 + ], + [ + "prom", + -13.413259506225586 + ], + [ + "\u2581visualiz", + -13.413281440734863 + ], + [ + "buttons", + -13.413284301757812 + ], + [ + "\u2581ramas", + -13.413290023803713 + ], + [ + "\u2581proteste", + -13.41329288482666 + ], + [ + "\u2581organiseren", + -13.413310050964355 + ], + [ + "\u2581coordonn\u00e9es", + -13.413322448730469 + ], + [ + "\u2581ottimi", + -13.413336753845217 + ], + [ + "medewerker", + -13.413369178771973 + ], + [ + "colate", + -13.413373947143556 + ], + [ + "cython", + -13.413387298583984 + ], + [ + "\u2581comunicato", + -13.41341495513916 + ], + [ + "\u2581offense", + -13.41347599029541 + ], + [ + "journalist", + -13.41350269317627 + ], + [ + "irr", + -13.413519859313965 + ], + [ + "bookmark", + -13.413548469543455 + ], + [ + "\u2581VAN", + -13.413570404052734 + ], + [ + "\u2581Biel", + -13.413615226745604 + ], + [ + "\u2581strukturelle", + -13.413630485534668 + ], + [ + "\u2581killer", + -13.413633346557615 + ], + [ + "\u2581Grill", + -13.41370677947998 + ], + [ + "brio", + -13.413719177246094 + ], + [ + "abita", + -13.413726806640623 + ], + [ + "PROGRAM", + -13.41374397277832 + ], + [ + "ccato", + -13.41379165649414 + ], + [ + "\u2581Aza", + -13.413912773132324 + ], + [ + "\u2581Meldung", + -13.413975715637209 + ], + [ + "rett", + -13.414000511169434 + ], + [ + "\u2581raggio", + -13.414022445678713 + ], + [ + "\u2581Sechs", + -13.414070129394531 + ], + [ + "\u2581Bundesregie", + -13.41413688659668 + ], + [ + "\u2581populaires", + -13.414162635803224 + ], + [ + "\u2581Aire", + -13.414194107055664 + ], + [ + "\u2581Andro", + -13.414201736450195 + ], + [ + "\u2581restored", + -13.414212226867676 + ], + [ + "FFD", + -13.414223670959473 + ], + [ + "pressive", + -13.414225578308104 + ], + [ + "\u2581Capell", + -13.414227485656738 + ], + [ + "\u2581primario", + -13.4142484664917 + ], + [ + "\u2581proporcional", + -13.414305686950684 + ], + [ + "hri", + -13.414335250854492 + ], + [ + "\u2581metr", + -13.414337158203123 + ], + [ + "verhaltens", + -13.414381980895996 + ], + [ + "\u2581gentil", + -13.414435386657717 + ], + [ + "Spektren", + -13.41444969177246 + ], + [ + "\u2581packed", + -13.414459228515623 + ], + [ + "\u2581prigione", + -13.41446304321289 + ], + [ + "\u2581subsp", + -13.41448211669922 + ], + [ + "\u2581Diplomat", + -13.4144926071167 + ], + [ + "Presentation", + -13.414494514465332 + ], + [ + "aad", + -13.414535522460938 + ], + [ + "\u2581mooie", + -13.414542198181152 + ], + [ + "\u2581repeatedly", + -13.414545059204102 + ], + [ + "\u2581philosophe", + -13.41456127166748 + ], + [ + "\u2581Novela", + -13.414562225341797 + ], + [ + "hacker", + -13.414578437805176 + ], + [ + "STRIP", + -13.414593696594238 + ], + [ + "\u2581lieben", + -13.414620399475098 + ], + [ + "\u2581Medaille", + -13.414629936218262 + ], + [ + "fpm", + -13.414657592773438 + ], + [ + "\u2581Publikum", + -13.414657592773438 + ], + [ + "adju", + -13.414700508117676 + ], + [ + "br\u00fcck", + -13.41474437713623 + ], + [ + "curry", + -13.41474437713623 + ], + [ + "muse", + -13.414752006530762 + ], + [ + "pied", + -13.414764404296877 + ], + [ + "yield", + -13.414764404296877 + ], + [ + "\u2581Bulgarien", + -13.414790153503418 + ], + [ + "\u2581beetje", + -13.414886474609377 + ], + [ + "\u2581Levante", + -13.41491413116455 + ], + [ + "ISH", + -13.414942741394045 + ], + [ + "\u2581Homem", + -13.41494369506836 + ], + [ + "\u2581weerstand", + -13.414952278137209 + ], + [ + "\u2581beslissing", + -13.414957046508787 + ], + [ + "\u2581Laurence", + -13.414969444274902 + ], + [ + "\u2581Generale", + -13.41497039794922 + ], + [ + "\u2581Platy", + -13.414992332458496 + ], + [ + "Vm", + -13.415009498596191 + ], + [ + "aqui", + -13.415017127990724 + ], + [ + "\u2581d\u00e9chets", + -13.415111541748049 + ], + [ + "\u2581palaciano", + -13.415114402770996 + ], + [ + "\u2581Corpus", + -13.415130615234377 + ], + [ + "\u2581Mehreinnahmen", + -13.415130615234377 + ], + [ + "\u2581unicamente", + -13.415170669555664 + ], + [ + "\u2581deposito", + -13.415185928344728 + ], + [ + "\u2581formano", + -13.415218353271484 + ], + [ + "\u2581havendo", + -13.41526222229004 + ], + [ + "\u2581Getting", + -13.415485382080078 + ], + [ + "toBe", + -13.415546417236328 + ], + [ + "\u2581circonstances", + -13.41557788848877 + ], + [ + "\u2581M\u00fchl", + -13.415619850158691 + ], + [ + "\u2581Verkn\u00fcpfung", + -13.415619850158691 + ], + [ + "eja", + -13.41567611694336 + ], + [ + "\u2581britanniques", + -13.41569995880127 + ], + [ + "\u2581encouraged", + -13.415728569030762 + ], + [ + "\u2581Capitolo", + -13.415739059448242 + ], + [ + "\u2581r\u00e9compense", + -13.415763854980469 + ], + [ + "startup", + -13.415767669677734 + ], + [ + "\u2581brave", + -13.415802001953123 + ], + [ + "\u2581Keynes", + -13.415816307067873 + ], + [ + "\u2581plastique", + -13.415828704833984 + ], + [ + "\u2581geleitet", + -13.415857315063477 + ], + [ + "\u2581estrat\u00e9gia", + -13.415875434875488 + ], + [ + "Gemm", + -13.41591739654541 + ], + [ + "\u2581Cler", + -13.415918350219728 + ], + [ + "rink", + -13.415940284729004 + ], + [ + "\u2581surely", + -13.415985107421877 + ], + [ + "\u2581ministri", + -13.415993690490724 + ], + [ + "\u2581transportar", + -13.41610050201416 + ], + [ + "\u2581Stationen", + -13.416118621826172 + ], + [ + "\u2581Hypothese", + -13.416123390197754 + ], + [ + "\u2581llamadas", + -13.416130065917969 + ], + [ + "\u2581necesitaba", + -13.416152000427246 + ], + [ + "Lie", + -13.416173934936523 + ], + [ + "\u2581class\u00e9e", + -13.416216850280762 + ], + [ + "\u2581luitenant", + -13.416231155395508 + ], + [ + "brut", + -13.416244506835938 + ], + [ + "\u2581simplicity", + -13.416264533996582 + ], + [ + "\u2581Essendo", + -13.416276931762695 + ], + [ + "\u2581Grat", + -13.41628074645996 + ], + [ + "neos", + -13.41629123687744 + ], + [ + "greg", + -13.41631317138672 + ], + [ + "dukt", + -13.416380882263184 + ], + [ + "\u2581recebido", + -13.41638469696045 + ], + [ + "\u2581sportivo", + -13.416390419006348 + ], + [ + "emand", + -13.416391372680664 + ], + [ + "\u2581fasst", + -13.416412353515623 + ], + [ + "Vu", + -13.41655445098877 + ], + [ + "anski", + -13.416556358337402 + ], + [ + "drijven", + -13.41659450531006 + ], + [ + "getrieben", + -13.41660499572754 + ], + [ + "\u2581\u00e9xitos", + -13.416618347167969 + ], + [ + "\u2581Guyana", + -13.416666984558104 + ], + [ + "Samples", + -13.416670799255373 + ], + [ + "\u2581exil", + -13.416680335998535 + ], + [ + "\u2581Sanktionen", + -13.4166898727417 + ], + [ + "\u2581linguistic", + -13.416696548461914 + ], + [ + "mondi", + -13.41669750213623 + ], + [ + "Chievo", + -13.41671085357666 + ], + [ + "\u2581Anleger", + -13.416790008544922 + ], + [ + "\u2581dementsprechend", + -13.416865348815918 + ], + [ + "\u2581eventueel", + -13.416872024536133 + ], + [ + "bada", + -13.416887283325195 + ], + [ + "\u2581indiana", + -13.41690158843994 + ], + [ + "\u2581aprova", + -13.416913032531738 + ], + [ + "\u2581Elisa", + -13.416951179504396 + ], + [ + "\u2581acabado", + -13.416951179504396 + ], + [ + "\u2581iniziarono", + -13.417024612426758 + ], + [ + "\u2581cuidando", + -13.41702938079834 + ], + [ + "\u2581conseguem", + -13.417084693908691 + ], + [ + "webhook", + -13.417098999023438 + ], + [ + "\u2581disparition", + -13.417098999023438 + ], + [ + "tividade", + -13.417131423950195 + ], + [ + "\u2581rivieren", + -13.41720485687256 + ], + [ + "\u2581limiting", + -13.41721534729004 + ], + [ + "arbage", + -13.417243003845217 + ], + [ + "l\u00e4n", + -13.417247772216797 + ], + [ + "\u2581transverse", + -13.417325019836426 + ], + [ + "\u2581grundlegenden", + -13.41736888885498 + ], + [ + "\u2581Pais", + -13.41737461090088 + ], + [ + "xE", + -13.417378425598145 + ], + [ + "\u2581Crimea", + -13.41737937927246 + ], + [ + "schappelijke", + -13.41738224029541 + ], + [ + "DeepCopyInto", + -13.417391777038574 + ], + [ + "\u2581Verf\u00fcgbarkeit", + -13.41739273071289 + ], + [ + "\u2581provenance", + -13.417505264282228 + ], + [ + "\u2581Mosel", + -13.417513847351074 + ], + [ + "ubel", + -13.417527198791504 + ], + [ + "regelungen", + -13.417539596557615 + ], + [ + "\u2581besch\u00e4ftigen", + -13.417557716369627 + ], + [ + "\u2581assunse", + -13.417558670043944 + ], + [ + "trakt", + -13.41756534576416 + ], + [ + "\u2581remover", + -13.41756820678711 + ], + [ + "\u2581informes", + -13.41758155822754 + ], + [ + "\u2581prol", + -13.417607307434082 + ], + [ + "\u2581halben", + -13.417631149291992 + ], + [ + "\u2581vise", + -13.417686462402344 + ], + [ + "\u2581aroma", + -13.417705535888672 + ], + [ + "\u2581Lorentz", + -13.41771125793457 + ], + [ + "Bari", + -13.417759895324709 + ], + [ + "\u2581conflitti", + -13.417791366577148 + ], + [ + "informer", + -13.417800903320312 + ], + [ + "\u2581Originalmente", + -13.417851448059082 + ], + [ + "Maur", + -13.417890548706056 + ], + [ + "\u2581Fransen", + -13.417901992797852 + ], + [ + "decke", + -13.417909622192385 + ], + [ + "\u2581Pese", + -13.417924880981444 + ], + [ + "longitude", + -13.417984008789062 + ], + [ + "\u2581ONU", + -13.4180326461792 + ], + [ + "\u2581signing", + -13.418068885803224 + ], + [ + "\u2581trato", + -13.418068885803224 + ], + [ + "Capital", + -13.418070793151855 + ], + [ + "stiegen", + -13.418112754821776 + ], + [ + "\u2581Hector", + -13.41812515258789 + ], + [ + "ndoli", + -13.418203353881836 + ], + [ + "hdr", + -13.418243408203123 + ], + [ + "Deep", + -13.418251991271973 + ], + [ + "\u2581combats", + -13.418258666992188 + ], + [ + "\u2581generalization", + -13.418278694152832 + ], + [ + "direktion", + -13.41831874847412 + ], + [ + "\u2581dramma", + -13.418326377868652 + ], + [ + "\u2581permit\u00eda", + -13.418349266052246 + ], + [ + "\u2581candidature", + -13.418350219726562 + ], + [ + "questions", + -13.418368339538574 + ], + [ + "\u2581secours", + -13.418373107910156 + ], + [ + "\u2581apoya", + -13.418391227722168 + ], + [ + "\u2581jugado", + -13.418404579162598 + ], + [ + "\u2581mourir", + -13.418415069580078 + ], + [ + "pricing", + -13.418442726135254 + ], + [ + "\u2581Hiroshima", + -13.418445587158203 + ], + [ + "\u2581estuda", + -13.418452262878418 + ], + [ + "finalize", + -13.418475151062012 + ], + [ + "\u2581aartsbisschop", + -13.41853141784668 + ], + [ + "fero", + -13.418542861938477 + ], + [ + "\u2581modest", + -13.418542861938477 + ], + [ + "\u2581pir", + -13.418550491333008 + ], + [ + "Mut", + -13.418559074401855 + ], + [ + "croc", + -13.418594360351562 + ], + [ + "\u2581Greco", + -13.418597221374512 + ], + [ + "\u2581ingres\u00f3", + -13.418628692626951 + ], + [ + "\u2581copre", + -13.4186429977417 + ], + [ + "\u2581Tristan", + -13.41866683959961 + ], + [ + "sverzeichnis", + -13.418720245361328 + ], + [ + "anschlag", + -13.418728828430176 + ], + [ + "\u2581urgent", + -13.418761253356934 + ], + [ + "\u2581aponta", + -13.418770790100098 + ], + [ + "\u2581Demi", + -13.4188232421875 + ], + [ + "\u2581isomorphism", + -13.418825149536133 + ], + [ + "profiel", + -13.41882610321045 + ], + [ + "\u2581Cari", + -13.41885471343994 + ], + [ + "\u2581Marge", + -13.418855667114258 + ], + [ + "\u2581Abwesenheit", + -13.41885757446289 + ], + [ + "\u2581cariciosas", + -13.41885757446289 + ], + [ + "\u2581Strike", + -13.418889999389648 + ], + [ + "\u2581diputados", + -13.418900489807127 + ], + [ + "\u2581quotidienne", + -13.418915748596191 + ], + [ + "exn", + -13.41893196105957 + ], + [ + "\u2581raggiunse", + -13.418951988220217 + ], + [ + "\u2581Finlande", + -13.418978691101074 + ], + [ + "CHR", + -13.418986320495604 + ], + [ + "\u2581meines", + -13.419007301330566 + ], + [ + "\u2581Joegoslavi", + -13.41901969909668 + ], + [ + "onnxruntime", + -13.419028282165527 + ], + [ + "\u2581weren", + -13.419089317321776 + ], + [ + "\u2581empfangen", + -13.419113159179688 + ], + [ + "nlichkeiten", + -13.419164657592772 + ], + [ + "\u2581voisins", + -13.419170379638672 + ], + [ + "Modus", + -13.419172286987305 + ], + [ + "\u2581aldus", + -13.419174194335938 + ], + [ + "\u2581autocoureur", + -13.419229507446287 + ], + [ + "\u2581blauwe", + -13.41928005218506 + ], + [ + "hov", + -13.419296264648438 + ], + [ + "\u2581plu", + -13.419301986694336 + ], + [ + "CIS", + -13.419312477111816 + ], + [ + "\u2581Algemeen", + -13.419313430786133 + ], + [ + "zaad", + -13.419320106506348 + ], + [ + "\u2581r\u00e9pondit", + -13.419382095336914 + ], + [ + "\u2581Mediterr", + -13.419393539428713 + ], + [ + "scape", + -13.419405937194824 + ], + [ + "\u2581avanc\u00e9", + -13.419456481933594 + ], + [ + "\u2581semejante", + -13.419508934020996 + ], + [ + "cica", + -13.419525146484377 + ], + [ + "komponenten", + -13.41960906982422 + ], + [ + "\u2581touched", + -13.419622421264648 + ], + [ + "\u2581Brem", + -13.419676780700684 + ], + [ + "\u2581gelagert", + -13.419707298278809 + ], + [ + "alternative", + -13.41970920562744 + ], + [ + "\u2581chairman", + -13.419713020324709 + ], + [ + "\u2581gevoel", + -13.419713973999023 + ], + [ + "\u2581Ankara", + -13.41976547241211 + ], + [ + "\u2581secondaires", + -13.41979694366455 + ], + [ + "quem", + -13.419842720031738 + ], + [ + "rderte", + -13.419844627380373 + ], + [ + "\u2581Benn", + -13.419859886169434 + ], + [ + "\u2581stimola", + -13.419880867004396 + ], + [ + "\u2581unge", + -13.419906616210938 + ], + [ + "\u2581judo", + -13.41993522644043 + ], + [ + "\u2581Jensen", + -13.419963836669922 + ], + [ + "\u2581d\u00e9fend", + -13.420008659362791 + ], + [ + "\u2581gemiddeld", + -13.42003059387207 + ], + [ + "\u2581presi", + -13.42003345489502 + ], + [ + "\u2581Email", + -13.42004680633545 + ], + [ + "\u2581inherent", + -13.420065879821776 + ], + [ + "\u2581spada", + -13.420072555541992 + ], + [ + "\u2581sobretudo", + -13.420080184936523 + ], + [ + "\u2581englische", + -13.420083999633787 + ], + [ + "\u2581Basso", + -13.420110702514648 + ], + [ + "\u2581Beek", + -13.420159339904783 + ], + [ + "\u2581Personenkreis", + -13.420167922973633 + ], + [ + "\u2581whilst", + -13.42016887664795 + ], + [ + "\u2581Gebot", + -13.420185089111328 + ], + [ + "\u2581Include", + -13.42020034790039 + ], + [ + "\u2581\u00e4rztliche", + -13.420209884643556 + ], + [ + "LoadBalancer", + -13.420230865478516 + ], + [ + "\u2581seguem", + -13.42027473449707 + ], + [ + "Ng", + -13.420279502868652 + ], + [ + "huit", + -13.420284271240234 + ], + [ + "\u2581rechtbank", + -13.420300483703612 + ], + [ + "\u2581Chapel", + -13.420310020446776 + ], + [ + "effekte", + -13.420316696166992 + ], + [ + "Nd", + -13.420348167419434 + ], + [ + "\u2581Eppure", + -13.420354843139648 + ], + [ + "tr\u00e4", + -13.420358657836914 + ], + [ + "\u2581wound", + -13.420365333557127 + ], + [ + "procedure", + -13.420367240905762 + ], + [ + "\u2581Anderlecht", + -13.420388221740724 + ], + [ + "\u2581Hayes", + -13.420432090759276 + ], + [ + "INK", + -13.420494079589844 + ], + [ + "\u2581Atomic", + -13.42050552368164 + ], + [ + "\u2581verbindt", + -13.42055892944336 + ], + [ + "\u2581quindici", + -13.42056941986084 + ], + [ + "z\u00e4hl", + -13.420578002929688 + ], + [ + "Exchange", + -13.42058277130127 + ], + [ + "situationen", + -13.420609474182127 + ], + [ + "\u2581Derzeit", + -13.420621871948242 + ], + [ + "\u2581passent", + -13.420666694641112 + ], + [ + "\u2581neg\u00f3", + -13.42070198059082 + ], + [ + "\u2581dichiar", + -13.420724868774414 + ], + [ + "\u2581ca\u00eddo", + -13.420753479003906 + ], + [ + "\u2581Strafgesetzbuch", + -13.420821189880373 + ], + [ + "\u2581sword", + -13.420827865600586 + ], + [ + "\u2581registers", + -13.420845985412598 + ], + [ + "\u2581unmittelbare", + -13.420856475830078 + ], + [ + "\u2581habilidad", + -13.420920372009276 + ], + [ + "\u2581m\u00e4nnliche", + -13.420949935913086 + ], + [ + "REGION", + -13.420952796936035 + ], + [ + "\u2581Surface", + -13.420975685119627 + ], + [ + "\u2581artiste", + -13.420988082885742 + ], + [ + "\u2581Rhod", + -13.42099952697754 + ], + [ + "\u2581dispuesto", + -13.421053886413574 + ], + [ + "zeker", + -13.421066284179688 + ], + [ + "\u2581werkwoord", + -13.421074867248535 + ], + [ + "\u2581armada", + -13.421097755432127 + ], + [ + "uds", + -13.421128273010254 + ], + [ + "\u2581sauvage", + -13.421128273010254 + ], + [ + "\u2581Kairo", + -13.421136856079102 + ], + [ + "gebroken", + -13.421142578125 + ], + [ + "\u2581trasformato", + -13.421198844909668 + ], + [ + "\u2581mostrano", + -13.421305656433104 + ], + [ + "alde", + -13.421308517456056 + ], + [ + "\u2581erlangt", + -13.421311378479004 + ], + [ + "dalen", + -13.42136001586914 + ], + [ + "friendly", + -13.421380043029783 + ], + [ + "\u2581desaparece", + -13.421384811401367 + ], + [ + "\u2581vuelto", + -13.42139720916748 + ], + [ + "\u2581Balkan", + -13.421411514282228 + ], + [ + "stringliteral", + -13.421470642089844 + ], + [ + "\u2581Oviedo", + -13.421472549438477 + ], + [ + "ust\u00e4ndige", + -13.421496391296388 + ], + [ + "niveaus", + -13.421503067016602 + ], + [ + "thiop", + -13.42151165008545 + ], + [ + "\u00e9qui", + -13.42152214050293 + ], + [ + "\u2581Besan", + -13.421538352966309 + ], + [ + "sgegenst\u00e4nde", + -13.421546936035156 + ], + [ + "\u2581vaccine", + -13.421547889709473 + ], + [ + "\u2581Betroffene", + -13.421598434448242 + ], + [ + "arcivescovo", + -13.421636581420898 + ], + [ + "\u2581castelli", + -13.421637535095217 + ], + [ + "\u2581vorherigen", + -13.421637535095217 + ], + [ + "\u2581waited", + -13.421646118164062 + ], + [ + "OAuth", + -13.421650886535645 + ], + [ + "Nz", + -13.421666145324709 + ], + [ + "\u2581vegetables", + -13.421710968017578 + ], + [ + "intesa", + -13.421713829040527 + ], + [ + "\u2581producen", + -13.421730041503906 + ], + [ + "vloer", + -13.421745300292969 + ], + [ + "\u2581afirmando", + -13.421746253967283 + ], + [ + "\u2581informatique", + -13.421751976013184 + ], + [ + "\u2581riescono", + -13.421759605407717 + ], + [ + "SSE", + -13.421775817871094 + ], + [ + "KJ", + -13.421777725219728 + ], + [ + "wine", + -13.421795845031738 + ], + [ + "\u2581Pauschal", + -13.421798706054688 + ], + [ + "\u2581Dista", + -13.421807289123535 + ], + [ + "beihilfen", + -13.42185878753662 + ], + [ + "enverkehr", + -13.421934127807615 + ], + [ + "\u2581finaliz\u00f3", + -13.421964645385742 + ], + [ + "\u2581saccheggi", + -13.421974182128906 + ], + [ + "\u2581Freeman", + -13.421981811523438 + ], + [ + "\u2581CONNECTION", + -13.42198371887207 + ], + [ + "handlungen", + -13.421991348266602 + ], + [ + "\u2581Etats", + -13.422002792358398 + ], + [ + "\u2581da\u00ed", + -13.422006607055664 + ], + [ + "\u2581Filo", + -13.422041893005373 + ], + [ + "\u2581verst\u00e4ndlich", + -13.422069549560549 + ], + [ + "\u2581adapt\u00e9", + -13.422082901000977 + ], + [ + "\u2581gezielte", + -13.42208766937256 + ], + [ + "izio", + -13.422107696533203 + ], + [ + "\u2581oubli\u00e9", + -13.422128677368164 + ], + [ + "klarinet", + -13.422157287597656 + ], + [ + "\u2581Vidal", + -13.42220973968506 + ], + [ + "c\u00e1n", + -13.42222499847412 + ], + [ + "\u2581bombard", + -13.42222499847412 + ], + [ + "\u2581autrefois", + -13.422233581542969 + ], + [ + "einde", + -13.422236442565918 + ], + [ + "\u2581rage", + -13.42223834991455 + ], + [ + "unternehmens", + -13.42224407196045 + ], + [ + "\u2581explored", + -13.422249794006348 + ], + [ + "\u2581norms", + -13.422284126281738 + ], + [ + "\u2581contrari", + -13.422306060791016 + ], + [ + "\u2581Aruba", + -13.422319412231444 + ], + [ + "Philippe", + -13.422330856323242 + ], + [ + "\u2581issu", + -13.422358512878418 + ], + [ + "\u2581\u00e9changes", + -13.42236042022705 + ], + [ + "\u2581stopte", + -13.422392845153809 + ], + [ + "\u2581Beaucoup", + -13.42246150970459 + ], + [ + "\u2581financiers", + -13.42246150970459 + ], + [ + "dbc", + -13.422470092773438 + ], + [ + "Cg", + -13.42249870300293 + ], + [ + "\u2581promising", + -13.422513008117676 + ], + [ + "\u2581Asse", + -13.422521591186523 + ], + [ + "\u2581Diz", + -13.422523498535156 + ], + [ + "rion", + -13.422529220581056 + ], + [ + "\u2581informado", + -13.422553062438965 + ], + [ + "\u2581troon", + -13.422554969787598 + ], + [ + "\u2581colectiva", + -13.422557830810549 + ], + [ + "\u2581libras", + -13.422557830810549 + ], + [ + "\u2581Prepara", + -13.42259120941162 + ], + [ + "m\u00e4chtig", + -13.422598838806152 + ], + [ + "FIRST", + -13.42264461517334 + ], + [ + "\u2581bore", + -13.42267894744873 + ], + [ + "detta", + -13.422703742980955 + ], + [ + "\u2581thou", + -13.422719955444336 + ], + [ + "\u2581remarquer", + -13.42272663116455 + ], + [ + "\u2581Holiday", + -13.422754287719728 + ], + [ + "\u2581africano", + -13.422758102416992 + ], + [ + "\u2581verkopen", + -13.422773361206056 + ], + [ + "ijnse", + -13.42278289794922 + ], + [ + "ators", + -13.422786712646484 + ], + [ + "\u2581ultimate", + -13.422804832458496 + ], + [ + "\u2581Erfolgs", + -13.422813415527344 + ], + [ + "\u2581Thy", + -13.422891616821287 + ], + [ + "\u2581estabelecimento", + -13.422916412353516 + ], + [ + "\u2581Teils", + -13.42293643951416 + ], + [ + "\u2581Senkung", + -13.42296028137207 + ], + [ + "Oz", + -13.422966003417969 + ], + [ + "\u2581maatregelen", + -13.422977447509766 + ], + [ + "\u2581iii", + -13.422993659973145 + ], + [ + "\u2581riding", + -13.423029899597168 + ], + [ + "\u2581men\u00e9e", + -13.423038482666016 + ], + [ + "spr\u00fcfung", + -13.423094749450684 + ], + [ + "itor", + -13.423117637634276 + ], + [ + "\u2581conmigo", + -13.42312240600586 + ], + [ + "ibilit\u00e9", + -13.423129081726074 + ], + [ + "\u2581Prodi", + -13.42313003540039 + ], + [ + "DAS", + -13.42314624786377 + ], + [ + "\u2581vedo", + -13.423177719116213 + ], + [ + "\u2581organisatorisch", + -13.42318058013916 + ], + [ + "aaf", + -13.423188209533691 + ], + [ + "Aux", + -13.423200607299805 + ], + [ + "panelName", + -13.423208236694336 + ], + [ + "\u2581anel", + -13.423242568969728 + ], + [ + "\u2581problematic", + -13.42324924468994 + ], + [ + "\u2581C\u00e1lice", + -13.423279762268066 + ], + [ + "DEPS", + -13.423282623291016 + ], + [ + "\u2581Trein", + -13.423294067382812 + ], + [ + "Fx", + -13.423333168029783 + ], + [ + "\u2581reinos", + -13.42341136932373 + ], + [ + "\u2581verdeutlicht", + -13.423439025878906 + ], + [ + "\u2581zuk\u00fcnftigen", + -13.423465728759766 + ], + [ + "\u2581accus\u00e9", + -13.42348289489746 + ], + [ + "\u2581DESTINATION", + -13.42357349395752 + ], + [ + "\u2581angry", + -13.423596382141112 + ], + [ + "\u2581Schadensersatz", + -13.42361068725586 + ], + [ + "OPTARG", + -13.4236421585083 + ], + [ + "cannot", + -13.423669815063477 + ], + [ + "ist\u00e1n", + -13.423690795898438 + ], + [ + "\u2581Bah\u00eda", + -13.423698425292969 + ], + [ + "\u2581telescope", + -13.423742294311523 + ], + [ + "\u2581Landesbeh", + -13.423754692077637 + ], + [ + "sandbox", + -13.423757553100586 + ], + [ + "\u2581Orquesta", + -13.42376708984375 + ], + [ + "\u2581missiles", + -13.42377758026123 + ], + [ + "\u2581Iranian", + -13.42379093170166 + ], + [ + "\u2581fallo", + -13.423791885375977 + ], + [ + "\u2581abriga", + -13.42381191253662 + ], + [ + "\u2581clinica", + -13.423830032348633 + ], + [ + "\u2581Diplom", + -13.42384147644043 + ], + [ + "employeurs", + -13.423867225646973 + ], + [ + "stellungen", + -13.423887252807615 + ], + [ + "\u2581routier", + -13.423904418945312 + ], + [ + "\u2581headquarters", + -13.423930168151855 + ], + [ + "Burg", + -13.423944473266602 + ], + [ + "\u2581faccio", + -13.423944473266602 + ], + [ + "\u2581sanno", + -13.423944473266602 + ], + [ + "\u2581Lebensmitteln", + -13.423948287963867 + ], + [ + "PLAN", + -13.423995018005373 + ], + [ + "\u2581Jezus", + -13.423998832702637 + ], + [ + "GES", + -13.42412281036377 + ], + [ + "\u2581teologia", + -13.4241304397583 + ], + [ + "\u2581Overall", + -13.424201011657717 + ], + [ + "\u2581Elliot", + -13.424217224121094 + ], + [ + "\u2581Silla", + -13.424242973327637 + ], + [ + "Exist", + -13.424261093139648 + ], + [ + "\u2581Aktenzeichen", + -13.424283027648926 + ], + [ + "\u2581emerging", + -13.424287796020508 + ], + [ + "stress", + -13.424334526062012 + ], + [ + "\u2581Bode", + -13.424432754516602 + ], + [ + "\u2581Freiherr", + -13.42446231842041 + ], + [ + "gezin", + -13.424467086791992 + ], + [ + "espansione", + -13.424479484558104 + ], + [ + "sluiting", + -13.424497604370115 + ], + [ + "\u2581Erfindung", + -13.424515724182127 + ], + [ + "\u2581pts", + -13.424524307250977 + ], + [ + "\u2581Lwt", + -13.424531936645508 + ], + [ + "zubringen", + -13.424532890319824 + ], + [ + "\u2581simplifi", + -13.424562454223633 + ], + [ + "\u2581Tudo", + -13.42457389831543 + ], + [ + "\u2581astronaut", + -13.424577713012695 + ], + [ + "affinity", + -13.42466163635254 + ], + [ + "TIM", + -13.424674987792969 + ], + [ + "opathie", + -13.424738883972168 + ], + [ + "\u2581fractions", + -13.424739837646484 + ], + [ + "berwachungs", + -13.424747467041016 + ], + [ + "Sau", + -13.42475128173828 + ], + [ + "\u2581Arabi", + -13.42475700378418 + ], + [ + "\u2581Heavy", + -13.424769401550291 + ], + [ + "\u2581Tracy", + -13.424793243408203 + ], + [ + "\u2581tune", + -13.424890518188477 + ], + [ + "\u2581Sia", + -13.424933433532717 + ], + [ + "\u2581Heine", + -13.424957275390623 + ], + [ + "\u2581considerations", + -13.425004005432127 + ], + [ + "nello", + -13.425009727478027 + ], + [ + "\u2581Fama", + -13.425036430358888 + ], + [ + "\u2581dom\u00e9stico", + -13.425049781799316 + ], + [ + "Regierung", + -13.425054550170898 + ], + [ + "\u2581Communes", + -13.42506504058838 + ], + [ + "\u2581Ronda", + -13.425103187561035 + ], + [ + "\u2581menus", + -13.425104141235352 + ], + [ + "\u2581conocidas", + -13.425130844116213 + ], + [ + "\u2581deportes", + -13.425146102905272 + ], + [ + "Vl", + -13.42516040802002 + ], + [ + "ecer", + -13.425203323364258 + ], + [ + "\u2581Bildern", + -13.425237655639648 + ], + [ + "\u2581repertorio", + -13.425250053405762 + ], + [ + "\u2581sicherstellen", + -13.425252914428713 + ], + [ + "\u2581costantemente", + -13.425271034240724 + ], + [ + "\u2581Petersburgo", + -13.42529296875 + ], + [ + "\u2581Dad", + -13.425298690795898 + ], + [ + "Akt", + -13.425304412841797 + ], + [ + "S\u00e4ule", + -13.42531394958496 + ], + [ + "\u2581Fog", + -13.425344467163086 + ], + [ + "\u2581Gos", + -13.425379753112791 + ], + [ + "\u2581Konstanz", + -13.425421714782717 + ], + [ + "\u2581Ortho", + -13.425450325012209 + ], + [ + "\u2581derivation", + -13.42546272277832 + ], + [ + "apparente", + -13.425466537475586 + ], + [ + "\u2581Smok", + -13.425514221191406 + ], + [ + "FFC", + -13.425518035888672 + ], + [ + "\u2581vanta", + -13.425530433654783 + ], + [ + "\u2581Stones", + -13.425531387329102 + ], + [ + "\u2581amanti", + -13.425554275512695 + ], + [ + "\u2581methodology", + -13.425570487976074 + ], + [ + "infortun", + -13.425575256347656 + ], + [ + "passen", + -13.425580978393556 + ], + [ + "\u2581sterben", + -13.425593376159668 + ], + [ + "vention", + -13.425649642944336 + ], + [ + "sozialistischen", + -13.425676345825195 + ], + [ + "\u2581beneficial", + -13.425714492797852 + ], + [ + "DEBIAN", + -13.425739288330078 + ], + [ + "\u2581abandona", + -13.425743103027344 + ], + [ + "\u2581pods", + -13.42574691772461 + ], + [ + "\u2581kombiniert", + -13.42575454711914 + ], + [ + "\u2581corrections", + -13.425761222839355 + ], + [ + "\u2581respondi\u00f3", + -13.425769805908203 + ], + [ + "\u2581connexe", + -13.42579460144043 + ], + [ + "\u2581especializado", + -13.425806999206545 + ], + [ + "\u2581Former", + -13.425860404968262 + ], + [ + "tausend", + -13.425868034362791 + ], + [ + "subst", + -13.425886154174805 + ], + [ + "FILTER", + -13.425915718078612 + ], + [ + "\u2581Tate", + -13.425920486450195 + ], + [ + "\u2581Autonom", + -13.425921440124512 + ], + [ + "Processing", + -13.425929069519045 + ], + [ + "\u2581Brigada", + -13.425930976867676 + ], + [ + "vertices", + -13.425957679748535 + ], + [ + "rix", + -13.425960540771484 + ], + [ + "\u2581variam", + -13.4259614944458 + ], + [ + "\u2581intui", + -13.425966262817385 + ], + [ + "\u2581pesci", + -13.42597484588623 + ], + [ + "\u2581Primary", + -13.425999641418455 + ], + [ + "\u2581doze", + -13.426064491271973 + ], + [ + "bom", + -13.426087379455566 + ], + [ + "\u2581exposition", + -13.426132202148438 + ], + [ + "BAM", + -13.42617130279541 + ], + [ + "ologue", + -13.42620086669922 + ], + [ + "\u2581Providence", + -13.426231384277344 + ], + [ + "\u2581Rost", + -13.42625617980957 + ], + [ + "\u2581Comedy", + -13.426277160644531 + ], + [ + "\u2581executa", + -13.426316261291504 + ], + [ + "eventuale", + -13.426335334777832 + ], + [ + "built", + -13.426384925842283 + ], + [ + "\u2581participaron", + -13.426395416259766 + ], + [ + "ippo", + -13.426399230957031 + ], + [ + "ticker", + -13.426405906677246 + ], + [ + "preserve", + -13.426422119140623 + ], + [ + "martin", + -13.426430702209473 + ], + [ + "\u2581nucleus", + -13.42643928527832 + ], + [ + "proposition", + -13.426440238952637 + ], + [ + "\u2581loca", + -13.426478385925291 + ], + [ + "gekomen", + -13.426485061645508 + ], + [ + "\u2581Spy", + -13.426502227783203 + ], + [ + "\u2581minority", + -13.426517486572266 + ], + [ + "wijze", + -13.426530838012695 + ], + [ + "ausweis", + -13.42653465270996 + ], + [ + "\u2581Darstellungen", + -13.426553726196287 + ], + [ + "\u2581ampliamente", + -13.426555633544922 + ], + [ + "Dio", + -13.426557540893556 + ], + [ + "ergo", + -13.42661476135254 + ], + [ + "PANSION", + -13.426734924316406 + ], + [ + "\u2581soutenir", + -13.42673683166504 + ], + [ + "\u2581installer", + -13.426762580871582 + ], + [ + "galo", + -13.426770210266112 + ], + [ + "\u2581irrit", + -13.426775932312012 + ], + [ + "\u2581Bing", + -13.426785469055176 + ], + [ + "\u2581tiendas", + -13.426806449890137 + ], + [ + "\u2581Herrscher", + -13.42680835723877 + ], + [ + "nuklea", + -13.426814079284668 + ], + [ + "\u2581agencia", + -13.426851272583008 + ], + [ + "iscrizione", + -13.426876068115234 + ], + [ + "\u2581studeren", + -13.426888465881348 + ], + [ + "openapi", + -13.42689037322998 + ], + [ + "\u2581Carey", + -13.426937103271484 + ], + [ + "\u2581S\u00e4nger", + -13.427031517028809 + ], + [ + "\u2581Fas", + -13.427042961120604 + ], + [ + "\u2581Mamm", + -13.427046775817873 + ], + [ + "eight", + -13.4270601272583 + ], + [ + "\u2581S\u00e9bastien", + -13.427077293395996 + ], + [ + "\u2581tribunale", + -13.42708683013916 + ], + [ + "\u2581menino", + -13.42709732055664 + ], + [ + "\u2581Verbrauch", + -13.427112579345703 + ], + [ + "\u2581Hour", + -13.42712688446045 + ], + [ + "\u2581waaruit", + -13.427167892456056 + ], + [ + "\u2581uitgebreide", + -13.427203178405762 + ], + [ + "pana", + -13.427266120910645 + ], + [ + "\u2581frameworks", + -13.427290916442873 + ], + [ + "GEO", + -13.427295684814451 + ], + [ + "Karl", + -13.427305221557615 + ], + [ + "AIS", + -13.427327156066896 + ], + [ + "\u2581morceaux", + -13.427366256713867 + ], + [ + "\u2581Bewerbung", + -13.427385330200195 + ], + [ + "\u2581females", + -13.42739200592041 + ], + [ + "extras", + -13.42742156982422 + ], + [ + "\u2581ratifica", + -13.427427291870115 + ], + [ + "sp\u00fcr", + -13.42742919921875 + ], + [ + "Fly", + -13.42748737335205 + ], + [ + "\u2581Cafe", + -13.427538871765137 + ], + [ + "\u2581annul", + -13.427550315856934 + ], + [ + "\u2581lunes", + -13.427607536315918 + ], + [ + "watcher", + -13.427635192871094 + ], + [ + "\u2581NaCl", + -13.427640914916992 + ], + [ + "\u2581middeleeuwse", + -13.427661895751951 + ], + [ + "\u2581prisioneros", + -13.427716255187988 + ], + [ + "\u2581stir", + -13.427720069885254 + ], + [ + "\u2581Chinees", + -13.427728652954102 + ], + [ + "\u2581Abrechnung", + -13.427796363830566 + ], + [ + "logy", + -13.42780876159668 + ], + [ + "\u2581Bacon", + -13.42782211303711 + ], + [ + "olari", + -13.427838325500488 + ], + [ + "Bund", + -13.42784309387207 + ], + [ + "Reilly", + -13.427875518798828 + ], + [ + "\u2581Bew\u00e4ltigung", + -13.427875518798828 + ], + [ + "PublicKey", + -13.42790412902832 + ], + [ + "\u00f3grafo", + -13.427931785583496 + ], + [ + "\u2581videojuego", + -13.427949905395508 + ], + [ + "\u2581Jah", + -13.427953720092772 + ], + [ + "\u2581TNF", + -13.427993774414062 + ], + [ + "\u2581Muito", + -13.427998542785645 + ], + [ + "\u2581animations", + -13.428000450134276 + ], + [ + "ObjC", + -13.428008079528809 + ], + [ + "\u2581ministero", + -13.428017616271973 + ], + [ + "veranstaltung", + -13.428020477294922 + ], + [ + "\u2581\u00e1nimo", + -13.428022384643556 + ], + [ + "\u2581divin", + -13.428025245666504 + ], + [ + "\u2581cuentos", + -13.428065299987791 + ], + [ + "j\u00e9", + -13.42806911468506 + ], + [ + "\u2581composants", + -13.42811393737793 + ], + [ + "\u2581Beamtinnen", + -13.428114891052246 + ], + [ + "\u2581aporta", + -13.428118705749512 + ], + [ + "\u2581Wiesen", + -13.428129196166992 + ], + [ + "moeder", + -13.428144454956056 + ], + [ + "\u2581woningen", + -13.428196907043455 + ], + [ + "\u2581unstable", + -13.428221702575684 + ], + [ + "wai", + -13.428245544433594 + ], + [ + "\u2581relieve", + -13.4282865524292 + ], + [ + "\u2581internas", + -13.428316116333008 + ], + [ + "verhandlungen", + -13.428345680236816 + ], + [ + "\u2581muzikale", + -13.428369522094728 + ], + [ + "\u2581admission", + -13.428380012512209 + ], + [ + "\u2581Trin", + -13.428387641906738 + ], + [ + "\u2581temporale", + -13.428396224975586 + ], + [ + "\u2581Tripoli", + -13.428434371948242 + ], + [ + "\u2581Harm", + -13.428443908691406 + ], + [ + "Buenos", + -13.428449630737305 + ], + [ + "Melhor", + -13.428507804870604 + ], + [ + "tane", + -13.42851448059082 + ], + [ + "\u2581Spie", + -13.42853546142578 + ], + [ + "uiz", + -13.428569793701172 + ], + [ + "\u2581relevo", + -13.428596496582031 + ], + [ + "\u2581contou", + -13.428632736206056 + ], + [ + "schrijven", + -13.428634643554688 + ], + [ + "\u2581Civic", + -13.428634643554688 + ], + [ + "Oost", + -13.428635597229004 + ], + [ + "LET", + -13.428655624389648 + ], + [ + "lehnt", + -13.42866039276123 + ], + [ + "\u2581SVG", + -13.42868995666504 + ], + [ + "\u2581Ludovico", + -13.428695678710938 + ], + [ + "\u2581DSGVO", + -13.428705215454102 + ], + [ + "\u2581endfunction", + -13.428705215454102 + ], + [ + "finite", + -13.42870807647705 + ], + [ + "acher", + -13.42871379852295 + ], + [ + "\u2581presume", + -13.428729057312012 + ], + [ + "\u2581qualifi\u00e9", + -13.428739547729492 + ], + [ + "numerator", + -13.42876148223877 + ], + [ + "Sq", + -13.428775787353516 + ], + [ + "\u2581miroir", + -13.428777694702148 + ], + [ + "\u2581URSS", + -13.428786277770996 + ], + [ + "\u2581humilde", + -13.42886447906494 + ], + [ + "\u2581Ivanov", + -13.428900718688965 + ], + [ + "\u2581attitudes", + -13.428903579711914 + ], + [ + "\u2581res\u00edduos", + -13.428906440734863 + ], + [ + "\u2581vieron", + -13.42911148071289 + ], + [ + "\u2581ayuntamiento", + -13.429194450378418 + ], + [ + "imir", + -13.429203033447266 + ], + [ + "fox", + -13.429211616516112 + ], + [ + "\u2581fattore", + -13.429231643676758 + ], + [ + "\u2581parcs", + -13.429248809814451 + ], + [ + "cyclo", + -13.4292573928833 + ], + [ + "\u2581slower", + -13.429282188415527 + ], + [ + "\u2581Boz", + -13.429285049438477 + ], + [ + "velo", + -13.429344177246094 + ], + [ + "observ", + -13.429354667663574 + ], + [ + "Hw", + -13.429387092590332 + ], + [ + "\u2581candidata", + -13.429390907287598 + ], + [ + "graceful", + -13.42940616607666 + ], + [ + "\u2581Eingliederung", + -13.42945384979248 + ], + [ + "Got", + -13.429475784301758 + ], + [ + "\u2581kies", + -13.429500579833984 + ], + [ + "\u2581Kilometern", + -13.4295072555542 + ], + [ + "qf", + -13.429513931274414 + ], + [ + "\u2581horario", + -13.42953395843506 + ], + [ + "\u2581farmers", + -13.429540634155272 + ], + [ + "\u2581Schadstoff", + -13.42954158782959 + ], + [ + "bestemming", + -13.4295654296875 + ], + [ + "aksha", + -13.42956829071045 + ], + [ + "Defined", + -13.429593086242676 + ], + [ + "osoma", + -13.429610252380373 + ], + [ + "\u2581\u00fcberf\u00fchrt", + -13.429622650146484 + ], + [ + "\u2581perspectives", + -13.42962646484375 + ], + [ + "\u2581Pintura", + -13.429651260375977 + ], + [ + "\u2581usate", + -13.429657936096191 + ], + [ + "\u2581disent", + -13.429682731628418 + ], + [ + "\u2581isolati", + -13.429683685302734 + ], + [ + "\u2581escolhida", + -13.429688453674316 + ], + [ + "allah", + -13.429691314697266 + ], + [ + "\u2581Nenn", + -13.42972183227539 + ], + [ + "ERE", + -13.429734230041504 + ], + [ + "utin", + -13.429786682128906 + ], + [ + "\u2581Engine", + -13.429802894592283 + ], + [ + "\u2581deals", + -13.42986297607422 + ], + [ + "Letter", + -13.42987823486328 + ], + [ + "publication", + -13.42987823486328 + ], + [ + "PRI", + -13.429883003234863 + ], + [ + "\u2581fotograf\u00edas", + -13.429919242858888 + ], + [ + "\u2581caminos", + -13.429924964904783 + ], + [ + "Vy", + -13.429926872253418 + ], + [ + "\u2581Greater", + -13.429986953735352 + ], + [ + "ijver", + -13.429987907409668 + ], + [ + "\u2581IFN", + -13.430021286010742 + ], + [ + "\u2581prisoners", + -13.43005084991455 + ], + [ + "\u2581dubbi", + -13.430068016052246 + ], + [ + "pore", + -13.430095672607422 + ], + [ + "verg\u00fctung", + -13.430105209350586 + ], + [ + "feita", + -13.430113792419434 + ], + [ + "l\u00e4ndischen", + -13.430150985717772 + ], + [ + "Mathematica", + -13.430191040039062 + ], + [ + "Digital", + -13.430192947387695 + ], + [ + "\u2581sauber", + -13.430253982543944 + ], + [ + "fili", + -13.430288314819336 + ], + [ + "\u2581batteries", + -13.430294036865234 + ], + [ + "\u2581Cornell", + -13.43032455444336 + ], + [ + "photon", + -13.430325508117676 + ], + [ + "lijsten", + -13.430456161499023 + ], + [ + "\u2581Berichtigung", + -13.430474281311035 + ], + [ + "\u2581Attualmente", + -13.430514335632324 + ], + [ + "\u2581Statistisches", + -13.430520057678224 + ], + [ + "\u2581adjetivos", + -13.430599212646484 + ], + [ + "Lista", + -13.430607795715332 + ], + [ + "\u2581esserci", + -13.43062973022461 + ], + [ + "\u2581handed", + -13.430682182312012 + ], + [ + "TEMPLATE", + -13.43068504333496 + ], + [ + "prote", + -13.430731773376465 + ], + [ + "\u2581amongst", + -13.430758476257324 + ], + [ + "\u2581wirtschafts", + -13.430789947509766 + ], + [ + "structured", + -13.430841445922852 + ], + [ + "\u2581governance", + -13.430843353271484 + ], + [ + "Wide", + -13.430845260620115 + ], + [ + "preferred", + -13.430864334106444 + ], + [ + "\u2581trasferito", + -13.430874824523926 + ], + [ + "it\u00e1rio", + -13.430891036987305 + ], + [ + "PSOE", + -13.430971145629885 + ], + [ + "aunque", + -13.4309720993042 + ], + [ + "\u2581cominciato", + -13.43101406097412 + ], + [ + "college", + -13.43105697631836 + ], + [ + "Organization", + -13.431065559387209 + ], + [ + "\u2581Vereinfachung", + -13.431175231933594 + ], + [ + "\u2581Modellierung", + -13.43121337890625 + ], + [ + "ulle", + -13.43122673034668 + ], + [ + "\u2581stoffen", + -13.431229591369627 + ], + [ + "\u2581Erreichung", + -13.431238174438477 + ], + [ + "\u2581comparative", + -13.431251525878906 + ], + [ + "\u2581filosoof", + -13.43126106262207 + ], + [ + "\u2581Klu", + -13.431297302246094 + ], + [ + "\u2581positieve", + -13.431316375732422 + ], + [ + "\u2581Sulle", + -13.431389808654783 + ], + [ + "augh", + -13.43139362335205 + ], + [ + "\u2581Skala", + -13.431416511535645 + ], + [ + "\u2581BRA", + -13.431424140930176 + ], + [ + "Matching", + -13.431495666503906 + ], + [ + "scenario", + -13.43150234222412 + ], + [ + "guila", + -13.431520462036133 + ], + [ + "kz", + -13.431529998779297 + ], + [ + "Apps", + -13.431568145751951 + ], + [ + "\u2581reducci\u00f3n", + -13.431571006774902 + ], + [ + "posed", + -13.431604385375977 + ], + [ + "Ath", + -13.431615829467772 + ], + [ + "APA", + -13.431641578674316 + ], + [ + "mision", + -13.43165111541748 + ], + [ + "compression", + -13.431674003601074 + ], + [ + "Ew", + -13.431678771972656 + ], + [ + "spiration", + -13.431756019592283 + ], + [ + "\u2581observable", + -13.431764602661133 + ], + [ + "\u2581treinador", + -13.431812286376951 + ], + [ + "Wapen", + -13.43183422088623 + ], + [ + "\u2581afgebeeld", + -13.431846618652344 + ], + [ + "identi", + -13.431867599487305 + ], + [ + "cavo", + -13.431915283203123 + ], + [ + "\u2581ghost", + -13.431915283203123 + ], + [ + "teri", + -13.431941032409668 + ], + [ + "\u2581Sembra", + -13.431955337524414 + ], + [ + "\u2581calore", + -13.432044982910156 + ], + [ + "\u2581Evil", + -13.432066917419434 + ], + [ + "verletzungen", + -13.432085990905762 + ], + [ + "\u2581tijde", + -13.43216609954834 + ], + [ + "zinnen", + -13.43220329284668 + ], + [ + "\u2581disegni", + -13.43226146697998 + ], + [ + "\u2581Weltraum", + -13.432263374328612 + ], + [ + "inteso", + -13.432291030883787 + ], + [ + "\u2581h\u00e1bitos", + -13.432330131530762 + ], + [ + "\u2581Vall\u00e9e", + -13.43235206604004 + ], + [ + "German", + -13.43238639831543 + ], + [ + "alpa", + -13.432393074035645 + ], + [ + "\u2581prestazioni", + -13.43240451812744 + ], + [ + "\u2581vivas", + -13.432435035705566 + ], + [ + "\u2581errores", + -13.432472229003906 + ], + [ + "\u2581Estudi\u00f3", + -13.432504653930664 + ], + [ + "\u2581Masculino", + -13.432518005371094 + ], + [ + "\u2581Savoie", + -13.432540893554688 + ], + [ + "AMS", + -13.4325532913208 + ], + [ + "\u2581Danimarca", + -13.432570457458496 + ], + [ + "\u2581straten", + -13.432598114013672 + ], + [ + "icit\u00e0", + -13.43262004852295 + ], + [ + "\u2581fortifica", + -13.432622909545898 + ], + [ + "konstrukt", + -13.432645797729492 + ], + [ + "\u2581Franca", + -13.432652473449709 + ], + [ + "\u2581Darlehens", + -13.432671546936035 + ], + [ + "\u2581hoeft", + -13.43269157409668 + ], + [ + "\u2581elevate", + -13.432735443115234 + ], + [ + "innerHTML", + -13.432744979858398 + ], + [ + "\u2581aprecia", + -13.43276023864746 + ], + [ + "\u2581Bail", + -13.432777404785156 + ], + [ + "calib", + -13.432795524597168 + ], + [ + "\u2581Fiorentina", + -13.432805061340332 + ], + [ + "\u2581sp\u00e9cialis\u00e9e", + -13.432806968688965 + ], + [ + "\u2581ra\u00edces", + -13.432830810546877 + ], + [ + "Shuffle", + -13.432869911193848 + ], + [ + "\u2581d\u00e9finitivement", + -13.432875633239746 + ], + [ + "\u2581Jedes", + -13.4329252243042 + ], + [ + "lja", + -13.432940483093262 + ], + [ + "\u2581initiale", + -13.43294620513916 + ], + [ + "uhl", + -13.433006286621094 + ], + [ + "supported", + -13.43300724029541 + ], + [ + "\u2581Cruise", + -13.433027267456056 + ], + [ + "\u2581dried", + -13.433064460754396 + ], + [ + "\u2581Klarstellung", + -13.433076858520508 + ], + [ + "\u2581grammar", + -13.433185577392578 + ], + [ + "\u2581ondersteuning", + -13.433187484741213 + ], + [ + "Guinea", + -13.43319606781006 + ], + [ + "\u2581kingdom", + -13.433204650878906 + ], + [ + "Codec", + -13.433209419250488 + ], + [ + "zyklus", + -13.433222770690918 + ], + [ + "\u2581angesetzt", + -13.433233261108398 + ], + [ + "\u2581inocente", + -13.433234214782717 + ], + [ + "\u2581unici", + -13.433242797851562 + ], + [ + "\u2581Bundespolizei", + -13.433253288269045 + ], + [ + "\u2581Fos", + -13.43328094482422 + ], + [ + "\u2581bloei", + -13.433341026306152 + ], + [ + "\u2581Ivi", + -13.433345794677734 + ], + [ + "\u2581materiellen", + -13.433354377746582 + ], + [ + "different", + -13.43336582183838 + ], + [ + "\u2581hoping", + -13.433374404907228 + ], + [ + "Gesetzliche", + -13.433385848999023 + ], + [ + "\u2581continuum", + -13.433395385742188 + ], + [ + "\u2581inclusa", + -13.4334077835083 + ], + [ + "\u2581Commercial", + -13.433439254760742 + ], + [ + "\u2581advies", + -13.433446884155272 + ], + [ + "\u2581separada", + -13.433448791503906 + ], + [ + "\u2581gelden", + -13.433476448059082 + ], + [ + "TRAIN", + -13.43348503112793 + ], + [ + "zuschlag", + -13.43350601196289 + ], + [ + "mars", + -13.433517456054688 + ], + [ + "\u2581vereinbarten", + -13.433526039123535 + ], + [ + "\u2581prendono", + -13.433531761169434 + ], + [ + "\u2581kantoor", + -13.433553695678713 + ], + [ + "nsul", + -13.43355655670166 + ], + [ + "\u2581confess", + -13.43357276916504 + ], + [ + "\u2581carregar", + -13.433595657348633 + ], + [ + "\u2581russes", + -13.433616638183594 + ], + [ + "\u2581Hull", + -13.433633804321287 + ], + [ + "published", + -13.43364143371582 + ], + [ + "\u2581Trevas", + -13.433688163757324 + ], + [ + "\u2581espectro", + -13.433701515197754 + ], + [ + "\u2581pollo", + -13.433716773986816 + ], + [ + "\u2581fior", + -13.433737754821776 + ], + [ + "silent", + -13.433759689331056 + ], + [ + "\u2581Pkw", + -13.43381690979004 + ], + [ + "\u2581danos", + -13.433839797973633 + ], + [ + "dreh", + -13.433849334716797 + ], + [ + "\u2581Fulda", + -13.433932304382324 + ], + [ + "\u2581Anpassungs", + -13.433961868286133 + ], + [ + "\u2581Inzwischen", + -13.433961868286133 + ], + [ + "integrazione", + -13.433981895446776 + ], + [ + "\u2581Slav", + -13.433985710144045 + ], + [ + "\u2581compos\u00e9es", + -13.433998107910156 + ], + [ + "\u2581authentic", + -13.434015274047852 + ], + [ + "\u2581Daardoor", + -13.4340238571167 + ], + [ + "\u2581cascate", + -13.43404483795166 + ], + [ + "\u2581Prezzi", + -13.434049606323242 + ], + [ + "\u2581appliqu\u00e9e", + -13.434057235717772 + ], + [ + "nspireerd", + -13.434115409851074 + ], + [ + "categor", + -13.434127807617188 + ], + [ + "\u2581Praag", + -13.4341402053833 + ], + [ + "\u2581literally", + -13.43415355682373 + ], + [ + "Tcl", + -13.434173583984377 + ], + [ + "\u2581Corp", + -13.434216499328612 + ], + [ + "\u2581conceptos", + -13.434317588806152 + ], + [ + "MIL", + -13.434368133544922 + ], + [ + "\u2581soap", + -13.434398651123049 + ], + [ + "\u2581modifi\u00e9", + -13.434402465820312 + ], + [ + "\u2581zucchero", + -13.434410095214844 + ], + [ + "enziale", + -13.43442726135254 + ], + [ + "\u00e9rence", + -13.43443202972412 + ], + [ + "Prim", + -13.434435844421388 + ], + [ + "\u2581Ranking", + -13.43447971343994 + ], + [ + "\u2581justi", + -13.434484481811523 + ], + [ + "\u2581benadering", + -13.43448543548584 + ], + [ + "\u2581commenti", + -13.434488296508787 + ], + [ + "\u2581pacto", + -13.434491157531738 + ], + [ + "\u2581Stephanie", + -13.434527397155762 + ], + [ + "\u2581profesora", + -13.434529304504396 + ], + [ + "\u2581Roten", + -13.434616088867188 + ], + [ + "\u2581capaciteit", + -13.434645652770996 + ], + [ + "\u2581Gegr\u00fcndet", + -13.434651374816896 + ], + [ + "regulierung", + -13.434772491455078 + ], + [ + "Expressions", + -13.434796333312988 + ], + [ + "spinal", + -13.43481159210205 + ], + [ + "\u2581eingebracht", + -13.434816360473633 + ], + [ + "\u2581Dipartimento", + -13.43481731414795 + ], + [ + "\u2581umzusetzen", + -13.43483066558838 + ], + [ + "WAR", + -13.43483829498291 + ], + [ + "\u00e9lio", + -13.43492031097412 + ], + [ + "Nov", + -13.434921264648438 + ], + [ + "\u2581servent", + -13.434947967529297 + ], + [ + "\u2581Esqui", + -13.435018539428713 + ], + [ + "\u2581regarde", + -13.435023307800291 + ], + [ + "removeClass", + -13.43503475189209 + ], + [ + "Jh", + -13.43505573272705 + ], + [ + "\u2581denominator", + -13.435078620910645 + ], + [ + "\u2581combustion", + -13.435081481933594 + ], + [ + "\u2581heiratete", + -13.435108184814451 + ], + [ + "\u2581Considerando", + -13.435110092163086 + ], + [ + "\u2581spontane", + -13.435145378112791 + ], + [ + "\u2581nevertheless", + -13.43514919281006 + ], + [ + "nachstehend", + -13.43520164489746 + ], + [ + "\u2581Strahl", + -13.435257911682127 + ], + [ + "\u2581assertion", + -13.435264587402344 + ], + [ + "Etc", + -13.435298919677734 + ], + [ + "RegExp", + -13.43529987335205 + ], + [ + "\u2581disfrutar", + -13.43532943725586 + ], + [ + "\u2581donker", + -13.43532943725586 + ], + [ + "\u2581d\u00e9bil", + -13.435372352600098 + ], + [ + "uoten", + -13.43537712097168 + ], + [ + "\u2581Gewichts", + -13.435380935668944 + ], + [ + "\u2581variano", + -13.43540096282959 + ], + [ + "\u2581correnti", + -13.435428619384766 + ], + [ + "\u2581hectare", + -13.435460090637209 + ], + [ + "\u2581opposto", + -13.435486793518066 + ], + [ + "\u2581banner", + -13.43549633026123 + ], + [ + "Whole", + -13.435508728027344 + ], + [ + "\u2581stellvertretend", + -13.435511589050291 + ], + [ + "reached", + -13.43552589416504 + ], + [ + "fuel", + -13.435556411743164 + ], + [ + "\u2581R\u00e4umen", + -13.435702323913574 + ], + [ + "feu", + -13.435734748840332 + ], + [ + "\u2581Horcruxes", + -13.435800552368164 + ], + [ + "\u2581Dreams", + -13.435815811157228 + ], + [ + "\u2581princes", + -13.43585968017578 + ], + [ + "\u2581paradox", + -13.43587875366211 + ], + [ + "\u2581Ersuchen", + -13.435887336730955 + ], + [ + "Dic", + -13.43593406677246 + ], + [ + "dass", + -13.43593406677246 + ], + [ + "\u2581Feststellungen", + -13.435962677001951 + ], + [ + "azzurro", + -13.43597412109375 + ], + [ + "\u2581Trouxa", + -13.435975074768066 + ], + [ + "\u2581dovere", + -13.435999870300291 + ], + [ + "\u2581settanta", + -13.436007499694824 + ], + [ + "presse", + -13.43601131439209 + ], + [ + "Slider", + -13.43605136871338 + ], + [ + "\u2581a\u00e9riennes", + -13.436054229736328 + ], + [ + "\u2581Stell", + -13.436062812805176 + ], + [ + "\u2581encryption", + -13.436062812805176 + ], + [ + "vonne", + -13.436102867126465 + ], + [ + "\u2581Toma", + -13.43610954284668 + ], + [ + "\u2581remarquable", + -13.436148643493652 + ], + [ + "\u2581Nara", + -13.436152458190918 + ], + [ + "verbandes", + -13.43615436553955 + ], + [ + "\u2581upstream", + -13.436158180236816 + ], + [ + "TUR", + -13.43616771697998 + ], + [ + "\u2581Menu", + -13.436223030090332 + ], + [ + "\u2581restauro", + -13.436240196228027 + ], + [ + "\u2581reliant", + -13.436245918273926 + ], + [ + "Such", + -13.43630313873291 + ], + [ + "\u2581vantagens", + -13.436309814453123 + ], + [ + "\u2581roja", + -13.436325073242188 + ], + [ + "dzi", + -13.436355590820312 + ], + [ + "\u2581healthcare", + -13.436358451843262 + ], + [ + "\u2581stomach", + -13.436372756958008 + ], + [ + "coco", + -13.436386108398438 + ], + [ + "atlan", + -13.436471939086914 + ], + [ + "\u2581ofreci\u00f3", + -13.436484336853027 + ], + [ + "\u2581materie", + -13.43649959564209 + ], + [ + "\u2581Tani", + -13.436500549316406 + ], + [ + "\u2581Filosofia", + -13.43652629852295 + ], + [ + "\u2581d\u00e9g", + -13.436619758605955 + ], + [ + "\u2581Schad", + -13.436675071716309 + ], + [ + "\u2581Goa", + -13.436687469482422 + ], + [ + "glue", + -13.436738014221191 + ], + [ + "\u2581cemento", + -13.43676471710205 + ], + [ + "kapazit\u00e4ten", + -13.436775207519531 + ], + [ + "vrij", + -13.4368257522583 + ], + [ + "\u2581convinced", + -13.436842918395996 + ], + [ + "\u00e9rie", + -13.436856269836426 + ], + [ + "ioso", + -13.43685817718506 + ], + [ + "\u2581altered", + -13.436882019042969 + ], + [ + "ResNet", + -13.436882972717283 + ], + [ + "\u2581cattura", + -13.436903953552246 + ], + [ + "\u2581Ars", + -13.436924934387209 + ], + [ + "\u2581huile", + -13.436983108520508 + ], + [ + "Purchase", + -13.436985969543455 + ], + [ + "\u2581innocent", + -13.43699836730957 + ], + [ + "\u2581Laub", + -13.437071800231934 + ], + [ + "\u00e1nea", + -13.43708610534668 + ], + [ + "\u2581publicou", + -13.437106132507324 + ], + [ + "\u2581Meier", + -13.437125205993652 + ], + [ + "\u2581quieren", + -13.437127113342283 + ], + [ + "cision", + -13.437129020690918 + ], + [ + "\u2581Bike", + -13.437193870544434 + ], + [ + "\u2581formalism", + -13.437248229980469 + ], + [ + "\u2581pauvre", + -13.437294006347656 + ], + [ + "\u00fcssen", + -13.437300682067873 + ], + [ + "\u2581Ableitung", + -13.437300682067873 + ], + [ + "\u2581gehucht", + -13.437328338623049 + ], + [ + "Grande", + -13.437383651733398 + ], + [ + "\u2581suivie", + -13.437457084655762 + ], + [ + "pakken", + -13.4375 + ], + [ + "\u2581bibliotheek", + -13.437517166137695 + ], + [ + "dut", + -13.43753433227539 + ], + [ + "\u2581ITF", + -13.437565803527832 + ], + [ + "\u2581journaux", + -13.43764305114746 + ], + [ + "endl", + -13.437685012817385 + ], + [ + "\u2581quaisquer", + -13.437688827514648 + ], + [ + "TEL", + -13.437700271606444 + ], + [ + "\u2581Belfast", + -13.437708854675291 + ], + [ + "\u2581Cliff", + -13.43772315979004 + ], + [ + "\u2581Kessel", + -13.43777561187744 + ], + [ + "NIS", + -13.437782287597656 + ], + [ + "\u2581r\u00e9daction", + -13.4378080368042 + ], + [ + "gans", + -13.437825202941896 + ], + [ + "Pv", + -13.43785572052002 + ], + [ + "\u2581Piacenza", + -13.437858581542969 + ], + [ + "angio", + -13.43796157836914 + ], + [ + "\u2581musea", + -13.437975883483888 + ], + [ + "\u2581Verne", + -13.43798828125 + ], + [ + "substanz", + -13.438072204589844 + ], + [ + "csname", + -13.438091278076172 + ], + [ + "gusta", + -13.43809413909912 + ], + [ + "\u2581d\u00e9taill\u00e9e", + -13.438125610351562 + ], + [ + "\u2581Mey", + -13.438127517700195 + ], + [ + "eric", + -13.438143730163574 + ], + [ + "\u2581Commun", + -13.438169479370115 + ], + [ + "\u2581middenvelder", + -13.43822956085205 + ], + [ + "\u2581oxide", + -13.438249588012695 + ], + [ + "Verantwortlichen", + -13.43826675415039 + ], + [ + "\u2581erweiterte", + -13.438289642333984 + ], + [ + "Lev", + -13.4382963180542 + ], + [ + "cfr", + -13.438305854797363 + ], + [ + "\u2581Positiv", + -13.438305854797363 + ], + [ + "\u2581Batista", + -13.43831729888916 + ], + [ + "\u2581elevati", + -13.43831729888916 + ], + [ + "trajo", + -13.438337326049805 + ], + [ + "Lehr", + -13.438379287719728 + ], + [ + "gesto", + -13.438384056091309 + ], + [ + "\u00fct", + -13.438389778137209 + ], + [ + "\u2581Nim", + -13.438417434692385 + ], + [ + "\u2581Caja", + -13.438450813293455 + ], + [ + "\u2581hohes", + -13.438471794128418 + ], + [ + "\u2581asumi\u00f3", + -13.4384765625 + ], + [ + "\u2581Troisi", + -13.438482284545898 + ], + [ + "\u2581sustancia", + -13.438509941101074 + ], + [ + "PLE", + -13.438549995422363 + ], + [ + "Jy", + -13.438583374023438 + ], + [ + "hter", + -13.438685417175291 + ], + [ + "Phys", + -13.43869400024414 + ], + [ + "\u2581operatie", + -13.438733100891112 + ], + [ + "\u2581Headers", + -13.43874454498291 + ], + [ + "\u2581Inhalts", + -13.438770294189451 + ], + [ + "\u2581sozio", + -13.438775062561035 + ], + [ + "\u2581Grafik", + -13.438786506652832 + ], + [ + "\u2581abuso", + -13.438844680786133 + ], + [ + "\u2581n\u00e4chstgelegene", + -13.43885326385498 + ], + [ + "Continue", + -13.438867568969728 + ], + [ + "\u2581virtuelle", + -13.438871383666992 + ], + [ + "\u2581cerrada", + -13.4389009475708 + ], + [ + "\u2581Voltaire", + -13.438915252685549 + ], + [ + "\u2581trajectory", + -13.438928604125977 + ], + [ + "saus", + -13.43893337249756 + ], + [ + "decken", + -13.43893814086914 + ], + [ + "\u2581tonnes", + -13.438958168029783 + ], + [ + "\u2581welfare", + -13.43901824951172 + ], + [ + "\u2581Identity", + -13.439019203186035 + ], + [ + "\u2581colonnes", + -13.439045906066896 + ], + [ + "\u2581religions", + -13.439047813415527 + ], + [ + "\u2581Oceano", + -13.439096450805664 + ], + [ + "\u2581Esc\u00f3cia", + -13.439138412475586 + ], + [ + "\u2581Honey", + -13.439141273498535 + ], + [ + "agora", + -13.439183235168455 + ], + [ + "\u2581duelo", + -13.439187049865724 + ], + [ + "\u2581appoggia", + -13.439203262329102 + ], + [ + "\u2581repr\u00e9sentent", + -13.439264297485352 + ], + [ + "\u2581Lech", + -13.43931007385254 + ], + [ + "\u2581Buon", + -13.439311027526855 + ], + [ + "\u2581Sant\u00e9", + -13.43934726715088 + ], + [ + "\u2581jong", + -13.439353942871094 + ], + [ + "Schw", + -13.439393043518066 + ], + [ + "Sci", + -13.43940544128418 + ], + [ + "\u2581insecten", + -13.439409255981444 + ], + [ + "\u2581avversari", + -13.439455032348633 + ], + [ + "vra", + -13.439470291137695 + ], + [ + "chai", + -13.439478874206545 + ], + [ + "\u2581PrivateHeaders", + -13.43948745727539 + ], + [ + "\u2581Phantom", + -13.43950653076172 + ], + [ + "Bonn", + -13.439522743225098 + ], + [ + "\u2581Staatssekret\u00e4r", + -13.439530372619627 + ], + [ + "zte", + -13.439573287963867 + ], + [ + "\u2581Technischen", + -13.439573287963867 + ], + [ + "UJ", + -13.4395751953125 + ], + [ + "\u2581d\u00e9velopp\u00e9e", + -13.439590454101562 + ], + [ + "\u2581percentuale", + -13.439599990844728 + ], + [ + "\u2581verlaufen", + -13.439600944519045 + ], + [ + "\u2581bureaux", + -13.439657211303713 + ], + [ + "\u2581hameau", + -13.439725875854492 + ], + [ + "\u2581weite", + -13.439730644226074 + ], + [ + "\u2581erzielten", + -13.439742088317873 + ], + [ + "\u2581Trou", + -13.439754486083984 + ], + [ + "\u2581deduce", + -13.439780235290527 + ], + [ + "\u2581entrato", + -13.439791679382324 + ], + [ + "\u2581relaxation", + -13.439800262451172 + ], + [ + "oude", + -13.439823150634766 + ], + [ + "\u2581Clement", + -13.43988800048828 + ], + [ + "\u2581Pyr\u00e9n\u00e9es", + -13.439896583557127 + ], + [ + "\u2581diventano", + -13.439899444580078 + ], + [ + "\u2581canyon", + -13.439918518066406 + ], + [ + "\u2581avoided", + -13.439929008483888 + ], + [ + "\u2581Configure", + -13.439931869506836 + ], + [ + "\u2581Austro", + -13.439937591552734 + ], + [ + "\u2581unnecessary", + -13.439943313598633 + ], + [ + "tario", + -13.439949035644531 + ], + [ + "buco", + -13.43997287750244 + ], + [ + "\u2581blessure", + -13.439987182617188 + ], + [ + "\u2581Cristian", + -13.439992904663086 + ], + [ + "\u2581\u00e1tomo", + -13.440011978149414 + ], + [ + "taten", + -13.44002628326416 + ], + [ + "\u2581suporta", + -13.440078735351562 + ], + [ + "\u2581deputati", + -13.440106391906738 + ], + [ + "\u2581remettre", + -13.440112113952637 + ], + [ + "\u2581Rohstoff", + -13.44013786315918 + ], + [ + "runden", + -13.440145492553713 + ], + [ + "interrupt", + -13.440163612365724 + ], + [ + "\u2581Sag", + -13.440179824829102 + ], + [ + "\u2581mettent", + -13.440180778503418 + ], + [ + "SSR", + -13.440191268920898 + ], + [ + "\u2581bottiglia", + -13.440225601196287 + ], + [ + "\u2581obtida", + -13.440231323242188 + ], + [ + "\u2581fio", + -13.44029426574707 + ], + [ + "\u2581joining", + -13.44029712677002 + ], + [ + "\u2581quotient", + -13.440299034118652 + ], + [ + "\u2581entram", + -13.440299987792969 + ], + [ + "\u2581sensors", + -13.44043254852295 + ], + [ + "\u2581corners", + -13.440444946289062 + ], + [ + "\u2581Barn", + -13.440448760986328 + ], + [ + "unny", + -13.440457344055176 + ], + [ + "\u2581viewing", + -13.44050407409668 + ], + [ + "\u2581moul", + -13.440558433532717 + ], + [ + "\u2581messaggi", + -13.440587043762209 + ], + [ + "Mau", + -13.440631866455078 + ], + [ + "\u2581spokesman", + -13.440649032592772 + ], + [ + "anzas", + -13.440668106079102 + ], + [ + "GAR", + -13.440670013427734 + ], + [ + "convolution", + -13.44067668914795 + ], + [ + "\u2581episodes", + -13.440685272216797 + ], + [ + "\u2581Varese", + -13.440696716308594 + ], + [ + "tland", + -13.44077491760254 + ], + [ + "BEN", + -13.440776824951172 + ], + [ + "\u2581autonoma", + -13.440776824951172 + ], + [ + "istanbul", + -13.44078254699707 + ], + [ + "\u2581Defence", + -13.440821647644045 + ], + [ + "\u2581malo", + -13.440836906433104 + ], + [ + "Mean", + -13.440845489501951 + ], + [ + "TOM", + -13.440868377685549 + ], + [ + "\u2581vijftien", + -13.440900802612305 + ], + [ + "\u2581Sever", + -13.440916061401367 + ], + [ + "\u2581binaries", + -13.440953254699709 + ], + [ + "\u2581Fini", + -13.44095516204834 + ], + [ + "\u2581Bueno", + -13.440996170043944 + ], + [ + "\u2581Joey", + -13.440998077392578 + ], + [ + "apparten", + -13.441010475158691 + ], + [ + "\u2581rotor", + -13.441024780273438 + ], + [ + "\u2581gestartet", + -13.441038131713867 + ], + [ + "prin", + -13.441040992736816 + ], + [ + "\u2581brav", + -13.44108772277832 + ], + [ + "Proposal", + -13.441132545471191 + ], + [ + "promo", + -13.44115924835205 + ], + [ + "authorization", + -13.441179275512695 + ], + [ + "lter", + -13.441179275512695 + ], + [ + "gA", + -13.44119358062744 + ], + [ + "\u2581Behinderten", + -13.441265106201172 + ], + [ + "\u2581flank", + -13.441312789916992 + ], + [ + "Tutorial", + -13.44131565093994 + ], + [ + "\u2581Wikibook", + -13.44133186340332 + ], + [ + "\u2581Commissie", + -13.441339492797852 + ], + [ + "stimmung", + -13.44137954711914 + ], + [ + "\u2581jur", + -13.441417694091797 + ], + [ + "attribution", + -13.441424369812012 + ], + [ + "\u2581Arabic", + -13.441478729248049 + ], + [ + "\u2581Pepper", + -13.441490173339844 + ], + [ + "\u2581Bagdad", + -13.441494941711426 + ], + [ + "poder", + -13.441513061523438 + ], + [ + "\u2581Nieren", + -13.441555976867676 + ], + [ + "\u2581Nishi", + -13.441584587097168 + ], + [ + "\u2581Reco", + -13.441601753234863 + ], + [ + "aggregate", + -13.441604614257812 + ], + [ + "\u2581debba", + -13.44168758392334 + ], + [ + "Angel", + -13.441697120666504 + ], + [ + "\u2581nitrogen", + -13.441732406616213 + ], + [ + "Sent", + -13.441740036010742 + ], + [ + "audi", + -13.441770553588867 + ], + [ + "\u2581Assistant", + -13.441814422607422 + ], + [ + "\u2581Critics", + -13.441817283630373 + ], + [ + "primitive", + -13.44182014465332 + ], + [ + "\u2581abiti", + -13.441909790039062 + ], + [ + "\u2581Canto", + -13.441946029663086 + ], + [ + "\u2581Ausstattungs", + -13.441951751708984 + ], + [ + "\u2581Kurven", + -13.441984176635742 + ], + [ + "FLOAT", + -13.442060470581056 + ], + [ + "\u2581prestado", + -13.442091941833496 + ], + [ + "\u2581publicatie", + -13.44210433959961 + ], + [ + "w\u00e4sser", + -13.442138671875 + ], + [ + "duto", + -13.442147254943848 + ], + [ + "\u2581apari", + -13.442180633544922 + ], + [ + "Assertion", + -13.44222354888916 + ], + [ + "\u2581Anteils", + -13.442243576049805 + ], + [ + "\u2581Milaan", + -13.4422607421875 + ], + [ + "\u2581G\u00fcl", + -13.442273139953612 + ], + [ + "\u2581Cic", + -13.442277908325195 + ], + [ + "\u2581Anjos", + -13.44229507446289 + ], + [ + "\u2581cabina", + -13.44229793548584 + ], + [ + "\u2581\u00e9tudi\u00e9", + -13.442301750183104 + ], + [ + "\u2581ACM", + -13.442338943481444 + ], + [ + "heft", + -13.442367553710938 + ], + [ + "\u2581Ciclo", + -13.442402839660645 + ], + [ + "\u2581erlangen", + -13.442412376403809 + ], + [ + "\u2581vaker", + -13.442440032958984 + ], + [ + "\u2581empirische", + -13.442456245422363 + ], + [ + "\u2581personally", + -13.442456245422363 + ], + [ + "\u2581hayan", + -13.442468643188477 + ], + [ + "intelligenza", + -13.442477226257324 + ], + [ + "\u2581Verhandlungs", + -13.442495346069336 + ], + [ + "\u2581procedura", + -13.442612648010254 + ], + [ + "\u2581zinc", + -13.442639350891112 + ], + [ + "adir", + -13.442649841308594 + ], + [ + "\u2581arranjo", + -13.442660331726074 + ], + [ + "\u2581phil", + -13.442761421203612 + ], + [ + "\u2581dirig", + -13.44276237487793 + ], + [ + "\u2581Melissa", + -13.442831993103027 + ], + [ + "\u2581Gogh", + -13.442878723144531 + ], + [ + "\u2581Ici", + -13.442899703979492 + ], + [ + "d\u00e1n", + -13.44293212890625 + ], + [ + "\u2581Assen", + -13.442954063415527 + ], + [ + "bildenden", + -13.44296646118164 + ], + [ + "MEL", + -13.442968368530272 + ], + [ + "\u2581ventos", + -13.443029403686523 + ], + [ + "\u2581aqua", + -13.443063735961914 + ], + [ + "\u2581caudal", + -13.44312572479248 + ], + [ + "\u2581logarithm", + -13.443129539489746 + ], + [ + "\u2581Niccol", + -13.44316577911377 + ], + [ + "Wild", + -13.443175315856934 + ], + [ + "hak", + -13.443212509155272 + ], + [ + "\u00e1g", + -13.443257331848145 + ], + [ + "\u2581kilo", + -13.443270683288574 + ], + [ + "DSL", + -13.443281173706056 + ], + [ + "\u2581rileva", + -13.44329833984375 + ], + [ + "strahlen", + -13.4433012008667 + ], + [ + "\u2581Camer", + -13.443323135375977 + ], + [ + "\u2581derivados", + -13.443325996398926 + ], + [ + "\u2581kalk", + -13.44334316253662 + ], + [ + "cuta", + -13.44337558746338 + ], + [ + "\u2581sintomi", + -13.44337558746338 + ], + [ + "\u2581Danzig", + -13.443424224853516 + ], + [ + "\u2581keyserver", + -13.443432807922363 + ], + [ + "\u2581alphabet", + -13.443521499633787 + ], + [ + "\u2581Puffer", + -13.44357204437256 + ], + [ + "politi", + -13.443601608276367 + ], + [ + "rdf", + -13.443608283996582 + ], + [ + "appellation", + -13.4436616897583 + ], + [ + "phrase", + -13.44371223449707 + ], + [ + "\u00e1ngel", + -13.443720817565918 + ], + [ + "\u2581projected", + -13.44375228881836 + ], + [ + "UTIL", + -13.443758964538574 + ], + [ + "sieg", + -13.443769454956056 + ], + [ + "sweep", + -13.443788528442385 + ], + [ + "\u2581Dock", + -13.44381332397461 + ], + [ + "\u2581infect", + -13.44386863708496 + ], + [ + "\u2581enumerate", + -13.443872451782228 + ], + [ + "\u2581difus", + -13.443917274475098 + ], + [ + "emissionen", + -13.443970680236816 + ], + [ + "\u2581pleur", + -13.444034576416016 + ], + [ + "speech", + -13.444073677062988 + ], + [ + "\u2581servire", + -13.444096565246582 + ], + [ + "\u2581temper", + -13.444106101989746 + ], + [ + "accueillir", + -13.444138526916504 + ], + [ + "\u2581hiervon", + -13.44414234161377 + ], + [ + "\u2581sleutel", + -13.444198608398438 + ], + [ + "m\u00e9e", + -13.444228172302246 + ], + [ + "\u2581recupero", + -13.44424057006836 + ], + [ + "\u2581aeroportos", + -13.444302558898926 + ], + [ + "\u2581pronti", + -13.444306373596191 + ], + [ + "\u2581L\u00edngua", + -13.444315910339355 + ], + [ + "lehr", + -13.444316864013672 + ], + [ + "\u2581muere", + -13.444340705871582 + ], + [ + "\u00e9tal", + -13.444342613220217 + ], + [ + "\u2581r\u00e9p", + -13.444392204284668 + ], + [ + "\u2581Weide", + -13.444445610046388 + ], + [ + "Observation", + -13.444470405578612 + ], + [ + "\u2581empres\u00e1rio", + -13.444483757019045 + ], + [ + "\u2581puissant", + -13.444499015808104 + ], + [ + "dichten", + -13.444520950317385 + ], + [ + "\u2581partendo", + -13.444525718688965 + ], + [ + "RER", + -13.44452667236328 + ], + [ + "Rang", + -13.44456672668457 + ], + [ + "\u2581\u00e9tudier", + -13.444578170776367 + ], + [ + "Landes", + -13.44463348388672 + ], + [ + "\u2581controversial", + -13.44464111328125 + ], + [ + "\u2581Kont", + -13.444643020629885 + ], + [ + "\u2581cimitero", + -13.44465160369873 + ], + [ + "\u2581shirt", + -13.444671630859377 + ], + [ + "\u2581Ausbeute", + -13.444672584533691 + ], + [ + "\u2581destin\u00e9e", + -13.444750785827637 + ], + [ + "cope", + -13.444791793823242 + ], + [ + "\u2581latine", + -13.444811820983888 + ], + [ + "\u2581kalt", + -13.444860458374023 + ], + [ + "\u2581Diskussionen", + -13.444865226745604 + ], + [ + "\u2581darkness", + -13.444866180419922 + ], + [ + "\u2581muoversi", + -13.44487476348877 + ], + [ + "\u2581inmigrantes", + -13.444875717163086 + ], + [ + "\u2581endorse", + -13.44492530822754 + ], + [ + "\u2581administratif", + -13.444931983947754 + ], + [ + "\u2581Potenzial", + -13.444939613342283 + ], + [ + "\u2581identifizieren", + -13.44494915008545 + ], + [ + "\u2581vors\u00e4tzlich", + -13.444985389709473 + ], + [ + "\u2581uitdrukking", + -13.444988250732422 + ], + [ + "\u2581remplacement", + -13.445008277893066 + ], + [ + "\u2581existam", + -13.445029258728027 + ], + [ + "\u2581personalidade", + -13.445043563842772 + ], + [ + "testable", + -13.44505500793457 + ], + [ + "\u2581Charleroi", + -13.445060729980469 + ], + [ + "\u2581exerc\u00edcio", + -13.44507122039795 + ], + [ + "AUF", + -13.445087432861328 + ], + [ + "nomy", + -13.445093154907228 + ], + [ + "Gw", + -13.445096015930176 + ], + [ + "schlafen", + -13.445122718811035 + ], + [ + "\u2581uiterlijk", + -13.445149421691896 + ], + [ + "\u2581Trap", + -13.445161819458008 + ], + [ + "\u2581Bernardino", + -13.445194244384766 + ], + [ + "welle", + -13.445244789123535 + ], + [ + "routing", + -13.44528579711914 + ], + [ + "\u2581Indig", + -13.445289611816406 + ], + [ + "l\u00e4ufe", + -13.445300102233888 + ], + [ + "karyo", + -13.445305824279783 + ], + [ + "\u2581ingenier\u00eda", + -13.445321083068848 + ], + [ + "\u2581specul", + -13.44534969329834 + ], + [ + "\u2581hautes", + -13.445372581481934 + ], + [ + "\u2581zunehmenden", + -13.445425033569336 + ], + [ + "\u2581astr", + -13.44546604156494 + ], + [ + "esth\u00e9tique", + -13.445493698120115 + ], + [ + "\u2581continuation", + -13.445545196533203 + ], + [ + "\u2581Chess", + -13.445623397827148 + ], + [ + "ibilit\u00e0", + -13.445632934570312 + ], + [ + "graphs", + -13.445740699768066 + ], + [ + "\u2581Papp", + -13.44575023651123 + ], + [ + "\u2581Modelo", + -13.44577407836914 + ], + [ + "\u00edmetro", + -13.44580364227295 + ], + [ + "\u2581Verletzungen", + -13.44581127166748 + ], + [ + "\u2581interc", + -13.445812225341797 + ], + [ + "\u2581Sit", + -13.445820808410645 + ], + [ + "\u2581recentes", + -13.445831298828123 + ], + [ + "\u2581nomme", + -13.445905685424805 + ], + [ + "\u2581gevel", + -13.445915222167969 + ], + [ + "\u2581simplified", + -13.445926666259766 + ], + [ + "ReLU", + -13.445937156677246 + ], + [ + "\u2581consulter", + -13.445966720581056 + ], + [ + "\u2581Wehrdienst", + -13.44599437713623 + ], + [ + "toast", + -13.446003913879396 + ], + [ + "\u2581sluit", + -13.44602394104004 + ], + [ + "\u2581lawyers", + -13.446059226989746 + ], + [ + "\u2581calcula", + -13.446085929870604 + ], + [ + "\u2581trailer", + -13.4461088180542 + ], + [ + "\u2581patriarch", + -13.446125984191896 + ], + [ + "\u2581tinta", + -13.446133613586426 + ], + [ + "\u2581connectAttr", + -13.446181297302246 + ], + [ + "trica", + -13.446203231811523 + ], + [ + "Abschnitt", + -13.446249961853027 + ], + [ + "\u2581Mosa", + -13.446271896362305 + ], + [ + "\u2581intrinsic", + -13.446318626403809 + ], + [ + "\u2581Comenz\u00f3", + -13.446328163146973 + ], + [ + "William", + -13.446355819702148 + ], + [ + "\u2581Unite", + -13.44636344909668 + ], + [ + "missie", + -13.446401596069336 + ], + [ + "opfer", + -13.446404457092283 + ], + [ + "\u2581priorit\u00e9", + -13.446409225463867 + ], + [ + "\u2581rasgos", + -13.44643783569336 + ], + [ + "\u2581PCI", + -13.44644832611084 + ], + [ + "\u2581assinatura", + -13.44646167755127 + ], + [ + "\u2581uitgang", + -13.446489334106444 + ], + [ + "loper", + -13.446537017822266 + ], + [ + "\u2581denota", + -13.44656753540039 + ], + [ + "\u2581Vac", + -13.446578025817873 + ], + [ + "\u2581encontrar\u00e1", + -13.446585655212402 + ], + [ + "FDA", + -13.446747779846191 + ], + [ + "\u2581Kriminal", + -13.446748733520508 + ], + [ + "\u2581relais", + -13.446749687194824 + ], + [ + "\u2581coron", + -13.44675350189209 + ], + [ + "\u2581Gaz", + -13.446759223937988 + ], + [ + "statusCode", + -13.446765899658203 + ], + [ + "\u2581Rezeptor", + -13.446770668029783 + ], + [ + "\u2581Dimitri", + -13.446778297424316 + ], + [ + "Nueva", + -13.446809768676758 + ], + [ + "\u2581erleben", + -13.446810722351074 + ], + [ + "\u2581Grimanes", + -13.446834564208984 + ], + [ + "\u2581Dursleys", + -13.446839332580566 + ], + [ + "\u2581Amon", + -13.446842193603516 + ], + [ + "iola", + -13.446846961975098 + ], + [ + "\u2581asistente", + -13.446856498718262 + ], + [ + "raft", + -13.446866989135742 + ], + [ + "\u2581aidants", + -13.446866989135742 + ], + [ + "\u2581orientada", + -13.446897506713867 + ], + [ + "hfill", + -13.446905136108398 + ], + [ + "BLUE", + -13.446908950805664 + ], + [ + "Sei", + -13.446961402893066 + ], + [ + "\u2581Urlaubs", + -13.446965217590332 + ], + [ + "\u2581contraria", + -13.44696807861328 + ], + [ + "Indent", + -13.446983337402344 + ], + [ + "Saxon", + -13.44699001312256 + ], + [ + "neus", + -13.446991920471191 + ], + [ + "\u2581salari", + -13.447009086608888 + ], + [ + "\u2581Alpine", + -13.44704532623291 + ], + [ + "\u2581cambiado", + -13.447049140930176 + ], + [ + "\u2581developments", + -13.447098731994627 + ], + [ + "\u2581paisaje", + -13.447126388549805 + ], + [ + "\u2581prest", + -13.44713306427002 + ], + [ + "ATTR", + -13.447189331054688 + ], + [ + "\u2581alega", + -13.447229385375977 + ], + [ + "\u2581VALUES", + -13.447239875793455 + ], + [ + "\u2581klok", + -13.44726848602295 + ], + [ + "\u2581Milk", + -13.447279930114746 + ], + [ + "Industrie", + -13.447341918945312 + ], + [ + "\u2581styles", + -13.44735622406006 + ], + [ + "doel", + -13.447373390197754 + ], + [ + "capsula", + -13.447385787963867 + ], + [ + "FLU", + -13.447420120239258 + ], + [ + "\u2581gradual", + -13.447461128234863 + ], + [ + "Matches", + -13.447467803955078 + ], + [ + "\u2581distress", + -13.447467803955078 + ], + [ + "insediamento", + -13.447479248046877 + ], + [ + "\u2581provincies", + -13.447491645812988 + ], + [ + "Checked", + -13.44752025604248 + ], + [ + "\u2581magn", + -13.447534561157228 + ], + [ + "\u2581concentrati", + -13.44753646850586 + ], + [ + "ORF", + -13.447571754455566 + ], + [ + "perp", + -13.447616577148438 + ], + [ + "\u2581zivilen", + -13.447640419006348 + ], + [ + "guild", + -13.447651863098145 + ], + [ + "\u2581produzida", + -13.447660446166992 + ], + [ + "\u2581empezaron", + -13.447699546813965 + ], + [ + "Separator", + -13.447709083557127 + ], + [ + "ulas", + -13.44772720336914 + ], + [ + "\u2581noblesse", + -13.447736740112305 + ], + [ + "\u2581Inge", + -13.447741508483888 + ], + [ + "Priv", + -13.44777488708496 + ], + [ + "\u2581wechseln", + -13.44782829284668 + ], + [ + "igna", + -13.447833061218262 + ], + [ + "\u2581Parade", + -13.447845458984377 + ], + [ + "fork", + -13.44785976409912 + ], + [ + "\u2581firms", + -13.4478759765625 + ], + [ + "\u2581Wilder", + -13.44788646697998 + ], + [ + "bps", + -13.447918891906738 + ], + [ + "approvazione", + -13.447922706604004 + ], + [ + "\u2581Persian", + -13.447931289672852 + ], + [ + "\u2581Branca", + -13.447956085205078 + ], + [ + "nak", + -13.447957038879396 + ], + [ + "rdliche", + -13.447985649108888 + ], + [ + "\u2581Jog", + -13.44801902770996 + ], + [ + "uels", + -13.448028564453123 + ], + [ + "advanced", + -13.44804573059082 + ], + [ + "\u2581combien", + -13.448062896728516 + ], + [ + "Iter", + -13.448098182678224 + ], + [ + "\u2581Flori", + -13.448114395141602 + ], + [ + "prov\u00edncia", + -13.448172569274902 + ], + [ + "\u2581montrent", + -13.448172569274902 + ], + [ + "\u2581serbe", + -13.448174476623535 + ], + [ + "\u2581uitvoer", + -13.448179244995115 + ], + [ + "\u2581Sinopse", + -13.448186874389648 + ], + [ + "\u2581threw", + -13.448195457458496 + ], + [ + "\u00e9dit", + -13.44826602935791 + ], + [ + "\u2581Filmographie", + -13.448285102844238 + ], + [ + "\u2581ausgepr\u00e4gt", + -13.448288917541504 + ], + [ + "amante", + -13.448318481445312 + ], + [ + "\u2581Strau", + -13.44833278656006 + ], + [ + "\u2581paused", + -13.448334693908691 + ], + [ + "\u2581marino", + -13.448336601257324 + ], + [ + "\u2581middleware", + -13.44836711883545 + ], + [ + "\u2581akkoord", + -13.448371887207031 + ], + [ + "\u2581glaci", + -13.44838809967041 + ], + [ + "\u2581stamp", + -13.448390007019045 + ], + [ + "\u2581pathways", + -13.448392868041992 + ], + [ + "trivial", + -13.448406219482422 + ], + [ + "Sul", + -13.448420524597168 + ], + [ + "\u2581carni", + -13.448439598083496 + ], + [ + "\u2581Regent", + -13.448444366455078 + ], + [ + "\u2581previsti", + -13.448503494262695 + ], + [ + "\u00e4rer", + -13.448508262634276 + ], + [ + "\u2581verval", + -13.448532104492188 + ], + [ + "\u2581Oft", + -13.448562622070312 + ], + [ + "CONTE", + -13.44857120513916 + ], + [ + "\u2581amizade", + -13.44866180419922 + ], + [ + "\u2581personnalit\u00e9s", + -13.448678016662598 + ], + [ + "\u2581circostante", + -13.44867992401123 + ], + [ + "\u2581difendere", + -13.448689460754396 + ], + [ + "\u2581sviluppare", + -13.448695182800291 + ], + [ + "ligen", + -13.448720932006836 + ], + [ + "\u2581ciascun", + -13.448724746704102 + ], + [ + "DFE", + -13.448750495910645 + ], + [ + "rejo", + -13.448759078979492 + ], + [ + "\u2581Vorsicht", + -13.448771476745604 + ], + [ + "fca", + -13.448817253112791 + ], + [ + "yoshi", + -13.448840141296388 + ], + [ + "wach", + -13.448843002319336 + ], + [ + "\u2581Dynamik", + -13.44892406463623 + ], + [ + "\u2581Ingl", + -13.44898509979248 + ], + [ + "pflichten", + -13.44901180267334 + ], + [ + "kologie", + -13.44902515411377 + ], + [ + "\u2581Rechtfertigung", + -13.449028968811035 + ], + [ + "\u2581LineBox", + -13.44906997680664 + ], + [ + "\u2581felici", + -13.44909381866455 + ], + [ + "\u2581\u00e4ltesten", + -13.449098587036133 + ], + [ + "\u2581ambulante", + -13.44911766052246 + ], + [ + "\u2581Mieten", + -13.449121475219728 + ], + [ + "\u2581Labrador", + -13.449138641357422 + ], + [ + "\u2581elegida", + -13.449152946472168 + ], + [ + "clubs", + -13.449182510375977 + ], + [ + "\u2581personalidades", + -13.449188232421877 + ], + [ + "\u2581Anhaltspunkte", + -13.449222564697266 + ], + [ + "erase", + -13.449256896972656 + ], + [ + "\u2581atitude", + -13.449300765991213 + ], + [ + "\u2581favorita", + -13.449313163757324 + ], + [ + "\u2581Stichprobe", + -13.449318885803224 + ], + [ + "\u2581trenes", + -13.449350357055664 + ], + [ + "\u2581bilhete", + -13.449353218078612 + ], + [ + "\u2581gedood", + -13.44935703277588 + ], + [ + "malen", + -13.449398040771484 + ], + [ + "\u2581protocols", + -13.44944667816162 + ], + [ + "\u2581lanciato", + -13.449453353881836 + ], + [ + "\u2581Kredite", + -13.44946575164795 + ], + [ + "\u2581shallow", + -13.449508666992188 + ], + [ + "gress", + -13.44951057434082 + ], + [ + "\u2581Gebruik", + -13.449551582336426 + ], + [ + "\u2581l\u00e9ger", + -13.449560165405272 + ], + [ + "exprime", + -13.449576377868652 + ], + [ + "\u2581sesto", + -13.44959545135498 + ], + [ + "\u2581hinten", + -13.449596405029297 + ], + [ + "\u2581giunse", + -13.449614524841309 + ], + [ + "\u2581oh", + -13.44963264465332 + ], + [ + "Oy", + -13.44965362548828 + ], + [ + "SEL", + -13.449691772460938 + ], + [ + "decorate", + -13.44970989227295 + ], + [ + "\u2581PROPERTIES", + -13.449719429016112 + ], + [ + "\u2581Landau", + -13.449721336364746 + ], + [ + "\u2581entrevistas", + -13.449746131896973 + ], + [ + "\u2581origines", + -13.44975757598877 + ], + [ + "\u2581femin", + -13.449761390686035 + ], + [ + "\u2581trovi", + -13.449848175048828 + ], + [ + "tabel", + -13.449893951416016 + ], + [ + "\u2581Urkunden", + -13.449895858764648 + ], + [ + "\u2581rejet", + -13.449901580810549 + ], + [ + "Perm", + -13.449918746948242 + ], + [ + "prozesse", + -13.44991970062256 + ], + [ + "\u2581h\u00e4ngen", + -13.449931144714355 + ], + [ + "sarbeiten", + -13.449941635131836 + ], + [ + "\u2581Meur", + -13.44994831085205 + ], + [ + "RPG", + -13.449958801269531 + ], + [ + "tomcat", + -13.450002670288086 + ], + [ + "\u2581famosas", + -13.450013160705566 + ], + [ + "\u2581vielf\u00e4ltige", + -13.450013160705566 + ], + [ + "\u2581combattimento", + -13.450024604797363 + ], + [ + "keyboard", + -13.45005702972412 + ], + [ + "Github", + -13.450072288513184 + ], + [ + "SHIFT", + -13.450082778930664 + ], + [ + "\u2581Broadcasting", + -13.45009422302246 + ], + [ + "nion", + -13.450098991394045 + ], + [ + "quito", + -13.450116157531738 + ], + [ + "iji", + -13.45016860961914 + ], + [ + "Streaming", + -13.450173377990724 + ], + [ + "verenigingen", + -13.450178146362305 + ], + [ + "\u2581Maintenant", + -13.450212478637695 + ], + [ + "\u2581requisi", + -13.450214385986328 + ], + [ + "\u2581distor", + -13.450240135192873 + ], + [ + "nima", + -13.450250625610352 + ], + [ + "\u2581Hind", + -13.450284957885742 + ], + [ + "\u2581infections", + -13.450312614440918 + ], + [ + "\u2581daneben", + -13.450315475463867 + ], + [ + "gulp", + -13.450319290161133 + ], + [ + "\u2581thriller", + -13.45037078857422 + ], + [ + "agente", + -13.45040225982666 + ], + [ + "\u2581Katalysator", + -13.45042610168457 + ], + [ + "\u2581attori", + -13.450462341308594 + ], + [ + "lokken", + -13.4504976272583 + ], + [ + "avel", + -13.450501441955566 + ], + [ + "MOR", + -13.450520515441896 + ], + [ + "\u2581Onderwijs", + -13.450522422790527 + ], + [ + "cifra", + -13.45053768157959 + ], + [ + "\u2581Gleichgewicht", + -13.45055866241455 + ], + [ + "\u2581miracle", + -13.450573921203612 + ], + [ + "\u2581saputo", + -13.450597763061523 + ], + [ + "k\u00f3w", + -13.450621604919434 + ], + [ + "\u2581negende", + -13.450626373291016 + ], + [ + "\u2581dedicar", + -13.45066738128662 + ], + [ + "lai", + -13.450713157653809 + ], + [ + "\u2581Valenciana", + -13.450751304626465 + ], + [ + "ciclo", + -13.450758934020996 + ], + [ + "streng", + -13.45079517364502 + ], + [ + "\u2581Stimmung", + -13.45079517364502 + ], + [ + "\u2581tercio", + -13.450797080993652 + ], + [ + "gelaufen", + -13.450835227966309 + ], + [ + "canto", + -13.450881958007812 + ], + [ + "EBF", + -13.450892448425291 + ], + [ + "\u2581Casey", + -13.45089626312256 + ], + [ + "dead", + -13.45090389251709 + ], + [ + "\u2581Rating", + -13.45093059539795 + ], + [ + "bala", + -13.450980186462402 + ], + [ + "\u2581Suo", + -13.451020240783691 + ], + [ + "\u2581verdween", + -13.451035499572754 + ], + [ + "\u2581trouwen", + -13.451093673706056 + ], + [ + "\u2581firmado", + -13.451144218444824 + ], + [ + "Ranges", + -13.451189994812012 + ], + [ + "\u2581vereist", + -13.451190948486328 + ], + [ + "\u2581Vital", + -13.451201438903809 + ], + [ + "\u2581Rothschild", + -13.451213836669922 + ], + [ + "int\u00e9gration", + -13.451224327087402 + ], + [ + "luck", + -13.451289176940918 + ], + [ + "mbito", + -13.451305389404297 + ], + [ + "chrys", + -13.451343536376951 + ], + [ + "feito", + -13.451373100280762 + ], + [ + "\u2581Palo", + -13.451383590698242 + ], + [ + "commissaris", + -13.451404571533203 + ], + [ + "Sex", + -13.451409339904783 + ], + [ + "\u2581Maggie", + -13.451414108276367 + ], + [ + "\u2581originais", + -13.45147705078125 + ], + [ + "Implicit", + -13.451493263244627 + ], + [ + "uidoost", + -13.451515197753906 + ], + [ + "\u2581conservar", + -13.451526641845703 + ], + [ + "\u2581tournant", + -13.451560020446776 + ], + [ + "\u2581piernas", + -13.451563835144045 + ], + [ + "\u2581interim", + -13.451598167419434 + ], + [ + "schlagen", + -13.451608657836914 + ], + [ + "fB", + -13.451611518859863 + ], + [ + "\u2581treinamento", + -13.451621055603027 + ], + [ + "richtig", + -13.451635360717772 + ], + [ + "\u2581ernsthaft", + -13.451642036437988 + ], + [ + "\u2581Videos", + -13.451672554016112 + ], + [ + "fassungsgerichts", + -13.45168685913086 + ], + [ + "MATLAB", + -13.451706886291504 + ], + [ + "adoras", + -13.451726913452148 + ], + [ + "\u2581schul", + -13.451775550842283 + ], + [ + "Immediate", + -13.451794624328612 + ], + [ + "\u2581Lum", + -13.451831817626951 + ], + [ + "Song", + -13.451863288879396 + ], + [ + "rost", + -13.451868057250977 + ], + [ + "\u2581haberse", + -13.451876640319824 + ], + [ + "\u2581Dienststellen", + -13.451889991760254 + ], + [ + "beziehung", + -13.451904296875 + ], + [ + "\u2581alleati", + -13.451916694641112 + ], + [ + "pound", + -13.45193099975586 + ], + [ + "\u2581idol", + -13.451976776123049 + ], + [ + "Aragon", + -13.451983451843262 + ], + [ + "rong", + -13.451987266540527 + ], + [ + "\u2581amour", + -13.45199203491211 + ], + [ + "\u2581anota", + -13.452024459838867 + ], + [ + "merged", + -13.452126502990724 + ], + [ + "ccia", + -13.452152252197266 + ], + [ + "\u2581Weich", + -13.452155113220217 + ], + [ + "Campe\u00f3n", + -13.452157020568848 + ], + [ + "\u2581Romans", + -13.452171325683594 + ], + [ + "\u2581Tch", + -13.452214241027832 + ], + [ + "\u2581oposto", + -13.452216148376465 + ], + [ + "\u2581morceau", + -13.452237129211426 + ], + [ + "\u2581Ponce", + -13.45224380493164 + ], + [ + "pagos", + -13.452349662780762 + ], + [ + "screenshot", + -13.452349662780762 + ], + [ + "\u2581receipt", + -13.452350616455078 + ], + [ + "\u2581Sicherungs", + -13.452362060546877 + ], + [ + "\u2581Abg", + -13.452394485473633 + ], + [ + "fabrikant", + -13.452407836914062 + ], + [ + "\u2581stimuli", + -13.452418327331545 + ], + [ + "\u2581geheime", + -13.452432632446287 + ], + [ + "DCE", + -13.452439308166504 + ], + [ + "ContentType", + -13.4524564743042 + ], + [ + "crow", + -13.452489852905272 + ], + [ + "\u2581magasin", + -13.452542304992676 + ], + [ + "\u2581sonstiger", + -13.452543258666992 + ], + [ + "\u2581Drum", + -13.452552795410156 + ], + [ + "\u2581inconsciente", + -13.452569007873535 + ], + [ + "\u2581intentions", + -13.452604293823242 + ], + [ + "\u2581\u00e9cout", + -13.452634811401367 + ], + [ + "secrets", + -13.4527587890625 + ], + [ + "\u2581bitten", + -13.452764511108398 + ], + [ + "parteien", + -13.452802658081056 + ], + [ + "\u2581Einfl\u00fcsse", + -13.452805519104004 + ], + [ + "\u2581steuerlichen", + -13.452815055847168 + ], + [ + "\u2581tausend", + -13.452852249145508 + ], + [ + "\u2581Versch", + -13.452863693237305 + ], + [ + "\u00f3dio", + -13.452875137329102 + ], + [ + "bashrc", + -13.452909469604492 + ], + [ + "ostoma", + -13.452929496765137 + ], + [ + "\u2581hinunter", + -13.45293140411377 + ], + [ + "\u2581optimis", + -13.453042030334473 + ], + [ + "lian", + -13.453067779541016 + ], + [ + "Cyr", + -13.45309352874756 + ], + [ + "SCSI", + -13.453124046325684 + ], + [ + "\u2581d\u00e9finie", + -13.453132629394531 + ], + [ + "Pronome", + -13.453134536743164 + ], + [ + "Stellungnahme", + -13.453154563903809 + ], + [ + "qd", + -13.453157424926758 + ], + [ + "\u2581accepter", + -13.45316219329834 + ], + [ + "GJ", + -13.453176498413086 + ], + [ + "\u2581liedjes", + -13.4531888961792 + ], + [ + "\u2581suspens", + -13.453262329101562 + ], + [ + "\u2581M\u00fcnchner", + -13.453265190124512 + ], + [ + "\u2581brutt", + -13.45326805114746 + ], + [ + "deepcopy", + -13.453295707702637 + ], + [ + "Kv", + -13.453330993652344 + ], + [ + "\u2581Forbes", + -13.453353881835938 + ], + [ + "\u2581wonnen", + -13.453373908996582 + ], + [ + "\u2581cenas", + -13.453375816345217 + ], + [ + "lten", + -13.453397750854492 + ], + [ + "\u2581BHO", + -13.453397750854492 + ], + [ + "\u2581Anpassungen", + -13.453398704528809 + ], + [ + "\u2581Eagles", + -13.45341968536377 + ], + [ + "\u2581Journey", + -13.453434944152832 + ], + [ + "\u2581acad\u00e9mico", + -13.45348072052002 + ], + [ + "\u2581gewonnenen", + -13.453537940979004 + ], + [ + "\u2581Dateien", + -13.453595161437988 + ], + [ + "\u2581miel", + -13.45364475250244 + ], + [ + "\u2581Fristen", + -13.453697204589844 + ], + [ + "\u00e9mi", + -13.45371150970459 + ], + [ + "\u2581verschieden", + -13.45374584197998 + ], + [ + "lech", + -13.453761100769045 + ], + [ + "Fla", + -13.453775405883787 + ], + [ + "Jar", + -13.453781127929688 + ], + [ + "\u2581ambi", + -13.45384407043457 + ], + [ + "\u2581qu\u00edmico", + -13.453912734985352 + ], + [ + "Jw", + -13.453920364379885 + ], + [ + "talen", + -13.45394229888916 + ], + [ + "\u2581proteggere", + -13.453962326049805 + ], + [ + "\u2581scoring", + -13.453962326049805 + ], + [ + "\u2581transici\u00f3n", + -13.453989028930664 + ], + [ + "oligo", + -13.453993797302246 + ], + [ + "\u2581accumulation", + -13.453998565673828 + ], + [ + "nodeName", + -13.45400047302246 + ], + [ + "amare", + -13.454045295715332 + ], + [ + "httpMethod", + -13.454068183898926 + ], + [ + "\u2581Mic", + -13.454072952270508 + ], + [ + "\u2581Tobago", + -13.454076766967772 + ], + [ + "Trust", + -13.45408821105957 + ], + [ + "\u2581grasp", + -13.454092979431152 + ], + [ + "\u2581Classification", + -13.45411205291748 + ], + [ + "br\u00fc", + -13.454134941101074 + ], + [ + "f\u00fcllt", + -13.454153060913086 + ], + [ + "ulassungs", + -13.454268455505373 + ], + [ + "\u2581Amtes", + -13.45429515838623 + ], + [ + "\u2581verandert", + -13.454297065734863 + ], + [ + "\u2581Propaganda", + -13.454325675964355 + ], + [ + "\u2581endete", + -13.454336166381836 + ], + [ + "augment", + -13.454339981079102 + ], + [ + "\u2581drum", + -13.454362869262695 + ], + [ + "\u2581capacit\u00e9s", + -13.454390525817873 + ], + [ + "ESI", + -13.454404830932615 + ], + [ + "\u2581constructions", + -13.45441436767578 + ], + [ + "\u2581pauvres", + -13.454415321350098 + ], + [ + "\u2581interpolation", + -13.454429626464844 + ], + [ + "\u2581finanziell", + -13.45443344116211 + ], + [ + "inside", + -13.454444885253906 + ], + [ + "\u2581Wolfs", + -13.454458236694336 + ], + [ + "OPS", + -13.454480171203612 + ], + [ + "animado", + -13.454503059387209 + ], + [ + "\u2581Patriot", + -13.454503059387209 + ], + [ + "esch", + -13.454584121704102 + ], + [ + "\u2581toque", + -13.454601287841797 + ], + [ + "ERC", + -13.454611778259276 + ], + [ + "\u2581Sinai", + -13.45463752746582 + ], + [ + "\u2581alpino", + -13.454699516296388 + ], + [ + "\u2581Reit", + -13.454733848571776 + ], + [ + "\u2581ROS", + -13.454773902893066 + ], + [ + "sende", + -13.45479679107666 + ], + [ + "\u2581preguntar", + -13.454808235168455 + ], + [ + "\u2581Panorama", + -13.454816818237305 + ], + [ + "potenz", + -13.454838752746582 + ], + [ + "\u2581deelgemeente", + -13.454853057861328 + ], + [ + "\u2581Arrondissement", + -13.454874992370604 + ], + [ + "figures", + -13.4548921585083 + ], + [ + "singen", + -13.454946517944336 + ], + [ + "\u2581intellectuelle", + -13.454973220825195 + ], + [ + "\u2581verstand", + -13.455058097839355 + ], + [ + "\u2581timore", + -13.45506477355957 + ], + [ + "\u2581unentgeltlich", + -13.455092430114746 + ], + [ + "\u2581comunicado", + -13.455101013183594 + ], + [ + "\u2581Kapazit\u00e4t", + -13.455135345458984 + ], + [ + "\u2581tio", + -13.455153465270996 + ], + [ + "metrostation", + -13.45518398284912 + ], + [ + "m\u00e4rkten", + -13.455206871032717 + ], + [ + "\u2581Roch", + -13.455227851867676 + ], + [ + "aml", + -13.455252647399902 + ], + [ + "\u2581m\u00e9tropole", + -13.45526885986328 + ], + [ + "\u2581CellID", + -13.455269813537598 + ], + [ + "\u2581ucrain", + -13.455280303955078 + ], + [ + "andri", + -13.45529842376709 + ], + [ + "Dw", + -13.455309867858888 + ], + [ + "\u2581Vereine", + -13.45533561706543 + ], + [ + "\u2581Segel", + -13.455364227294922 + ], + [ + "\u2581cabello", + -13.45539093017578 + ], + [ + "\u2581Gear", + -13.455402374267578 + ], + [ + "\u2581imigrantes", + -13.455443382263184 + ], + [ + "\u2581getroffenen", + -13.455450057983398 + ], + [ + "\u2581Chemnitz", + -13.455451011657717 + ], + [ + "\u2581solvent", + -13.455453872680664 + ], + [ + "effizient", + -13.455489158630373 + ], + [ + "\u2581Botschafter", + -13.455523490905762 + ], + [ + "hazard", + -13.45557975769043 + ], + [ + "\u2581Vorbehalt", + -13.45558738708496 + ], + [ + "Functions", + -13.455609321594238 + ], + [ + "rythr", + -13.455612182617188 + ], + [ + "nose", + -13.45561695098877 + ], + [ + "\u2581secca", + -13.45562744140625 + ], + [ + "\u2581explotaci\u00f3n", + -13.455636024475098 + ], + [ + "\u2581hierop", + -13.455726623535156 + ], + [ + "Barcelona", + -13.455743789672852 + ], + [ + "\u2581Sava", + -13.455763816833496 + ], + [ + "Maurice", + -13.455781936645508 + ], + [ + "\u2581bestraft", + -13.45580768585205 + ], + [ + "bauliche", + -13.455815315246582 + ], + [ + "kari", + -13.45583152770996 + ], + [ + "\u2581locals", + -13.455862998962402 + ], + [ + "ntenversicherung", + -13.4558687210083 + ], + [ + "anjo", + -13.455896377563477 + ], + [ + "anzeigen", + -13.45590114593506 + ], + [ + "ignot", + -13.455907821655272 + ], + [ + "\u2581suyo", + -13.45591640472412 + ], + [ + "\u2581Kamen", + -13.455958366394045 + ], + [ + "\u2581tendency", + -13.45595932006836 + ], + [ + "inhibit", + -13.455968856811523 + ], + [ + "\u2581Infinit", + -13.455984115600586 + ], + [ + "\u2581cassett", + -13.45598602294922 + ], + [ + "\u2581suicida", + -13.456019401550291 + ], + [ + "nacido", + -13.456021308898926 + ], + [ + "\u2581renal", + -13.45605182647705 + ], + [ + "\u00e4s", + -13.456056594848633 + ], + [ + "matidae", + -13.456082344055176 + ], + [ + "sebene", + -13.456101417541504 + ], + [ + "\u2581Required", + -13.456183433532717 + ], + [ + "\u2581considerably", + -13.45619010925293 + ], + [ + "kW", + -13.456206321716309 + ], + [ + "\u2581vescovi", + -13.456268310546877 + ], + [ + "astronomie", + -13.456327438354492 + ], + [ + "\u2581dispersa", + -13.456338882446287 + ], + [ + "\u2581dungs", + -13.456357955932615 + ], + [ + "\u2581Tradu", + -13.45641803741455 + ], + [ + "Mais", + -13.456424713134766 + ], + [ + "\u2581fileName", + -13.456504821777344 + ], + [ + "\u2581wesentlicher", + -13.456543922424316 + ], + [ + "yuki", + -13.456598281860352 + ], + [ + "\u2581Paco", + -13.456600189208984 + ], + [ + "\u2581psychische", + -13.456622123718262 + ], + [ + "Russ", + -13.45664119720459 + ], + [ + "ClassName", + -13.456649780273438 + ], + [ + "\u2581polin", + -13.456650733947754 + ], + [ + "\u2581Chapelle", + -13.45668888092041 + ], + [ + "\u2581Schmelz", + -13.456721305847168 + ], + [ + "\u2581grip", + -13.456721305847168 + ], + [ + "\u2581Gap", + -13.456731796264648 + ], + [ + "\u2581Pause", + -13.456743240356444 + ], + [ + "southeast", + -13.456756591796877 + ], + [ + "march", + -13.45677089691162 + ], + [ + "Slowakije", + -13.456783294677734 + ], + [ + "L\u00fcneburg", + -13.45678424835205 + ], + [ + "\u2581Nec", + -13.45682144165039 + ], + [ + "eitungen", + -13.456852912902832 + ], + [ + "\u2581Previous", + -13.456867218017578 + ], + [ + "\u2581Kolonial", + -13.456880569458008 + ], + [ + "ammar", + -13.456910133361816 + ], + [ + "\u2581lessons", + -13.456979751586914 + ], + [ + "\u2581sterrenbeeld", + -13.457027435302734 + ], + [ + "\u2581Brother", + -13.457029342651367 + ], + [ + "orkest", + -13.45705223083496 + ], + [ + "\u2581Charente", + -13.457074165344238 + ], + [ + "\u2581logische", + -13.45707893371582 + ], + [ + "amment", + -13.457117080688477 + ], + [ + "\u00f3rico", + -13.457146644592283 + ], + [ + "\u2581separaci\u00f3n", + -13.457173347473145 + ], + [ + "\u2581evidenzia", + -13.457183837890623 + ], + [ + "MAL", + -13.45719051361084 + ], + [ + "Kam", + -13.4572172164917 + ], + [ + "\u2581Kapitels", + -13.457225799560549 + ], + [ + "urna", + -13.457232475280762 + ], + [ + "Iw", + -13.457280158996582 + ], + [ + "propria", + -13.457283973693848 + ], + [ + "\u2581vou", + -13.457283973693848 + ], + [ + "eyer", + -13.45728874206543 + ], + [ + "xsl", + -13.45728874206543 + ], + [ + "gehend", + -13.45732593536377 + ], + [ + "\u2581Haz", + -13.457345962524414 + ], + [ + "\u2581alegr\u00eda", + -13.457385063171388 + ], + [ + "\u2581Geburts", + -13.457391738891602 + ], + [ + "\u2581Kabinett", + -13.457402229309082 + ], + [ + "official", + -13.457432746887209 + ], + [ + "\u2581Impulse", + -13.457443237304688 + ], + [ + "\u2581beeintr\u00e4chtigen", + -13.4574613571167 + ], + [ + "\u2581swimming", + -13.457464218139648 + ], + [ + "\u2581Detective", + -13.457468032836914 + ], + [ + "\u2581Riley", + -13.457592010498049 + ], + [ + "aktive", + -13.457635879516602 + ], + [ + "\u2581simulator", + -13.457651138305664 + ], + [ + "\u2581rappeler", + -13.45765495300293 + ], + [ + "\u2581meccanismo", + -13.457655906677246 + ], + [ + "\u2581Tauf", + -13.45767879486084 + ], + [ + "\u2581fits", + -13.457682609558104 + ], + [ + "\u2581daling", + -13.457685470581056 + ], + [ + "\u2581sapore", + -13.45771312713623 + ], + [ + "\u2581Amplitude", + -13.457714080810549 + ], + [ + "\u2581scheinbar", + -13.457820892333984 + ], + [ + "culturalmente", + -13.457850456237791 + ], + [ + "DDD", + -13.45786952972412 + ], + [ + "skript", + -13.457892417907717 + ], + [ + "repeating", + -13.45789623260498 + ], + [ + "\u2581vendidos", + -13.457898139953612 + ], + [ + "\u2581Raumfahrt", + -13.457908630371094 + ], + [ + "\u2581Muchas", + -13.457924842834473 + ], + [ + "\u2581voorjaar", + -13.457924842834473 + ], + [ + "am\u00e9ricain", + -13.457925796508787 + ], + [ + "\u2581riscos", + -13.457925796508787 + ], + [ + "\u2581bancaire", + -13.457955360412598 + ], + [ + "\u2581controlPoint", + -13.457984924316406 + ], + [ + "\u2581d\u00e9roulant", + -13.457987785339355 + ], + [ + "\u2581costumam", + -13.458020210266112 + ], + [ + "\u2581inverni", + -13.458023071289062 + ], + [ + "h\u00e9r", + -13.458037376403809 + ], + [ + "\u2581ammirare", + -13.45804214477539 + ], + [ + "\u2581atteggiamento", + -13.458060264587402 + ], + [ + "\u2581Chrom", + -13.458067893981934 + ], + [ + "\u2581virgin", + -13.458070755004885 + ], + [ + "\u2581getekend", + -13.45809268951416 + ], + [ + "leving", + -13.458139419555664 + ], + [ + "PCA", + -13.458148002624512 + ], + [ + "\u2581designar", + -13.458174705505373 + ], + [ + "\u2581Rha", + -13.458194732666016 + ], + [ + "\u2581Senhor", + -13.458221435546877 + ], + [ + "orra", + -13.45824909210205 + ], + [ + "\u2581Polizisten", + -13.458264350891112 + ], + [ + "\u2581imparti", + -13.458269119262695 + ], + [ + "Chip", + -13.458291053771973 + ], + [ + "\u2581Lancaster", + -13.458318710327148 + ], + [ + "\u2581revolu", + -13.458318710327148 + ], + [ + "leid", + -13.45835018157959 + ], + [ + "hawk", + -13.458369255065918 + ], + [ + "\u2581comedy", + -13.458372116088867 + ], + [ + "\u2581Noble", + -13.458377838134766 + ], + [ + "cortical", + -13.458477020263672 + ], + [ + "ap\u00e9", + -13.458483695983888 + ], + [ + "\u2581Constitucional", + -13.458514213562012 + ], + [ + "\u2581g\u00fcltigen", + -13.458614349365234 + ], + [ + "\u2581G\u00fcte", + -13.458627700805664 + ], + [ + "gebonden", + -13.458661079406738 + ], + [ + "onner", + -13.458678245544434 + ], + [ + "\u2581convencido", + -13.45869255065918 + ], + [ + "\u2581taxas", + -13.458693504333496 + ], + [ + "unterschiede", + -13.45872974395752 + ], + [ + "\u2581obere", + -13.458749771118164 + ], + [ + "\u2581vermuten", + -13.458784103393556 + ], + [ + "Previous", + -13.45879077911377 + ], + [ + "\u2581Patrimoine", + -13.458819389343262 + ], + [ + "\u2581Fant", + -13.458857536315918 + ], + [ + "\u2581Angleichung", + -13.458905220031738 + ], + [ + "MEMOR", + -13.458907127380373 + ], + [ + "\u00e9ry", + -13.458909034729004 + ], + [ + "\u2581Ode", + -13.458909034729004 + ], + [ + "lapping", + -13.458910942077637 + ], + [ + "vato", + -13.458914756774902 + ], + [ + "Alban", + -13.459051132202148 + ], + [ + "\u2581Shot", + -13.45907497406006 + ], + [ + "\u2581Kath", + -13.459092140197754 + ], + [ + "\u2581identiteit", + -13.459107398986816 + ], + [ + "associated", + -13.459108352661133 + ], + [ + "\u2581Algemene", + -13.45915985107422 + ], + [ + "\u2581Sch\u00e4tzung", + -13.459183692932127 + ], + [ + "realm", + -13.45920467376709 + ], + [ + "\u2581llamaba", + -13.459211349487305 + ], + [ + "\u2581segnali", + -13.459214210510254 + ], + [ + "\u2581journalistes", + -13.45922565460205 + ], + [ + "einschl", + -13.459237098693848 + ], + [ + "\u2581claire", + -13.45926570892334 + ], + [ + "\u2581Merit", + -13.459274291992188 + ], + [ + "\u2581immobile", + -13.459305763244627 + ], + [ + "\u2581sintesi", + -13.459307670593262 + ], + [ + "\u2581Individuen", + -13.459415435791016 + ], + [ + "Broken", + -13.459470748901367 + ], + [ + "POD", + -13.459484100341797 + ], + [ + "\u2581ergebenden", + -13.459508895874023 + ], + [ + "\u2581Scienze", + -13.459517478942873 + ], + [ + "\u2581establishing", + -13.459558486938477 + ], + [ + "\u2581ensures", + -13.459564208984377 + ], + [ + "Popup", + -13.45961856842041 + ], + [ + "\u2581Klassifikation", + -13.459657669067385 + ], + [ + "\u2581conform\u00e9ment", + -13.459673881530762 + ], + [ + "prise", + -13.459704399108888 + ], + [ + "DIRECT", + -13.459707260131836 + ], + [ + "\u2581smoking", + -13.459846496582031 + ], + [ + "\u2581iglesias", + -13.4598970413208 + ], + [ + "ament", + -13.459906578063965 + ], + [ + "\u2581brin", + -13.459916114807127 + ], + [ + "\u2581Fragestellung", + -13.459920883178713 + ], + [ + "\u2581Nigel", + -13.45994472503662 + ], + [ + "rf\u00fcllungsaufwand", + -13.459962844848633 + ], + [ + "gerichtet", + -13.45998477935791 + ], + [ + "zieren", + -13.460001945495604 + ], + [ + "\u2581circunst", + -13.460004806518556 + ], + [ + "gay", + -13.460012435913086 + ], + [ + "\u2581sweat", + -13.460016250610352 + ], + [ + "ewski", + -13.46005916595459 + ], + [ + "\u2581beantworten", + -13.460102081298828 + ], + [ + "\u2581experimentos", + -13.46017360687256 + ], + [ + "\u2581basilica", + -13.460183143615724 + ], + [ + "\u2581Fabrizio", + -13.46018886566162 + ], + [ + "Sphere", + -13.46019172668457 + ], + [ + "\u2581momentan", + -13.460270881652832 + ], + [ + "dance", + -13.460297584533691 + ], + [ + "zzo", + -13.460299491882324 + ], + [ + "\u2581terminais", + -13.46030330657959 + ], + [ + "paint", + -13.460318565368652 + ], + [ + "\u2581leuk", + -13.46034336090088 + ], + [ + "\u2581imprensa", + -13.460350036621094 + ], + [ + "\u2581stattdessen", + -13.460359573364258 + ], + [ + "bef", + -13.460360527038574 + ], + [ + "\u2581Panth", + -13.460411071777344 + ], + [ + "\u2581Mois\u00e9s", + -13.46043872833252 + ], + [ + "\u2581confusione", + -13.460455894470217 + ], + [ + "optimal", + -13.460471153259276 + ], + [ + "\u2581Tucker", + -13.46047306060791 + ], + [ + "Pr\u00e4", + -13.460529327392578 + ], + [ + "\u2581irlandese", + -13.460577964782717 + ], + [ + "\u2581generations", + -13.460603713989258 + ], + [ + "\u2581inkomen", + -13.460609436035156 + ], + [ + "\u2581xargs", + -13.460631370544434 + ], + [ + "\u2581legitimate", + -13.46063232421875 + ], + [ + "Sel", + -13.4606351852417 + ], + [ + "\u2581Lexi", + -13.46065902709961 + ], + [ + "Duplicate", + -13.460688591003418 + ], + [ + "\u2581vertretbar", + -13.460715293884276 + ], + [ + "Personalausgaben", + -13.460736274719238 + ], + [ + "\u2581Tomb", + -13.460760116577148 + ], + [ + "\u2581mour", + -13.460790634155272 + ], + [ + "\u2581repr\u00e9sent\u00e9", + -13.460824966430664 + ], + [ + "\u2581oorzaak", + -13.460844039916992 + ], + [ + "\u2581kondigde", + -13.460862159729004 + ], + [ + "\u2581cultivar", + -13.460865020751951 + ], + [ + "\u2581constat", + -13.46088409423828 + ], + [ + "\u2581langzaam", + -13.460890769958496 + ], + [ + "\u2581poort", + -13.460890769958496 + ], + [ + "konomie", + -13.460892677307127 + ], + [ + "\u2581editora", + -13.46091365814209 + ], + [ + "grove", + -13.46095085144043 + ], + [ + "\u2581Evidence", + -13.460965156555176 + ], + [ + "\u2581imparare", + -13.460987091064451 + ], + [ + "respect", + -13.460991859436035 + ], + [ + "\u2581symbolique", + -13.460999488830566 + ], + [ + "\u2581deceduto", + -13.461031913757324 + ], + [ + "ukunfts", + -13.46107292175293 + ], + [ + "\u2581initiative", + -13.46109104156494 + ], + [ + "\u2581theatre", + -13.461109161376951 + ], + [ + "\u2581Nickel", + -13.46111297607422 + ], + [ + "\u2581apparentemente", + -13.461159706115724 + ], + [ + "\u2581dynamical", + -13.461274147033691 + ], + [ + "sowie", + -13.461284637451172 + ], + [ + "paal", + -13.461332321166992 + ], + [ + "\u2581sonno", + -13.461346626281738 + ], + [ + "\u2581recuperaci\u00f3n", + -13.461358070373535 + ], + [ + "Algorithmus", + -13.461380004882812 + ], + [ + "\u2581effektive", + -13.461461067199709 + ], + [ + "\u2581estejam", + -13.461469650268556 + ], + [ + "detection", + -13.461477279663086 + ], + [ + "\u2581fris", + -13.46152400970459 + ], + [ + "\u2581Rechtsmittel", + -13.461539268493652 + ], + [ + "hj", + -13.461546897888184 + ], + [ + "\u2581Nest", + -13.461546897888184 + ], + [ + "\u2581Verkeer", + -13.461557388305664 + ], + [ + "\u2581petto", + -13.461562156677246 + ], + [ + "\u2581focusing", + -13.461567878723145 + ], + [ + "\u2581sal\u00f3n", + -13.461591720581056 + ], + [ + "dite", + -13.461651802062988 + ], + [ + "\u2581saem", + -13.461668968200684 + ], + [ + "\u2581soldier", + -13.461673736572266 + ], + [ + "impiega", + -13.46172332763672 + ], + [ + "Velo", + -13.461758613586426 + ], + [ + "quete", + -13.461786270141602 + ], + [ + "\u2581africanos", + -13.461853981018066 + ], + [ + "anker", + -13.461856842041016 + ], + [ + "ossi", + -13.46187973022461 + ], + [ + "\u2581quotidiana", + -13.461950302124023 + ], + [ + "arrive", + -13.461956024169922 + ], + [ + "\u2581Urbano", + -13.461965560913086 + ], + [ + "vq", + -13.461980819702148 + ], + [ + "\u2581reviewed", + -13.46200466156006 + ], + [ + "\u2581Gat", + -13.462008476257324 + ], + [ + "Pk", + -13.462010383605955 + ], + [ + "serialization", + -13.462011337280272 + ], + [ + "\u2581impedire", + -13.46201229095459 + ], + [ + "\u2581pomp", + -13.462018013000488 + ], + [ + "\u2581SDL", + -13.462032318115234 + ], + [ + "proteine", + -13.46204948425293 + ], + [ + "\u2581practica", + -13.462079048156738 + ], + [ + "\u2581inhaltliche", + -13.462080955505373 + ], + [ + "\u2581ferm\u00e9", + -13.46210765838623 + ], + [ + "steigerung", + -13.46211051940918 + ], + [ + "\u2581Haf", + -13.462113380432127 + ], + [ + "\u2581Character", + -13.46214199066162 + ], + [ + "\u2581dessins", + -13.462178230285645 + ], + [ + "merken", + -13.462187767028809 + ], + [ + "riel", + -13.462240219116213 + ], + [ + "USD", + -13.462251663208008 + ], + [ + "\u2581cr\u00e9ditos", + -13.46226978302002 + ], + [ + "\u2581Bere", + -13.4622802734375 + ], + [ + "\u2581bijnaam", + -13.462285041809082 + ], + [ + "\u2581poursuite", + -13.462305068969728 + ], + [ + "\u2581beschadigd", + -13.46231460571289 + ], + [ + "invito", + -13.462353706359863 + ], + [ + "\u2581Heather", + -13.462376594543455 + ], + [ + "vragen", + -13.46238613128662 + ], + [ + "gino", + -13.46241283416748 + ], + [ + "instructions", + -13.462413787841797 + ], + [ + "agudo", + -13.46242618560791 + ], + [ + "etting", + -13.462468147277832 + ], + [ + "ktion", + -13.462470054626465 + ], + [ + "\u2581vH", + -13.462493896484377 + ], + [ + "\u2581sultan", + -13.462519645690918 + ], + [ + "\u2581Verlags", + -13.462565422058104 + ], + [ + "august", + -13.46260929107666 + ], + [ + "\u2581Chipre", + -13.462663650512695 + ], + [ + "wreck", + -13.462664604187012 + ], + [ + "skaya", + -13.46268367767334 + ], + [ + "installe", + -13.46270751953125 + ], + [ + "\u2581theoretischen", + -13.4627103805542 + ], + [ + "\u2581Candidatura", + -13.46274757385254 + ], + [ + "\u2581japanischen", + -13.46275520324707 + ], + [ + "defineProperty", + -13.462759971618652 + ], + [ + "\u2581adquirida", + -13.462808609008787 + ], + [ + "\u2581Grae", + -13.46282196044922 + ], + [ + "\u2581d\u00e9penses", + -13.46285343170166 + ], + [ + "\u2581charts", + -13.462870597839355 + ], + [ + "\u2581dapprima", + -13.46290683746338 + ], + [ + "pace", + -13.462940216064451 + ], + [ + "Brachy", + -13.462992668151855 + ], + [ + "\u2581ARGE", + -13.462993621826172 + ], + [ + "knoten", + -13.463034629821776 + ], + [ + "\u2581Baloncesto", + -13.463075637817385 + ], + [ + "\u2581tessuto", + -13.4630765914917 + ], + [ + "\u2581stijging", + -13.46309757232666 + ], + [ + "ktoren", + -13.46312141418457 + ], + [ + "knooppunt", + -13.463194847106934 + ], + [ + "\u2581wichtiges", + -13.463201522827148 + ], + [ + "Abkommen", + -13.463215827941896 + ], + [ + "\u2581Lijn", + -13.463216781616213 + ], + [ + "sharp", + -13.463272094726562 + ], + [ + "ORDER", + -13.46327304840088 + ], + [ + "\u2581eingehen", + -13.463364601135254 + ], + [ + "\u2581parrocchia", + -13.463411331176758 + ], + [ + "shintergrund", + -13.463446617126465 + ], + [ + "Deutsch", + -13.46346664428711 + ], + [ + "gemein", + -13.46352767944336 + ], + [ + "lng", + -13.463552474975586 + ], + [ + "\u2581lealdade", + -13.46358871459961 + ], + [ + "\u2581Saber", + -13.463593482971191 + ], + [ + "gedreven", + -13.463610649108888 + ], + [ + "\u2581Enzo", + -13.463635444641112 + ], + [ + "\u2581pytest", + -13.463661193847656 + ], + [ + "Studio", + -13.463736534118652 + ], + [ + "below", + -13.463820457458496 + ], + [ + "staticmethod", + -13.463829040527344 + ], + [ + "\u2581controversia", + -13.463889122009276 + ], + [ + "\u2581Preston", + -13.464024543762209 + ], + [ + "hij", + -13.46402645111084 + ], + [ + "giano", + -13.464030265808104 + ], + [ + "\u2581pursue", + -13.464032173156738 + ], + [ + "\u2581Techniken", + -13.464033126831056 + ], + [ + "Vel", + -13.464035987854004 + ], + [ + "\u2581vizi", + -13.46404266357422 + ], + [ + "\u2581\u00fcberschreitet", + -13.464049339294434 + ], + [ + "faire", + -13.464061737060549 + ], + [ + "\u2581Spitz", + -13.464101791381836 + ], + [ + "\u2581Kl\u00e4rung", + -13.464106559753418 + ], + [ + "\u2581terrains", + -13.46410846710205 + ], + [ + "\u2581contemporain", + -13.464160919189451 + ], + [ + "\u2581oost", + -13.4642333984375 + ], + [ + "doppel", + -13.464266777038574 + ], + [ + "\u2581Oostenrijks", + -13.464299201965332 + ], + [ + "\u2581Plano", + -13.464305877685549 + ], + [ + "eich", + -13.464325904846191 + ], + [ + "\u2581Comte", + -13.464329719543455 + ], + [ + "\u2581macros", + -13.46434497833252 + ], + [ + "om\u00e9", + -13.464377403259276 + ], + [ + "\u2581Suzanne", + -13.464380264282228 + ], + [ + "rsp", + -13.4644193649292 + ], + [ + "\u2581Sonora", + -13.464420318603516 + ], + [ + "\u2581Beschrijving", + -13.464426040649414 + ], + [ + "\u2581Weekly", + -13.464436531066896 + ], + [ + "\u2581r\u00e9cup\u00e9rer", + -13.464442253112791 + ], + [ + "u\u00edmica", + -13.464444160461426 + ], + [ + "\u2581ebraico", + -13.464445114135742 + ], + [ + "\u2581campamento", + -13.464458465576172 + ], + [ + "\u2581tronc", + -13.46446132659912 + ], + [ + "uppercase", + -13.464468002319336 + ], + [ + "\u2581kleinerer", + -13.464468955993652 + ], + [ + "\u2581accords", + -13.46450138092041 + ], + [ + "divide", + -13.464516639709473 + ], + [ + "\u2581Segue", + -13.4645414352417 + ], + [ + "anaconda", + -13.464547157287598 + ], + [ + "\u2581suiker", + -13.464696884155272 + ], + [ + "\u2581universel", + -13.464707374572754 + ], + [ + "\u2581estrenada", + -13.464715957641602 + ], + [ + "\u2581hoja", + -13.464715957641602 + ], + [ + "beispiel", + -13.464752197265623 + ], + [ + "pgp", + -13.46477222442627 + ], + [ + "kommando", + -13.464810371398926 + ], + [ + "\u2581vereinzelt", + -13.464826583862305 + ], + [ + "\u2581Feind", + -13.46484088897705 + ], + [ + "\u2581escasa", + -13.46487045288086 + ], + [ + "B\u00fcrger", + -13.46489429473877 + ], + [ + "\u2581esistente", + -13.464899063110352 + ], + [ + "\u2581respostas", + -13.464948654174805 + ], + [ + "\u2581warned", + -13.46496868133545 + ], + [ + "\u2581cl\u00e1ssica", + -13.464975357055664 + ], + [ + "\u2581presentazione", + -13.464978218078612 + ], + [ + "\u2581Einmal", + -13.464991569519045 + ], + [ + "\u2581Reine", + -13.465006828308104 + ], + [ + "\u2581vascular", + -13.465036392211914 + ], + [ + "Afrikaanse", + -13.465057373046877 + ], + [ + "\u2581safely", + -13.46506404876709 + ], + [ + "\u2581situ\u00e9es", + -13.46506690979004 + ], + [ + "Subnet", + -13.46507453918457 + ], + [ + "\u2581Durham", + -13.465083122253418 + ], + [ + "gezet", + -13.465085983276367 + ], + [ + "\u2581Fedor", + -13.465102195739746 + ], + [ + "\u2581Tera", + -13.465150833129885 + ], + [ + "Sat", + -13.465188026428224 + ], + [ + "elijkheid", + -13.465192794799805 + ], + [ + "\u2581mutating", + -13.465252876281738 + ], + [ + "Iz", + -13.465253829956056 + ], + [ + "befugt", + -13.465272903442385 + ], + [ + "\u2581Directeur", + -13.46530532836914 + ], + [ + "\u2581Shang", + -13.46531105041504 + ], + [ + "\u2581cerro", + -13.465336799621582 + ], + [ + "\u2581complessi", + -13.465401649475098 + ], + [ + "\u2581Agn", + -13.465455055236816 + ], + [ + "\u2581Greene", + -13.465476036071776 + ], + [ + "\u2581differentiate", + -13.465539932250977 + ], + [ + "\u2581Rabi", + -13.465542793273926 + ], + [ + "\u2581Honorar", + -13.46554946899414 + ], + [ + "\u2581spesa", + -13.465561866760254 + ], + [ + "\u2581RAT", + -13.465588569641112 + ], + [ + "\u2581ufficio", + -13.465651512145996 + ], + [ + "\u2581IJsland", + -13.465662002563477 + ], + [ + "sund", + -13.465662956237791 + ], + [ + "geschaltet", + -13.465676307678224 + ], + [ + "zitter", + -13.46568775177002 + ], + [ + "gebung", + -13.465691566467283 + ], + [ + "\u2581ligero", + -13.46572208404541 + ], + [ + "\u2581Premium", + -13.465764045715332 + ], + [ + "\u2581Faber", + -13.465790748596191 + ], + [ + "Performance", + -13.465798377990724 + ], + [ + "\u2581Gegebenheiten", + -13.465808868408203 + ], + [ + "anstieg", + -13.465819358825684 + ], + [ + "OPTIONAL", + -13.465822219848633 + ], + [ + "\u2581tick", + -13.465861320495604 + ], + [ + "jg", + -13.465867042541504 + ], + [ + "\u2581Bischofs", + -13.46588897705078 + ], + [ + "Kp", + -13.465899467468262 + ], + [ + "\u2581carries", + -13.46592903137207 + ], + [ + "\u2581ensinar", + -13.465940475463867 + ], + [ + "\u2581analogous", + -13.46596908569336 + ], + [ + "Hertogenbosch", + -13.465980529785156 + ], + [ + "Excel", + -13.465984344482422 + ], + [ + "elefante", + -13.465986251831056 + ], + [ + "\u2581cleaning", + -13.46600341796875 + ], + [ + "\u2581St\u00e4dtebau", + -13.466029167175291 + ], + [ + "bbed", + -13.466036796569824 + ], + [ + "\u2581biologischen", + -13.46603775024414 + ], + [ + "\u2581Ged\u00e4chtnis", + -13.466064453125 + ], + [ + "banda", + -13.466073989868164 + ], + [ + "\u2581reclame", + -13.46617603302002 + ], + [ + "\u2581Loo", + -13.466182708740234 + ], + [ + "\u2581Surg", + -13.46621799468994 + ], + [ + "\u2581Musk", + -13.466243743896484 + ], + [ + "\u2581zaal", + -13.4662504196167 + ], + [ + "IPv", + -13.466265678405762 + ], + [ + "gids", + -13.46627140045166 + ], + [ + "\u2581attribue", + -13.466350555419922 + ], + [ + "\u2581sexuality", + -13.46640396118164 + ], + [ + "something", + -13.46642780303955 + ], + [ + "Solution", + -13.466444969177246 + ], + [ + "\u2581perfora", + -13.466444969177246 + ], + [ + "\u2581treatments", + -13.466449737548828 + ], + [ + "\u2581Turquia", + -13.466506958007812 + ], + [ + "\u2581Vrij", + -13.466522216796877 + ], + [ + "\u2581devaient", + -13.466530799865724 + ], + [ + "alleanza", + -13.466572761535645 + ], + [ + "\u2581continuano", + -13.466577529907228 + ], + [ + "ORE", + -13.466591835021973 + ], + [ + "amplitude", + -13.466636657714844 + ], + [ + "kamera", + -13.466659545898438 + ], + [ + "beihilfe", + -13.466662406921388 + ], + [ + "\u2581dovrete", + -13.466669082641602 + ], + [ + "\u2581esclavos", + -13.466719627380373 + ], + [ + "\u2581Secreta", + -13.46673583984375 + ], + [ + "\u2581rounds", + -13.46681308746338 + ], + [ + "bius", + -13.466819763183594 + ], + [ + "\u2581Ensino", + -13.466832160949709 + ], + [ + "\u2581gagn\u00e9", + -13.466836929321287 + ], + [ + "\u2581concentrated", + -13.46684455871582 + ], + [ + "rump", + -13.466915130615234 + ], + [ + "\u2581p\u00e9r", + -13.466973304748535 + ], + [ + "dras", + -13.46699047088623 + ], + [ + "resistant", + -13.467002868652344 + ], + [ + "massa", + -13.46702766418457 + ], + [ + "\u2581Frontera", + -13.467039108276367 + ], + [ + "rtl", + -13.467047691345217 + ], + [ + "\u2581oiseaux", + -13.46705150604248 + ], + [ + "\u2581gestiti", + -13.467061042785645 + ], + [ + "tungen", + -13.467070579528809 + ], + [ + "\u2581capacidades", + -13.467114448547363 + ], + [ + "\u2581Peugeot", + -13.467137336730955 + ], + [ + "\u2581Altro", + -13.467168807983398 + ], + [ + "\u2581Attorney", + -13.467183113098145 + ], + [ + "Accessor", + -13.46718978881836 + ], + [ + "\u2581rodeado", + -13.467193603515623 + ], + [ + "\u2581PET", + -13.467205047607422 + ], + [ + "\u2581Nascidos", + -13.467209815979004 + ], + [ + "\u2581focuses", + -13.467219352722168 + ], + [ + "\u2581negras", + -13.467226028442385 + ], + [ + "\u2581cuentan", + -13.46726131439209 + ], + [ + "\u2581inspiration", + -13.467299461364746 + ], + [ + "\u2581beigetragen", + -13.46730899810791 + ], + [ + "\u2581Rooms", + -13.467339515686035 + ], + [ + "\u2581contingente", + -13.467360496520996 + ], + [ + "\u2581Equipo", + -13.467439651489258 + ], + [ + "odont", + -13.46751880645752 + ], + [ + "\u2581essais", + -13.467528343200684 + ], + [ + "Characters", + -13.467533111572266 + ], + [ + "rissa", + -13.467538833618164 + ], + [ + "\u2581niedrige", + -13.467580795288086 + ], + [ + "\u2581Escrito", + -13.467592239379885 + ], + [ + "\u2581BVerfGE", + -13.467616081237791 + ], + [ + "\u2581Hochwasser", + -13.467617988586426 + ], + [ + "\u2581obscur", + -13.467655181884766 + ], + [ + "\u2581delicate", + -13.467670440673828 + ], + [ + "\u00edba", + -13.467692375183104 + ], + [ + "\u2581drinks", + -13.46771240234375 + ], + [ + "mole", + -13.46772289276123 + ], + [ + "\u2581finanziaria", + -13.467735290527344 + ], + [ + "\u2581Denise", + -13.467747688293455 + ], + [ + "\u2581Wake", + -13.467822074890137 + ], + [ + "\u2581vlinders", + -13.467844009399414 + ], + [ + "\u2581airports", + -13.46784496307373 + ], + [ + "\u2581Pierce", + -13.467866897583008 + ], + [ + "DOWN", + -13.467876434326172 + ], + [ + "\u2581ritardo", + -13.467881202697754 + ], + [ + "ans\u00e4tze", + -13.467900276184082 + ], + [ + "collectionView", + -13.467928886413574 + ], + [ + "\u2581procure", + -13.467931747436523 + ], + [ + "binden", + -13.467951774597168 + ], + [ + "\u2581consentire", + -13.467951774597168 + ], + [ + "\u2581Hexa", + -13.467960357666016 + ], + [ + "\u2581abbandonare", + -13.468046188354492 + ], + [ + "orita", + -13.468064308166504 + ], + [ + "\u2581Symposium", + -13.46806526184082 + ], + [ + "\u2581Verarbeitungs", + -13.468073844909668 + ], + [ + "\u2581anteriore", + -13.468096733093262 + ], + [ + "iolo", + -13.468133926391602 + ], + [ + "tooth", + -13.4681396484375 + ], + [ + "Empoli", + -13.468183517456056 + ], + [ + "yklus", + -13.468199729919434 + ], + [ + "\u2581Lade", + -13.468241691589355 + ], + [ + "eppur", + -13.468286514282228 + ], + [ + "\u2581hierna", + -13.468305587768556 + ], + [ + "\u2581parzialmente", + -13.468378067016602 + ], + [ + "\u2581vergelijkbaar", + -13.468378067016602 + ], + [ + "mute", + -13.468414306640623 + ], + [ + "\u2581herzustellen", + -13.468428611755373 + ], + [ + "\u2581poetry", + -13.468438148498535 + ], + [ + "CIO", + -13.468450546264648 + ], + [ + "\u2581Campinas", + -13.468469619750977 + ], + [ + "\u2581menina", + -13.468481063842772 + ], + [ + "Cocoa", + -13.46857738494873 + ], + [ + "\u2581Osnabr\u00fcck", + -13.468632698059082 + ], + [ + "dipendentemente", + -13.46866226196289 + ], + [ + "indicator", + -13.46867847442627 + ], + [ + "anie", + -13.46869945526123 + ], + [ + "ndalo", + -13.468710899353027 + ], + [ + "\u2581actu\u00f3", + -13.468711853027344 + ], + [ + "GENER", + -13.468713760375977 + ], + [ + "\u2581biologia", + -13.468730926513672 + ], + [ + "\u2581Ethik", + -13.468732833862305 + ], + [ + "rious", + -13.46875 + ], + [ + "\u2581dientes", + -13.468767166137695 + ], + [ + "\u2581boule", + -13.46878433227539 + ], + [ + "\u2581prevents", + -13.468812942504885 + ], + [ + "\u2581Bl\u00e4tter", + -13.468889236450195 + ], + [ + "\u2581PJ", + -13.468901634216309 + ], + [ + "\u2581Entreprise", + -13.468917846679688 + ], + [ + "vogels", + -13.468928337097168 + ], + [ + "\u2581propagandas", + -13.468960762023926 + ], + [ + "\u2581Antoni", + -13.46896743774414 + ], + [ + "Stokes", + -13.468971252441406 + ], + [ + "\u2581paard", + -13.468975067138672 + ], + [ + "FAT", + -13.468978881835938 + ], + [ + "\u2581pubblicit\u00e0", + -13.468986511230469 + ], + [ + "\u2581ferm\u00e9e", + -13.469003677368164 + ], + [ + "inheiro", + -13.469026565551758 + ], + [ + "\u2581Nase", + -13.469034194946287 + ], + [ + "\u2581GMAT", + -13.469035148620604 + ], + [ + "sham", + -13.469038009643556 + ], + [ + "\u2581presid", + -13.469042778015137 + ], + [ + "\u2581Neri", + -13.4690580368042 + ], + [ + "\u2581Junction", + -13.469093322753906 + ], + [ + "IndexPath", + -13.46911334991455 + ], + [ + "minderung", + -13.46911907196045 + ], + [ + "ergue", + -13.46918487548828 + ], + [ + "userInfo", + -13.469196319580078 + ], + [ + "\u2581programmer", + -13.469197273254396 + ], + [ + "\u2581necessity", + -13.469200134277344 + ], + [ + "\u2581progreso", + -13.46921443939209 + ], + [ + "Mitgliedstaaten", + -13.469223022460938 + ], + [ + "\u2581testamento", + -13.469228744506836 + ], + [ + "\u2581reducido", + -13.469284057617188 + ], + [ + "Genoa", + -13.469301223754885 + ], + [ + "\u2581Invece", + -13.469301223754885 + ], + [ + "\u2581Webb", + -13.469305038452148 + ], + [ + "\u2581potenziale", + -13.469405174255373 + ], + [ + "\u2581uitgereikt", + -13.469409942626951 + ], + [ + "\u2581reizigers", + -13.46945095062256 + ], + [ + "\u2581verbale", + -13.46945095062256 + ], + [ + "\u2581Rox", + -13.469465255737305 + ], + [ + "\u2581Capit\u00e1n", + -13.469470024108888 + ], + [ + "bout", + -13.46947956085205 + ], + [ + "\u2581konzentrieren", + -13.46948528289795 + ], + [ + "\u2581Boro", + -13.469511985778809 + ], + [ + "\u2581KDE", + -13.469522476196287 + ], + [ + "\u2581elettronica", + -13.469524383544922 + ], + [ + "reflection", + -13.469552993774414 + ], + [ + "\u2581pr\u00e9sentes", + -13.469611167907717 + ], + [ + "sulfat", + -13.46962070465088 + ], + [ + "\u2581Tere", + -13.46962070465088 + ], + [ + "\u2581Feminino", + -13.469663619995115 + ], + [ + "\u2581grandezza", + -13.469731330871582 + ], + [ + "\u2581Kindheit", + -13.469744682312012 + ], + [ + "\u2581Lens", + -13.469748497009276 + ], + [ + "\u2581shield", + -13.4697904586792 + ], + [ + "zka", + -13.46982192993164 + ], + [ + "iederherstellung", + -13.469822883605955 + ], + [ + "\u2581verst\u00e4rken", + -13.46983814239502 + ], + [ + "\u2581misteriosa", + -13.46985149383545 + ], + [ + "tuig", + -13.469862937927246 + ], + [ + "podi", + -13.46986961364746 + ], + [ + "hod", + -13.469884872436523 + ], + [ + "\u2581n\u00e9gative", + -13.46992301940918 + ], + [ + "rijden", + -13.469955444335938 + ], + [ + "\u2581Installer", + -13.46995735168457 + ], + [ + "neuf", + -13.469965934753418 + ], + [ + "\u2581est\u00e1gio", + -13.469974517822266 + ], + [ + "\u2581Locali", + -13.469989776611328 + ], + [ + "\u2581soda", + -13.470012664794922 + ], + [ + "\u2581Ryanair", + -13.470027923583984 + ], + [ + "\u2581visibles", + -13.47005558013916 + ], + [ + "parentNode", + -13.47006893157959 + ], + [ + "\u2581Tipos", + -13.470152854919434 + ], + [ + "\u2581sep", + -13.470175743103027 + ], + [ + "hura", + -13.470185279846191 + ], + [ + "\u2581\"=\",", + -13.47019386291504 + ], + [ + "\u2581Serien", + -13.470218658447266 + ], + [ + "llar", + -13.47024917602539 + ], + [ + "polnisch", + -13.470281600952148 + ], + [ + "heute", + -13.47028923034668 + ], + [ + "bunker", + -13.470292091369627 + ], + [ + "\u2581adopt\u00e9", + -13.470307350158691 + ], + [ + "\u2581Anhangs", + -13.470431327819824 + ], + [ + "\u2581partenariat", + -13.470438957214355 + ], + [ + "\u2581rifiuto", + -13.47044849395752 + ], + [ + "\u2581medesima", + -13.470450401306152 + ], + [ + "EDE", + -13.470489501953123 + ], + [ + "\u2581deduction", + -13.470511436462402 + ], + [ + "\u2581ruedas", + -13.470511436462402 + ], + [ + "\u2581startete", + -13.470515251159668 + ], + [ + "\u2581trabajado", + -13.47058391571045 + ], + [ + "\u2581geografica", + -13.47059440612793 + ], + [ + "dial", + -13.470619201660156 + ], + [ + "TypeName", + -13.470663070678713 + ], + [ + "\u2581RSS", + -13.470685005187988 + ], + [ + "\u2581atuou", + -13.470704078674316 + ], + [ + "\u2581Flamengo", + -13.470786094665527 + ], + [ + "\u2581preparaci\u00f3n", + -13.470820426940918 + ], + [ + "\u2581casar", + -13.470848083496094 + ], + [ + "wrfout", + -13.470942497253418 + ], + [ + "vocazione", + -13.47096061706543 + ], + [ + "\u2581Trait\u00e9", + -13.471101760864258 + ], + [ + "\u2581aufgezeigt", + -13.471132278442385 + ], + [ + "verdacht", + -13.471134185791016 + ], + [ + "iteiten", + -13.47114372253418 + ], + [ + "\u2581archivi", + -13.471144676208496 + ], + [ + "\u2581tubes", + -13.47120189666748 + ], + [ + "Codice", + -13.47123908996582 + ], + [ + "\u2581Ol\u00edmpico", + -13.471240997314451 + ], + [ + "\u2581fallecido", + -13.4712495803833 + ], + [ + "\u2581Ascoli", + -13.47126579284668 + ], + [ + "\u2581richiedono", + -13.471301078796388 + ], + [ + "ledig", + -13.4713134765625 + ], + [ + "\u2581crazy", + -13.471318244934082 + ], + [ + "\u2581exakt", + -13.471325874328612 + ], + [ + "\u2581Oligo", + -13.471327781677246 + ], + [ + "\u2581descrever", + -13.471355438232422 + ], + [ + "\u2581letztere", + -13.471358299255373 + ], + [ + "\u2581AO", + -13.471360206604004 + ], + [ + "\u2581commento", + -13.471367835998535 + ], + [ + "\u2581Diesen", + -13.471376419067385 + ], + [ + "ICC", + -13.471406936645508 + ], + [ + "\u2581Mim", + -13.471427917480469 + ], + [ + "\u2581Sauv", + -13.47147274017334 + ], + [ + "newlabel", + -13.471473693847656 + ], + [ + "Cells", + -13.4714994430542 + ], + [ + "\u2581Jacqueline", + -13.471508026123049 + ], + [ + "\u2581airline", + -13.471517562866213 + ], + [ + "\u2581Harmonisierung", + -13.471519470214844 + ], + [ + "Neal", + -13.471521377563477 + ], + [ + "\u2581strati", + -13.471583366394045 + ], + [ + "\u2581Bras", + -13.471596717834473 + ], + [ + "\u2581desaparecido", + -13.471623420715332 + ], + [ + "anbieter", + -13.471640586853027 + ], + [ + "unsupported", + -13.471656799316406 + ], + [ + "Berichtszeitraum", + -13.471689224243164 + ], + [ + "\u2581caras", + -13.471705436706545 + ], + [ + "\u2581h\u00e4", + -13.471800804138184 + ], + [ + "cura", + -13.471827507019045 + ], + [ + "\u2581pide", + -13.471842765808104 + ], + [ + "\u2581peraltro", + -13.471856117248535 + ], + [ + "\u2581Kleinen", + -13.47188949584961 + ], + [ + "\u2581vorgeschrieben", + -13.471943855285645 + ], + [ + "\u2581spite", + -13.47197723388672 + ], + [ + "gall", + -13.471978187561035 + ], + [ + "\u2581Kollektiv", + -13.47202968597412 + ], + [ + "\u2581cr\u00e9", + -13.47206687927246 + ], + [ + "\u2581Weiterbildungs", + -13.472084999084473 + ], + [ + "\u2581Siegel", + -13.47212028503418 + ], + [ + "\u2581innumerevoli", + -13.472158432006836 + ], + [ + "\u2581Starting", + -13.47218132019043 + ], + [ + "\u2581vendono", + -13.472211837768556 + ], + [ + "vereinbarungen", + -13.47222900390625 + ], + [ + "\u2581musulmana", + -13.47226619720459 + ], + [ + "\u2581buio", + -13.472281455993652 + ], + [ + "\u2581openings", + -13.472297668457031 + ], + [ + "\u2581Kfz", + -13.472308158874512 + ], + [ + "\u2581Generated", + -13.47236442565918 + ], + [ + "glm", + -13.472400665283203 + ], + [ + "\u2581Casta", + -13.47245979309082 + ], + [ + "\u2581sencilla", + -13.472460746765137 + ], + [ + "ogna", + -13.472485542297363 + ], + [ + "alpina", + -13.472545623779297 + ], + [ + "\u2581Seizoen", + -13.472569465637209 + ], + [ + "\u2581perigoso", + -13.472579002380373 + ], + [ + "jac", + -13.47258472442627 + ], + [ + "Kra", + -13.472603797912598 + ], + [ + "\u2581Jakarta", + -13.472651481628418 + ], + [ + "\u2581ondersteunen", + -13.472681045532228 + ], + [ + "\u2581universities", + -13.472681045532228 + ], + [ + "Legend", + -13.472719192504885 + ], + [ + "WiFi", + -13.472723960876465 + ], + [ + "teuert", + -13.472783088684082 + ], + [ + "\u2581Ferguson", + -13.472814559936523 + ], + [ + "\u2581equals", + -13.472830772399902 + ], + [ + "\u2581souterrain", + -13.472847938537598 + ], + [ + "\u2581Macdonald", + -13.472857475280762 + ], + [ + "oreille", + -13.472930908203123 + ], + [ + "\u2581Vichy", + -13.472955703735352 + ], + [ + "\u2581positief", + -13.4729642868042 + ], + [ + "\u2581mener", + -13.472977638244627 + ], + [ + "\u2581Pina", + -13.472986221313477 + ], + [ + "sprozesses", + -13.473040580749512 + ], + [ + "Landkreis", + -13.473047256469728 + ], + [ + "\u2581Extreme", + -13.473048210144045 + ], + [ + "\u2581ritrov", + -13.47307014465332 + ], + [ + "\u2581freeze", + -13.473084449768066 + ], + [ + "\u2581Albin", + -13.473125457763672 + ], + [ + "scipy", + -13.473151206970217 + ], + [ + "escent", + -13.473180770874023 + ], + [ + "\u2581assi", + -13.473186492919922 + ], + [ + "orten", + -13.473201751708984 + ], + [ + "\u2581percurso", + -13.473217010498049 + ], + [ + "PPC", + -13.473236083984377 + ], + [ + "\u2581severity", + -13.473271369934082 + ], + [ + "klar", + -13.47327995300293 + ], + [ + "\u2581diagrams", + -13.47329330444336 + ], + [ + "\u2581gelesen", + -13.473341941833496 + ], + [ + "Throwable", + -13.47335433959961 + ], + [ + "\u2581gesti", + -13.47335720062256 + ], + [ + "\u2581Kalender", + -13.473405838012695 + ], + [ + "CONTROL", + -13.47341537475586 + ], + [ + "\u2581passt", + -13.47353458404541 + ], + [ + "\u2581Terceira", + -13.47354221343994 + ], + [ + "\u2581propuls", + -13.47354221343994 + ], + [ + "\u2581parfum", + -13.473575592041016 + ], + [ + "\u2581disclosure", + -13.473583221435549 + ], + [ + "\u2581multitude", + -13.473599433898926 + ], + [ + "icornis", + -13.473647117614746 + ], + [ + "\u2581slaan", + -13.47364902496338 + ], + [ + "Pref", + -13.473650932312012 + ], + [ + "Scripts", + -13.473669052124023 + ], + [ + "\u2581secco", + -13.473706245422363 + ], + [ + "\u2581Krus", + -13.473751068115234 + ], + [ + "packaging", + -13.47378635406494 + ], + [ + "exer", + -13.473907470703123 + ], + [ + "shl", + -13.473913192749023 + ], + [ + "\u2581zurzeit", + -13.473956108093262 + ], + [ + "\u2581molesta", + -13.47397518157959 + ], + [ + "rlberg", + -13.473976135253906 + ], + [ + "weiblich", + -13.474005699157717 + ], + [ + "opo", + -13.474043846130373 + ], + [ + "ponga", + -13.47405242919922 + ], + [ + "\u2581pijl", + -13.474058151245115 + ], + [ + "v\u00e9ase", + -13.474102973937988 + ], + [ + "\u2581falecer", + -13.474111557006836 + ], + [ + "loser", + -13.4741849899292 + ], + [ + "impegno", + -13.474199295043944 + ], + [ + "\u2581inscrite", + -13.474209785461426 + ], + [ + "brems", + -13.474251747131348 + ], + [ + "Loaded", + -13.474265098571776 + ], + [ + "fic", + -13.474283218383787 + ], + [ + "swing", + -13.47429370880127 + ], + [ + "kil", + -13.47429656982422 + ], + [ + "\u2581Marktanteil", + -13.474303245544434 + ], + [ + "decoded", + -13.474308013916016 + ], + [ + "\u2581pens\u00f3", + -13.474313735961914 + ], + [ + "\u2581Ola", + -13.474316596984863 + ], + [ + "\u2581restitu", + -13.474367141723633 + ], + [ + "amid", + -13.47436809539795 + ], + [ + "TimeInterval", + -13.474369049072266 + ], + [ + "\u2581masculine", + -13.474387168884276 + ], + [ + "bba", + -13.474447250366213 + ], + [ + "\u2581Estate", + -13.474448204040527 + ], + [ + "abbandono", + -13.474457740783691 + ], + [ + "\u2581videojuegos", + -13.474504470825195 + ], + [ + "\u2581Barber", + -13.4745454788208 + ], + [ + "\u2581retirer", + -13.474554061889648 + ], + [ + "gross", + -13.474570274353027 + ], + [ + "\u2581britannici", + -13.47457218170166 + ], + [ + "\u2581Shad", + -13.474573135375977 + ], + [ + "repl", + -13.47459888458252 + ], + [ + "gemessen", + -13.474599838256836 + ], + [ + "oxidation", + -13.474602699279783 + ], + [ + "alga", + -13.47460651397705 + ], + [ + "\u2581preferences", + -13.474675178527832 + ], + [ + "simeq", + -13.474693298339844 + ], + [ + "\u2581Clair", + -13.474714279174805 + ], + [ + "\u2581logements", + -13.474719047546388 + ], + [ + "\u2581grows", + -13.474722862243652 + ], + [ + "\u2581conjunction", + -13.474726676940918 + ], + [ + "\u2581coeficiente", + -13.47474479675293 + ], + [ + "\u2581campeonatos", + -13.47474765777588 + ], + [ + "owska", + -13.47475528717041 + ], + [ + "\u2581opname", + -13.474761009216309 + ], + [ + "\u2581professionals", + -13.474786758422852 + ], + [ + "warnings", + -13.47482967376709 + ], + [ + "\u2581fermeture", + -13.474844932556152 + ], + [ + "artist", + -13.47485065460205 + ], + [ + "gelt", + -13.474871635437012 + ], + [ + "\u2581esconde", + -13.474878311157228 + ], + [ + "\u2581worried", + -13.474918365478516 + ], + [ + "\u2581Arriveren", + -13.47494411468506 + ], + [ + "chentlich", + -13.474964141845703 + ], + [ + "\u2581automat", + -13.4749755859375 + ], + [ + "\u2581Automatic", + -13.474989891052246 + ], + [ + "\u2581recrut\u00e9", + -13.474992752075195 + ], + [ + "\u2581carriage", + -13.47506046295166 + ], + [ + "ex\u00e9cuter", + -13.475098609924316 + ], + [ + "\u2581f\u00e1bricas", + -13.475111961364746 + ], + [ + "contre", + -13.47513484954834 + ], + [ + "\u2581Spit", + -13.47514820098877 + ], + [ + "r\u00e9al", + -13.475172996520996 + ], + [ + "\u2581dichos", + -13.475232124328612 + ], + [ + "\u2581Apart", + -13.475255966186523 + ], + [ + "\u2581consulte", + -13.475262641906738 + ], + [ + "Mongo", + -13.475322723388672 + ], + [ + "\u2581St\u00e4", + -13.475430488586426 + ], + [ + "quita", + -13.475443840026855 + ], + [ + "\u2581printer", + -13.475444793701172 + ], + [ + "dokument", + -13.475470542907717 + ], + [ + "\u2581Elliott", + -13.475485801696776 + ], + [ + "\u2581recursive", + -13.475504875183104 + ], + [ + "\u2581Allemands", + -13.475537300109863 + ], + [ + "Krist", + -13.475603103637695 + ], + [ + "\u2581Underground", + -13.47562313079834 + ], + [ + "Kampagne", + -13.475638389587402 + ], + [ + "\u2581chuva", + -13.47567081451416 + ], + [ + "\u2581doigts", + -13.47568702697754 + ], + [ + "\u2581Originally", + -13.47572422027588 + ], + [ + "\u2581Digitalisierung", + -13.475728034973145 + ], + [ + "\u2581inventa", + -13.475746154785156 + ], + [ + "\u2581harde", + -13.475748062133787 + ], + [ + "\u2581Representa", + -13.475753784179688 + ], + [ + "FOREGROUND", + -13.475778579711914 + ], + [ + "\u2581Armin", + -13.475780487060549 + ], + [ + "\u2581Christians", + -13.47581386566162 + ], + [ + "\u2581funge", + -13.47582721710205 + ], + [ + "\u2581restaura", + -13.475836753845217 + ], + [ + "sibling", + -13.475848197937012 + ], + [ + "zugreifen", + -13.47586154937744 + ], + [ + "\u00e9lande", + -13.475869178771973 + ], + [ + "\u2581baratos", + -13.475875854492188 + ], + [ + "\u2581iper", + -13.475878715515137 + ], + [ + "\u2581Belastungs", + -13.475903511047363 + ], + [ + "\u2581Tiempo", + -13.47593116760254 + ], + [ + "\u2581Nino", + -13.4759521484375 + ], + [ + "\u2581abzulehnen", + -13.475955963134766 + ], + [ + "\u2581jongste", + -13.475970268249512 + ], + [ + "\u2581abundante", + -13.475972175598145 + ], + [ + "damm", + -13.475987434387209 + ], + [ + "BLE", + -13.476018905639648 + ], + [ + "\u2581entr\u00e9es", + -13.476158142089844 + ], + [ + "gesagt", + -13.47615909576416 + ], + [ + "emprunt", + -13.476165771484377 + ], + [ + "\u2581cuartos", + -13.476204872131348 + ], + [ + "\u2581Soares", + -13.476245880126951 + ], + [ + "torsion", + -13.476247787475586 + ], + [ + "\u2581faudrait", + -13.476274490356444 + ], + [ + "fassen", + -13.476347923278809 + ], + [ + "dose", + -13.476360321044922 + ], + [ + "gevel", + -13.47636604309082 + ], + [ + "\u2581Mehrere", + -13.476398468017578 + ], + [ + "\u2581restaurar", + -13.476404190063477 + ], + [ + "\u2581gaven", + -13.476449966430664 + ], + [ + "\u2581otorgado", + -13.476463317871094 + ], + [ + "doctest", + -13.476475715637209 + ], + [ + "stanz", + -13.47651481628418 + ], + [ + "\u2581Sko", + -13.476521492004396 + ], + [ + "\u2581Vitesse", + -13.476533889770508 + ], + [ + "niederl\u00e4ndischen", + -13.47653865814209 + ], + [ + "\u2581Plural", + -13.476542472839355 + ], + [ + "\u2581courante", + -13.476551055908203 + ], + [ + "\u2581Dobr", + -13.476601600646973 + ], + [ + "ndone", + -13.47661018371582 + ], + [ + "verton", + -13.4766263961792 + ], + [ + "Nieder", + -13.476639747619627 + ], + [ + "\u2581passport", + -13.476698875427246 + ], + [ + "\u2581Pages", + -13.47670555114746 + ], + [ + "vollen", + -13.476725578308104 + ], + [ + "\u2581Kahn", + -13.476730346679688 + ], + [ + "genic", + -13.476731300354004 + ], + [ + "\u2581Amelia", + -13.476737022399902 + ], + [ + "Patri", + -13.47675323486328 + ], + [ + "\u2581annuale", + -13.476773262023926 + ], + [ + "\u2581detaillierte", + -13.476811408996582 + ], + [ + "quie", + -13.476888656616213 + ], + [ + "filtered", + -13.476901054382324 + ], + [ + "\u2581Hauts", + -13.476933479309082 + ], + [ + "\u2581entsprach", + -13.476962089538574 + ], + [ + "Datum", + -13.476977348327637 + ], + [ + "Oberlandesgerich", + -13.476977348327637 + ], + [ + "setText", + -13.47699737548828 + ], + [ + "onium", + -13.477006912231444 + ], + [ + "jour", + -13.477010726928713 + ], + [ + "\u2581Objective", + -13.47705364227295 + ], + [ + "\u2581consid\u00e9rable", + -13.477075576782228 + ], + [ + "\u2581shear", + -13.477121353149414 + ], + [ + "\u2581turbine", + -13.477126121520996 + ], + [ + "Clubcarri", + -13.47715950012207 + ], + [ + "\u2581Freiheitsstrafe", + -13.47715950012207 + ], + [ + "\u2581arbeids", + -13.477173805236816 + ], + [ + "\u2581allgemeiner", + -13.47719383239746 + ], + [ + "\u2581Schwangerschaft", + -13.477270126342772 + ], + [ + "Steps", + -13.477296829223633 + ], + [ + "\u2581Dunk", + -13.477376937866213 + ], + [ + "kolonial", + -13.47738552093506 + ], + [ + "\u2581placing", + -13.47744369506836 + ], + [ + "Moving", + -13.477453231811523 + ], + [ + "CollectionView", + -13.477457046508787 + ], + [ + "\u2581sensibles", + -13.477487564086914 + ], + [ + "\u2581certificado", + -13.477546691894531 + ], + [ + "\u2581Irving", + -13.477554321289062 + ], + [ + "\u2581tur\u00edsticas", + -13.477577209472656 + ], + [ + "Fj", + -13.47762966156006 + ], + [ + "tenteils", + -13.477630615234377 + ], + [ + "vili", + -13.477643013000488 + ], + [ + "\u2581Tickets", + -13.477660179138184 + ], + [ + "\u2581Ramp", + -13.477665901184082 + ], + [ + "\u2581Pilotos", + -13.47767162322998 + ], + [ + "txn", + -13.477725982666016 + ], + [ + "subprocess", + -13.477741241455078 + ], + [ + "\u2581olhares", + -13.477753639221191 + ], + [ + "\u2581esplorare", + -13.47776985168457 + ], + [ + "\u2581Gewinnung", + -13.477781295776367 + ], + [ + "\u2581Ago", + -13.477916717529297 + ], + [ + "weed", + -13.477935791015623 + ], + [ + "\u2581pr\u00e9nom", + -13.477960586547852 + ], + [ + "\u2581pr\u00e9f\u00e9rence", + -13.477977752685549 + ], + [ + "Guid", + -13.47801113128662 + ], + [ + "\u2581plats", + -13.478018760681152 + ], + [ + "HADOOP", + -13.478028297424316 + ], + [ + "quilo", + -13.478047370910645 + ], + [ + "\u2581dirigentes", + -13.478063583374023 + ], + [ + "\u2581t\u00edpicos", + -13.478063583374023 + ], + [ + "\u2581R\u00fccknahme", + -13.478089332580566 + ], + [ + "\u2581carece", + -13.478102684020996 + ], + [ + "teborg", + -13.478121757507324 + ], + [ + "\u2581criadas", + -13.47812557220459 + ], + [ + "\u2581Aplica", + -13.478164672851562 + ], + [ + "\u2581Triumph", + -13.478166580200195 + ], + [ + "\u2581lesson", + -13.478245735168455 + ], + [ + "\u2581Olympique", + -13.478248596191406 + ], + [ + "mgmt", + -13.47826862335205 + ], + [ + "gama", + -13.478270530700684 + ], + [ + "niki", + -13.478299140930176 + ], + [ + "\u2581everyday", + -13.47830295562744 + ], + [ + "lotti", + -13.478338241577148 + ], + [ + "sticky", + -13.478339195251465 + ], + [ + "\u2581plages", + -13.47834014892578 + ], + [ + "\u2581Parra", + -13.47834587097168 + ], + [ + "\u2581constitu\u00eddo", + -13.478347778320312 + ], + [ + "\u2581Kubernetes", + -13.478357315063477 + ], + [ + "\u2581Cl\u00e9ment", + -13.478375434875488 + ], + [ + "\u2581bah\u00eda", + -13.478400230407717 + ], + [ + "bricht", + -13.47843074798584 + ], + [ + "\u2581bestehend", + -13.478440284729004 + ], + [ + "qubit", + -13.478500366210938 + ], + [ + "\u2581voorganger", + -13.478561401367188 + ], + [ + "\u2581gorge", + -13.47859001159668 + ], + [ + "ijen", + -13.478596687316896 + ], + [ + "\u2581publishing", + -13.478655815124512 + ], + [ + "\u2581indicada", + -13.478673934936523 + ], + [ + "\u2581Veen", + -13.478686332702637 + ], + [ + "HTTPS", + -13.478713035583496 + ], + [ + "\u2581Bouw", + -13.478724479675291 + ], + [ + "\u2581ayud\u00f3", + -13.478730201721191 + ], + [ + "\u2581concentrazione", + -13.478736877441406 + ], + [ + "\u2581reddito", + -13.47873878479004 + ], + [ + "\u2581Migrations", + -13.478757858276367 + ], + [ + "\u2581stdout", + -13.478784561157228 + ], + [ + "\u2581destrui", + -13.478796005249023 + ], + [ + "handeln", + -13.478814125061035 + ], + [ + "\u2581flink", + -13.478838920593262 + ], + [ + "\u2581satz", + -13.478858947753906 + ], + [ + "gali", + -13.478878021240234 + ], + [ + "\u2581Pamplona", + -13.47889804840088 + ], + [ + "ugeh", + -13.478922843933104 + ], + [ + "\u2581Whitney", + -13.478924751281738 + ], + [ + "\u2581Troll", + -13.478955268859863 + ], + [ + "\u2581successor", + -13.47897243499756 + ], + [ + "\u2581contas", + -13.478991508483888 + ], + [ + "Wilhelm", + -13.478992462158203 + ], + [ + "\u2581Daraufhin", + -13.47907543182373 + ], + [ + "\u2581volgorde", + -13.479092597961426 + ], + [ + "Cap\u00edtulo", + -13.47910499572754 + ], + [ + "\u2581Signifikanz", + -13.479140281677246 + ], + [ + "\u2581ministres", + -13.479260444641112 + ], + [ + "\u2581tropicale", + -13.479260444641112 + ], + [ + "\u2581Falc", + -13.479277610778809 + ], + [ + "stunde", + -13.479287147521973 + ], + [ + "\u2581Ausfahrt", + -13.479288101196287 + ], + [ + "Orange", + -13.47930145263672 + ], + [ + "\u2581Wiss", + -13.479329109191896 + ], + [ + "\u2581setenta", + -13.479355812072754 + ], + [ + "\u2581Schubert", + -13.479394912719728 + ], + [ + "sections", + -13.47944450378418 + ], + [ + "\u2581Vener", + -13.479459762573242 + ], + [ + "leicht", + -13.479463577270508 + ], + [ + "or\u00e9", + -13.479470252990724 + ], + [ + "\u2581sensibili", + -13.479472160339355 + ], + [ + "\u2581Handwerk", + -13.47950553894043 + ], + [ + "\u2581fisicamente", + -13.47953987121582 + ], + [ + "\u2581bewirken", + -13.479573249816896 + ], + [ + "\u2581tecnologie", + -13.479589462280272 + ], + [ + "icci", + -13.479626655578612 + ], + [ + "equipaggio", + -13.479642868041992 + ], + [ + "urina", + -13.479714393615724 + ], + [ + "GVO", + -13.479761123657228 + ], + [ + "\u2581Gong", + -13.479772567749023 + ], + [ + "Activ", + -13.479793548583984 + ], + [ + "\u2581rodovia", + -13.479869842529297 + ], + [ + "\u2581Stimm", + -13.479914665222168 + ], + [ + "\u2581Annex", + -13.479975700378418 + ], + [ + "\u2581Peg", + -13.48000431060791 + ], + [ + "\u2581Gesetzen", + -13.480043411254885 + ], + [ + "Additional", + -13.480077743530272 + ], + [ + "\u2581Maru", + -13.480083465576172 + ], + [ + "\u2581escal", + -13.480090141296388 + ], + [ + "\u2581carpet", + -13.480134963989258 + ], + [ + "Gua", + -13.480138778686523 + ], + [ + "Attrib", + -13.480157852172852 + ], + [ + "jero", + -13.480196952819824 + ], + [ + "berechtigung", + -13.48020839691162 + ], + [ + "\u2581commencement", + -13.480239868164062 + ], + [ + "\u2581Kirby", + -13.480249404907228 + ], + [ + "\u2581Mello", + -13.480262756347656 + ], + [ + "\u2581Danish", + -13.480287551879885 + ], + [ + "\u2581Parce", + -13.48033046722412 + ], + [ + "\u2581guadagna", + -13.480339050292969 + ], + [ + "vian", + -13.480379104614258 + ], + [ + "\u2581Midi", + -13.48038101196289 + ], + [ + "heids", + -13.480426788330078 + ], + [ + "\u2581verified", + -13.480448722839355 + ], + [ + "ACCOUNT", + -13.480463027954102 + ], + [ + "appendArgs", + -13.480469703674316 + ], + [ + "ssait", + -13.48048496246338 + ], + [ + "ssime", + -13.48050308227539 + ], + [ + "\u2581Geometrie", + -13.48050594329834 + ], + [ + "zko", + -13.480515480041504 + ], + [ + "\u00f3xido", + -13.480518341064451 + ], + [ + "\u2581offerto", + -13.48057460784912 + ], + [ + "\u2581controlador", + -13.48058795928955 + ], + [ + "Venezia", + -13.480591773986816 + ], + [ + "\u2581acento", + -13.480595588684082 + ], + [ + "\u2581gewond", + -13.480608940124512 + ], + [ + "\u2581Aguilar", + -13.480636596679688 + ], + [ + "\u2581Kami", + -13.480668067932127 + ], + [ + "\u2581lehnte", + -13.480671882629396 + ], + [ + "\u2581Kne", + -13.480718612670898 + ], + [ + "ust\u00e4nde", + -13.480741500854492 + ], + [ + "luci", + -13.4807710647583 + ], + [ + "rational", + -13.480796813964844 + ], + [ + "\u2581or\u00edgenes", + -13.480804443359377 + ], + [ + "\u2581introducing", + -13.48083209991455 + ], + [ + "\u2581bedekt", + -13.480863571166992 + ], + [ + "\u2581Orbit", + -13.480915069580078 + ], + [ + "straling", + -13.48094081878662 + ], + [ + "cyclus", + -13.48094367980957 + ], + [ + "appendChild", + -13.480978965759276 + ], + [ + "\u2581Tipp", + -13.480990409851074 + ], + [ + "\u2581enger", + -13.481001853942873 + ], + [ + "\u2581expeditie", + -13.48105525970459 + ], + [ + "chmod", + -13.481085777282717 + ], + [ + "cool", + -13.481134414672852 + ], + [ + "\u2581trailing", + -13.481145858764648 + ], + [ + "\u2581Wendy", + -13.481315612792969 + ], + [ + "\u2581Bors", + -13.481403350830078 + ], + [ + "choir", + -13.48141384124756 + ], + [ + "ULL", + -13.481426239013672 + ], + [ + "\u2581gosta", + -13.481433868408203 + ], + [ + "sik", + -13.481467247009276 + ], + [ + "\u2581gestor", + -13.481491088867188 + ], + [ + "\u2581ceremony", + -13.48149871826172 + ], + [ + "\u2581coalici\u00f3n", + -13.48149871826172 + ], + [ + "uadro", + -13.481502532958984 + ], + [ + "\u2581Hurricane", + -13.481514930725098 + ], + [ + "Ov", + -13.481532096862791 + ], + [ + "\u2581Geralmente", + -13.48155689239502 + ], + [ + "\u2581offrent", + -13.481566429138184 + ], + [ + "\u2581\u00fcbersteigt", + -13.48167324066162 + ], + [ + "foundation", + -13.481682777404783 + ], + [ + "\u2581n\u00e9cessairement", + -13.481683731079102 + ], + [ + "Credential", + -13.481734275817873 + ], + [ + "\u2581endg\u00fcltige", + -13.48176383972168 + ], + [ + "Basis", + -13.48177719116211 + ], + [ + "\u2581definieren", + -13.481786727905272 + ], + [ + "\u2581fallimento", + -13.48182773590088 + ], + [ + "\u2581\u00fcbertragbar", + -13.481876373291016 + ], + [ + "\u2581Aim", + -13.481898307800291 + ], + [ + "\u2581neutrale", + -13.481913566589355 + ], + [ + "\u2581snap", + -13.481938362121582 + ], + [ + "\u2581Benedict", + -13.481942176818848 + ], + [ + "embl", + -13.481964111328123 + ], + [ + "besch\u00e4ftigten", + -13.482004165649414 + ], + [ + "\u2581Danemark", + -13.48202133178711 + ], + [ + "\u2581eh", + -13.482051849365234 + ], + [ + "\u2581sacrifica", + -13.482062339782717 + ], + [ + "\u2581Afrikaanse", + -13.482110977172852 + ], + [ + "prestatie", + -13.482141494750977 + ], + [ + "\u2581overeen", + -13.482169151306152 + ], + [ + "\u2581problemlos", + -13.482190132141112 + ], + [ + "magnetische", + -13.482208251953123 + ], + [ + "\u2581gotten", + -13.482236862182615 + ], + [ + "h\u00fc", + -13.482292175292969 + ], + [ + "sortable", + -13.482301712036133 + ], + [ + "\u2581HER", + -13.482315063476562 + ], + [ + "nev", + -13.48232650756836 + ], + [ + "ussa", + -13.482327461242676 + ], + [ + "\u2581Achille", + -13.482348442077637 + ], + [ + "rhino", + -13.48235034942627 + ], + [ + "\u2581vorzusehen", + -13.482352256774902 + ], + [ + "Demokrat", + -13.48238754272461 + ], + [ + "ezzi", + -13.482407569885254 + ], + [ + "\u2581genial", + -13.482471466064451 + ], + [ + "Delivery", + -13.482505798339844 + ], + [ + "\u2581Kand", + -13.482515335083008 + ], + [ + "\u2581Amersfoort", + -13.48252010345459 + ], + [ + "\u2581aanvaller", + -13.48255443572998 + ], + [ + "\u2581identifi", + -13.48257827758789 + ], + [ + "\u2581buque", + -13.482579231262209 + ], + [ + "\u2581devraient", + -13.48258113861084 + ], + [ + "propagate", + -13.482626914978027 + ], + [ + "\u2581Notebook", + -13.482677459716797 + ], + [ + "FFDF", + -13.482722282409668 + ], + [ + "rott", + -13.482723236083984 + ], + [ + "ogr\u00e1fico", + -13.482747077941896 + ], + [ + "eusement", + -13.482759475708008 + ], + [ + "controls", + -13.482763290405272 + ], + [ + "\u2581metabolic", + -13.482768058776855 + ], + [ + "\u2581noirs", + -13.482792854309082 + ], + [ + "\u2581remarks", + -13.48280906677246 + ], + [ + "maatschappelijke", + -13.482837677001951 + ], + [ + "\u2581liberaci\u00f3n", + -13.482837677001951 + ], + [ + "\u2581siento", + -13.482845306396484 + ], + [ + "ikt", + -13.482871055603027 + ], + [ + "REMOTE", + -13.482879638671877 + ], + [ + "\u2581avranno", + -13.482913970947266 + ], + [ + "\u2581insights", + -13.48292064666748 + ], + [ + "lokaal", + -13.482945442199709 + ], + [ + "\u2581Welcome", + -13.48296070098877 + ], + [ + "INGA", + -13.483067512512209 + ], + [ + "\u2581verschoben", + -13.483068466186523 + ], + [ + "\u2581tester", + -13.483104705810549 + ], + [ + "SCHE", + -13.483166694641112 + ], + [ + "Dep", + -13.483169555664062 + ], + [ + "\u2581apparu", + -13.483235359191896 + ], + [ + "\u2581s\u00f3lida", + -13.483278274536133 + ], + [ + "\u2581patto", + -13.483287811279297 + ], + [ + "Puffer", + -13.48330307006836 + ], + [ + "tiek", + -13.48330783843994 + ], + [ + "\u2581d\u00e9cident", + -13.48333740234375 + ], + [ + "\u2581Ladies", + -13.483431816101074 + ], + [ + "\u2581best\u00e4tigte", + -13.483482360839844 + ], + [ + "\u2581occasional", + -13.48348331451416 + ], + [ + "\u2581believes", + -13.483488082885742 + ], + [ + "\u2581Distributed", + -13.483524322509766 + ], + [ + "academie", + -13.483558654785156 + ], + [ + "\u2581restauratie", + -13.483561515808104 + ], + [ + "hmer", + -13.48356819152832 + ], + [ + "\u2581separazione", + -13.483585357666016 + ], + [ + "\u2581limitrophes", + -13.483603477478027 + ], + [ + "\u2581estati", + -13.48361587524414 + ], + [ + "\u2581rib", + -13.483664512634276 + ], + [ + "ndole", + -13.483728408813477 + ], + [ + "because", + -13.48373317718506 + ], + [ + "egger", + -13.483736038208008 + ], + [ + "\u2581svolgono", + -13.483760833740234 + ], + [ + "\u2581ROM", + -13.483776092529297 + ], + [ + "\u2581circolazione", + -13.483784675598145 + ], + [ + "\u2581procedimiento", + -13.483787536621094 + ], + [ + "slaan", + -13.483832359313965 + ], + [ + "ahu", + -13.483854293823242 + ], + [ + "\u2581slachtoffer", + -13.483864784240724 + ], + [ + "\u2581davor", + -13.48387622833252 + ], + [ + "\u2581boutiques", + -13.483884811401367 + ], + [ + "\u2581sentiments", + -13.483892440795898 + ], + [ + "\u2581justement", + -13.483941078186035 + ], + [ + "\u2581Screen", + -13.483962059020996 + ], + [ + "tania", + -13.483970642089844 + ], + [ + "svoraussetzungen", + -13.484023094177246 + ], + [ + "CTL", + -13.484038352966309 + ], + [ + "\u2581Chemikalien", + -13.484039306640623 + ], + [ + "Pts", + -13.48410987854004 + ], + [ + "Generation", + -13.48411750793457 + ], + [ + "\u2581Croacia", + -13.484118461608888 + ], + [ + "\u2581Dif", + -13.484134674072266 + ], + [ + "\u2581fragt", + -13.48414421081543 + ], + [ + "\u2581contorno", + -13.484148025512695 + ], + [ + "cand", + -13.48421859741211 + ], + [ + "\u2581Messi", + -13.484272956848145 + ], + [ + "\u2581conflitos", + -13.484272956848145 + ], + [ + "\u2581Veer", + -13.484278678894045 + ], + [ + "\u2581Growth", + -13.484296798706056 + ], + [ + "\u2581Anhand", + -13.484309196472168 + ], + [ + "\u2581Mechanismus", + -13.48432159423828 + ], + [ + "chauss\u00e9e", + -13.48434352874756 + ], + [ + "\u2581Molise", + -13.48434829711914 + ], + [ + "Dial", + -13.484375 + ], + [ + "\u2581Assoziation", + -13.484375953674316 + ], + [ + "\u2581distribuito", + -13.484397888183594 + ], + [ + "\u2581Tabela", + -13.484405517578123 + ], + [ + "\u2581purifica", + -13.48440647125244 + ], + [ + "objektiv", + -13.484417915344238 + ], + [ + "\u2581Barre", + -13.484466552734377 + ], + [ + "\u2581begrenzte", + -13.484471321105955 + ], + [ + "pinta", + -13.48448085784912 + ], + [ + "\u2581Shirley", + -13.484498023986816 + ], + [ + "\u2581koordiniert", + -13.484519004821776 + ], + [ + "feats", + -13.484560012817385 + ], + [ + "\u2581erreurs", + -13.484562873840332 + ], + [ + "\u2581allemands", + -13.484578132629396 + ], + [ + "\u2581umso", + -13.484580039978027 + ], + [ + "\u2581Identifizierung", + -13.484633445739746 + ], + [ + "Identification", + -13.484655380249023 + ], + [ + "Mechanism", + -13.484655380249023 + ], + [ + "\u2581Alzheimer", + -13.484670639038086 + ], + [ + "\u2581Treasury", + -13.484705924987791 + ], + [ + "ordnungen", + -13.484728813171388 + ], + [ + "\u2581Sys", + -13.484731674194336 + ], + [ + "Nicolas", + -13.484740257263184 + ], + [ + "\u2581magazines", + -13.48475742340088 + ], + [ + "\u2581Holding", + -13.484782218933104 + ], + [ + "Cuda", + -13.484783172607422 + ], + [ + "\u2581mappe", + -13.48483943939209 + ], + [ + "\u2581insulin", + -13.484872817993164 + ], + [ + "katholische", + -13.484882354736328 + ], + [ + "\u2581Eri", + -13.484892845153809 + ], + [ + "\u2581quitt\u00e9", + -13.48489761352539 + ], + [ + "\u2581courants", + -13.484901428222656 + ], + [ + "\u2581pubblicitari", + -13.484908103942873 + ], + [ + "ajouter", + -13.484972953796388 + ], + [ + "\u2581wiskunde", + -13.48498249053955 + ], + [ + "\u2581sezioni", + -13.484986305236816 + ], + [ + "\u2581poissons", + -13.484987258911133 + ], + [ + "\u2581Balt", + -13.484989166259766 + ], + [ + "\u2581Evaluierung", + -13.485037803649902 + ], + [ + "\u2581guidata", + -13.485042572021484 + ], + [ + "ekt", + -13.48507022857666 + ], + [ + "\u2581armate", + -13.48507595062256 + ], + [ + "\u2581exempt", + -13.485077857971191 + ], + [ + "\u2581binden", + -13.485118865966797 + ], + [ + "\u2581Hume", + -13.485183715820312 + ], + [ + "EPS", + -13.485240936279297 + ], + [ + "\u2581schrijfster", + -13.485240936279297 + ], + [ + "adaptation", + -13.485252380371094 + ], + [ + "elsen", + -13.48526382446289 + ], + [ + "pfad", + -13.485291481018066 + ], + [ + "\u2581derzeitige", + -13.485297203063965 + ], + [ + "\u2581explaining", + -13.485305786132812 + ], + [ + "\u2581volunteer", + -13.485311508178713 + ], + [ + "\u2581Middel", + -13.48532009124756 + ], + [ + "\u2581Kuh", + -13.485391616821287 + ], + [ + "\u2581gerais", + -13.485404014587402 + ], + [ + "\u2581Standardabweich", + -13.485416412353516 + ], + [ + "\u2581Kuba", + -13.485424041748049 + ], + [ + "\u2581beliefs", + -13.48546314239502 + ], + [ + "\u00e9cu", + -13.485469818115234 + ], + [ + "\u2581borst", + -13.485478401184082 + ], + [ + "inchiesta", + -13.48550796508789 + ], + [ + "EBA", + -13.48552131652832 + ], + [ + "CAST", + -13.48553466796875 + ], + [ + "\u2581VON", + -13.48564910888672 + ], + [ + "\u2581SSH", + -13.485660552978516 + ], + [ + "idro", + -13.485675811767578 + ], + [ + "nutrition", + -13.48570156097412 + ], + [ + "\u2581regularmente", + -13.48570156097412 + ], + [ + "\u2581consultar", + -13.485726356506348 + ], + [ + "endcsname", + -13.485742568969728 + ], + [ + "\u2581Gep\u00e4ck", + -13.485742568969728 + ], + [ + "Kill", + -13.485743522644045 + ], + [ + "\u2581Hijo", + -13.485754013061523 + ], + [ + "\u2581Cervantes", + -13.485854148864746 + ], + [ + "\u00e1bio", + -13.485859870910645 + ], + [ + "\u2581apparaissent", + -13.48586082458496 + ], + [ + "\u2581positivos", + -13.485865592956545 + ], + [ + "\u2581viria", + -13.48587131500244 + ], + [ + "\u2581amerikanische", + -13.485896110534668 + ], + [ + "boven", + -13.485897064208984 + ], + [ + "\u2581Terri", + -13.48594856262207 + ], + [ + "\u2581Campania", + -13.485949516296388 + ], + [ + "Election", + -13.48598861694336 + ], + [ + "rzy", + -13.485997200012209 + ], + [ + "\u2581prete", + -13.486034393310549 + ], + [ + "\u2581Verdrag", + -13.48606014251709 + ], + [ + "inci", + -13.486068725585938 + ], + [ + "tika", + -13.486099243164062 + ], + [ + "\u2581veranderingen", + -13.486170768737791 + ], + [ + "\u2581onomatopeia", + -13.486202239990234 + ], + [ + "\u2581grandeur", + -13.486329078674316 + ], + [ + "\u2581Tunis", + -13.48634433746338 + ], + [ + "rce", + -13.486358642578123 + ], + [ + "Afl", + -13.486377716064451 + ], + [ + "\u2581leitete", + -13.486512184143066 + ], + [ + "\u2581astronoom", + -13.486557960510254 + ], + [ + "hme", + -13.486563682556152 + ], + [ + "\u2581Nuestro", + -13.486571311950684 + ], + [ + "traffic", + -13.486577987670898 + ], + [ + "\u2581Indie", + -13.48660945892334 + ], + [ + "verh\u00e4ltnissen", + -13.48662281036377 + ], + [ + "\u2581inimigo", + -13.486654281616213 + ], + [ + "versi", + -13.486666679382324 + ], + [ + "\u2581Pli", + -13.48671054840088 + ], + [ + "\u2581rotte", + -13.486711502075195 + ], + [ + "\u2581damalige", + -13.486716270446776 + ], + [ + "\u2581Sve", + -13.486764907836914 + ], + [ + "\u2581lands", + -13.48678207397461 + ], + [ + "\u2581reba", + -13.486802101135254 + ], + [ + "tela", + -13.486821174621582 + ], + [ + "rq", + -13.486845016479492 + ], + [ + "Thi", + -13.486848831176758 + ], + [ + "\u2581Cott", + -13.486872673034668 + ], + [ + "wandel", + -13.486892700195312 + ], + [ + "\u00e9on", + -13.48692798614502 + ], + [ + "adulte", + -13.486930847167969 + ], + [ + "\u2581Prijs", + -13.486934661865234 + ], + [ + "\u2581barrios", + -13.4869384765625 + ], + [ + "\u2581Compositores", + -13.48697280883789 + ], + [ + "Resize", + -13.487000465393066 + ], + [ + "Todo", + -13.487042427062988 + ], + [ + "\u2581communale", + -13.487122535705566 + ], + [ + "\u2581F\u00fcrsorge", + -13.487139701843262 + ], + [ + "\u2581Barros", + -13.487141609191896 + ], + [ + "\u2581outil", + -13.487228393554688 + ], + [ + "\u2581vizinhos", + -13.487357139587402 + ], + [ + "\u2581voorwerpen", + -13.487363815307615 + ], + [ + "geblichen", + -13.487386703491213 + ], + [ + "\u2581contatti", + -13.487415313720703 + ], + [ + "coeff", + -13.487419128417969 + ], + [ + "\u2581Holly", + -13.487443923950195 + ], + [ + "\u2581Either", + -13.487454414367676 + ], + [ + "censo", + -13.487457275390623 + ], + [ + "thel", + -13.487486839294434 + ], + [ + "\u2581Colt", + -13.487505912780762 + ], + [ + "\u2581visualiza", + -13.487539291381836 + ], + [ + "\u2581el\u00e9ctrico", + -13.487619400024414 + ], + [ + "spreker", + -13.487632751464844 + ], + [ + "matter", + -13.48764991760254 + ], + [ + "\u2581emozioni", + -13.487661361694336 + ], + [ + "Prov", + -13.487711906433104 + ], + [ + "\u2581einverstanden", + -13.48776626586914 + ], + [ + "\u2581chill", + -13.487771034240724 + ], + [ + "r\u00e4umt", + -13.487783432006836 + ], + [ + "\u2581pandas", + -13.48779582977295 + ], + [ + "\u2581inteira", + -13.487799644470217 + ], + [ + "\u2581startup", + -13.487814903259276 + ], + [ + "\u2581verwerkt", + -13.487870216369627 + ], + [ + "bana", + -13.487881660461426 + ], + [ + "\u2581deutet", + -13.487903594970703 + ], + [ + "uploads", + -13.48792839050293 + ], + [ + "\u2581combinar", + -13.48793125152588 + ], + [ + "dare", + -13.487961769104004 + ], + [ + "\u2581Cate", + -13.48797607421875 + ], + [ + "\u2581Stam", + -13.488001823425291 + ], + [ + "\u2581hinder", + -13.488003730773926 + ], + [ + "\u2581Reihen", + -13.488006591796877 + ], + [ + "\u2581milione", + -13.48805332183838 + ], + [ + "smooth", + -13.48806095123291 + ], + [ + "\u2581c\u00e9r\u00e9bral", + -13.488082885742188 + ], + [ + "\u2581Abschnitte", + -13.48812484741211 + ], + [ + "schutter", + -13.48818016052246 + ], + [ + "\u2581apoia", + -13.488186836242676 + ], + [ + "\u2581Libia", + -13.488195419311523 + ], + [ + "onis", + -13.488197326660156 + ], + [ + "\u2581Gana", + -13.4882230758667 + ], + [ + "\u2581draait", + -13.488224029541016 + ], + [ + "Mk", + -13.488231658935549 + ], + [ + "\u2581j\u00fcngeren", + -13.488250732421877 + ], + [ + "\u2581soutenu", + -13.488262176513672 + ], + [ + "reporter", + -13.488286018371582 + ], + [ + "Anonymous", + -13.488299369812012 + ], + [ + "\u2581Pace", + -13.488303184509276 + ], + [ + "\u2581inform\u00e1tica", + -13.48830795288086 + ], + [ + "\u2581Ere", + -13.488327026367188 + ], + [ + "ahlreiche", + -13.488348960876465 + ], + [ + "\u2581Wahlrecht", + -13.488364219665527 + ], + [ + "ompanie", + -13.488411903381348 + ], + [ + "onian", + -13.488423347473145 + ], + [ + "\u2581ruptura", + -13.488483428955078 + ], + [ + "\u2581Poet", + -13.488485336303713 + ], + [ + "tvOS", + -13.48851203918457 + ], + [ + "\u2581ventanas", + -13.488517761230469 + ], + [ + "\u2581helicopter", + -13.488521575927734 + ], + [ + "\u2581apoiar", + -13.488532066345217 + ], + [ + "PARSE", + -13.48854923248291 + ], + [ + "CUR", + -13.488577842712402 + ], + [ + "\u2581Passagiere", + -13.488595008850098 + ], + [ + "\u2581ervaren", + -13.488603591918944 + ], + [ + "r\u00fcstung", + -13.488616943359377 + ], + [ + "\u2581approached", + -13.488636016845703 + ], + [ + "\u2581spherical", + -13.488687515258787 + ], + [ + "anze", + -13.488690376281738 + ], + [ + "\u2581eingereicht", + -13.488704681396484 + ], + [ + "\u2581derivado", + -13.48871898651123 + ], + [ + "\u2581Fighting", + -13.488730430603027 + ], + [ + "Inputs", + -13.48873233795166 + ], + [ + "\u2581Ishi", + -13.48874282836914 + ], + [ + "Mad", + -13.488750457763672 + ], + [ + "usser", + -13.48878002166748 + ], + [ + "aparece", + -13.488781929016112 + ], + [ + "\u2581Moderna", + -13.488808631896973 + ], + [ + "bbing", + -13.488819122314451 + ], + [ + "\u2581Subjekt", + -13.488848686218262 + ], + [ + "\u2581vorl\u00e4ufig", + -13.48887825012207 + ], + [ + "\u2581Gino", + -13.48888874053955 + ], + [ + "\u2581nachweisbar", + -13.488893508911133 + ], + [ + "\u2581Marius", + -13.48896598815918 + ], + [ + "Outline", + -13.488971710205078 + ], + [ + "\u2581constituci\u00f3n", + -13.488999366760254 + ], + [ + "\u2581dommages", + -13.489011764526367 + ], + [ + "VIS", + -13.489048957824709 + ], + [ + "\u2581singola", + -13.489060401916504 + ], + [ + "presentation", + -13.489063262939451 + ], + [ + "\u2581effectivement", + -13.489086151123049 + ], + [ + "\u2581halo", + -13.48910140991211 + ], + [ + "particip", + -13.489105224609377 + ], + [ + "\u2581Alessandria", + -13.48912525177002 + ], + [ + "\u2581Scientology", + -13.489174842834473 + ], + [ + "\u2581lucky", + -13.489201545715332 + ], + [ + "\u2581Futtermittel", + -13.489264488220217 + ], + [ + "\u2581marry", + -13.489264488220217 + ], + [ + "\u2581incidents", + -13.48928165435791 + ], + [ + "Dz", + -13.489330291748049 + ], + [ + "Schutz", + -13.48934268951416 + ], + [ + "\u2581Skeeter", + -13.489352226257324 + ], + [ + "quarter", + -13.489356994628906 + ], + [ + "\u2581mettendo", + -13.4893798828125 + ], + [ + "\u2581kritischen", + -13.489405632019045 + ], + [ + "\u2581tribos", + -13.48942756652832 + ], + [ + "\u2581Salem", + -13.48943042755127 + ], + [ + "\u2581secretaria", + -13.489434242248535 + ], + [ + "\u2581organisme", + -13.489445686340332 + ], + [ + "ust\u00e4ndigkeiten", + -13.489446640014648 + ], + [ + "\u2581freier", + -13.489531517028809 + ], + [ + "\u2581tenente", + -13.489557266235352 + ], + [ + "\u2581regionaler", + -13.489561080932615 + ], + [ + "\u2581Hoo", + -13.489566802978516 + ], + [ + "GEL", + -13.489583969116213 + ], + [ + "\u2581giungere", + -13.48962688446045 + ], + [ + "ferro", + -13.489629745483398 + ], + [ + "\u2581Wichtig", + -13.489664077758787 + ], + [ + "\u2581amarelo", + -13.48967456817627 + ], + [ + "\u2581Atletismo", + -13.489700317382812 + ], + [ + "idan", + -13.489702224731444 + ], + [ + "Mech", + -13.489707946777344 + ], + [ + "\u2581bereitet", + -13.489773750305176 + ], + [ + "uwer", + -13.489792823791504 + ], + [ + "terrein", + -13.48979663848877 + ], + [ + "\u2581R\u00e9gion", + -13.48980712890625 + ], + [ + "regels", + -13.48982048034668 + ], + [ + "ICON", + -13.489830017089844 + ], + [ + "\u2581Antonius", + -13.489850997924805 + ], + [ + "Datei", + -13.489859580993652 + ], + [ + "\u2581Coo", + -13.48986530303955 + ], + [ + "\u2581lebende", + -13.489867210388184 + ], + [ + "\u2581s\u00e9nateur", + -13.48987865447998 + ], + [ + "\u2581Levin", + -13.489912033081056 + ], + [ + "\u2581dram\u00e1tica", + -13.489924430847168 + ], + [ + "\u2581m\u00e1scara", + -13.489940643310549 + ], + [ + "shirt", + -13.489968299865724 + ], + [ + "\u2581desconhecido", + -13.490017890930176 + ], + [ + "\u2581pushing", + -13.49002170562744 + ], + [ + "\u2581Kalium", + -13.490025520324709 + ], + [ + "kristall", + -13.49010944366455 + ], + [ + "lieferung", + -13.490161895751951 + ], + [ + "\u2581Jord", + -13.490172386169434 + ], + [ + "\u2581Nahrungs", + -13.490224838256836 + ], + [ + "\u2581littoral", + -13.490229606628418 + ], + [ + "\u2581quedaba", + -13.490229606628418 + ], + [ + "\u2581interrompe", + -13.49025058746338 + ], + [ + "\u2581verdediger", + -13.490264892578123 + ], + [ + "\u2581profesores", + -13.490269660949709 + ], + [ + "\u2581hanging", + -13.490280151367188 + ], + [ + "\u2581Lucky", + -13.490283966064451 + ], + [ + "\u2581susceptibles", + -13.490285873413086 + ], + [ + "\u2581constitutionnel", + -13.490328788757324 + ], + [ + "\u2581Minderheiten", + -13.490339279174805 + ], + [ + "\u2581regla", + -13.490371704101562 + ], + [ + "\u2581Acid", + -13.490397453308104 + ], + [ + "\u2581Palestinian", + -13.490432739257812 + ], + [ + "lopende", + -13.49048137664795 + ], + [ + "\u2581scattered", + -13.490482330322266 + ], + [ + "Pc", + -13.490507125854492 + ], + [ + "uosa", + -13.490511894226074 + ], + [ + "\u2581plausible", + -13.49053192138672 + ], + [ + "\u2581segmentos", + -13.490571975708008 + ], + [ + "validators", + -13.490606307983398 + ], + [ + "\u2581volant", + -13.490653038024902 + ], + [ + "\u2581patches", + -13.490655899047852 + ], + [ + "\u2581mezz", + -13.49067211151123 + ], + [ + "\u2581Ambrosi", + -13.49067497253418 + ], + [ + "\u2581unterhalten", + -13.490679740905762 + ], + [ + "\u2581Peli", + -13.490781784057615 + ], + [ + "Joachim", + -13.49078369140625 + ], + [ + "pleg", + -13.490838050842283 + ], + [ + "pai", + -13.490839004516602 + ], + [ + "\u2581sceglie", + -13.490909576416016 + ], + [ + "xmm", + -13.490912437438965 + ], + [ + "\u2581gepresenteerd", + -13.490927696228027 + ], + [ + "\u2581besch\u00e4digt", + -13.490957260131836 + ], + [ + "\u2581bandit", + -13.490978240966797 + ], + [ + "iertes", + -13.490991592407228 + ], + [ + "\u2581rossi", + -13.491037368774414 + ], + [ + "\u2581zielt", + -13.49105453491211 + ], + [ + "\u2581leraar", + -13.491065979003906 + ], + [ + "\u2581LU", + -13.491073608398438 + ], + [ + "\u2581Nils", + -13.49109935760498 + ], + [ + "immeuble", + -13.491106033325195 + ], + [ + "\u2581Nessuno", + -13.491132736206056 + ], + [ + "\u2581Pent", + -13.49117946624756 + ], + [ + "\u2581aandelen", + -13.491229057312012 + ], + [ + "kje", + -13.491268157958984 + ], + [ + "avvento", + -13.4912748336792 + ], + [ + "ANDO", + -13.49130153656006 + ], + [ + "internet", + -13.491324424743652 + ], + [ + "\u2581Himmels", + -13.491355895996094 + ], + [ + "\u2581Dau", + -13.49137020111084 + ], + [ + "\u00fctz", + -13.491377830505373 + ], + [ + "sausschu", + -13.491400718688965 + ], + [ + "undesgerichtshof", + -13.49141788482666 + ], + [ + "\u2581uitgever", + -13.491426467895508 + ], + [ + "\u2581terceros", + -13.491456985473633 + ], + [ + "\u2581Deli", + -13.491484642028809 + ], + [ + "\u2581Savage", + -13.491496086120604 + ], + [ + "\u2581Barone", + -13.491509437561035 + ], + [ + "\u2581cerco", + -13.49160385131836 + ], + [ + "aufgabe", + -13.491658210754396 + ], + [ + "\u2581ministros", + -13.491692543029783 + ], + [ + "neming", + -13.491705894470217 + ], + [ + "\u2581Fernmelde", + -13.491719245910645 + ], + [ + "\u2581Halbsatz", + -13.491753578186035 + ], + [ + "\u2581Schiller", + -13.4917631149292 + ], + [ + "Simulation", + -13.491781234741213 + ], + [ + "\u2581rendendo", + -13.491816520690918 + ], + [ + "\u2581straniero", + -13.4918212890625 + ], + [ + "\u2581caballer\u00eda", + -13.491841316223145 + ], + [ + "Din", + -13.49188995361328 + ], + [ + "\u2581Profi", + -13.491923332214355 + ], + [ + "\u2581obrigado", + -13.491979598999023 + ], + [ + "\u2581igualdad", + -13.492005348205566 + ], + [ + "\u2581Focus", + -13.492019653320312 + ], + [ + "\u2581Serial", + -13.49208641052246 + ], + [ + "iosa", + -13.492091178894045 + ], + [ + "\u2581Campi", + -13.492172241210938 + ], + [ + "\u2581aparato", + -13.492173194885254 + ], + [ + "\u2581interieur", + -13.492179870605469 + ], + [ + "\u2581perfectamente", + -13.492189407348633 + ], + [ + "\u2581Eid", + -13.49221897125244 + ], + [ + "\u2581parecia", + -13.492295265197754 + ], + [ + "\u2581Erwartung", + -13.492300033569336 + ], + [ + "\u2581profitieren", + -13.492303848266602 + ], + [ + "\u2581terugkeren", + -13.49234676361084 + ], + [ + "\u2581bonita", + -13.492376327514648 + ], + [ + "flip", + -13.49241065979004 + ], + [ + "squeeze", + -13.492424964904783 + ], + [ + "\u2581implementar", + -13.492461204528809 + ], + [ + "\u2581letting", + -13.492465019226074 + ], + [ + "league", + -13.492481231689451 + ], + [ + "\u2581Lukas", + -13.492486953735352 + ], + [ + "\u2581monstro", + -13.492508888244627 + ], + [ + "\u2581pulp", + -13.492508888244627 + ], + [ + "\u2581Hain", + -13.492511749267578 + ], + [ + "\u2581nacionalidad", + -13.49253749847412 + ], + [ + "\u2581beperkte", + -13.492579460144045 + ], + [ + "vendors", + -13.492592811584473 + ], + [ + "alfabet", + -13.49265193939209 + ], + [ + "\u2581bedroom", + -13.49267864227295 + ], + [ + "\u2581erweitern", + -13.492687225341797 + ], + [ + "\u2581Wirkungs", + -13.49278736114502 + ], + [ + "\u00e1ceas", + -13.492795944213867 + ], + [ + "\u2581aangewezen", + -13.492795944213867 + ], + [ + "September", + -13.492819786071776 + ], + [ + "\u2581M\u00e9diterran\u00e9e", + -13.49285888671875 + ], + [ + "ALI", + -13.492879867553713 + ], + [ + "\u2581Verh", + -13.492915153503418 + ], + [ + "\u2581Mediterranean", + -13.492916107177734 + ], + [ + "quat", + -13.492968559265137 + ], + [ + "voi", + -13.492996215820312 + ], + [ + "\u2581stared", + -13.493033409118652 + ], + [ + "\u2581deletion", + -13.493154525756836 + ], + [ + "croft", + -13.493160247802734 + ], + [ + "aking", + -13.493197441101074 + ], + [ + "\u2581Carnegie", + -13.49321746826172 + ], + [ + "\u2581Unterbrechung", + -13.493220329284668 + ], + [ + "FFDAB", + -13.493239402770996 + ], + [ + "\u2581intervenir", + -13.493263244628906 + ], + [ + "Assassin", + -13.493270874023438 + ], + [ + "vina", + -13.493279457092283 + ], + [ + "Appearance", + -13.493297576904297 + ], + [ + "habitant", + -13.493301391601562 + ], + [ + "\u2581instructor", + -13.49330711364746 + ], + [ + "\u2581biol\u00f3gica", + -13.493321418762209 + ], + [ + "\u2581futebolista", + -13.493335723876951 + ], + [ + "\u2581Ruy", + -13.493345260620115 + ], + [ + "uD", + -13.49337387084961 + ], + [ + "artiest", + -13.49338436126709 + ], + [ + "\u2581disciplinas", + -13.493395805358888 + ], + [ + "\u2581st\u00e4dtischen", + -13.493404388427734 + ], + [ + "\u2581Meng", + -13.493409156799316 + ], + [ + "\u2581negar", + -13.493414878845217 + ], + [ + "\u2581mostre", + -13.493420600891112 + ], + [ + "\u2581Tex", + -13.493440628051758 + ], + [ + "\u2581beschikking", + -13.493450164794922 + ], + [ + "televisiefilm", + -13.493462562561035 + ], + [ + "\u2581romantic", + -13.49346923828125 + ], + [ + "\u2581peri", + -13.493484497070312 + ], + [ + "\u2581Kunde", + -13.49350357055664 + ], + [ + "\u2581polite", + -13.493542671203612 + ], + [ + "\u2581Fale", + -13.49355125427246 + ], + [ + "\u2581Babylon", + -13.493568420410156 + ], + [ + "\u2581netto", + -13.49362087249756 + ], + [ + "\u2581abandonn\u00e9", + -13.493621826171877 + ], + [ + "\u2581Hali", + -13.493626594543455 + ], + [ + "\u2581scorta", + -13.493698120117188 + ], + [ + "\u2581Agenda", + -13.49371337890625 + ], + [ + "\u2581salari\u00e9s", + -13.493722915649414 + ], + [ + "LIC", + -13.49372386932373 + ], + [ + "\u2581costruite", + -13.493766784667969 + ], + [ + "alco", + -13.49377155303955 + ], + [ + "localVar", + -13.49377155303955 + ], + [ + "\u2581propuso", + -13.49383544921875 + ], + [ + "\u2581beinahe", + -13.493849754333496 + ], + [ + "Sleep", + -13.493861198425291 + ], + [ + "sation", + -13.493878364562988 + ], + [ + "imar", + -13.493924140930176 + ], + [ + "frasi", + -13.493947982788086 + ], + [ + "\u2581configuraci\u00f3n", + -13.49395751953125 + ], + [ + "Utilities", + -13.493982315063477 + ], + [ + "\u2581Reinigung", + -13.494003295898438 + ], + [ + "\u2581gasto", + -13.49400520324707 + ], + [ + "\u2581Roja", + -13.494012832641602 + ], + [ + "senkung", + -13.494062423706056 + ], + [ + "\u2581Geschichten", + -13.494123458862305 + ], + [ + "\u2581accueilli", + -13.49415683746338 + ], + [ + "\u2581Lourdes", + -13.494158744812012 + ], + [ + "\u2581maintien", + -13.494160652160645 + ], + [ + "hepunkt", + -13.494187355041504 + ], + [ + "vago", + -13.494217872619627 + ], + [ + "\u2581Ebbe", + -13.49428939819336 + ], + [ + "\u2581literaire", + -13.494304656982422 + ], + [ + "\u2581verdrag", + -13.494319915771484 + ], + [ + "\u2581subtropical", + -13.4943208694458 + ], + [ + "\u2581Freie", + -13.494321823120115 + ], + [ + "\u2581specifici", + -13.494385719299316 + ], + [ + "\u2581Wolken", + -13.494404792785645 + ], + [ + "\u2581procedimentos", + -13.494462013244627 + ], + [ + "lasting", + -13.494489669799805 + ], + [ + "\u2581Revolutie", + -13.494492530822754 + ], + [ + "\u2581gen\u00e9rico", + -13.494494438171388 + ], + [ + "StringBuilder", + -13.494495391845703 + ], + [ + "liger", + -13.494507789611816 + ], + [ + "\u2581Prove", + -13.49452304840088 + ], + [ + "\u2581vertritt", + -13.494566917419434 + ], + [ + "\u2581analogue", + -13.494583129882812 + ], + [ + "\u2581peers", + -13.494599342346191 + ], + [ + "\u2581Wend", + -13.49462604522705 + ], + [ + "lipping", + -13.494627952575684 + ], + [ + "observatoire", + -13.494633674621582 + ], + [ + "typique", + -13.494688034057615 + ], + [ + "\u2581Lyc", + -13.4947509765625 + ], + [ + "\u2581clero", + -13.494755744934082 + ], + [ + "ekte", + -13.494789123535156 + ], + [ + "zhi", + -13.494789123535156 + ], + [ + "\u2581fertiggestellt", + -13.49480152130127 + ], + [ + "\u2581taglio", + -13.494817733764648 + ], + [ + "\u2581yoga", + -13.49487018585205 + ], + [ + "\u2581Wirkstoff", + -13.494881629943848 + ], + [ + "\u2581provocato", + -13.494887351989746 + ], + [ + "\u2581Andrei", + -13.49490737915039 + ], + [ + "\u2581B\u00fcrgerinnen", + -13.49496364593506 + ], + [ + "\u2581Vill", + -13.494980812072754 + ], + [ + "\u2581Cause", + -13.49501609802246 + ], + [ + "mux", + -13.49505615234375 + ], + [ + "\u2581suivent", + -13.495065689086914 + ], + [ + "\u2581Freundin", + -13.495074272155762 + ], + [ + "\u2581Miriam", + -13.495079040527344 + ], + [ + "Relay", + -13.49511432647705 + ], + [ + "\u2581conquistato", + -13.495157241821287 + ], + [ + "gebundenen", + -13.495168685913086 + ], + [ + "\u2581sch\u00e4tzt", + -13.495205879211426 + ], + [ + "\u2581begr\u00fcndete", + -13.495221138000488 + ], + [ + "\u2581missionari", + -13.495221138000488 + ], + [ + "\u2581clicar", + -13.495244026184082 + ], + [ + "T\u00edtulo", + -13.49526309967041 + ], + [ + "quartier", + -13.495282173156738 + ], + [ + "\u2581tassa", + -13.495295524597168 + ], + [ + "\u2581avantages", + -13.495304107666016 + ], + [ + "\u2581Messen", + -13.495311737060549 + ], + [ + "\u2581afloop", + -13.495323181152344 + ], + [ + "\u2581sostanzialmente", + -13.495323181152344 + ], + [ + "eignet", + -13.495326042175291 + ], + [ + "\u2581pink", + -13.49532699584961 + ], + [ + "\u2581Betten", + -13.495335578918455 + ], + [ + "TTT", + -13.495352745056152 + ], + [ + "ckte", + -13.495436668395996 + ], + [ + "\u2581Jas", + -13.495438575744627 + ], + [ + "Coll", + -13.4954833984375 + ], + [ + "distrito", + -13.49548625946045 + ], + [ + "\u2581counters", + -13.495513916015623 + ], + [ + "\u2581kni", + -13.495564460754396 + ], + [ + "\u2581compet", + -13.495604515075684 + ], + [ + "d\u00e9n", + -13.495606422424316 + ], + [ + "\u2581Hiervoor", + -13.495624542236328 + ], + [ + "foli", + -13.495646476745604 + ], + [ + "\u2581severa", + -13.495652198791504 + ], + [ + "\u2581abap", + -13.495685577392578 + ], + [ + "\u2581failures", + -13.49569320678711 + ], + [ + "\u2581tir\u00e9", + -13.495708465576172 + ], + [ + "\u2581giri", + -13.495728492736816 + ], + [ + "CSR", + -13.495732307434082 + ], + [ + "\u2581celebrada", + -13.495732307434082 + ], + [ + "\u2581Wur", + -13.495744705200195 + ], + [ + "Rezeptor", + -13.495747566223145 + ], + [ + "\u2581Pharma", + -13.49575901031494 + ], + [ + "\u2581iniziative", + -13.49581241607666 + ], + [ + "\u2581overwinningen", + -13.495824813842772 + ], + [ + "\u2581Internationaal", + -13.495851516723633 + ], + [ + "\u2581fremden", + -13.495851516723633 + ], + [ + "\u2581Patrim", + -13.495861053466797 + ], + [ + "\u2581ethical", + -13.49586582183838 + ], + [ + "\u2581dying", + -13.495866775512695 + ], + [ + "\u2581Elvis", + -13.49590015411377 + ], + [ + "\u2581Joanne", + -13.49591827392578 + ], + [ + "\u2581bedrag", + -13.495933532714844 + ], + [ + "warehouse", + -13.49594783782959 + ], + [ + "\u2581\u00e9lectriques", + -13.49597454071045 + ], + [ + "\u2581Cf", + -13.495997428894045 + ], + [ + "bedrijven", + -13.49600315093994 + ], + [ + "\u2581s\u00edtio", + -13.4960355758667 + ], + [ + "\u2581dramatic", + -13.496038436889648 + ], + [ + "\u2581valable", + -13.496068954467772 + ], + [ + "\u2581te\u00f3rica", + -13.49608039855957 + ], + [ + "\u2581innovation", + -13.496084213256836 + ], + [ + "\u2581Mum", + -13.496113777160645 + ], + [ + "\u2581nose", + -13.496241569519045 + ], + [ + "jvm", + -13.49624729156494 + ], + [ + "\u2581Tut", + -13.496282577514648 + ], + [ + "\u2581Schmal", + -13.496308326721191 + ], + [ + "r\u00edas", + -13.496310234069824 + ], + [ + "modells", + -13.49631404876709 + ], + [ + "\u2581besonderes", + -13.496382713317873 + ], + [ + "\u2581califica", + -13.496395111083984 + ], + [ + "\u2581redshift", + -13.496397972106934 + ], + [ + "\u2581R\u00e9union", + -13.496420860290527 + ], + [ + "\u2581fronteiras", + -13.496421813964844 + ], + [ + "\u2581Erbe", + -13.496432304382324 + ], + [ + "\u2581Amen", + -13.496460914611816 + ], + [ + "\u2581dizem", + -13.496465682983398 + ], + [ + "abu", + -13.49649143218994 + ], + [ + "pondo", + -13.496540069580078 + ], + [ + "l\u00f3gico", + -13.496541976928713 + ], + [ + "\u2581perfeito", + -13.496553421020508 + ], + [ + "tierung", + -13.496556282043455 + ], + [ + "\u2581Danubio", + -13.496556282043455 + ], + [ + "\u2581Syria", + -13.49666690826416 + ], + [ + "\u2581provoque", + -13.496673583984377 + ], + [ + "accessibility", + -13.49669361114502 + ], + [ + "\u2581Surinaamse", + -13.496732711791992 + ], + [ + "gebenden", + -13.496747016906738 + ], + [ + "\u2581Thorn", + -13.49675178527832 + ], + [ + "Promotor", + -13.496786117553713 + ], + [ + "\u2581permits", + -13.496798515319824 + ], + [ + "\u2581versant", + -13.49680995941162 + ], + [ + "\u2581doux", + -13.496811866760254 + ], + [ + "\u2581entregue", + -13.496826171875 + ], + [ + "\u2581vissen", + -13.49683666229248 + ], + [ + "\u2581Inneren", + -13.496866226196287 + ], + [ + "\u2581Portfolio", + -13.496903419494627 + ], + [ + "\u2581povero", + -13.496954917907717 + ], + [ + "\u2581Boots", + -13.496981620788574 + ], + [ + "\u2581Ehemalige", + -13.496997833251951 + ], + [ + "H\u00e9r", + -13.497005462646484 + ], + [ + "MBA", + -13.497030258178713 + ], + [ + "\u2581Filipe", + -13.497045516967772 + ], + [ + "ichthys", + -13.497076988220217 + ], + [ + "\u2581Paderborn", + -13.497085571289062 + ], + [ + "\u2581GDP", + -13.4971342086792 + ], + [ + "\u2581desenvolvida", + -13.49718952178955 + ], + [ + "komedie", + -13.497206687927246 + ], + [ + "wake", + -13.497206687927246 + ], + [ + "\u2581Sanierungs", + -13.497211456298828 + ], + [ + "eben", + -13.49721908569336 + ], + [ + "\u2581professionisti", + -13.49722671508789 + ], + [ + "h\u00e9bergement", + -13.497262954711914 + ], + [ + "\u2581Cartesian", + -13.497288703918455 + ], + [ + "idine", + -13.49729347229004 + ], + [ + "isset", + -13.497296333312988 + ], + [ + "\u2581sparsi", + -13.497353553771973 + ], + [ + "\u2581Kum", + -13.497361183166504 + ], + [ + "adversaire", + -13.497371673583984 + ], + [ + "\u2581Punk", + -13.497389793395996 + ], + [ + "stylesheets", + -13.49742317199707 + ], + [ + "codigo", + -13.497465133666992 + ], + [ + "\u2581Benny", + -13.497474670410156 + ], + [ + "\u2581objectivo", + -13.49748706817627 + ], + [ + "ceae", + -13.497495651245115 + ], + [ + "\u2581chanteuse", + -13.497556686401367 + ], + [ + "\u2581Kunsten", + -13.497565269470217 + ], + [ + "ucked", + -13.49759006500244 + ], + [ + "\u2581Amber", + -13.49763011932373 + ], + [ + "\u2581rigore", + -13.497657775878906 + ], + [ + "\u2581spatiale", + -13.497672080993652 + ], + [ + "Bluetooth", + -13.497678756713867 + ], + [ + "gezeichnet", + -13.497708320617676 + ], + [ + "ieder", + -13.497723579406738 + ], + [ + "\u2581erschlossen", + -13.497740745544434 + ], + [ + "\u2581volere", + -13.497776985168455 + ], + [ + "December", + -13.49778938293457 + ], + [ + "hnlichkeit", + -13.49782657623291 + ], + [ + "pulver", + -13.497861862182615 + ], + [ + "Roles", + -13.49787139892578 + ], + [ + "\u2581Rechnungsjahr", + -13.497886657714844 + ], + [ + "\u2581provisoire", + -13.497895240783691 + ], + [ + "FFT", + -13.497896194458008 + ], + [ + "\u2581dominate", + -13.497896194458008 + ], + [ + "griff", + -13.497901916503906 + ], + [ + "\u2581Sc\u00e9nario", + -13.497968673706056 + ], + [ + "\u2581enigszins", + -13.497968673706056 + ], + [ + "\u2581estrat\u00e9gico", + -13.497968673706056 + ], + [ + "\u2581Itinerari", + -13.497969627380373 + ], + [ + "\u2581gelassen", + -13.497982025146484 + ], + [ + "Temperature", + -13.49798583984375 + ], + [ + "Directive", + -13.498002052307127 + ], + [ + "\u2581genoemde", + -13.498008728027344 + ], + [ + "aufwendig", + -13.498064041137695 + ], + [ + "gelaten", + -13.498068809509276 + ], + [ + "\u2581wens", + -13.498087882995604 + ], + [ + "tumor", + -13.498104095458984 + ], + [ + "getal", + -13.498109817504885 + ], + [ + "\u2581expertos", + -13.498138427734377 + ], + [ + "opportun", + -13.498140335083008 + ], + [ + "\u2581Sister", + -13.498151779174805 + ], + [ + "ggen", + -13.498161315917969 + ], + [ + "\u2581Pferd", + -13.49817943572998 + ], + [ + "\u2581promesa", + -13.49818515777588 + ], + [ + "\u2581Jonge", + -13.498204231262209 + ], + [ + "\u2581Bid", + -13.49822235107422 + ], + [ + "\u2581propietario", + -13.49830436706543 + ], + [ + "buc", + -13.498324394226074 + ], + [ + "Rich", + -13.498337745666504 + ], + [ + "krankheit", + -13.498382568359377 + ], + [ + "tenus", + -13.498422622680664 + ], + [ + "\u2581empresarial", + -13.49843406677246 + ], + [ + "\u2581honderden", + -13.49843692779541 + ], + [ + "spread", + -13.498457908630373 + ], + [ + "\u2581Spreng", + -13.498501777648926 + ], + [ + "inherit", + -13.498531341552734 + ], + [ + "corev", + -13.498537063598633 + ], + [ + "STREAM", + -13.498539924621582 + ], + [ + "\u2581definisce", + -13.49854850769043 + ], + [ + "\u2581Theil", + -13.49855136871338 + ], + [ + "volve", + -13.498552322387695 + ], + [ + "OMP", + -13.498567581176758 + ], + [ + "\u2581Discografia", + -13.498584747314451 + ], + [ + "planten", + -13.498589515686035 + ], + [ + "durre", + -13.49860668182373 + ], + [ + "staand", + -13.498608589172363 + ], + [ + "skriterien", + -13.498613357543944 + ], + [ + "yq", + -13.498628616333008 + ], + [ + "\u2581aval", + -13.498640060424805 + ], + [ + "ponto", + -13.498677253723145 + ], + [ + "Adriatico", + -13.498723983764648 + ], + [ + "\u2581quadr", + -13.498732566833496 + ], + [ + "\u2581materna", + -13.498771667480469 + ], + [ + "\u2581Notar", + -13.49879550933838 + ], + [ + "\u2581defende", + -13.498820304870604 + ], + [ + "Ey", + -13.498831748962402 + ], + [ + "konstanten", + -13.498848915100098 + ], + [ + "\u2581Botswana", + -13.498852729797363 + ], + [ + "\u2581Bremer", + -13.498855590820312 + ], + [ + "\u2581accidents", + -13.49886417388916 + ], + [ + "pje", + -13.49888038635254 + ], + [ + "\u2581continuously", + -13.49891757965088 + ], + [ + "\u2581Takt", + -13.49899196624756 + ], + [ + "organisme", + -13.498998641967772 + ], + [ + "\u2581oblige", + -13.499001502990724 + ], + [ + "\u2581bilateral", + -13.499006271362305 + ], + [ + "\u2581sublicense", + -13.499011039733888 + ], + [ + "\u2581Boulogne", + -13.499031066894531 + ], + [ + "\u2581nascosto", + -13.499031066894531 + ], + [ + "batida", + -13.499035835266112 + ], + [ + "\u2581lungen", + -13.499063491821287 + ], + [ + "arena", + -13.499078750610352 + ], + [ + "Coburg", + -13.49908447265625 + ], + [ + "\u2581Myers", + -13.499088287353516 + ], + [ + "\u2581Beatrice", + -13.499093055725098 + ], + [ + "\u00e4mie", + -13.499140739440918 + ], + [ + "neighbor", + -13.499181747436523 + ], + [ + "\u2581risposte", + -13.499192237854004 + ], + [ + "\u2581Alm", + -13.499217987060549 + ], + [ + "hair", + -13.499250411987305 + ], + [ + "\u2581sublime", + -13.499273300170898 + ], + [ + "DSA", + -13.49931812286377 + ], + [ + "\u2581bruxa", + -13.49935245513916 + ], + [ + "\u2581recettes", + -13.499381065368652 + ], + [ + "\u2581Celsius", + -13.49938678741455 + ], + [ + "gekort", + -13.499425888061523 + ], + [ + "bita", + -13.499442100524902 + ], + [ + "bestuur", + -13.499468803405762 + ], + [ + "\u2581Penh", + -13.499483108520508 + ], + [ + "ttner", + -13.499506950378418 + ], + [ + "\u2581Duo", + -13.49953556060791 + ], + [ + "\u2581zif", + -13.499537467956545 + ], + [ + "\u2581Auslieferung", + -13.499542236328123 + ], + [ + "hove", + -13.49954891204834 + ], + [ + "phus", + -13.499552726745604 + ], + [ + "FIN", + -13.499553680419922 + ], + [ + "\u2581abgebaut", + -13.499556541442873 + ], + [ + "\u2581Ratten", + -13.499563217163086 + ], + [ + "\u2581panels", + -13.499567031860352 + ], + [ + "fremd", + -13.499582290649414 + ], + [ + "\u2581Visum", + -13.499598503112791 + ], + [ + "\u2581Olm", + -13.49961280822754 + ], + [ + "\u2581ramifica", + -13.499615669250488 + ], + [ + "l\u00e4ufig", + -13.499627113342283 + ], + [ + "\u2581zunehmender", + -13.499637603759766 + ], + [ + "\u2581Ruh", + -13.49964714050293 + ], + [ + "\u2581mancano", + -13.49964714050293 + ], + [ + "\u2581Detektion", + -13.499649047851562 + ], + [ + "\u2581duquel", + -13.499674797058104 + ], + [ + "almirante", + -13.499741554260254 + ], + [ + "kia", + -13.49974536895752 + ], + [ + "politischer", + -13.499768257141112 + ], + [ + "\u2581gigantes", + -13.499771118164062 + ], + [ + "\u2581lectures", + -13.499774932861328 + ], + [ + "\u2581assenza", + -13.499775886535645 + ], + [ + "\u2581recientes", + -13.499778747558594 + ], + [ + "borrow", + -13.49979019165039 + ], + [ + "sby", + -13.499796867370604 + ], + [ + "pelli", + -13.499807357788086 + ], + [ + "raud", + -13.499848365783691 + ], + [ + "\u2581Meestal", + -13.499917984008787 + ], + [ + "\u2581streg", + -13.499935150146484 + ], + [ + "\u2581Chit", + -13.499971389770508 + ], + [ + "\u2581replication", + -13.499987602233888 + ], + [ + "\u2581Rug", + -13.50010108947754 + ], + [ + "\u2581virtually", + -13.500107765197754 + ], + [ + "\u2581Gewerkschaften", + -13.50010871887207 + ], + [ + "\u2581mitzuteilen", + -13.500115394592283 + ], + [ + "\u2581Tabla", + -13.500121116638184 + ], + [ + "\u2581inherited", + -13.500170707702637 + ], + [ + "\u2581dovesse", + -13.500224113464355 + ], + [ + "\u2581Walther", + -13.500255584716797 + ], + [ + "\u2581Havre", + -13.500273704528809 + ], + [ + "isotope", + -13.50027847290039 + ], + [ + "\u2581artiller\u00eda", + -13.500289916992188 + ], + [ + "\u2581Vrije", + -13.500299453735352 + ], + [ + "SchG", + -13.500300407409668 + ], + [ + "gramma", + -13.500307083129885 + ], + [ + "\u2581annotations", + -13.500336647033691 + ], + [ + "JAN", + -13.500350952148438 + ], + [ + "\u2581Niko", + -13.500357627868652 + ], + [ + "garantie", + -13.5004243850708 + ], + [ + "singleton", + -13.500447273254396 + ], + [ + "\u2581inst", + -13.500452041625977 + ], + [ + "\u2581Reli", + -13.500454902648926 + ], + [ + "\u2581drunk", + -13.500457763671877 + ], + [ + "zwecke", + -13.500494956970217 + ], + [ + "STACK", + -13.500520706176758 + ], + [ + "t\u00f3rias", + -13.500555992126465 + ], + [ + "\u2581wint", + -13.500560760498049 + ], + [ + "FIFO", + -13.500572204589844 + ], + [ + "opoli", + -13.500605583190918 + ], + [ + "sehr", + -13.500622749328612 + ], + [ + "\u2581Bundespost", + -13.50064182281494 + ], + [ + "\u2581Biologie", + -13.50066089630127 + ], + [ + "THDR", + -13.500718116760254 + ], + [ + "huma", + -13.500740051269531 + ], + [ + "octo", + -13.50086498260498 + ], + [ + "\u2581operado", + -13.500899314880373 + ], + [ + "rossi", + -13.500953674316406 + ], + [ + "Phone", + -13.50095558166504 + ], + [ + "habit", + -13.500962257385254 + ], + [ + "\u2581Ierse", + -13.500980377197266 + ], + [ + "nnet", + -13.50098705291748 + ], + [ + "\u2581hinzuweisen", + -13.501007080078123 + ], + [ + "intestin", + -13.501031875610352 + ], + [ + "Oosten", + -13.501081466674805 + ], + [ + "stato", + -13.501091957092283 + ], + [ + "schrank", + -13.501092910766602 + ], + [ + "\u2581recorde", + -13.501113891601562 + ], + [ + "Stu", + -13.501133918762209 + ], + [ + "\u2581monotypisch", + -13.50115203857422 + ], + [ + "repositories", + -13.501152992248535 + ], + [ + "\u2581Sektoren", + -13.501171112060549 + ], + [ + "\u2581\u00fcbrigens", + -13.501177787780762 + ], + [ + "isk", + -13.501267433166504 + ], + [ + "\u2581variabile", + -13.501319885253906 + ], + [ + "ArrayList", + -13.501323699951172 + ], + [ + "Concord", + -13.501395225524902 + ], + [ + "iprot", + -13.50141143798828 + ], + [ + "\u2581r\u00e4umlichen", + -13.50141716003418 + ], + [ + "SecurityGroup", + -13.501445770263672 + ], + [ + "\u2581Abw\u00e4gung", + -13.501462936401367 + ], + [ + "\u2581Jury", + -13.501500129699709 + ], + [ + "itsa", + -13.501534461975098 + ], + [ + "vind", + -13.501558303833008 + ], + [ + "\u2581apparire", + -13.501690864562988 + ], + [ + "\u2581vorherige", + -13.501690864562988 + ], + [ + "\u2581deber\u00e1", + -13.501731872558594 + ], + [ + "entrepreneur", + -13.501751899719238 + ], + [ + "borgen", + -13.501761436462402 + ], + [ + "\u2581Paramount", + -13.501768112182615 + ], + [ + "utzt", + -13.501800537109377 + ], + [ + "\u2581dipinti", + -13.501806259155272 + ], + [ + "\u2581conclusi\u00f3n", + -13.50181007385254 + ], + [ + "engagement", + -13.501811027526855 + ], + [ + "\u2581sostituzione", + -13.501811027526855 + ], + [ + "\u2581Indische", + -13.50182056427002 + ], + [ + "onal", + -13.501838684082031 + ], + [ + "\u2581remplace", + -13.501846313476562 + ], + [ + "\u2581distrutta", + -13.501864433288574 + ], + [ + "\u2581H\u00e4ufig", + -13.501870155334473 + ], + [ + "\u2581monster", + -13.501893997192385 + ], + [ + "vocat", + -13.501904487609863 + ], + [ + "\u2581Sorte", + -13.501913070678713 + ], + [ + "OpenCV", + -13.501924514770508 + ], + [ + "Blanc", + -13.501933097839355 + ], + [ + "\u2581emergencia", + -13.501949310302734 + ], + [ + "\u2581timid", + -13.50195026397705 + ], + [ + "\u2581Saf", + -13.501956939697266 + ], + [ + "\u2581counsel", + -13.501972198486328 + ], + [ + "\u2581Rhode", + -13.50198459625244 + ], + [ + "\u2581Borussia", + -13.501993179321287 + ], + [ + "cleaned", + -13.501999855041504 + ], + [ + "\u2581affection", + -13.5020170211792 + ], + [ + "\u2581literalmente", + -13.502023696899414 + ], + [ + "\u2581$$(", + -13.502039909362791 + ], + [ + "\u2581Pesca", + -13.502047538757324 + ], + [ + "\u2581bekendheid", + -13.502050399780272 + ], + [ + "EMA", + -13.502065658569336 + ], + [ + "ships", + -13.502067565917969 + ], + [ + "\u2581segreta", + -13.502083778381348 + ], + [ + "ttato", + -13.50209903717041 + ], + [ + "\u2581conviene", + -13.50209903717041 + ], + [ + "\u2581r\u00e9volutionnaire", + -13.502171516418455 + ], + [ + "\u2581errado", + -13.50220775604248 + ], + [ + "\u2581geregisseerd", + -13.50221824645996 + ], + [ + "\u2581Cabrera", + -13.502219200134276 + ], + [ + "schreiten", + -13.502241134643556 + ], + [ + "\u2581julgamento", + -13.502246856689451 + ], + [ + "\u2581Erkenntnissen", + -13.502264976501465 + ], + [ + "kalen", + -13.50226593017578 + ], + [ + "\u2581modulation", + -13.50229835510254 + ], + [ + "epel", + -13.502301216125488 + ], + [ + "Tm", + -13.502423286437988 + ], + [ + "\u2581rodar", + -13.502429008483888 + ], + [ + "\u2581allusion", + -13.502439498901367 + ], + [ + "\u2581citizen", + -13.502445220947266 + ], + [ + "rj", + -13.50245475769043 + ], + [ + "commerce", + -13.502486228942873 + ], + [ + "BOL", + -13.50250244140625 + ], + [ + "\u2581feria", + -13.5025053024292 + ], + [ + "igner", + -13.502507209777832 + ], + [ + "\u2581cantando", + -13.502509117126465 + ], + [ + "\u2581prisonniers", + -13.502513885498049 + ], + [ + "\u2581Lenk", + -13.502514839172363 + ], + [ + "bok", + -13.502525329589844 + ], + [ + "\u2581levant\u00f3", + -13.502552032470703 + ], + [ + "\u2581divenuto", + -13.502553939819336 + ], + [ + "SAL", + -13.502558708190918 + ], + [ + "\u2581dreimal", + -13.50256633758545 + ], + [ + "\u2581Ozean", + -13.502592086791992 + ], + [ + "\u2581Rwanda", + -13.502631187438965 + ], + [ + "\u00eddio", + -13.502650260925291 + ], + [ + "KEN", + -13.502668380737305 + ], + [ + "\u2581Bess", + -13.502696990966797 + ], + [ + "\u2581gates", + -13.502696990966797 + ], + [ + "\u2581strafbar", + -13.50269889831543 + ], + [ + "\u2581Fahrl\u00e4ssigkeit", + -13.502750396728516 + ], + [ + "\u2581Vorstands", + -13.502762794494627 + ], + [ + "\u2581rappresentante", + -13.502779006958008 + ], + [ + "st\u00e4dten", + -13.502799034118652 + ], + [ + "\u2581Persia", + -13.502812385559082 + ], + [ + "\u2581warme", + -13.50281810760498 + ], + [ + "\u2581colocando", + -13.502840995788574 + ], + [ + "\u2581Clari", + -13.502849578857422 + ], + [ + "Hollandse", + -13.502887725830078 + ], + [ + "\u2581Kulturen", + -13.502890586853027 + ], + [ + "\u2581publiziert", + -13.502927780151367 + ], + [ + "\u2581vidro", + -13.502934455871582 + ], + [ + "\u2581fusi\u00f3n", + -13.502939224243164 + ], + [ + "\u2581Vermont", + -13.502948760986328 + ], + [ + "\u2581cardio", + -13.502969741821287 + ], + [ + "raya", + -13.502979278564451 + ], + [ + "\u2581aposta", + -13.50298309326172 + ], + [ + "eeuw", + -13.503000259399414 + ], + [ + "assassino", + -13.503016471862791 + ], + [ + "\u2581Sumatra", + -13.503032684326172 + ], + [ + "\u2581f\u00fchrenden", + -13.50304126739502 + ], + [ + "\u2581snelle", + -13.503053665161133 + ], + [ + "andl", + -13.50306510925293 + ], + [ + "\u2581viable", + -13.50307273864746 + ], + [ + "\u2581Anreize", + -13.503090858459473 + ], + [ + "BEGIN", + -13.503091812133787 + ], + [ + "\u2581s\u00e9rieux", + -13.50310230255127 + ], + [ + "\u2581Dear", + -13.503129959106444 + ], + [ + "\u2581Reisende", + -13.503151893615724 + ], + [ + "\u2581festgesetzten", + -13.503156661987305 + ], + [ + "\u2581reflects", + -13.503183364868164 + ], + [ + "ypern", + -13.503251075744627 + ], + [ + "\u2581falada", + -13.503257751464844 + ], + [ + "\u2581Lettres", + -13.503284454345703 + ], + [ + "\u2581Wanderung", + -13.503302574157717 + ], + [ + "\u2581Comit", + -13.503326416015623 + ], + [ + "\u2581Wijk", + -13.503355026245115 + ], + [ + "\u2581emisi\u00f3n", + -13.503365516662598 + ], + [ + "\u2581Kortrijk", + -13.503457069396973 + ], + [ + "\u2581borstelworm", + -13.503460884094238 + ], + [ + "\u2581onderverdeeld", + -13.503460884094238 + ], + [ + "\u2581Burr", + -13.50346565246582 + ], + [ + "\u2581tecido", + -13.503507614135742 + ], + [ + "\u2581gef\u00fcllt", + -13.503524780273438 + ], + [ + "\u2581winkels", + -13.503554344177246 + ], + [ + "\u2581poderosos", + -13.503573417663574 + ], + [ + "\u2581everybody", + -13.50363826751709 + ], + [ + "\u2581Wilhelmina", + -13.503639221191406 + ], + [ + "\u2581schermo", + -13.503646850585938 + ], + [ + "\u2581imp\u00e9riale", + -13.503649711608888 + ], + [ + "\u2581selectiv", + -13.503654479980469 + ], + [ + "\u2581tissu", + -13.503655433654783 + ], + [ + "\u2581pr\u00e9par\u00e9", + -13.503698348999023 + ], + [ + "\u2581sovi\u00e9ticos", + -13.503727912902832 + ], + [ + "\u2581Desa", + -13.503750801086426 + ], + [ + "Sonstige", + -13.503755569458008 + ], + [ + "\u2581valoriza", + -13.503833770751951 + ], + [ + "Emb", + -13.503866195678713 + ], + [ + "boro", + -13.50387477874756 + ], + [ + "PLANT", + -13.50387954711914 + ], + [ + "\u2581dur\u00f3", + -13.503880500793455 + ], + [ + "\u2581affecting", + -13.503902435302734 + ], + [ + "\u2581envisage", + -13.50391960144043 + ], + [ + "\u2581curvas", + -13.503931045532228 + ], + [ + "\u2581Arbeitsweise", + -13.503931999206545 + ], + [ + "yak", + -13.503947257995604 + ], + [ + "\u2581veiligheids", + -13.503948211669922 + ], + [ + "\u2581Verweisung", + -13.503963470458984 + ], + [ + "\u2581anderweitig", + -13.50399398803711 + ], + [ + "\u2581colocou", + -13.503994941711426 + ], + [ + "\u2581s\u00e9paration", + -13.504029273986816 + ], + [ + "\u2581suites", + -13.504037857055664 + ], + [ + "\u2581professionell", + -13.50404930114746 + ], + [ + "\u2581clon", + -13.504122734069824 + ], + [ + "\u2581attraversano", + -13.504155158996582 + ], + [ + "hira", + -13.504195213317873 + ], + [ + "INO", + -13.504199981689451 + ], + [ + "verdieping", + -13.504223823547363 + ], + [ + "\u2581Abbott", + -13.504237174987791 + ], + [ + "\u2581exitosa", + -13.504244804382324 + ], + [ + "\u2581proteg", + -13.50425624847412 + ], + [ + "\u2581chiusi", + -13.504286766052246 + ], + [ + "Haushaltsausschu", + -13.504289627075195 + ], + [ + "\u2581urbanas", + -13.504295349121094 + ], + [ + "\u2581argomento", + -13.504321098327637 + ], + [ + "\u2581sottolinea", + -13.504338264465332 + ], + [ + "CDF", + -13.50434398651123 + ], + [ + "\u2581bayerischen", + -13.504349708557127 + ], + [ + "auswahl", + -13.504368782043455 + ], + [ + "nite", + -13.504400253295898 + ], + [ + "\u2581g\u00fcnstig", + -13.504440307617188 + ], + [ + "thra", + -13.504475593566896 + ], + [ + "\u2581liaisons", + -13.504476547241213 + ], + [ + "\u2581Tend", + -13.50447940826416 + ], + [ + "standing", + -13.504491806030272 + ], + [ + "itativ", + -13.504547119140623 + ], + [ + "Sku", + -13.504549980163574 + ], + [ + "\u2581mirando", + -13.504551887512209 + ], + [ + "ACCEPT", + -13.50455379486084 + ], + [ + "parametric", + -13.504556655883787 + ], + [ + "\u2581Keulen", + -13.504562377929688 + ], + [ + "\u2581raising", + -13.50458526611328 + ], + [ + "scheidung", + -13.504592895507812 + ], + [ + "\u2581am\u00e9ricaines", + -13.504598617553713 + ], + [ + "\u2581Marquette", + -13.50461769104004 + ], + [ + "OJ", + -13.504619598388672 + ], + [ + "anspr\u00fcche", + -13.504621505737305 + ], + [ + "Aug", + -13.504633903503418 + ], + [ + "Weak", + -13.50463581085205 + ], + [ + "\u2581Jacobus", + -13.504694938659668 + ], + [ + "flank", + -13.504755973815918 + ], + [ + "routine", + -13.504798889160156 + ], + [ + "lief", + -13.50482940673828 + ], + [ + "tract", + -13.504842758178713 + ], + [ + "\u2581Haben", + -13.504895210266112 + ], + [ + "\u2581Points", + -13.504945755004885 + ], + [ + "Atl\u00e9tico", + -13.504948616027832 + ], + [ + "\u2581Hauptstra", + -13.504953384399414 + ], + [ + "\u2581gesunde", + -13.504964828491213 + ], + [ + "\u2581saiu", + -13.504966735839844 + ], + [ + "\u2581gespecialiseerd", + -13.504987716674805 + ], + [ + "Italien", + -13.505022048950195 + ], + [ + "Tortricidae", + -13.505062103271484 + ], + [ + "\u2581Calciatori", + -13.5050630569458 + ], + [ + "\u2581refugio", + -13.505067825317385 + ], + [ + "\u2581Saddam", + -13.505074501037598 + ], + [ + "\u2581Suk", + -13.505106925964355 + ], + [ + "\u2581withdrawal", + -13.50511074066162 + ], + [ + "\u2581letteraria", + -13.505120277404783 + ], + [ + "kikker", + -13.505127906799316 + ], + [ + "resolv", + -13.505162239074709 + ], + [ + "\u2581Fragestellungen", + -13.505178451538086 + ], + [ + "cargo", + -13.505213737487791 + ], + [ + "Gate", + -13.50522518157959 + ], + [ + "\u2581Nairobi", + -13.50523853302002 + ], + [ + "\u2581certezza", + -13.505266189575195 + ], + [ + "\u2581furioso", + -13.505284309387209 + ], + [ + "\u2581accusato", + -13.505288124084473 + ], + [ + "compiled", + -13.505290031433104 + ], + [ + "alidad", + -13.50533962249756 + ], + [ + "FTA", + -13.50540542602539 + ], + [ + "\u2581Menor", + -13.505419731140137 + ], + [ + "\u2581objecten", + -13.505431175231934 + ], + [ + "\u2581Trenn", + -13.50547695159912 + ], + [ + "BOT", + -13.505481719970703 + ], + [ + "\u2581nace", + -13.505489349365234 + ], + [ + "\u2581pr\u00e9sentant", + -13.505532264709473 + ], + [ + "culus", + -13.505538940429688 + ], + [ + "\u2581alas", + -13.505539894104004 + ], + [ + "\u2581cubano", + -13.505541801452637 + ], + [ + "olita", + -13.505574226379396 + ], + [ + "\u2581Acre", + -13.50559425354004 + ], + [ + "\u2581belasten", + -13.50559902191162 + ], + [ + "IAN", + -13.505620956420898 + ], + [ + "\u2581Parsons", + -13.505623817443848 + ], + [ + "\u2581Baldwin", + -13.505635261535645 + ], + [ + "\u2581Distretto", + -13.505695343017578 + ], + [ + "fundamentally", + -13.505732536315918 + ], + [ + "\u2581Rea", + -13.505735397338867 + ], + [ + "inrichting", + -13.505742073059082 + ], + [ + "\u2581exacte", + -13.505752563476562 + ], + [ + "\u2581Muslims", + -13.505760192871094 + ], + [ + "\u2581ann\u00e4hernd", + -13.505775451660156 + ], + [ + "\u2581signos", + -13.505784034729004 + ], + [ + "tsein", + -13.505814552307127 + ], + [ + "\u2581Hacia", + -13.505859375 + ], + [ + "Primera", + -13.50592041015625 + ], + [ + "ambe", + -13.50593376159668 + ], + [ + "Schwe", + -13.505937576293944 + ], + [ + "\u2581recipient", + -13.505979537963867 + ], + [ + "\u2581tentato", + -13.5060453414917 + ], + [ + "\u2581steigenden", + -13.506048202514648 + ], + [ + "\u2581sembrare", + -13.506049156188965 + ], + [ + "\u2581seminario", + -13.506063461303713 + ], + [ + "\u2581vendu", + -13.50609302520752 + ], + [ + "mom", + -13.506099700927734 + ], + [ + "\u2581acompanhado", + -13.506109237670898 + ], + [ + "\u2581helling", + -13.506117820739746 + ], + [ + "karzinom", + -13.506128311157228 + ], + [ + "\u2581Pere", + -13.506159782409668 + ], + [ + "Linked", + -13.506165504455566 + ], + [ + "\u2581blancas", + -13.506186485290527 + ], + [ + "ITER", + -13.50620174407959 + ], + [ + "ellino", + -13.506258964538574 + ], + [ + "\u2581Programming", + -13.50627613067627 + ], + [ + "\u2581Armadas", + -13.506322860717772 + ], + [ + "\u2581vendre", + -13.506330490112305 + ], + [ + "\u2581crown", + -13.506360054016112 + ], + [ + "\u2581Tul", + -13.506369590759276 + ], + [ + "\u2581detalle", + -13.506376266479492 + ], + [ + "\u2581onset", + -13.506402015686035 + ], + [ + "\u2581triangles", + -13.5064115524292 + ], + [ + "\u00e9tape", + -13.50641918182373 + ], + [ + "widerstand", + -13.506429672241213 + ], + [ + "Feld", + -13.506475448608398 + ], + [ + "normalized", + -13.506495475769045 + ], + [ + "\u2581Comercial", + -13.506498336791992 + ], + [ + "\u2581gelernt", + -13.50651741027832 + ], + [ + "\u2581Linde", + -13.5065279006958 + ], + [ + "\u2581reconhecida", + -13.506550788879396 + ], + [ + "\u2581Mob", + -13.506574630737305 + ], + [ + "IBAction", + -13.50657558441162 + ], + [ + "Fraction", + -13.50660228729248 + ], + [ + "congres", + -13.506608963012695 + ], + [ + "\u2581Pen\u00ednsula", + -13.50666332244873 + ], + [ + "\u2581r\u00e9putation", + -13.50666332244873 + ], + [ + "busybox", + -13.50667953491211 + ], + [ + "bark", + -13.50669288635254 + ], + [ + "\u2581sentimentos", + -13.506705284118652 + ], + [ + "oller", + -13.506722450256348 + ], + [ + "vcpkg", + -13.506780624389648 + ], + [ + "btc", + -13.506806373596191 + ], + [ + "\u2581interessato", + -13.50682544708252 + ], + [ + "\u2581Eventi", + -13.506829261779783 + ], + [ + "\u2581optar", + -13.506853103637695 + ], + [ + "\u2581abrigo", + -13.507023811340332 + ], + [ + "\u2581verh\u00e4ltnism\u00e4", + -13.507071495056152 + ], + [ + "\u2581dressed", + -13.507109642028809 + ], + [ + "\u2581curato", + -13.507155418395996 + ], + [ + "\u2581Gute", + -13.507168769836426 + ], + [ + "imer", + -13.507189750671388 + ], + [ + "\u2581entfernen", + -13.50721549987793 + ], + [ + "eien", + -13.507235527038574 + ], + [ + "\u2581Magn", + -13.5072603225708 + ], + [ + "\u2581Informatik", + -13.507305145263672 + ], + [ + "Discovery", + -13.507332801818848 + ], + [ + "\u2581Syr", + -13.50735569000244 + ], + [ + "patroon", + -13.507359504699709 + ], + [ + "\u2581sicherheits", + -13.507387161254885 + ], + [ + "\u2581Trevor", + -13.507472038269045 + ], + [ + "\u2581batt", + -13.507518768310549 + ], + [ + "\u2581Penal", + -13.507528305053713 + ], + [ + "\u2581barras", + -13.507529258728027 + ], + [ + "\u2581vacanze", + -13.507564544677734 + ], + [ + "w\u00e4", + -13.507624626159668 + ], + [ + "getString", + -13.507683753967283 + ], + [ + "\u2581controlla", + -13.507699966430664 + ], + [ + "l\u00e1n", + -13.507731437683104 + ], + [ + "\u2581dimentica", + -13.507734298706056 + ], + [ + "\u2581encarga", + -13.5077486038208 + ], + [ + "trained", + -13.507762908935549 + ], + [ + "ppel", + -13.507823944091797 + ], + [ + "\u2581determinant", + -13.507852554321287 + ], + [ + "\u2581risalire", + -13.507912635803224 + ], + [ + "\u2581Halbjahr", + -13.507925033569336 + ], + [ + "\u2581Kroatien", + -13.508028984069824 + ], + [ + "opho", + -13.508049011230469 + ], + [ + "\u2581variiert", + -13.508060455322266 + ], + [ + "\u2581Sch\u00e4tzungen", + -13.50807762145996 + ], + [ + "gale", + -13.508118629455566 + ], + [ + "mitglied", + -13.50815486907959 + ], + [ + "\u2581schlossen", + -13.508214950561523 + ], + [ + "leiders", + -13.508237838745115 + ], + [ + "\u2581purtroppo", + -13.508268356323242 + ], + [ + "elder", + -13.508275032043455 + ], + [ + "\u2581Aangezien", + -13.508275032043455 + ], + [ + "Wahl", + -13.508277893066406 + ], + [ + "\u2581corrupci\u00f3n", + -13.508301734924316 + ], + [ + "\u2581drastisch", + -13.508316040039062 + ], + [ + "\u2581faculty", + -13.508389472961426 + ], + [ + "rectangle", + -13.508424758911133 + ], + [ + "\u2581samenstelling", + -13.50842571258545 + ], + [ + "\u2581o\u00edr", + -13.508441925048828 + ], + [ + "\u2581pasaba", + -13.508471488952637 + ], + [ + "\u2581dizaine", + -13.508506774902344 + ], + [ + "\u2581complexidade", + -13.508508682250977 + ], + [ + "\u2581vereinbaren", + -13.508532524108888 + ], + [ + "\u2581notebook", + -13.508539199829102 + ], + [ + "olen", + -13.50854206085205 + ], + [ + "\u2581qu\u00e9b\u00e9cois", + -13.508567810058594 + ], + [ + "\u2581gesp", + -13.508591651916504 + ], + [ + "\u2581Gelderland", + -13.5086669921875 + ], + [ + "\u2581gew\u00fcnschten", + -13.50866985321045 + ], + [ + "emba", + -13.508673667907717 + ], + [ + "\u2581Minderung", + -13.508684158325195 + ], + [ + "\u2581Ungl\u00fcck", + -13.508696556091309 + ], + [ + "ADC", + -13.508700370788574 + ], + [ + "tema", + -13.508782386779783 + ], + [ + "\u2581Heath", + -13.50880527496338 + ], + [ + "\u2581expense", + -13.50882339477539 + ], + [ + "attribut", + -13.50882625579834 + ], + [ + "Days", + -13.508853912353516 + ], + [ + "\u2581bestehender", + -13.508853912353516 + ], + [ + "lacht", + -13.50887393951416 + ], + [ + "graphe", + -13.508888244628906 + ], + [ + "aure", + -13.50893211364746 + ], + [ + "\u2581darse", + -13.509014129638672 + ], + [ + "\u2581Absicherung", + -13.509034156799316 + ], + [ + "\u2581Andri", + -13.509041786193848 + ], + [ + "Fw", + -13.50905704498291 + ], + [ + "nol", + -13.509074211120604 + ], + [ + "\u2581exclusion", + -13.509087562561035 + ], + [ + "\u2581contratos", + -13.509095191955566 + ], + [ + "\u2581Bauten", + -13.509121894836426 + ], + [ + "\u2581resistor", + -13.509142875671388 + ], + [ + "\u2581remonte", + -13.509145736694336 + ], + [ + "principal", + -13.509148597717283 + ], + [ + "\u2581Erforschung", + -13.509150505065918 + ], + [ + "\u2581complications", + -13.509167671203612 + ], + [ + "\u2581discourse", + -13.509193420410156 + ], + [ + "\u2581comunisti", + -13.50926113128662 + ], + [ + "\u2581svolgere", + -13.509268760681152 + ], + [ + "denkmal", + -13.509324073791504 + ], + [ + "Gli", + -13.509336471557615 + ], + [ + "\u2581vassoura", + -13.509347915649414 + ], + [ + "interessen", + -13.509349822998049 + ], + [ + "\u2581vorangegangenen", + -13.509354591369627 + ], + [ + "\u2581Gandhi", + -13.509425163269045 + ], + [ + "ESTA", + -13.509431838989258 + ], + [ + "\u2581gerichtliche", + -13.50945281982422 + ], + [ + "\u2581blame", + -13.509461402893066 + ], + [ + "\u2581exist\u00eda", + -13.509469032287598 + ], + [ + "gebundene", + -13.50947380065918 + ], + [ + "mper", + -13.509478569030762 + ], + [ + "Spe", + -13.509493827819824 + ], + [ + "Rose", + -13.509495735168455 + ], + [ + "\u2581Erneuerung", + -13.509535789489746 + ], + [ + "JDK", + -13.509551048278809 + ], + [ + "taatsministerium", + -13.509554862976074 + ], + [ + "Bernard", + -13.509587287902832 + ], + [ + "\u2581survived", + -13.50963306427002 + ], + [ + "\u2581contraintes", + -13.509634017944336 + ], + [ + "controlled", + -13.509660720825195 + ], + [ + "\u2581lograron", + -13.509660720825195 + ], + [ + "Kg", + -13.50966453552246 + ], + [ + "\u2581Barrett", + -13.509679794311523 + ], + [ + "\u2581reemplazado", + -13.509688377380373 + ], + [ + "\u2581Libert\u00e0", + -13.509708404541016 + ], + [ + "dylib", + -13.509714126586914 + ], + [ + "\u2581geluids", + -13.509716033935549 + ], + [ + "\u2581m\u00e9tal", + -13.50974464416504 + ], + [ + "heikh", + -13.509757041931152 + ], + [ + "\u2581tint", + -13.509770393371582 + ], + [ + "\u2581Tunisia", + -13.509820938110352 + ], + [ + "Persistent", + -13.509824752807615 + ], + [ + "\u2581individuali", + -13.509836196899414 + ], + [ + "ental", + -13.509844779968262 + ], + [ + "ispirazione", + -13.509916305541992 + ], + [ + "anetti", + -13.509942054748535 + ], + [ + "baden", + -13.509967803955078 + ], + [ + "\u2581publicadas", + -13.509979248046877 + ], + [ + "Homburg", + -13.509990692138672 + ], + [ + "LOW", + -13.509994506835938 + ], + [ + "\u00f3is", + -13.50999927520752 + ], + [ + "\u2581mafia", + -13.510046005249023 + ], + [ + "\u2581costruzioni", + -13.51006031036377 + ], + [ + "moderator", + -13.510087966918944 + ], + [ + "\u2581Vize", + -13.51009464263916 + ], + [ + "\u2581Marktes", + -13.510113716125488 + ], + [ + "fertigen", + -13.51014518737793 + ], + [ + "bijeenkomst", + -13.510151863098145 + ], + [ + "\u2581integr\u00e1", + -13.51018524169922 + ], + [ + "\u2581verdure", + -13.51022243499756 + ], + [ + "\u2581benef\u00edcios", + -13.510233879089355 + ], + [ + "\u2581\u00e9nerg\u00e9tique", + -13.510233879089355 + ], + [ + "\u2581censimento", + -13.510235786437988 + ], + [ + "\u2581Somerset", + -13.510239601135254 + ], + [ + "\u2581Anmerkung", + -13.510268211364746 + ], + [ + "Cup", + -13.510289192199709 + ], + [ + "\u2581ol\u00edmpico", + -13.510293006896973 + ], + [ + "\u2581tafel", + -13.51037311553955 + ], + [ + "dubbel", + -13.510395050048828 + ], + [ + "\u2581B\u00e1rbara", + -13.51041316986084 + ], + [ + "\u2581iniziata", + -13.510442733764648 + ], + [ + "t\u00fcrk", + -13.51044750213623 + ], + [ + "ometric", + -13.510478973388672 + ], + [ + "\u2581Bildhauer", + -13.510482788085938 + ], + [ + "\u2581Presenta", + -13.510483741760254 + ], + [ + "\u2581transmitida", + -13.51050090789795 + ], + [ + "\u2581contraction", + -13.510522842407228 + ], + [ + "\u2581continuava", + -13.510558128356934 + ], + [ + "\u2581eventual", + -13.51058292388916 + ], + [ + "\u2581tracciato", + -13.51058578491211 + ], + [ + "\u2581Kapit\u00e4n", + -13.510591506958008 + ], + [ + "Mein", + -13.510608673095703 + ], + [ + "rota", + -13.510613441467283 + ], + [ + "gef\u00e4hr", + -13.5106201171875 + ], + [ + "\u2581Aleks", + -13.510627746582031 + ], + [ + "\u2581Austral", + -13.510662078857422 + ], + [ + "\u2581transistor", + -13.510664939880373 + ], + [ + "\u2581instiga", + -13.510672569274902 + ], + [ + "\u2581treaty", + -13.510672569274902 + ], + [ + "ausbau", + -13.5106840133667 + ], + [ + "\u2581collabora", + -13.51070785522461 + ], + [ + "\u2581Bonus", + -13.510720252990724 + ], + [ + "\u2581Anzi", + -13.51072597503662 + ], + [ + "umbo", + -13.510729789733888 + ], + [ + "pauschale", + -13.510759353637695 + ], + [ + "\u2581Moran", + -13.510761260986328 + ], + [ + "\u2581tweeslachtig", + -13.510769844055176 + ], + [ + "historie", + -13.510790824890137 + ], + [ + "\u2581Hep", + -13.510793685913086 + ], + [ + "\u2581propri\u00e9taires", + -13.51081371307373 + ], + [ + "tsky", + -13.510819435119627 + ], + [ + "\u2581v\u00e9rtice", + -13.510819435119627 + ], + [ + "\u2581Comparison", + -13.510836601257324 + ], + [ + "surf", + -13.510846138000488 + ], + [ + "munt", + -13.510866165161133 + ], + [ + "\u2581AEUV", + -13.51091194152832 + ], + [ + "\u2581Effective", + -13.510913848876951 + ], + [ + "\u2581bedenken", + -13.510919570922852 + ], + [ + "\u2581Webster", + -13.510943412780762 + ], + [ + "produ", + -13.510976791381836 + ], + [ + "\u2581shuttle", + -13.510987281799316 + ], + [ + "\u2581voorheen", + -13.510997772216797 + ], + [ + "stase", + -13.51107120513916 + ], + [ + "\u2581Sack", + -13.511123657226562 + ], + [ + "winter", + -13.51117706298828 + ], + [ + "\u2581amador", + -13.51117992401123 + ], + [ + "\u2581Mantel", + -13.511231422424316 + ], + [ + "\u2581adoption", + -13.51123332977295 + ], + [ + "\u2581poursuivi", + -13.511244773864746 + ], + [ + "\u2581Abbey", + -13.511296272277832 + ], + [ + "\u2581issus", + -13.511319160461426 + ], + [ + "Expectation", + -13.511330604553224 + ], + [ + "ferencia", + -13.511359214782717 + ], + [ + "euze", + -13.51137351989746 + ], + [ + "Paper", + -13.511415481567385 + ], + [ + "\u2581aussit", + -13.51145076751709 + ], + [ + "\u2581Aranci", + -13.51146125793457 + ], + [ + "\u2581cattolico", + -13.511486053466797 + ], + [ + "\u2581redelijk", + -13.511504173278809 + ], + [ + "chage", + -13.511552810668944 + ], + [ + "\u2581Aarde", + -13.511590003967283 + ], + [ + "\u2581satir", + -13.51160717010498 + ], + [ + "\u2581Bitcoin", + -13.511646270751951 + ], + [ + "\u2581{!", + -13.511646270751951 + ], + [ + "Paint", + -13.51167106628418 + ], + [ + "\u2581Wheel", + -13.511673927307127 + ], + [ + "\u2581gesammelt", + -13.51172161102295 + ], + [ + "\u2581Lutz", + -13.511728286743164 + ], + [ + "\u2581st\u00e4ndige", + -13.511771202087402 + ], + [ + "\u2581reco", + -13.511791229248049 + ], + [ + "\u2581Ciclismo", + -13.511857986450195 + ], + [ + "\u2581ruido", + -13.511857986450195 + ], + [ + "\u2581pensioen", + -13.511873245239258 + ], + [ + "STANDARD", + -13.511878967285156 + ], + [ + "\u2581Ichidan", + -13.51189422607422 + ], + [ + "uente", + -13.5118989944458 + ], + [ + "\u2581Fight", + -13.511921882629396 + ], + [ + "aula", + -13.51192855834961 + ], + [ + "\u2581Pena", + -13.511932373046877 + ], + [ + "startTime", + -13.511958122253418 + ], + [ + "statische", + -13.512011528015137 + ], + [ + "\u2581pisos", + -13.512012481689451 + ], + [ + "\u2581Demonstra", + -13.512051582336426 + ], + [ + "cac", + -13.512056350708008 + ], + [ + "\u2581Beirut", + -13.51205825805664 + ], + [ + "\u2581Sco", + -13.512079238891602 + ], + [ + "Paste", + -13.512088775634766 + ], + [ + "\u2581mam\u00edferos", + -13.512249946594238 + ], + [ + "\u2581fuite", + -13.512253761291504 + ], + [ + "\u2581Bewertungs", + -13.51225757598877 + ], + [ + "pirati", + -13.512276649475098 + ], + [ + "\u2581Plo", + -13.51227855682373 + ], + [ + "\u2581Blank", + -13.512295722961426 + ], + [ + "\u00e9l\u00e9ment", + -13.512301445007324 + ], + [ + "\u2581divergent", + -13.512310981750488 + ], + [ + "\u2581wore", + -13.512330055236816 + ], + [ + "\u2581protetto", + -13.512377738952637 + ], + [ + "\u2581Nachbarn", + -13.512405395507812 + ], + [ + "spellen", + -13.512431144714355 + ], + [ + "jre", + -13.512473106384276 + ], + [ + "\u2581protagonistas", + -13.512490272521973 + ], + [ + "\u2581impressive", + -13.512496948242188 + ], + [ + "\u2581birthday", + -13.51250171661377 + ], + [ + "\u2581Cristal", + -13.512508392333984 + ], + [ + "\u2581onderzocht", + -13.512518882751465 + ], + [ + "\u2581destinada", + -13.512551307678224 + ], + [ + "\u2581Bemerkungen", + -13.512557983398438 + ], + [ + "\u2581opportuno", + -13.512611389160156 + ], + [ + "\u2581globe", + -13.512651443481444 + ], + [ + "\u2581Sobald", + -13.512657165527344 + ], + [ + "\u2581sch\u00fcttelte", + -13.512687683105469 + ], + [ + "\u2581trocar", + -13.51272678375244 + ], + [ + "\u2581Gesamtzahl", + -13.512727737426758 + ], + [ + "hopping", + -13.512740135192873 + ], + [ + "\u2581Encontra", + -13.512740135192873 + ], + [ + "schreib", + -13.51274585723877 + ], + [ + "\u2581semantics", + -13.51274585723877 + ], + [ + "pista", + -13.51276397705078 + ], + [ + "\u2581prote\u00edna", + -13.512818336486816 + ], + [ + "\u2581costumbre", + -13.51287841796875 + ], + [ + "\u2581esperto", + -13.51289176940918 + ], + [ + "gtk", + -13.512909889221191 + ], + [ + "\u2581gesta", + -13.51291847229004 + ], + [ + "\u2581Palio", + -13.512931823730469 + ], + [ + "rger", + -13.512948036193848 + ], + [ + "\u2581ministerio", + -13.512969017028809 + ], + [ + "hia", + -13.512971878051758 + ], + [ + "apata", + -13.512982368469238 + ], + [ + "forth", + -13.512982368469238 + ], + [ + "\u2581Hongrie", + -13.512983322143556 + ], + [ + "\u2581accompli", + -13.512989044189451 + ], + [ + "chirurgie", + -13.513028144836426 + ], + [ + "\u2581Critical", + -13.513044357299805 + ], + [ + "Rand", + -13.51304531097412 + ], + [ + "\u2581sentimental", + -13.51304531097412 + ], + [ + "darstellung", + -13.51304817199707 + ], + [ + "\u2581salta", + -13.513054847717283 + ], + [ + "genannt", + -13.513107299804688 + ], + [ + "\u2581kardinaal", + -13.513166427612305 + ], + [ + "EventLoop", + -13.513175010681152 + ], + [ + "\u2581complexos", + -13.513191223144531 + ], + [ + "\u2581begegnen", + -13.513195037841797 + ], + [ + "onville", + -13.51319694519043 + ], + [ + "gekleurd", + -13.513203620910645 + ], + [ + "\u2581Origen", + -13.513211250305176 + ], + [ + "\u2581apreciar", + -13.513267517089844 + ], + [ + "\u2581interfere", + -13.513276100158691 + ], + [ + "\u2581Bisogna", + -13.51329517364502 + ], + [ + "Hj", + -13.513315200805664 + ], + [ + "\u2581stripped", + -13.513355255126951 + ], + [ + "\u2581Elternteil", + -13.51337718963623 + ], + [ + "\u2581Arbeitnehmerinn", + -13.513407707214355 + ], + [ + "messer", + -13.513474464416504 + ], + [ + "sculas", + -13.513476371765137 + ], + [ + "pulse", + -13.513543128967283 + ], + [ + "BRI", + -13.513545036315918 + ], + [ + "\u2581Kumar", + -13.513567924499512 + ], + [ + "tales", + -13.51358699798584 + ], + [ + "\u2581Nachbarschaft", + -13.513591766357422 + ], + [ + "aktivierung", + -13.513609886169434 + ], + [ + "\u2581obey", + -13.513616561889648 + ], + [ + "\u2581aanhangsels", + -13.51363754272461 + ], + [ + "uskerk", + -13.513681411743164 + ], + [ + "\u2581Levy", + -13.513716697692873 + ], + [ + "\u2581gerente", + -13.513723373413086 + ], + [ + "LayoutConstraint", + -13.513750076293944 + ], + [ + "\u2581moeite", + -13.513811111450195 + ], + [ + "alado", + -13.51389980316162 + ], + [ + "\u2581venduto", + -13.513900756835938 + ], + [ + "\u2581refus\u00e9", + -13.51390552520752 + ], + [ + "\u2581stanze", + -13.513944625854492 + ], + [ + "\u2581\u00e9vidence", + -13.513957977294922 + ], + [ + "\u2581qu\u00edmicos", + -13.513989448547363 + ], + [ + "phil", + -13.513992309570312 + ], + [ + "\u2581thinks", + -13.513993263244627 + ], + [ + "POWER", + -13.514001846313477 + ], + [ + "\u2581Villeneuve", + -13.514001846313477 + ], + [ + "\u2581Inkubation", + -13.51400375366211 + ], + [ + "ppp", + -13.51402473449707 + ], + [ + "\u2581encanta", + -13.514025688171388 + ], + [ + "Ux", + -13.514084815979004 + ], + [ + "informatica", + -13.514090538024902 + ], + [ + "\u2581diagnosi", + -13.514104843139648 + ], + [ + "\u2581Einteilung", + -13.514132499694824 + ], + [ + "nsible", + -13.51416015625 + ], + [ + "\u2581rilievi", + -13.514175415039062 + ], + [ + "Difference", + -13.514178276062012 + ], + [ + "ufrechterhaltung", + -13.514178276062012 + ], + [ + "listing", + -13.514202117919922 + ], + [ + "dL", + -13.514204978942873 + ], + [ + "\u2581Emerson", + -13.514214515686035 + ], + [ + "Texas", + -13.514270782470703 + ], + [ + "\u2581garotas", + -13.514283180236816 + ], + [ + "\u2581Cars", + -13.514304161071776 + ], + [ + "\u2581Brat", + -13.514345169067385 + ], + [ + "\u2581lin\u00e9aire", + -13.514355659484863 + ], + [ + "sphinx", + -13.514358520507812 + ], + [ + "\u2581verhouding", + -13.514436721801758 + ], + [ + "\u2581capables", + -13.514452934265137 + ], + [ + "\u2581eingebunden", + -13.514470100402832 + ], + [ + "tsd", + -13.514501571655272 + ], + [ + "ffnungs", + -13.514558792114258 + ], + [ + "\u2581meester", + -13.51457405090332 + ], + [ + "\u2581Balance", + -13.514575004577637 + ], + [ + "\u2581Trent", + -13.514602661132812 + ], + [ + "\u2581Celtic", + -13.514666557312012 + ], + [ + "\u2581neuronal", + -13.514673233032228 + ], + [ + "\u2581subconjunto", + -13.514699935913086 + ], + [ + "stackrel", + -13.514702796936035 + ], + [ + "\u2581spill", + -13.514703750610352 + ], + [ + "Vier", + -13.51472282409668 + ], + [ + "\u2581ajusta", + -13.51473617553711 + ], + [ + "\u2581subpar", + -13.51474666595459 + ], + [ + "juan", + -13.514748573303224 + ], + [ + "\u2581diviene", + -13.51477336883545 + ], + [ + "\u2581angegriffen", + -13.51480197906494 + ], + [ + "\u2581nineteen", + -13.514806747436523 + ], + [ + "\u2581cavaliere", + -13.514817237854004 + ], + [ + "\u2581Manufactur", + -13.51485538482666 + ], + [ + "\u2581optimized", + -13.514899253845217 + ], + [ + "\u2581obiettivo", + -13.514962196350098 + ], + [ + "\u2581evolve", + -13.51499366760254 + ], + [ + "\u2581Befund", + -13.51504898071289 + ], + [ + "\u2581Benin", + -13.515063285827637 + ], + [ + "\u2581Fass", + -13.515087127685549 + ], + [ + "\u2581treden", + -13.515089988708496 + ], + [ + "analytische", + -13.515096664428713 + ], + [ + "\u2581Wittgenstein", + -13.515125274658203 + ], + [ + "\u2581Mud", + -13.515158653259276 + ], + [ + "\u2581geestelijke", + -13.515165328979492 + ], + [ + "\u2581Rezept", + -13.515199661254885 + ], + [ + "ruit", + -13.515229225158691 + ], + [ + "\u2581zutreffend", + -13.515257835388184 + ], + [ + "\u2581Wikilivros", + -13.515280723571776 + ], + [ + "Lind", + -13.515283584594728 + ], + [ + "\u2581hierdurch", + -13.515286445617676 + ], + [ + "wildcard", + -13.515315055847168 + ], + [ + "\u2581TDM", + -13.515345573425291 + ], + [ + "packed", + -13.515348434448242 + ], + [ + "\u2581Devo", + -13.51539134979248 + ], + [ + "\u2581luchtvaart", + -13.51540184020996 + ], + [ + "peda", + -13.51541519165039 + ], + [ + "OCK", + -13.515416145324709 + ], + [ + "\u2581Forever", + -13.5154447555542 + ], + [ + "\u2581Johannesburg", + -13.515515327453612 + ], + [ + "\u2581Precisa", + -13.51551914215088 + ], + [ + "\u2581usano", + -13.515538215637209 + ], + [ + "\u2581ottanta", + -13.515579223632812 + ], + [ + "\u2581spirituel", + -13.51559066772461 + ], + [ + "\u2581schw", + -13.51559352874756 + ], + [ + "DEFINE", + -13.515645027160645 + ], + [ + "UIT", + -13.515654563903809 + ], + [ + "recog", + -13.515694618225098 + ], + [ + "\u2581GERMAN", + -13.515698432922363 + ], + [ + "roepen", + -13.51573371887207 + ], + [ + "\u2581feeding", + -13.515737533569336 + ], + [ + "\u2581pru", + -13.515740394592283 + ], + [ + "\u2581distortion", + -13.515785217285156 + ], + [ + "\u2581Saatgut", + -13.515786170959473 + ], + [ + "\u2581r\u00e9duite", + -13.515787124633787 + ], + [ + "\u2581d\u00e9cima", + -13.5158109664917 + ], + [ + "\u2581envoie", + -13.515861511230469 + ], + [ + "\u2581hiciera", + -13.515867233276367 + ], + [ + "gerei", + -13.51590633392334 + ], + [ + "\u2581Ranger", + -13.5159330368042 + ], + [ + "\u2581overheids", + -13.515975952148438 + ], + [ + "stiftung", + -13.5159912109375 + ], + [ + "st\u00e4nd", + -13.516016006469728 + ], + [ + "\u2581r\u00e9actions", + -13.516046524047852 + ], + [ + "\u2581Entsorgung", + -13.516117095947266 + ], + [ + "\u2581sanitario", + -13.516127586364746 + ], + [ + "\u2581armadura", + -13.516133308410645 + ], + [ + "\u2581Warriors", + -13.516153335571287 + ], + [ + "\u2581Mong", + -13.516164779663086 + ], + [ + "\u2581Insert", + -13.516176223754885 + ], + [ + "JAR", + -13.516230583190918 + ], + [ + "\u2581ordinato", + -13.51626682281494 + ], + [ + "\u2581cavi", + -13.516310691833496 + ], + [ + "\u2581Bartolomeo", + -13.51633358001709 + ], + [ + "\u2581reperti", + -13.516335487365724 + ], + [ + "\u2581tur\u00edstica", + -13.51634120941162 + ], + [ + "sozialismus", + -13.516349792480469 + ], + [ + "\u2581Neural", + -13.516407012939451 + ], + [ + "microbiome", + -13.516475677490234 + ], + [ + "mocha", + -13.516488075256348 + ], + [ + "\u2581Gore", + -13.51648998260498 + ], + [ + "technologien", + -13.516561508178713 + ], + [ + "Oi", + -13.51666259765625 + ], + [ + "Bill", + -13.51667308807373 + ], + [ + "\u2581filtra", + -13.516674041748049 + ], + [ + "Compliance", + -13.516688346862791 + ], + [ + "\u2581Canadees", + -13.516694068908691 + ], + [ + "\u2581Gremien", + -13.516694068908691 + ], + [ + "\u2581goza", + -13.516701698303224 + ], + [ + "\u2581ouvido", + -13.516721725463867 + ], + [ + "stromen", + -13.51675796508789 + ], + [ + "\u2581Gallen", + -13.516773223876951 + ], + [ + "nowrap", + -13.51681900024414 + ], + [ + "\u2581steeg", + -13.516854286193848 + ], + [ + "\u2581Elsa", + -13.516871452331545 + ], + [ + "zusammen", + -13.516886711120604 + ], + [ + "\u2581nudo", + -13.516886711120604 + ], + [ + "uddy", + -13.516918182373049 + ], + [ + "n\u00fc", + -13.516935348510742 + ], + [ + "ixar", + -13.516940116882324 + ], + [ + "\u2581estrelado", + -13.516955375671388 + ], + [ + "leva", + -13.5169677734375 + ], + [ + "lide", + -13.516983032226562 + ], + [ + "\u2581calibration", + -13.516989707946776 + ], + [ + "\u2581mosse", + -13.517007827758787 + ], + [ + "\u2581revolucion", + -13.51705265045166 + ], + [ + "\u2581Heller", + -13.517078399658203 + ], + [ + "laine", + -13.517173767089844 + ], + [ + "\u2581Anleitung", + -13.517212867736816 + ], + [ + "\u2581Expansion", + -13.517223358154297 + ], + [ + "\u2581einstimmig", + -13.517251014709473 + ], + [ + "lbum", + -13.517255783081056 + ], + [ + "\u2581prinses", + -13.517305374145508 + ], + [ + "\u2581kwart", + -13.51731777191162 + ], + [ + "\u2581Guayaquil", + -13.517329216003418 + ], + [ + "\u2581Pacht", + -13.5173978805542 + ], + [ + "\u2581Sucht", + -13.517433166503906 + ], + [ + "\u2581Presente", + -13.517443656921388 + ], + [ + "erio", + -13.517444610595703 + ], + [ + "\u2581receptors", + -13.517449378967283 + ], + [ + "familien", + -13.517450332641602 + ], + [ + "groei", + -13.517475128173828 + ], + [ + "\u2581illustrates", + -13.517498016357422 + ], + [ + "\u2581Gedichte", + -13.517601013183594 + ], + [ + "immediato", + -13.517616271972656 + ], + [ + "plug", + -13.517624855041504 + ], + [ + "INV", + -13.51763916015625 + ], + [ + "\u2581voorgaande", + -13.517651557922363 + ], + [ + "wieder", + -13.517692565917969 + ], + [ + "\u00e9tablit", + -13.517705917358398 + ], + [ + "\u2581Twenty", + -13.517725944519045 + ], + [ + "\u2581Vieux", + -13.517735481262209 + ], + [ + "\u2581Casal", + -13.517738342285156 + ], + [ + "producer", + -13.51774787902832 + ], + [ + "\u2581Jg", + -13.5177583694458 + ], + [ + "condi", + -13.517777442932127 + ], + [ + "\u2581Anbindung", + -13.517827033996582 + ], + [ + "\u2581Dent", + -13.517836570739746 + ], + [ + "\u2581Torna", + -13.517868041992188 + ], + [ + "\u2581diepte", + -13.517910957336426 + ], + [ + "\u2581outstanding", + -13.517919540405272 + ], + [ + "schl\u00e4ge", + -13.517999649047852 + ], + [ + "Bias", + -13.518003463745115 + ], + [ + "implement", + -13.51801300048828 + ], + [ + "Maps", + -13.51803970336914 + ], + [ + "\u2581DOC", + -13.51810073852539 + ], + [ + "heat", + -13.518104553222656 + ], + [ + "trib", + -13.518123626708984 + ], + [ + "\u2581Flexibilit\u00e4t", + -13.51813507080078 + ], + [ + "Kraft", + -13.518146514892578 + ], + [ + "\u2581discut", + -13.51815700531006 + ], + [ + "\u2581Strafverfahren", + -13.518174171447754 + ], + [ + "\u2581Walking", + -13.518193244934082 + ], + [ + "\u2581pourront", + -13.518240928649902 + ], + [ + "Assay", + -13.51824951171875 + ], + [ + "\u2581cu\u00e1l", + -13.518253326416016 + ], + [ + "descr", + -13.518268585205078 + ], + [ + "\u2581espejo", + -13.518308639526367 + ], + [ + "\u2581Mante", + -13.51831340789795 + ], + [ + "\u2581echtgenoot", + -13.51832103729248 + ], + [ + "\u2581Tsj", + -13.51834201812744 + ], + [ + "\u2581longest", + -13.51834201812744 + ], + [ + "voeren", + -13.51839542388916 + ], + [ + "CET", + -13.518425941467283 + ], + [ + "acheter", + -13.51848316192627 + ], + [ + "\u2581hieronder", + -13.518506050109863 + ], + [ + "\u2581heredero", + -13.518516540527344 + ], + [ + "\u2581chamou", + -13.51852798461914 + ], + [ + "\u2581Symptome", + -13.518555641174316 + ], + [ + "\u2581Debe", + -13.518569946289062 + ], + [ + "zette", + -13.518571853637695 + ], + [ + "Plugins", + -13.51858901977539 + ], + [ + "zow", + -13.51860523223877 + ], + [ + "\u2581Goede", + -13.518607139587402 + ], + [ + "Combine", + -13.518634796142578 + ], + [ + "mientos", + -13.518636703491213 + ], + [ + "Bell", + -13.518651008605955 + ], + [ + "c\u00e9s", + -13.518651008605955 + ], + [ + "Arena", + -13.518657684326172 + ], + [ + "at\u00e9", + -13.5186767578125 + ], + [ + "\u2581Vollendung", + -13.51867961883545 + ], + [ + "Glob", + -13.51872730255127 + ], + [ + "Lim", + -13.518800735473633 + ], + [ + "\u2581inzet", + -13.518821716308594 + ], + [ + "\u2581Damasco", + -13.518836975097656 + ], + [ + "\u2581instellingen", + -13.518865585327148 + ], + [ + "\u2581uguale", + -13.518866539001465 + ], + [ + "decay", + -13.51889991760254 + ], + [ + "peek", + -13.518900871276855 + ], + [ + "\u2581costru", + -13.518970489501951 + ], + [ + "raat", + -13.518990516662598 + ], + [ + "\u2581titles", + -13.519001007080078 + ], + [ + "\u2581contare", + -13.519054412841797 + ], + [ + "\u2581architettura", + -13.51906681060791 + ], + [ + "assemblea", + -13.51906967163086 + ], + [ + "\u2581fool", + -13.519081115722656 + ], + [ + "\u2581mitten", + -13.51909065246582 + ], + [ + "\u2581urbane", + -13.519097328186035 + ], + [ + "\u2581permanentes", + -13.51911163330078 + ], + [ + "\u2581Abbildungen", + -13.51912784576416 + ], + [ + "\u2581passata", + -13.51913356781006 + ], + [ + "nucleotide", + -13.519171714782717 + ], + [ + "Limoniidae", + -13.519214630126951 + ], + [ + "droit", + -13.519220352172852 + ], + [ + "plt", + -13.519247055053713 + ], + [ + "\u2581mistero", + -13.519259452819824 + ], + [ + "\u2581recev", + -13.519259452819824 + ], + [ + "prepend", + -13.519268035888672 + ], + [ + "\u2581touchdown", + -13.519295692443848 + ], + [ + "newValue", + -13.51932430267334 + ], + [ + "istan", + -13.519333839416504 + ], + [ + "\u2581sauver", + -13.519333839416504 + ], + [ + "\u2581wissel", + -13.519352912902832 + ], + [ + "elettro", + -13.51939296722412 + ], + [ + "\u2581Pr\u00e4sentation", + -13.519397735595703 + ], + [ + "\u2581Hedwig", + -13.519402503967283 + ], + [ + "otis", + -13.519405364990234 + ], + [ + "zuziehen", + -13.51942539215088 + ], + [ + "eglio", + -13.519433975219728 + ], + [ + "\u2581dotati", + -13.519437789916992 + ], + [ + "vektor", + -13.519445419311523 + ], + [ + "\u2581generators", + -13.519453048706056 + ], + [ + "\u2581cueva", + -13.519464492797852 + ], + [ + "\u2581referenced", + -13.519495964050291 + ], + [ + "\u2581electrode", + -13.519514083862305 + ], + [ + "\u2581Grub", + -13.519536018371582 + ], + [ + "\u2581Pesc", + -13.519550323486328 + ], + [ + "AAF", + -13.519580841064451 + ], + [ + "ouvre", + -13.51962947845459 + ], + [ + "\u2581Blade", + -13.51962947845459 + ], + [ + "\u2581irr\u00e9", + -13.519659042358398 + ], + [ + "Equipment", + -13.519672393798828 + ], + [ + "schappen", + -13.519709587097168 + ], + [ + "\u2581aggira", + -13.519716262817385 + ], + [ + "Rei", + -13.519725799560549 + ], + [ + "\u2581presentatie", + -13.519763946533203 + ], + [ + "\u2581vormden", + -13.519781112670898 + ], + [ + "\u2581dirigenti", + -13.519783973693848 + ], + [ + "\u2581porcentaje", + -13.519797325134276 + ], + [ + "\u2581PAS", + -13.519853591918944 + ], + [ + "ibu", + -13.519855499267578 + ], + [ + "rechnungshof", + -13.51986026763916 + ], + [ + "\u2581tensi\u00f3n", + -13.51990795135498 + ], + [ + "\u2581glance", + -13.51992893218994 + ], + [ + "cijfer", + -13.519969940185549 + ], + [ + "kontrollen", + -13.519987106323242 + ], + [ + "\u2581Kette", + -13.519997596740724 + ], + [ + "\u2581frustra", + -13.520030975341797 + ], + [ + "bring", + -13.520037651062012 + ], + [ + "freundlich", + -13.520042419433594 + ], + [ + "\u2581datant", + -13.520099639892578 + ], + [ + "\u2581unclear", + -13.520122528076172 + ], + [ + "\u2581ejemplares", + -13.52013874053955 + ], + [ + "\u2581packets", + -13.5201416015625 + ], + [ + "g\u00e9s", + -13.520142555236816 + ], + [ + "\u2581giudicato", + -13.520160675048828 + ], + [ + "\u2581Angelegenheit", + -13.52018928527832 + ], + [ + "\u2581Diagnostik", + -13.520249366760254 + ], + [ + "\u2581tramway", + -13.520286560058594 + ], + [ + "\u2581maximize", + -13.520302772521973 + ], + [ + "\u2581salvezza", + -13.520306587219238 + ], + [ + "\u2581Bayesian", + -13.520308494567873 + ], + [ + "\u2581costano", + -13.520340919494627 + ], + [ + "v\u00e1r", + -13.52037525177002 + ], + [ + "\u2581angolo", + -13.52037525177002 + ], + [ + "difference", + -13.52038860321045 + ], + [ + "\u2581Nitro", + -13.520402908325195 + ], + [ + "\u2581vapore", + -13.520419120788574 + ], + [ + "genre", + -13.520452499389648 + ], + [ + "\u2581Ain", + -13.52049732208252 + ], + [ + "\u2581Taipei", + -13.520498275756836 + ], + [ + "\u2581abertos", + -13.520546913146973 + ], + [ + "walker", + -13.520549774169922 + ], + [ + "\u2581simplest", + -13.52060317993164 + ], + [ + "\u2581Verg\u00fctungen", + -13.520607948303224 + ], + [ + "\u2581komp", + -13.520614624023438 + ], + [ + "\u2581Rav", + -13.520615577697754 + ], + [ + "\u2581shader", + -13.520625114440918 + ], + [ + "\u2581Chaco", + -13.5206298828125 + ], + [ + "\u2581tranquilla", + -13.5206298828125 + ], + [ + "\u2581vesting", + -13.520636558532717 + ], + [ + "migrante", + -13.520648002624512 + ], + [ + "\u2581Goth", + -13.520648956298828 + ], + [ + "\u2581creator", + -13.520665168762209 + ], + [ + "\u2581Defizite", + -13.520668029785156 + ], + [ + "\u2581Noel", + -13.520678520202637 + ], + [ + "meel", + -13.520685195922852 + ], + [ + "iinae", + -13.520687103271484 + ], + [ + "\u2581coletivo", + -13.520692825317385 + ], + [ + "\u2581S\u00e9nat", + -13.520709037780762 + ], + [ + "\u2581Prata", + -13.520710945129396 + ], + [ + "\u2581transversal", + -13.52073574066162 + ], + [ + "\u2581m\u00e9dicale", + -13.520809173583984 + ], + [ + "uzi", + -13.520818710327148 + ], + [ + "\u2581investimento", + -13.520824432373049 + ], + [ + "\u2581Scal", + -13.520845413208008 + ], + [ + "websocket", + -13.52085304260254 + ], + [ + "\u2581auxiliary", + -13.520892143249512 + ], + [ + "\u2581subtle", + -13.520895957946776 + ], + [ + "\u2581knife", + -13.520901679992676 + ], + [ + "\u2581Ehr", + -13.520903587341309 + ], + [ + "\u2581imaginary", + -13.520904541015623 + ], + [ + "TOTAL", + -13.520909309387209 + ], + [ + "mimic", + -13.520990371704102 + ], + [ + "\u2581sixth", + -13.52100658416748 + ], + [ + "trapped", + -13.521013259887695 + ], + [ + "\u2581Conce", + -13.521034240722656 + ], + [ + "\u2581Lus", + -13.521040916442873 + ], + [ + "\u2581fixation", + -13.52108669281006 + ], + [ + "SPA", + -13.521093368530272 + ], + [ + "\u2581Ministerie", + -13.5211181640625 + ], + [ + "vorsorge", + -13.521138191223145 + ], + [ + "\u2581Germ", + -13.521214485168455 + ], + [ + "\u2581Schwert", + -13.521224975585938 + ], + [ + "effort", + -13.521302223205566 + ], + [ + "\u2581IgG", + -13.521331787109377 + ], + [ + "\u2581ausgetragen", + -13.521344184875488 + ], + [ + "\u2581fibras", + -13.521370887756348 + ], + [ + "ungsverfahren", + -13.521379470825195 + ], + [ + "\u2581wachten", + -13.52139949798584 + ], + [ + "\u2581favorevole", + -13.5214204788208 + ], + [ + "\u2581terminated", + -13.521461486816406 + ], + [ + "ReadOnly", + -13.521472930908203 + ], + [ + "ively", + -13.521522521972656 + ], + [ + "\u2581Stuhl", + -13.521528244018556 + ], + [ + "\u2581progett", + -13.521540641784668 + ], + [ + "\u2581largeur", + -13.521563529968262 + ], + [ + "MustExec", + -13.521589279174805 + ], + [ + "\u2581Phyto", + -13.521629333496094 + ], + [ + "\u2581fantastic", + -13.521668434143066 + ], + [ + "\u2581eintreten", + -13.521672248840332 + ], + [ + "\u2581tentativas", + -13.521702766418455 + ], + [ + "antina", + -13.521718978881836 + ], + [ + "pida", + -13.521767616271973 + ], + [ + "abbr", + -13.52180004119873 + ], + [ + "\u2581adquiri\u00f3", + -13.521836280822754 + ], + [ + "\u2581calendrier", + -13.521839141845703 + ], + [ + "\u2581Schub", + -13.521845817565918 + ], + [ + "\u2581aspecten", + -13.521883010864258 + ], + [ + "\u2581arqueol\u00f3gicos", + -13.52188491821289 + ], + [ + "\u2581borghesia", + -13.521926879882812 + ], + [ + "\u2581ausgedr\u00fcckt", + -13.521947860717772 + ], + [ + "gedacht", + -13.521954536437988 + ], + [ + "\u2581schild", + -13.52196216583252 + ], + [ + "halen", + -13.521994590759276 + ], + [ + "\u2581perturbation", + -13.521994590759276 + ], + [ + "agar", + -13.522011756896973 + ], + [ + "\u2581Dum", + -13.522015571594238 + ], + [ + "\u2581flot", + -13.522016525268556 + ], + [ + "Intel", + -13.522025108337402 + ], + [ + "\u2581signo", + -13.522035598754885 + ], + [ + "Studien", + -13.522040367126465 + ], + [ + "\u2581voldoen", + -13.522058486938477 + ], + [ + "matched", + -13.52207851409912 + ], + [ + "Callable", + -13.522085189819336 + ], + [ + "Uv", + -13.522089958190918 + ], + [ + "\u2581\u00e9ventuellement", + -13.522107124328612 + ], + [ + "orientamento", + -13.522112846374512 + ], + [ + "abbi", + -13.522127151489258 + ], + [ + "\u2581reconhecer", + -13.522143363952637 + ], + [ + "malte", + -13.522153854370115 + ], + [ + "\u2581cantidades", + -13.522173881530762 + ], + [ + "ulis", + -13.522174835205078 + ], + [ + "\u2581Saka", + -13.52224826812744 + ], + [ + "Regional", + -13.522292137145996 + ], + [ + "Lastenausgleich", + -13.522342681884766 + ], + [ + "\u2581echar", + -13.52235507965088 + ], + [ + "\u2581Statistische", + -13.522408485412598 + ], + [ + "Anton", + -13.522446632385254 + ], + [ + "Spectrum", + -13.5224609375 + ], + [ + "stella", + -13.522506713867188 + ], + [ + "advance", + -13.522533416748049 + ], + [ + "Tj", + -13.522537231445312 + ], + [ + "\u2581Naturpark", + -13.522541046142578 + ], + [ + "krat", + -13.522624969482422 + ], + [ + "issons", + -13.52264404296875 + ], + [ + "strato", + -13.522671699523926 + ], + [ + "\u2581K\u00e4lte", + -13.52269458770752 + ], + [ + "braun", + -13.52273178100586 + ], + [ + "\u2581turba", + -13.52277660369873 + ], + [ + "\u2581verp", + -13.522796630859377 + ], + [ + "tham", + -13.522819519042969 + ], + [ + "\u2581balls", + -13.5228271484375 + ], + [ + "\u2581Planeten", + -13.522828102111816 + ], + [ + "geplaatste", + -13.522838592529297 + ], + [ + "\u2581cirri", + -13.52285099029541 + ], + [ + "\u2581benessere", + -13.522867202758787 + ], + [ + "bussen", + -13.52288055419922 + ], + [ + "\u2581Toca", + -13.522919654846191 + ], + [ + "Musik", + -13.522929191589355 + ], + [ + "\u00e4chtig", + -13.522945404052734 + ], + [ + "\u2581metabolism", + -13.522969245910645 + ], + [ + "\u2581d\u00e9mission", + -13.52298355102539 + ], + [ + "\u2581spray", + -13.522997856140137 + ], + [ + "\u2581Jesu", + -13.52307415008545 + ], + [ + "serif", + -13.52308177947998 + ], + [ + "\u2581asociada", + -13.5231294631958 + ], + [ + "nya", + -13.52319622039795 + ], + [ + "\u2581complot", + -13.523205757141112 + ], + [ + "\u2581registrada", + -13.523249626159668 + ], + [ + "\u2581allzu", + -13.523259162902832 + ], + [ + "Lift", + -13.523262977600098 + ], + [ + "early", + -13.523270606994627 + ], + [ + "pregunt", + -13.523274421691896 + ], + [ + "\u2581discesa", + -13.523274421691896 + ], + [ + "okohama", + -13.523380279541016 + ], + [ + "\u2581bot\u00e1nico", + -13.523398399353027 + ], + [ + "\u2581souffrance", + -13.523411750793455 + ], + [ + "\u2581dangereux", + -13.523433685302734 + ], + [ + "attack", + -13.523465156555176 + ], + [ + "fano", + -13.523472785949709 + ], + [ + "aanduiding", + -13.5234956741333 + ], + [ + "\u2581accessibles", + -13.523544311523438 + ], + [ + "HttpServlet", + -13.523550033569336 + ], + [ + "\u2581Befugnis", + -13.523651123046877 + ], + [ + "received", + -13.523673057556152 + ], + [ + "Schwarz", + -13.52370262145996 + ], + [ + "entrant", + -13.52371597290039 + ], + [ + "\u2581Rote", + -13.523716926574709 + ], + [ + "\u2581Steltmug", + -13.523737907409668 + ], + [ + "\u2581verdeling", + -13.523737907409668 + ], + [ + "ologe", + -13.523741722106934 + ], + [ + "\u2581Hyde", + -13.523746490478516 + ], + [ + "Stad", + -13.52378273010254 + ], + [ + "\u2581rassegna", + -13.52378749847412 + ], + [ + "\u2581compliment", + -13.523791313171388 + ], + [ + "macul", + -13.523799896240234 + ], + [ + "tivista", + -13.523804664611816 + ], + [ + "ambition", + -13.523841857910156 + ], + [ + "\u2581certes", + -13.523848533630373 + ], + [ + "Aisne", + -13.523896217346191 + ], + [ + "\u2581abandono", + -13.52389907836914 + ], + [ + "\u2581p\u00e9n", + -13.524066925048828 + ], + [ + "gnano", + -13.524113655090332 + ], + [ + "morado", + -13.524115562438965 + ], + [ + "\u2581Fundament", + -13.52413558959961 + ], + [ + "\u2581infected", + -13.524150848388672 + ], + [ + "DST", + -13.524182319641112 + ], + [ + "holding", + -13.524246215820312 + ], + [ + "ncall", + -13.524250030517578 + ], + [ + "\u2581steigern", + -13.52425765991211 + ], + [ + "imaginaire", + -13.524263381958008 + ], + [ + "\u2581testen", + -13.524330139160156 + ], + [ + "\u2581Maga", + -13.524408340454102 + ], + [ + "Whatever", + -13.524447441101074 + ], + [ + "\u2581Morton", + -13.52446460723877 + ], + [ + "geschehen", + -13.52448844909668 + ], + [ + "\u2581opnames", + -13.52448844909668 + ], + [ + "Receiver", + -13.524491310119627 + ], + [ + "\u2581Pius", + -13.524494171142578 + ], + [ + "\u2581Wahr", + -13.524510383605955 + ], + [ + "\u2581habiendo", + -13.524510383605955 + ], + [ + "fils", + -13.524521827697754 + ], + [ + "Polen", + -13.52452278137207 + ], + [ + "\u2581costituzionale", + -13.52455997467041 + ], + [ + "\u2581titels", + -13.524571418762209 + ], + [ + "\u2581Wings", + -13.524575233459473 + ], + [ + "\u2581Occidentale", + -13.524608612060549 + ], + [ + "\u2581Genesis", + -13.524652481079102 + ], + [ + "\u2581Weser", + -13.524670600891112 + ], + [ + "PBS", + -13.524680137634276 + ], + [ + "\u2581Valentine", + -13.524713516235352 + ], + [ + "\u2581consistently", + -13.5247220993042 + ], + [ + "ierend", + -13.524739265441896 + ], + [ + "\u2581Hutch", + -13.524797439575195 + ], + [ + "standes", + -13.52480411529541 + ], + [ + "\u2581pensi", + -13.524821281433104 + ], + [ + "ChNumFormat", + -13.524822235107422 + ], + [ + "Divers", + -13.524826049804688 + ], + [ + "\u2581funzionari", + -13.524828910827637 + ], + [ + "\u2581r\u00e9ussit", + -13.524836540222168 + ], + [ + "coat", + -13.524852752685549 + ], + [ + "\u2581maximalen", + -13.524868965148926 + ], + [ + "\u2581beschlossenen", + -13.524884223937988 + ], + [ + "easing", + -13.524975776672363 + ], + [ + "\u2581Merck", + -13.52497673034668 + ], + [ + "Mission", + -13.524991989135742 + ], + [ + "\u2581Verwaltungsrat", + -13.524995803833008 + ], + [ + "\u2581ispira", + -13.525031089782717 + ], + [ + "\u2581Montal", + -13.525066375732422 + ], + [ + "\u2581Barri", + -13.525068283081056 + ], + [ + "\u2581Donne", + -13.525096893310549 + ], + [ + "Ud", + -13.525110244750977 + ], + [ + "tenden", + -13.525150299072266 + ], + [ + "\u2581tengan", + -13.525154113769531 + ], + [ + "lever", + -13.525174140930176 + ], + [ + "Investiga", + -13.52517795562744 + ], + [ + "\u00e1nica", + -13.525214195251465 + ], + [ + "\u2581fruta", + -13.525251388549805 + ], + [ + "\u2581awards", + -13.525286674499512 + ], + [ + "\u2581Soon", + -13.525321006774902 + ], + [ + "\u2581levam", + -13.525323867797852 + ], + [ + "\u2581tupi", + -13.525324821472168 + ], + [ + "gnet", + -13.525328636169434 + ], + [ + "pode", + -13.525336265563965 + ], + [ + "\u2581Erstattungen", + -13.525347709655762 + ], + [ + "CallOption", + -13.52537727355957 + ], + [ + "iak", + -13.525385856628418 + ], + [ + "\u2581Vaud", + -13.525466918945312 + ], + [ + "Mach", + -13.525537490844728 + ], + [ + "tearDown", + -13.525586128234863 + ], + [ + "\u2581Vele", + -13.525593757629396 + ], + [ + "\u2581enemies", + -13.52561378479004 + ], + [ + "\u2581instrucciones", + -13.52561855316162 + ], + [ + "\u2581hond", + -13.525646209716797 + ], + [ + "\u2581kathedraal", + -13.525715827941896 + ], + [ + "\u2581catal\u00e1n", + -13.525836944580078 + ], + [ + "\u2581bateaux", + -13.525914192199709 + ], + [ + "\u2581ochtend", + -13.525918960571287 + ], + [ + "\u2581chemistry", + -13.52592945098877 + ], + [ + "\u2581renvoie", + -13.525946617126465 + ], + [ + "\u2581apporter", + -13.525961875915527 + ], + [ + "antik", + -13.525981903076172 + ], + [ + "\u2581amostra", + -13.526005744934082 + ], + [ + "\u2581behandelten", + -13.526041984558104 + ], + [ + "\u2581motive", + -13.526052474975586 + ], + [ + "atletiek", + -13.52607250213623 + ], + [ + "\u2581timbre", + -13.526079177856444 + ], + [ + "eagle", + -13.526081085205078 + ], + [ + "\u2581modificare", + -13.526093482971191 + ], + [ + "levisieprogramma", + -13.52616024017334 + ], + [ + "disziplin", + -13.526190757751465 + ], + [ + "\u2581Phillip", + -13.526230812072754 + ], + [ + "wikibooks", + -13.526247024536133 + ], + [ + "\u2581Mexicana", + -13.526254653930664 + ], + [ + "Bottleneck", + -13.526268005371094 + ], + [ + "\u2581ausl", + -13.52627658843994 + ], + [ + "Spot", + -13.526286125183104 + ], + [ + "\u2581rots", + -13.526310920715332 + ], + [ + "\u2581congrega", + -13.526324272155762 + ], + [ + "\u2581C\u00f3", + -13.526354789733888 + ], + [ + "candidate", + -13.526355743408203 + ], + [ + "\u2581Rupert", + -13.526373863220217 + ], + [ + "\u2581Leste", + -13.526407241821287 + ], + [ + "brot", + -13.526411056518556 + ], + [ + "\u2581achev\u00e9", + -13.526433944702148 + ], + [ + "\u2581letteralmente", + -13.526448249816896 + ], + [ + "\u2581Observable", + -13.526455879211426 + ], + [ + "plural", + -13.526464462280272 + ], + [ + "actualit\u00e9", + -13.526484489440918 + ], + [ + "\u2581Jiang", + -13.526493072509766 + ], + [ + "\u2581Rapport", + -13.526503562927246 + ], + [ + "\u2581degenera", + -13.526516914367676 + ], + [ + "annuncio", + -13.526535987854004 + ], + [ + "\u2581entidade", + -13.526568412780762 + ], + [ + "eville", + -13.526571273803713 + ], + [ + "\u2581jr", + -13.52659034729004 + ], + [ + "\u2581roto", + -13.52659034729004 + ], + [ + "Ara", + -13.526593208312988 + ], + [ + "geborenen", + -13.526654243469238 + ], + [ + "\u2581bestellen", + -13.52667236328125 + ], + [ + "\u2581descendants", + -13.526687622070312 + ], + [ + "\u2581sufrir", + -13.526687622070312 + ], + [ + "\u2581envolvido", + -13.52670192718506 + ], + [ + "\u2581verursachen", + -13.52670955657959 + ], + [ + "Pokal", + -13.52674961090088 + ], + [ + "mungen", + -13.526775360107422 + ], + [ + "nyme", + -13.526793479919434 + ], + [ + "\u2581preferito", + -13.526823043823242 + ], + [ + "\u2581Chap\u00e9u", + -13.52682399749756 + ], + [ + "\u2581Sarajevo", + -13.52682399749756 + ], + [ + "ausgleichs", + -13.526836395263672 + ], + [ + "APT", + -13.526857376098633 + ], + [ + "\u2581donor", + -13.52691650390625 + ], + [ + "\u2581generazioni", + -13.526921272277832 + ], + [ + "\u2581sentimiento", + -13.526921272277832 + ], + [ + "Fri", + -13.526926040649414 + ], + [ + "\u2581zong", + -13.526988983154297 + ], + [ + "guo", + -13.527036666870115 + ], + [ + "Autre", + -13.527069091796877 + ], + [ + "\u2581churches", + -13.527108192443848 + ], + [ + "stapel", + -13.52713394165039 + ], + [ + "\u2581UNDER", + -13.527152061462402 + ], + [ + "\u2581kommunale", + -13.527158737182615 + ], + [ + "chave", + -13.527228355407717 + ], + [ + "\u2581sorts", + -13.527228355407717 + ], + [ + "oral", + -13.527236938476562 + ], + [ + "\u2581gulden", + -13.527289390563965 + ], + [ + "ahara", + -13.52729034423828 + ], + [ + "\u2581WWF", + -13.527297019958496 + ], + [ + "Science", + -13.527328491210938 + ], + [ + "CCA", + -13.527356147766112 + ], + [ + "\u2581unilateral", + -13.52739715576172 + ], + [ + "\u2581Luo", + -13.527430534362791 + ], + [ + "\u2581beg\u00fcnstigt", + -13.527436256408691 + ], + [ + "Tweede", + -13.52745532989502 + ], + [ + "\u2581vecteur", + -13.527543067932127 + ], + [ + "\u2581tanques", + -13.527560234069824 + ], + [ + "testData", + -13.527562141418455 + ], + [ + "J\u00e4hrigen", + -13.52757167816162 + ], + [ + "\u2581protagonist", + -13.527586936950684 + ], + [ + "backward", + -13.52759075164795 + ], + [ + "Downloads", + -13.527593612670898 + ], + [ + "\u2581locate", + -13.527655601501465 + ], + [ + "lume", + -13.527667999267578 + ], + [ + "\u2581humanidade", + -13.527703285217283 + ], + [ + "\u2581olvidar", + -13.527708053588867 + ], + [ + "tr\u00e4gern", + -13.527717590332031 + ], + [ + "ri\u00f3", + -13.52776336669922 + ], + [ + "\u2581Juifs", + -13.527776718139648 + ], + [ + "Joe", + -13.52777862548828 + ], + [ + "d\u00e9fini", + -13.527782440185549 + ], + [ + "abandon", + -13.527817726135254 + ], + [ + "\u2581territoriaux", + -13.52782154083252 + ], + [ + "ucha", + -13.527865409851074 + ], + [ + "\u2581insertion", + -13.527876853942873 + ], + [ + "Oxid", + -13.527884483337402 + ], + [ + "lde", + -13.527889251708984 + ], + [ + "bande", + -13.527894973754885 + ], + [ + "\u2581verschaffen", + -13.527908325195312 + ], + [ + "\u2581olimpici", + -13.52794075012207 + ], + [ + "bidi", + -13.527941703796388 + ], + [ + "stain", + -13.527965545654297 + ], + [ + "\u2581Silence", + -13.528018951416016 + ], + [ + "OCH", + -13.528024673461914 + ], + [ + "editore", + -13.528068542480469 + ], + [ + "\u2581Compi", + -13.528080940246582 + ], + [ + "\u2581pilha", + -13.528090476989746 + ], + [ + "uwa", + -13.528091430664062 + ], + [ + "erwerb", + -13.52816677093506 + ], + [ + "\u2581Vollstreckungs", + -13.528186798095703 + ], + [ + "ex\u00e9cutif", + -13.528213500976562 + ], + [ + "stale", + -13.52822971343994 + ], + [ + "\u2581mondopening", + -13.52828311920166 + ], + [ + "\u2581Rival", + -13.52833366394043 + ], + [ + "\u2581asociado", + -13.528389930725098 + ], + [ + "\u2581lutar", + -13.52839183807373 + ], + [ + "\u2581criminel", + -13.52842903137207 + ], + [ + "Mutable", + -13.52843952178955 + ], + [ + "\u2581pr\u00e9c", + -13.528451919555664 + ], + [ + "\u2581partitions", + -13.528459548950195 + ], + [ + "\u2581BMF", + -13.528470039367676 + ], + [ + "\u2581stuurde", + -13.528493881225586 + ], + [ + "cruci", + -13.528496742248535 + ], + [ + "\u2581Aman", + -13.528496742248535 + ], + [ + "\u2581souhaitez", + -13.528521537780762 + ], + [ + "\u2581Edo", + -13.528522491455078 + ], + [ + "\u2581sinti\u00f3", + -13.528599739074709 + ], + [ + "\u2581hermosa", + -13.528615951538086 + ], + [ + "\u2581offline", + -13.528632164001465 + ], + [ + "\u2581erkannte", + -13.528639793395996 + ], + [ + "\u2581mill\u00f3n", + -13.528653144836426 + ], + [ + "\u2581Venecia", + -13.528656959533691 + ], + [ + "vlak", + -13.52865982055664 + ], + [ + "\u2581Basilica", + -13.52867603302002 + ], + [ + "\u2581bend", + -13.528749465942385 + ], + [ + "\u2581wins", + -13.528761863708496 + ], + [ + "\u2581Aristo", + -13.528769493103027 + ], + [ + "\u2581conjunta", + -13.528806686401367 + ], + [ + "uarto", + -13.52881908416748 + ], + [ + "affichage", + -13.528827667236328 + ], + [ + "\u2581c\u00e1pita", + -13.52882957458496 + ], + [ + "\u2581Fabri", + -13.528834342956545 + ], + [ + "\u2581BMBF", + -13.528867721557615 + ], + [ + "\u2581ripete", + -13.528883934020996 + ], + [ + "\u2581calci", + -13.52889633178711 + ], + [ + "CIA", + -13.528897285461426 + ], + [ + "\u2581highlighted", + -13.528907775878906 + ], + [ + "sorge", + -13.528912544250488 + ], + [ + "\u2581Emile", + -13.528921127319336 + ], + [ + "Smart", + -13.528966903686523 + ], + [ + "ohan", + -13.528971672058104 + ], + [ + "inference", + -13.5289888381958 + ], + [ + "\u2581usualmente", + -13.528989791870115 + ], + [ + "immobilier", + -13.529011726379396 + ], + [ + "\u2581lettori", + -13.529017448425291 + ], + [ + "haalt", + -13.529062271118164 + ], + [ + "warf", + -13.529105186462402 + ], + [ + "\u2581risalente", + -13.529112815856934 + ], + [ + "ARI", + -13.529130935668944 + ], + [ + "\u2581Kreuzung", + -13.529250144958496 + ], + [ + "ulate", + -13.529284477233888 + ], + [ + "\u2581Esiste", + -13.529284477233888 + ], + [ + "\u2581Spielzeit", + -13.529285430908203 + ], + [ + "\u2581Diagonal", + -13.529321670532228 + ], + [ + "\u2581Randall", + -13.529330253601074 + ], + [ + "\u2581grossa", + -13.529341697692873 + ], + [ + "\u2581Buslinien", + -13.52941608428955 + ], + [ + "\u2581eenheden", + -13.529467582702637 + ], + [ + "\u2581stimul", + -13.529483795166016 + ], + [ + "\u2581marxista", + -13.52951717376709 + ], + [ + "\u2581segmentation", + -13.529518127441406 + ], + [ + "\u2581Wettbewerber", + -13.529521942138672 + ], + [ + "Rm", + -13.529532432556152 + ], + [ + "Trait", + -13.52953815460205 + ], + [ + "monitoring", + -13.52955436706543 + ], + [ + "ECHO", + -13.529587745666504 + ], + [ + "Spi", + -13.529587745666504 + ], + [ + "Terminal", + -13.52959156036377 + ], + [ + "\u2581priv\u00e9s", + -13.529593467712402 + ], + [ + "\u2581scritte", + -13.529597282409668 + ], + [ + "\u2581estrelar", + -13.52964687347412 + ], + [ + "\u2581qualificazione", + -13.529685020446776 + ], + [ + "\u2581accomplished", + -13.52969741821289 + ], + [ + "\u2581Spr", + -13.529699325561523 + ], + [ + "\u2581zagen", + -13.529707908630373 + ], + [ + "\u2581caracterizado", + -13.52971076965332 + ], + [ + "Ack", + -13.529743194580078 + ], + [ + "ELLE", + -13.529746055603027 + ], + [ + "basket", + -13.529748916625977 + ], + [ + "anelli", + -13.529769897460938 + ], + [ + "\u2581mensajes", + -13.52980136871338 + ], + [ + "fone", + -13.529802322387695 + ], + [ + "\u2581Maro", + -13.529820442199709 + ], + [ + "terms", + -13.529828071594238 + ], + [ + "\u2581exceeds", + -13.529869079589844 + ], + [ + "transplantation", + -13.52987289428711 + ], + [ + "traits", + -13.529913902282717 + ], + [ + "scorer", + -13.529914855957031 + ], + [ + "\u2581mil\u00edmetros", + -13.529919624328612 + ], + [ + "\u2581quaranta", + -13.529947280883787 + ], + [ + "\u2581Conservative", + -13.529951095581056 + ], + [ + "\u2581deuda", + -13.5299711227417 + ], + [ + "\u2581am\u00e9liorer", + -13.529991149902344 + ], + [ + "\u2581Filch", + -13.529998779296877 + ], + [ + "\u2581NoMethod", + -13.530086517333984 + ], + [ + "\u2581Armeni", + -13.530133247375488 + ], + [ + "\u2581Nikolai", + -13.530149459838867 + ], + [ + "\u2581drena", + -13.530150413513184 + ], + [ + "ambiance", + -13.530223846435549 + ], + [ + "Gv", + -13.530251502990724 + ], + [ + "ATS", + -13.530256271362305 + ], + [ + "\u2581retir\u00e9", + -13.530265808105469 + ], + [ + "\u2581piscine", + -13.530296325683594 + ], + [ + "alphabet", + -13.530301094055176 + ], + [ + "pix", + -13.530312538146973 + ], + [ + "\u2581caract\u00e9ris\u00e9e", + -13.530332565307615 + ], + [ + "\u2581respectivas", + -13.530336380004885 + ], + [ + "\u2581galer\u00eda", + -13.5303373336792 + ], + [ + "\u2581Gond", + -13.530343055725098 + ], + [ + "\u2581funcionam", + -13.530344009399414 + ], + [ + "\u2581Netzwerke", + -13.530351638793944 + ], + [ + "\u2581Colonna", + -13.530373573303224 + ], + [ + "\u2581Rande", + -13.530403137207031 + ], + [ + "\u2581inimigos", + -13.530412673950195 + ], + [ + "weder", + -13.530450820922852 + ], + [ + "\u2581consider\u00f3", + -13.5304536819458 + ], + [ + "\u2581Gebirgs", + -13.53046703338623 + ], + [ + "\u2581Bohemia", + -13.53048610687256 + ], + [ + "nacida", + -13.530488014221191 + ], + [ + "donde", + -13.530566215515137 + ], + [ + "\u2581formatting", + -13.530579566955566 + ], + [ + "OLO", + -13.530584335327148 + ], + [ + "\u2581comumente", + -13.530604362487791 + ], + [ + "\u2581trocken", + -13.530606269836426 + ], + [ + "\u2581Newport", + -13.530619621276855 + ], + [ + "ICH", + -13.530621528625488 + ], + [ + "\u2581Mitteilungen", + -13.530621528625488 + ], + [ + "\u2581Ronnie", + -13.530631065368652 + ], + [ + "\u2581obliegt", + -13.5306978225708 + ], + [ + "\u2581strukturellen", + -13.530741691589355 + ], + [ + "cop", + -13.530791282653809 + ], + [ + "\u2581Nagoya", + -13.530835151672363 + ], + [ + "\u2581mentira", + -13.530851364135742 + ], + [ + "\u2581Dhabi", + -13.530858993530272 + ], + [ + "\u2581gathering", + -13.530885696411133 + ], + [ + "\u2581Haya", + -13.530903816223145 + ], + [ + "\u2581f\u00f3rmulas", + -13.530913352966309 + ], + [ + "\u2581vostre", + -13.530935287475586 + ], + [ + "\u2581emergente", + -13.530946731567385 + ], + [ + "\u2581depart", + -13.530976295471191 + ], + [ + "\u2581Syri", + -13.530988693237305 + ], + [ + "innamora", + -13.53100299835205 + ], + [ + "\u2581Bahr", + -13.531028747558594 + ], + [ + "\u2581sottile", + -13.531034469604492 + ], + [ + "ol\u00e9", + -13.53104019165039 + ], + [ + "\u2581aanvaard", + -13.531044960021973 + ], + [ + "Serialization", + -13.531115531921388 + ], + [ + "\u2581developer", + -13.531119346618652 + ], + [ + "PTS", + -13.53115177154541 + ], + [ + "\u2581Weis", + -13.531155586242676 + ], + [ + "\u2581aluminium", + -13.53115940093994 + ], + [ + "\u2581threadIdx", + -13.531173706054688 + ], + [ + "\u2581conseill\u00e9", + -13.531177520751951 + ], + [ + "\u2581pasi\u00f3n", + -13.531185150146484 + ], + [ + "\u2581Anruf", + -13.531194686889648 + ], + [ + "affiche", + -13.531205177307127 + ], + [ + "OFFSET", + -13.531206130981444 + ], + [ + "\u2581Poitiers", + -13.531207084655762 + ], + [ + "\u2581acomoda", + -13.531220436096191 + ], + [ + "\u2581painter", + -13.531227111816406 + ], + [ + "\u2581fel", + -13.531257629394531 + ], + [ + "\u2581bewilligt", + -13.53128433227539 + ], + [ + "\u2581Geschenk", + -13.531295776367188 + ], + [ + "alp", + -13.531312942504885 + ], + [ + "\u2581Steuerrecht", + -13.531319618225098 + ], + [ + "ripple", + -13.531346321105955 + ], + [ + "Deb", + -13.531362533569336 + ], + [ + "\u2581formadas", + -13.531370162963867 + ], + [ + "\u2581Administrator", + -13.531378746032717 + ], + [ + "\u2581educativa", + -13.531380653381348 + ], + [ + "\u2581nucleare", + -13.531424522399902 + ], + [ + "rpath", + -13.531439781188965 + ], + [ + "\u2581invitation", + -13.531490325927734 + ], + [ + "\u2581cavalo", + -13.531503677368164 + ], + [ + "Beau", + -13.53150463104248 + ], + [ + "maj", + -13.531575202941896 + ], + [ + "\u2581wachsen", + -13.531621932983398 + ], + [ + "\u2581rosse", + -13.53162670135498 + ], + [ + "\u2581pire", + -13.531645774841309 + ], + [ + "\u2581alpin", + -13.531646728515623 + ], + [ + "represent", + -13.531652450561523 + ], + [ + "\u2581gewachsen", + -13.53166675567627 + ], + [ + "grunt", + -13.531695365905762 + ], + [ + "r\u00e9ci", + -13.53172492980957 + ], + [ + "beh\u00e4lter", + -13.531725883483888 + ], + [ + "foni", + -13.531729698181152 + ], + [ + "\u2581Planning", + -13.53173828125 + ], + [ + "\u2581dite", + -13.53174877166748 + ], + [ + "CTFail", + -13.531773567199709 + ], + [ + "sbergen", + -13.53178596496582 + ], + [ + "getId", + -13.531798362731934 + ], + [ + "\u2581transformado", + -13.531829833984377 + ], + [ + "\u2581NOTICE", + -13.531907081604004 + ], + [ + "\u2581Mathias", + -13.531942367553713 + ], + [ + "CED", + -13.532005310058594 + ], + [ + "folded", + -13.532049179077148 + ], + [ + "distro", + -13.532054901123049 + ], + [ + "\u2581demanded", + -13.532055854797363 + ], + [ + "FAILURE", + -13.532111167907717 + ], + [ + "\u2581Fr\u00fcchte", + -13.532112121582031 + ], + [ + "\u2581violon", + -13.532113075256348 + ], + [ + "ube", + -13.532181739807127 + ], + [ + "\u2581disappeared", + -13.532201766967772 + ], + [ + "ulina", + -13.532218933105469 + ], + [ + "travel", + -13.532254219055176 + ], + [ + "wendig", + -13.532255172729492 + ], + [ + "\u2581christlichen", + -13.532285690307615 + ], + [ + "\u2581amministrativo", + -13.532304763793944 + ], + [ + "hau", + -13.53232192993164 + ], + [ + "\u2581Besch", + -13.532322883605955 + ], + [ + "\u2581discorsi", + -13.532367706298828 + ], + [ + "Italic", + -13.532493591308594 + ], + [ + "\u2581middelen", + -13.532503128051758 + ], + [ + "ombie", + -13.532522201538086 + ], + [ + "itische", + -13.532523155212402 + ], + [ + "\u2581Tej", + -13.532556533813477 + ], + [ + "\u2581complaint", + -13.532573699951172 + ], + [ + "\u2581Gaetano", + -13.532574653625488 + ], + [ + "\u2581Cricket", + -13.532596588134766 + ], + [ + "\u2581tent\u00e9", + -13.532663345336914 + ], + [ + "\u2581literary", + -13.53269100189209 + ], + [ + "ritt", + -13.53269386291504 + ], + [ + "\u2581Bundesamtes", + -13.532697677612305 + ], + [ + "\u2581spacing", + -13.532702445983888 + ], + [ + "\u2581restauraci\u00f3n", + -13.53273582458496 + ], + [ + "\u2581settle", + -13.532790184020996 + ], + [ + "\u2581Lack", + -13.532794952392578 + ], + [ + "\u2581wohnen", + -13.532814025878906 + ], + [ + "\u2581Crem", + -13.532818794250488 + ], + [ + "Determin", + -13.532862663269045 + ], + [ + "\u2581traditionnel", + -13.532865524291992 + ], + [ + "\u2581refei", + -13.532873153686523 + ], + [ + "usz", + -13.532879829406738 + ], + [ + "\u2581logged", + -13.532943725585938 + ], + [ + "\u2581textual", + -13.532943725585938 + ], + [ + "\u2581conflits", + -13.533005714416504 + ], + [ + "\u2581absolutamente", + -13.533013343811035 + ], + [ + "\u2581opinioni", + -13.5330228805542 + ], + [ + "\u2581anl\u00e4sslich", + -13.533025741577148 + ], + [ + "\u2581Lindsay", + -13.53304386138916 + ], + [ + "\u2581advised", + -13.533059120178224 + ], + [ + "ague", + -13.533100128173828 + ], + [ + "\u2581futuros", + -13.533129692077637 + ], + [ + "\u2581steltmuggen", + -13.533210754394531 + ], + [ + "\u2581plateforme", + -13.533214569091797 + ], + [ + "fresh", + -13.533222198486328 + ], + [ + "\u2581chaves", + -13.533245086669922 + ], + [ + "\u2581efici", + -13.533275604248049 + ], + [ + "\u2581Regimiento", + -13.53328800201416 + ], + [ + "zac", + -13.53329086303711 + ], + [ + "loh", + -13.533291816711426 + ], + [ + "\u2581votar", + -13.533296585083008 + ], + [ + "\u2581rentrer", + -13.533326148986816 + ], + [ + "\u2581targ", + -13.533355712890623 + ], + [ + "\u2581grunds\u00e4tzliche", + -13.53335666656494 + ], + [ + "ylon", + -13.53337574005127 + ], + [ + "\u2581Tecnolog\u00eda", + -13.533391952514648 + ], + [ + "\u2581Wartung", + -13.533402442932127 + ], + [ + "\u2581sortes", + -13.533432960510254 + ], + [ + "\u2581cair", + -13.533454895019531 + ], + [ + "\u2581seltener", + -13.533462524414062 + ], + [ + "\u2581ejercer", + -13.533482551574709 + ], + [ + "\u2581gepaarde", + -13.533580780029297 + ], + [ + "\u2581velocidades", + -13.533623695373535 + ], + [ + "\u2581Monuments", + -13.533625602722168 + ], + [ + "\u2581Rubens", + -13.533639907836914 + ], + [ + "\u2581Verhaal", + -13.533658027648926 + ], + [ + "\u2581Cinq", + -13.533669471740724 + ], + [ + "sessie", + -13.533686637878418 + ], + [ + "vorstand", + -13.533751487731934 + ], + [ + "rechter", + -13.533758163452148 + ], + [ + "\u2581Literature", + -13.533761024475098 + ], + [ + "\u2581temporarily", + -13.533787727355955 + ], + [ + "esouro", + -13.533794403076172 + ], + [ + "\u2581dissimul", + -13.53381061553955 + ], + [ + "\u2581industriellen", + -13.533822059631348 + ], + [ + "\u2581$*", + -13.533856391906738 + ], + [ + "\u2581Prato", + -13.533891677856444 + ], + [ + "Jones", + -13.533893585205078 + ], + [ + "\u2581electromagnetic", + -13.533945083618164 + ], + [ + "flucht", + -13.533949851989746 + ], + [ + "kJ", + -13.534002304077148 + ], + [ + "\u2581ferrovie", + -13.53400707244873 + ], + [ + "\u2581eingehend", + -13.534027099609377 + ], + [ + "\u2581hambre", + -13.534032821655272 + ], + [ + "\u2581Schwe", + -13.534037590026855 + ], + [ + "\u2581regente", + -13.53406810760498 + ], + [ + "\u2581soin", + -13.534076690673828 + ], + [ + "\u2581lezioni", + -13.534113883972168 + ], + [ + "debuut", + -13.534127235412598 + ], + [ + "herstellung", + -13.53413200378418 + ], + [ + "\u2581gentechnisch", + -13.534137725830078 + ], + [ + "\u2581Cinco", + -13.534185409545898 + ], + [ + "\u2581Destaca", + -13.534215927124023 + ], + [ + "\u2581Duomo", + -13.534221649169922 + ], + [ + "paired", + -13.5342378616333 + ], + [ + "pact", + -13.534276008605955 + ], + [ + "activities", + -13.534290313720703 + ], + [ + "schoten", + -13.534299850463867 + ], + [ + "\u2581consisted", + -13.534306526184082 + ], + [ + "\u2581bast", + -13.534314155578612 + ], + [ + "uintana", + -13.534331321716309 + ], + [ + "\u2581produttori", + -13.534337043762209 + ], + [ + "\u2581Gauss", + -13.534357070922852 + ], + [ + "\u2581logrando", + -13.5343599319458 + ], + [ + "\u2581Schatz", + -13.534387588500977 + ], + [ + "Wald", + -13.53442096710205 + ], + [ + "\u2581Verminderung", + -13.534423828125 + ], + [ + "giri", + -13.534462928771973 + ], + [ + "\u2581erin", + -13.534467697143556 + ], + [ + "pl\u00e4nen", + -13.534472465515137 + ], + [ + "\u2581contempor\u00e1nea", + -13.53449249267578 + ], + [ + "\u2581analysieren", + -13.534494400024414 + ], + [ + "FileSystem", + -13.534502029418944 + ], + [ + "\u2581Ertr\u00e4ge", + -13.534502029418944 + ], + [ + "\u2581petici\u00f3n", + -13.534518241882324 + ], + [ + "\u2581voorbereiding", + -13.53452968597412 + ], + [ + "ter\u00eda", + -13.53455638885498 + ], + [ + "intra", + -13.534561157226562 + ], + [ + "\u2581exclusivement", + -13.53464698791504 + ], + [ + "\u2581firmar", + -13.534664154052734 + ], + [ + "\u2581Keramik", + -13.534673690795898 + ], + [ + "\u2581Belgrano", + -13.534675598144531 + ], + [ + "\u2581Clifford", + -13.53468418121338 + ], + [ + "\u2581subjected", + -13.53469181060791 + ], + [ + "testCase", + -13.534711837768556 + ], + [ + "\u2581promu", + -13.534738540649414 + ], + [ + "dah", + -13.53477668762207 + ], + [ + "\u2581bekijken", + -13.534788131713867 + ], + [ + "\u2581Calais", + -13.534814834594728 + ], + [ + "BIG", + -13.534831047058104 + ], + [ + "AME", + -13.534832954406738 + ], + [ + "timing", + -13.53490924835205 + ], + [ + "\u2581arrivando", + -13.534929275512695 + ], + [ + "\u2581interpretata", + -13.53493309020996 + ], + [ + "\u2581Hole", + -13.534967422485352 + ], + [ + "\u2581duplica", + -13.535066604614258 + ], + [ + "werpen", + -13.535088539123535 + ], + [ + "\u2581Noordelijke", + -13.535152435302734 + ], + [ + "COO", + -13.535201072692873 + ], + [ + "\u2581adicionado", + -13.535213470458984 + ], + [ + "thead", + -13.535225868225098 + ], + [ + "\u2581Localiza", + -13.535274505615234 + ], + [ + "\u2581unies", + -13.5352783203125 + ], + [ + "\u2581ispirato", + -13.535284042358398 + ], + [ + "anya", + -13.535290718078612 + ], + [ + "Birth", + -13.535307884216309 + ], + [ + "Chile", + -13.535318374633787 + ], + [ + "\u2581proced", + -13.5353422164917 + ], + [ + "PARALLEL", + -13.535404205322266 + ], + [ + "semester", + -13.535467147827148 + ], + [ + "\u2581Victorian", + -13.535483360290527 + ], + [ + "poor", + -13.5355224609375 + ], + [ + "\u2581Pescara", + -13.53553867340088 + ], + [ + "\u2581anzugeben", + -13.535579681396484 + ], + [ + "\u2581Juventud", + -13.5355806350708 + ], + [ + "\u2581komplexe", + -13.53560733795166 + ], + [ + "Clang", + -13.535629272460938 + ], + [ + "\u2581Gibbs", + -13.535638809204102 + ], + [ + "\u2581Cerve", + -13.53565502166748 + ], + [ + "kull", + -13.53566074371338 + ], + [ + "Stadtentwicklung", + -13.535684585571287 + ], + [ + "\u2581Serbien", + -13.535731315612791 + ], + [ + "\u2581Except", + -13.535762786865234 + ], + [ + "\u2581eingebaut", + -13.535771369934082 + ], + [ + "Jorge", + -13.535772323608398 + ], + [ + "\u2581Gr\u00fcne", + -13.535774230957031 + ], + [ + "\u2581cambiando", + -13.535780906677246 + ], + [ + "\u2581Ondertussen", + -13.535781860351562 + ], + [ + "modulus", + -13.535792350769045 + ], + [ + "\u2581crollo", + -13.535807609558104 + ], + [ + "\u2581documented", + -13.535832405090332 + ], + [ + "\u2581raffinat", + -13.535847663879396 + ], + [ + "\u2581Solidarit\u00e4t", + -13.53585147857666 + ], + [ + "\u2581beinhalten", + -13.535861015319824 + ], + [ + "\u2581mantendo", + -13.535983085632324 + ], + [ + "palpen", + -13.536046981811523 + ], + [ + "\u2581cadeira", + -13.536052703857422 + ], + [ + "expanded", + -13.536062240600586 + ], + [ + "Verbesserung", + -13.536133766174316 + ], + [ + "\u2581sheets", + -13.536145210266112 + ], + [ + "\u2581disfar", + -13.536198616027832 + ], + [ + "\u2581faisaient", + -13.536205291748049 + ], + [ + "Student", + -13.536214828491213 + ], + [ + "\u2581enabling", + -13.536229133605955 + ], + [ + "\u2581commentaires", + -13.536266326904297 + ], + [ + "sch\u00fctz", + -13.536270141601562 + ], + [ + "URA", + -13.53628158569336 + ], + [ + "gelopen", + -13.536314964294434 + ], + [ + "\u2581dive", + -13.536370277404783 + ], + [ + "\u2581Akte", + -13.536444664001465 + ], + [ + "\u2581obs", + -13.536490440368652 + ], + [ + "\u2581gesegmenteerd", + -13.536507606506348 + ], + [ + "META", + -13.53653335571289 + ], + [ + "\u2581Mirror", + -13.5365571975708 + ], + [ + "\u2581millas", + -13.53657341003418 + ], + [ + "\u2581giac", + -13.53660011291504 + ], + [ + "\u2581eingelegt", + -13.536606788635254 + ], + [ + "\u2581maestros", + -13.536612510681152 + ], + [ + "\u2581Essex", + -13.536654472351074 + ], + [ + "FRE", + -13.536672592163086 + ], + [ + "IRC", + -13.536698341369627 + ], + [ + "\u2581BKA", + -13.536705017089844 + ], + [ + "ger\u00e4ten", + -13.536733627319336 + ], + [ + "\u2581bekendgemaakt", + -13.536739349365234 + ], + [ + "\u2581sachlich", + -13.536766052246094 + ], + [ + "\u2581Atta", + -13.536788940429688 + ], + [ + "\u2581Auswirkung", + -13.536794662475586 + ], + [ + "pregunt\u00f3", + -13.536808967590332 + ], + [ + "stempel", + -13.536834716796877 + ], + [ + "\u2581contado", + -13.536864280700684 + ], + [ + "\u2581Chapitre", + -13.536876678466797 + ], + [ + "\u2581scout", + -13.536892890930176 + ], + [ + "PARAM", + -13.536906242370604 + ], + [ + "\u2581Springfield", + -13.536910057067873 + ], + [ + "communist", + -13.53692626953125 + ], + [ + "\u2581refl", + -13.536932945251465 + ], + [ + "\u2581combinado", + -13.537019729614258 + ], + [ + "\u2581obstacles", + -13.537067413330078 + ], + [ + "pthread", + -13.53707790374756 + ], + [ + "\u2581//!", + -13.53714084625244 + ], + [ + "Ontario", + -13.537154197692873 + ], + [ + "\u2581hoogtepunt", + -13.537164688110352 + ], + [ + "berater", + -13.537166595458984 + ], + [ + "\u2581religieuses", + -13.537246704101562 + ], + [ + "\u2581impegno", + -13.537276268005373 + ], + [ + "tali", + -13.537290573120115 + ], + [ + "desaparecido", + -13.537328720092772 + ], + [ + "\u2581mediterr", + -13.537352561950684 + ], + [ + "\u2581sinc", + -13.53740406036377 + ], + [ + "\u2581F\u00e4cher", + -13.537419319152832 + ], + [ + "\u2581trouxe", + -13.537473678588867 + ], + [ + "\u2581sgg", + -13.537498474121094 + ], + [ + "\u2581deutlichen", + -13.53750705718994 + ], + [ + "ph\u00e9", + -13.53750991821289 + ], + [ + "\u2581localization", + -13.53750991821289 + ], + [ + "\u2581\"/\"", + -13.537530899047852 + ], + [ + "di\u00f3", + -13.53757667541504 + ], + [ + "\u2581shit", + -13.537596702575684 + ], + [ + "\u2581Mediterr\u00e1neo", + -13.537611961364746 + ], + [ + "\u2581surgi\u00f3", + -13.537611961364746 + ], + [ + "\u2581vapeur", + -13.537612915039062 + ], + [ + "\u2581statu", + -13.537640571594238 + ], + [ + "aggrav", + -13.537656784057615 + ], + [ + "Stroke", + -13.537660598754885 + ], + [ + "Abort", + -13.537694931030272 + ], + [ + "PROC", + -13.537694931030272 + ], + [ + "\u2581freilich", + -13.537704467773438 + ], + [ + "rekening", + -13.537748336791992 + ], + [ + "\u2581Barb", + -13.53775405883789 + ], + [ + "temperature", + -13.537758827209473 + ], + [ + "attentato", + -13.537772178649902 + ], + [ + "\u2581Retro", + -13.537772178649902 + ], + [ + "hild", + -13.537798881530762 + ], + [ + "\u2581computadora", + -13.537830352783203 + ], + [ + "\u2581justified", + -13.53785228729248 + ], + [ + "\u2581transporter", + -13.53786563873291 + ], + [ + "ordens", + -13.537890434265137 + ], + [ + "\u2581animaci\u00f3n", + -13.53789520263672 + ], + [ + "\u2581cujos", + -13.537909507751465 + ], + [ + "Sponsor", + -13.5379638671875 + ], + [ + "\u2581c\u00edrculos", + -13.537981033325195 + ], + [ + "TeV", + -13.537981986999512 + ], + [ + "pelt", + -13.538002967834473 + ], + [ + "bois", + -13.5380277633667 + ], + [ + "\u2581coletiva", + -13.53806495666504 + ], + [ + "activated", + -13.538081169128418 + ], + [ + "rven", + -13.538086891174316 + ], + [ + "\u2581Cult", + -13.538145065307615 + ], + [ + "\u2581Controle", + -13.53817653656006 + ], + [ + "wespen", + -13.53824234008789 + ], + [ + "\u2581Casimir", + -13.53829288482666 + ], + [ + "duktion", + -13.538293838500977 + ], + [ + "objecten", + -13.538350105285645 + ], + [ + "\u2581widerrufen", + -13.53835391998291 + ], + [ + "\u2581Calder\u00f3n", + -13.538368225097656 + ], + [ + "\u2581Jud", + -13.538369178771973 + ], + [ + "\u2581jam", + -13.538440704345703 + ], + [ + "Important", + -13.538456916809082 + ], + [ + "\u2581pleased", + -13.538488388061523 + ], + [ + "onzo", + -13.53852081298828 + ], + [ + "\u2581Diccionario", + -13.538529396057127 + ], + [ + "\u2581assurance", + -13.538538932800291 + ], + [ + "\u2581erz\u00e4hlen", + -13.53871726989746 + ], + [ + "\u2581Lent", + -13.538741111755373 + ], + [ + "\u2581pratiquement", + -13.538774490356444 + ], + [ + "\u2581obtenido", + -13.53879165649414 + ], + [ + "\u2581Vogt", + -13.538823127746582 + ], + [ + "\u2581anwesend", + -13.538835525512695 + ], + [ + "SuperscriptBox", + -13.538896560668944 + ], + [ + "Fund", + -13.53891658782959 + ], + [ + "Eritrea", + -13.538917541503906 + ], + [ + "verkiezing", + -13.538969039916992 + ], + [ + "\u2581interessantes", + -13.538976669311523 + ], + [ + "\u2581kabel", + -13.538984298706056 + ], + [ + "\u2581appassionati", + -13.539008140563965 + ], + [ + "\u2581necesarios", + -13.53907871246338 + ], + [ + "\u2581retrieval", + -13.539088249206545 + ], + [ + "ession", + -13.53913402557373 + ], + [ + "\u2581nationalit\u00e9", + -13.539167404174805 + ], + [ + "rischer", + -13.539178848266602 + ], + [ + "Templates", + -13.53918170928955 + ], + [ + "teilnehmer", + -13.539233207702637 + ], + [ + "\u2581S\u00fcdwest", + -13.5392427444458 + ], + [ + "\u2581esencial", + -13.53925609588623 + ], + [ + "\u2581Implementation", + -13.539310455322266 + ], + [ + "\u2581glaubt", + -13.53938102722168 + ], + [ + "\u2581guari", + -13.539408683776855 + ], + [ + "\u2581antennen", + -13.539416313171388 + ], + [ + "allum", + -13.539429664611816 + ], + [ + "Mir", + -13.53943157196045 + ], + [ + "\u2581aanzienlijk", + -13.539447784423828 + ], + [ + "packing", + -13.53948211669922 + ], + [ + "\u2581commissaire", + -13.539495468139648 + ], + [ + "tanz", + -13.539512634277344 + ], + [ + "\u2581automated", + -13.539542198181152 + ], + [ + "\u2581erotic", + -13.539544105529783 + ], + [ + "\u2581gelijke", + -13.539563179016112 + ], + [ + "xD", + -13.539595603942873 + ], + [ + "\u2581immaginare", + -13.5396146774292 + ], + [ + "\u2581deelnemen", + -13.539644241333008 + ], + [ + "\u2581Defaults", + -13.539660453796388 + ], + [ + "lash", + -13.539668083190918 + ], + [ + "wz", + -13.539673805236816 + ], + [ + "\u2581ausgegeben", + -13.539674758911133 + ], + [ + "\u2581histogram", + -13.539739608764648 + ], + [ + "\u2581morphism", + -13.539772033691406 + ], + [ + "brengen", + -13.539774894714355 + ], + [ + "tosi", + -13.539775848388672 + ], + [ + "cds", + -13.53980827331543 + ], + [ + "CHANNEL", + -13.539813041687012 + ], + [ + "\u2581finora", + -13.539838790893556 + ], + [ + "\u2581voert", + -13.539859771728516 + ], + [ + "glut", + -13.539895057678224 + ], + [ + "\u2581Navidad", + -13.53994846343994 + ], + [ + "Ultim", + -13.539957046508787 + ], + [ + "\u2581proposi", + -13.539959907531738 + ], + [ + "PROPERT", + -13.539968490600586 + ], + [ + "\u2581nossas", + -13.539992332458496 + ], + [ + "filo", + -13.540050506591797 + ], + [ + "halb", + -13.54006576538086 + ], + [ + "\u2581Solve", + -13.540068626403809 + ], + [ + "\u2581Ninja", + -13.540091514587402 + ], + [ + "\u2581bizantina", + -13.540186882019045 + ], + [ + "\u2581Gelb", + -13.54021453857422 + ], + [ + "\u2581axioma", + -13.540215492248535 + ], + [ + "\u2581worship", + -13.540237426757812 + ], + [ + "\u2581tapa", + -13.540257453918455 + ], + [ + "dynastie", + -13.540288925170898 + ], + [ + "\u2581mismatch", + -13.540298461914062 + ], + [ + "\u2581Causa", + -13.540390968322754 + ], + [ + "\u2581longas", + -13.540471076965332 + ], + [ + "\u2581ligera", + -13.540501594543455 + ], + [ + "\u2581pride", + -13.540545463562012 + ], + [ + "caf", + -13.540555000305176 + ], + [ + "\u2581forem", + -13.540556907653809 + ], + [ + "aagd", + -13.540602684020996 + ], + [ + "SED", + -13.54065227508545 + ], + [ + "\u2581coches", + -13.540655136108398 + ], + [ + "\u2581marchese", + -13.540699005126951 + ], + [ + "Kunst", + -13.54071044921875 + ], + [ + "sua", + -13.540733337402344 + ], + [ + "\u2581Hoek", + -13.54075813293457 + ], + [ + "\u2581contudo", + -13.540776252746582 + ], + [ + "\u2581giudica", + -13.540781021118164 + ], + [ + "\u2581Muller", + -13.540820121765137 + ], + [ + "wisseling", + -13.54084300994873 + ], + [ + "\u2581expanding", + -13.54084300994873 + ], + [ + "reinterpret", + -13.540858268737791 + ], + [ + "elho", + -13.540863990783691 + ], + [ + "kommunikation", + -13.540876388549805 + ], + [ + "Topology", + -13.54088020324707 + ], + [ + "\u2581allm\u00e4hlich", + -13.540924072265623 + ], + [ + "Indiana", + -13.540935516357422 + ], + [ + "\u2581massiccio", + -13.540969848632812 + ], + [ + "unternehmer", + -13.540985107421877 + ], + [ + "gearbeitet", + -13.541011810302734 + ], + [ + "kasten", + -13.541050910949709 + ], + [ + "ogue", + -13.541136741638184 + ], + [ + "\u2581Virg", + -13.54115867614746 + ], + [ + "fono", + -13.541199684143066 + ], + [ + "\u2581PGA", + -13.541260719299316 + ], + [ + "\u2581Ira", + -13.541299819946287 + ], + [ + "\u2581interpr", + -13.541316032409668 + ], + [ + "Rp", + -13.541372299194336 + ], + [ + "\u2581lokal", + -13.541391372680664 + ], + [ + "Th\u00e9r", + -13.54139518737793 + ], + [ + "\u2581frequentato", + -13.541414260864258 + ], + [ + "TypeOf", + -13.541420936584473 + ], + [ + "\u00e1is", + -13.541449546813965 + ], + [ + "\u2581Konsens", + -13.54148006439209 + ], + [ + "\u2581emancipa", + -13.541513442993164 + ], + [ + "Prevent", + -13.541519165039062 + ], + [ + "\u2581M\u00e4rchen", + -13.541529655456545 + ], + [ + "\u2581vollzogen", + -13.541536331176758 + ], + [ + "lichten", + -13.541577339172363 + ], + [ + "\u2581largos", + -13.541621208190918 + ], + [ + "Repeated", + -13.541631698608398 + ], + [ + "gevoerd", + -13.54163932800293 + ], + [ + "\u2581Oceani", + -13.541658401489258 + ], + [ + "\u2581raggiungono", + -13.541662216186523 + ], + [ + "\u2581Indianapolis", + -13.541664123535156 + ], + [ + "\u2581Goya", + -13.541728973388672 + ], + [ + "Craft", + -13.54173755645752 + ], + [ + "roga", + -13.541775703430176 + ], + [ + "\u2581Wallis", + -13.54178237915039 + ], + [ + "\u2581vorgenannten", + -13.541793823242188 + ], + [ + "andre", + -13.54181671142578 + ], + [ + "lifecycle", + -13.541851043701172 + ], + [ + "\u2581deck", + -13.541865348815918 + ], + [ + "\u2581Hilversum", + -13.541873931884766 + ], + [ + "Rationalisierung", + -13.541877746582031 + ], + [ + "\u2581Nana", + -13.541882514953612 + ], + [ + "\u2581adatto", + -13.541887283325195 + ], + [ + "\u2581secciones", + -13.54189395904541 + ], + [ + "\u2581Stichproben", + -13.541895866394045 + ], + [ + "\u2581Pulver", + -13.541947364807127 + ], + [ + "\u2581poetas", + -13.541951179504396 + ], + [ + "Anhang", + -13.541985511779783 + ], + [ + "Rz", + -13.541994094848633 + ], + [ + "minent", + -13.541996002197266 + ], + [ + "archives", + -13.541997909545898 + ], + [ + "\u2581Croatia", + -13.542012214660645 + ], + [ + "\u2581Shoot", + -13.542021751403809 + ], + [ + "\u2581efectivo", + -13.542035102844238 + ], + [ + "flan", + -13.54204559326172 + ], + [ + "ENE", + -13.5420560836792 + ], + [ + "\u2581savings", + -13.542074203491213 + ], + [ + "\u2581Resid", + -13.542115211486816 + ], + [ + "extinction", + -13.54218292236328 + ], + [ + "kWh", + -13.542194366455078 + ], + [ + "\u2581coinvolto", + -13.542218208312988 + ], + [ + "\u2581vastgelegd", + -13.542229652404783 + ], + [ + "sequenz", + -13.542243003845217 + ], + [ + "titleLabel", + -13.542256355285645 + ], + [ + "zellul\u00e4re", + -13.542284965515137 + ], + [ + "\u2581miseria", + -13.542298316955566 + ], + [ + "\u2581cientos", + -13.54232120513916 + ], + [ + "\u2581acres", + -13.542341232299805 + ], + [ + "\u2581medicamentos", + -13.542344093322754 + ], + [ + "\u2581resorts", + -13.542359352111816 + ], + [ + "\u2581sociologie", + -13.542448043823242 + ], + [ + "\u2581Taj", + -13.542461395263672 + ], + [ + "\u2581Steine", + -13.54246711730957 + ], + [ + "\u2581Differenzen", + -13.542540550231934 + ], + [ + "\u2581stadsdeel", + -13.542552947998049 + ], + [ + "phor", + -13.54255485534668 + ], + [ + "olle", + -13.542617797851562 + ], + [ + "Edward", + -13.54262351989746 + ], + [ + "\u2581estabeleceu", + -13.542628288269045 + ], + [ + "\u2581guilt", + -13.542630195617676 + ], + [ + "trac", + -13.54263687133789 + ], + [ + "\u2581stichtte", + -13.542662620544434 + ], + [ + "SPE", + -13.54267406463623 + ], + [ + "OVA", + -13.542675018310549 + ], + [ + "\u2581Vollzugs", + -13.542704582214355 + ], + [ + "DRIVER", + -13.54270839691162 + ], + [ + "\u2581vocals", + -13.542709350585938 + ], + [ + "buzz", + -13.542716026306152 + ], + [ + "\u2581dieux", + -13.542731285095217 + ], + [ + "\u2581mineures", + -13.542768478393556 + ], + [ + "\u2581creador", + -13.54277801513672 + ], + [ + "\u2581destru\u00eddo", + -13.54277801513672 + ], + [ + "\u2581otomano", + -13.5427827835083 + ], + [ + "\u2581Ava", + -13.542799949645996 + ], + [ + "\u2581Profit", + -13.542835235595703 + ], + [ + "trailing", + -13.542960166931152 + ], + [ + "\u2581procureur", + -13.542984008789062 + ], + [ + "\u2581tracing", + -13.543007850646973 + ], + [ + "gher", + -13.543042182922363 + ], + [ + "\u2581angepa", + -13.543050765991213 + ], + [ + "clusters", + -13.543061256408691 + ], + [ + "maar", + -13.543100357055664 + ], + [ + "\u2581estudou", + -13.543109893798828 + ], + [ + "zulassung", + -13.54311466217041 + ], + [ + "\u2581flesh", + -13.543140411376951 + ], + [ + "\u2581estuviera", + -13.543149948120115 + ], + [ + "\u2581associatifs", + -13.543227195739746 + ], + [ + "BayRS", + -13.543232917785645 + ], + [ + "GCA", + -13.543245315551758 + ], + [ + "Shim", + -13.543249130249023 + ], + [ + "\u2581grondwet", + -13.543249130249023 + ], + [ + "\u2581mainstream", + -13.543289184570312 + ], + [ + "\u2581desirable", + -13.543331146240234 + ], + [ + "\u2581schlechten", + -13.543354034423828 + ], + [ + "\u2581burro", + -13.54335594177246 + ], + [ + "\u2581reichte", + -13.54336166381836 + ], + [ + "\u2581GHz", + -13.543389320373535 + ], + [ + "staking", + -13.543496131896973 + ], + [ + "\u2581alquanto", + -13.543524742126465 + ], + [ + "\u2581rechnet", + -13.543524742126465 + ], + [ + "could", + -13.543533325195312 + ], + [ + "\u2581Tuvo", + -13.54355812072754 + ], + [ + "\u2581r\u00e9ussite", + -13.54356288909912 + ], + [ + "\u2581Aircraft", + -13.54356575012207 + ], + [ + "\u2581populatie", + -13.543580055236816 + ], + [ + "ARROW", + -13.54362678527832 + ], + [ + "\u2581d\u00e9co", + -13.543643951416016 + ], + [ + "\u2581Weiler", + -13.543651580810549 + ], + [ + "amber", + -13.54366683959961 + ], + [ + "\u2581ballot", + -13.54367733001709 + ], + [ + "werks", + -13.543678283691406 + ], + [ + "\u2581guards", + -13.54370403289795 + ], + [ + "\u2581participated", + -13.54372215270996 + ], + [ + "Maximum", + -13.54376220703125 + ], + [ + "\u2581charm", + -13.543806076049805 + ], + [ + "\u2581Semester", + -13.543810844421388 + ], + [ + "\u2581formules", + -13.543834686279297 + ], + [ + "\u2581circo", + -13.543838500976562 + ], + [ + "\u2581pulling", + -13.54383945465088 + ], + [ + "\u2581weird", + -13.543852806091309 + ], + [ + "SERV", + -13.543865203857422 + ], + [ + "\u2581Telegraph", + -13.543867111206056 + ], + [ + "Availability", + -13.543879508972168 + ], + [ + "tekort", + -13.543923377990724 + ], + [ + "rtel", + -13.543947219848633 + ], + [ + "\u2581faktisch", + -13.5440034866333 + ], + [ + "\u2581parecchi", + -13.544027328491213 + ], + [ + "\u2581giovanile", + -13.544039726257324 + ], + [ + "Umwelt", + -13.54404067993164 + ], + [ + "\u2581Stettin", + -13.544090270996094 + ], + [ + "forming", + -13.544174194335938 + ], + [ + "\u2581discern", + -13.544185638427734 + ], + [ + "\u2581Grandi", + -13.544201850891112 + ], + [ + "\u2581Monet", + -13.544218063354492 + ], + [ + "urea", + -13.544225692749023 + ], + [ + "\u2581negatieve", + -13.544255256652832 + ], + [ + "\u2581paleis", + -13.544276237487791 + ], + [ + "\u2581propens", + -13.544292449951172 + ], + [ + "amarin", + -13.544310569763184 + ], + [ + "cruz", + -13.54431438446045 + ], + [ + "Disposition", + -13.54438018798828 + ], + [ + "\u2581anger", + -13.544381141662598 + ], + [ + "\u2581ontstonden", + -13.544471740722656 + ], + [ + "\u2581Schwere", + -13.544511795043944 + ], + [ + "\u2581Agriculture", + -13.544515609741213 + ], + [ + "Follow", + -13.544547080993652 + ], + [ + "\u2581realen", + -13.544658660888672 + ], + [ + "\u2581Rind", + -13.544706344604492 + ], + [ + "\u2581costumbres", + -13.544718742370604 + ], + [ + "emb", + -13.54476833343506 + ], + [ + "kannt", + -13.544776916503906 + ], + [ + "schweizer", + -13.544824600219728 + ], + [ + "Colors", + -13.544866561889648 + ], + [ + "mixed", + -13.544888496398926 + ], + [ + "\u2581intuition", + -13.544934272766112 + ], + [ + "Compilation", + -13.544950485229492 + ], + [ + "\u2581Achtung", + -13.544976234436035 + ], + [ + "\u2581Cassini", + -13.544989585876465 + ], + [ + "\u2581Erzbischof", + -13.544991493225098 + ], + [ + "\u2581introdotto", + -13.54499340057373 + ], + [ + "\u2581auge", + -13.544997215270996 + ], + [ + "senso", + -13.545053482055664 + ], + [ + "\u2581Bark", + -13.545059204101562 + ], + [ + "\u2581landelijke", + -13.54506015777588 + ], + [ + "offensive", + -13.545086860656738 + ], + [ + "\u2581mir\u00f3", + -13.545089721679688 + ], + [ + "\u2581qualifier", + -13.545101165771484 + ], + [ + "enfants", + -13.54513454437256 + ], + [ + "\u2581accor", + -13.545140266418455 + ], + [ + "\u2581ascens", + -13.545174598693848 + ], + [ + "\u2581Related", + -13.545186042785645 + ], + [ + "\u2581ottenendo", + -13.545194625854492 + ], + [ + "stigma", + -13.545195579528809 + ], + [ + "ungstr\u00e4ger", + -13.545206069946287 + ], + [ + "\u2581dep\u00f3sito", + -13.545217514038086 + ], + [ + "verbindingen", + -13.545232772827148 + ], + [ + "\u2581middelbare", + -13.545235633850098 + ], + [ + "\u2581Pechino", + -13.545257568359377 + ], + [ + "\u2581tornato", + -13.545263290405272 + ], + [ + "\u2581atleti", + -13.545310020446776 + ], + [ + "\u2581Reports", + -13.545331001281738 + ], + [ + "\u2581pronounced", + -13.54533576965332 + ], + [ + "Sz", + -13.545339584350586 + ], + [ + "alam", + -13.545358657836914 + ], + [ + "\u2581grasmotten", + -13.545365333557127 + ], + [ + "\u2581bizarre", + -13.545366287231444 + ], + [ + "oben", + -13.545370101928713 + ], + [ + "\u2581grace", + -13.54538631439209 + ], + [ + "\u2581morali", + -13.545404434204102 + ], + [ + "\u2581\\(\\", + -13.545430183410645 + ], + [ + "\u2581intero", + -13.54543399810791 + ], + [ + "\u2581Mehrzahl", + -13.5454740524292 + ], + [ + "\u2581subjective", + -13.545487403869627 + ], + [ + "snippet", + -13.545538902282717 + ], + [ + "\u2581prot\u00e9g\u00e9e", + -13.545539855957031 + ], + [ + "posit", + -13.545549392700195 + ], + [ + "regeling", + -13.545587539672852 + ], + [ + "\u2581Passagier", + -13.54567050933838 + ], + [ + "Azur", + -13.545674324035645 + ], + [ + "fani", + -13.545709609985352 + ], + [ + "jaw", + -13.545766830444336 + ], + [ + "\u2581Ried", + -13.545774459838867 + ], + [ + "belang", + -13.54583740234375 + ], + [ + "kerke", + -13.5458402633667 + ], + [ + "Hallo", + -13.545868873596191 + ], + [ + "viet", + -13.545869827270508 + ], + [ + "\u2581suministro", + -13.545873641967772 + ], + [ + "\u2581deteriora", + -13.545891761779783 + ], + [ + "Spread", + -13.54590892791748 + ], + [ + "\u2581panneaux", + -13.545915603637695 + ], + [ + "inella", + -13.545920372009276 + ], + [ + "idl", + -13.545939445495604 + ], + [ + "ordi", + -13.545953750610352 + ], + [ + "invalidate", + -13.545976638793944 + ], + [ + "\u2581acumula", + -13.545981407165527 + ], + [ + "\u2581Reformen", + -13.545994758605955 + ], + [ + "\u2581comparar", + -13.546009063720703 + ], + [ + "assisted", + -13.546040534973145 + ], + [ + "\u2581estreita", + -13.546053886413574 + ], + [ + "\u2581invoca", + -13.546058654785156 + ], + [ + "tmux", + -13.546072006225586 + ], + [ + "\u2581counted", + -13.546077728271484 + ], + [ + "\u2581extraordinaire", + -13.546119689941406 + ], + [ + "\u2581duurt", + -13.546186447143556 + ], + [ + "Eng", + -13.546198844909668 + ], + [ + "kijk", + -13.546208381652832 + ], + [ + "\u2581mundiales", + -13.546283721923828 + ], + [ + "\u2581DEALINGS", + -13.546286582946776 + ], + [ + "\u2581lune", + -13.546300888061523 + ], + [ + "\u2581Bedford", + -13.546319961547852 + ], + [ + "nissen", + -13.546332359313965 + ], + [ + "\u2581Dalton", + -13.546345710754396 + ], + [ + "tatbestand", + -13.546388626098633 + ], + [ + "versnelling", + -13.546395301818848 + ], + [ + "\u2581optimize", + -13.546405792236328 + ], + [ + "\u2581Hace", + -13.546414375305176 + ], + [ + "\u2581campagnes", + -13.54642391204834 + ], + [ + "haka", + -13.546432495117188 + ], + [ + "\u2581Ani", + -13.546462059020996 + ], + [ + "\u2581manuscrito", + -13.546462059020996 + ], + [ + "\u2581Foucault", + -13.54647159576416 + ], + [ + "\u2581identifi\u00e9", + -13.546485900878906 + ], + [ + "\u2581Vietnamese", + -13.54648780822754 + ], + [ + "lberg", + -13.54651927947998 + ], + [ + "\u2581juive", + -13.546521186828612 + ], + [ + "\u2581prevention", + -13.546521186828612 + ], + [ + "\u2581Flotte", + -13.546554565429688 + ], + [ + "crisis", + -13.546579360961914 + ], + [ + "\u2581questionnaire", + -13.546594619750977 + ], + [ + "\u2581Bol\u00edvia", + -13.54665756225586 + ], + [ + "\u2581ontsnappen", + -13.54665756225586 + ], + [ + "Dann", + -13.546663284301758 + ], + [ + "\u2581Rup", + -13.546669960021973 + ], + [ + "\u2581behave", + -13.5466947555542 + ], + [ + "maybe", + -13.546743392944336 + ], + [ + "\u2581Andersen", + -13.546799659729004 + ], + [ + "eitungs", + -13.546836853027344 + ], + [ + "jahren", + -13.546875 + ], + [ + "\u2581Peintre", + -13.547038078308104 + ], + [ + "\u2581Industria", + -13.54707145690918 + ], + [ + "Epi", + -13.547174453735352 + ], + [ + "smethode", + -13.547182083129885 + ], + [ + "\u2581dirig\u00e9e", + -13.547222137451172 + ], + [ + "utica", + -13.547226905822754 + ], + [ + "\u2581malade", + -13.54726219177246 + ], + [ + "\u2581vecino", + -13.54731273651123 + ], + [ + "cology", + -13.54733943939209 + ], + [ + "rperschaft", + -13.547341346740724 + ], + [ + "aktionen", + -13.54738998413086 + ], + [ + "stigmat", + -13.54741096496582 + ], + [ + "\u2581NJ", + -13.547419548034668 + ], + [ + "\u2581Perdi", + -13.547423362731934 + ], + [ + "\u2581activista", + -13.547433853149414 + ], + [ + "\u2581quiz\u00e1s", + -13.547478675842283 + ], + [ + "registration", + -13.547479629516602 + ], + [ + "efficacia", + -13.54758644104004 + ], + [ + "ativen", + -13.547627449035645 + ], + [ + "Inverse", + -13.54764175415039 + ], + [ + "\u2581sospetto", + -13.547688484191896 + ], + [ + "\u2581ceiling", + -13.547699928283691 + ], + [ + "\u2581B\u00e4nde", + -13.547723770141602 + ], + [ + "\u2581exilio", + -13.54776382446289 + ], + [ + "\u2581pedonale", + -13.547772407531738 + ], + [ + "\u2581angeregt", + -13.547781944274902 + ], + [ + "h\u00e4u", + -13.547807693481444 + ], + [ + "\u2581corredores", + -13.547809600830078 + ], + [ + "f\u00e4cher", + -13.547832489013672 + ], + [ + "\u2581divenire", + -13.547844886779783 + ], + [ + "copri", + -13.547873497009276 + ], + [ + "verpflichtung", + -13.547940254211426 + ], + [ + "\u2581modera", + -13.54794692993164 + ], + [ + "\u2581observ\u00e9", + -13.547948837280272 + ], + [ + "\u2581psychologie", + -13.547951698303224 + ], + [ + "\u2581democr\u00e1tica", + -13.54795742034912 + ], + [ + "Individu", + -13.547979354858398 + ], + [ + "arin", + -13.547991752624512 + ], + [ + "hoef", + -13.548011779785156 + ], + [ + "rake", + -13.548026084899902 + ], + [ + "\u2581goden", + -13.54804229736328 + ], + [ + "Rail", + -13.548049926757812 + ], + [ + "Grieks", + -13.548053741455078 + ], + [ + "sampler", + -13.548124313354492 + ], + [ + "\u2581droge", + -13.548129081726074 + ], + [ + "\u2581despertar", + -13.54814338684082 + ], + [ + "\u2581fielen", + -13.548151969909668 + ], + [ + "wij", + -13.548154830932615 + ], + [ + "\u2581manuscrit", + -13.548171997070312 + ], + [ + "\u2581Tome", + -13.548202514648438 + ], + [ + "\u2581terze", + -13.54820728302002 + ], + [ + "\u2581Editions", + -13.548232078552246 + ], + [ + "\u2581interpretiert", + -13.548263549804688 + ], + [ + "b\u00e1n", + -13.5482816696167 + ], + [ + "\u2581Topo", + -13.54830551147461 + ], + [ + "\u2581Sylva", + -13.548334121704102 + ], + [ + "\u2581permitirem", + -13.548336029052734 + ], + [ + "\u2581Profesores", + -13.548352241516112 + ], + [ + "nticos", + -13.548355102539062 + ], + [ + "\u2581ligging", + -13.54837417602539 + ], + [ + "\u2581Bleu", + -13.548382759094238 + ], + [ + "\u2581vorrei", + -13.54840850830078 + ], + [ + "Nessun", + -13.548421859741213 + ], + [ + "zutreten", + -13.54842472076416 + ], + [ + "\u2581J\u00f3", + -13.548428535461426 + ], + [ + "Elastic", + -13.54843044281006 + ], + [ + "\u2581probabilit\u00e9", + -13.548443794250488 + ], + [ + "\u2581burned", + -13.548457145690918 + ], + [ + "though", + -13.54851245880127 + ], + [ + "genom", + -13.54856300354004 + ], + [ + "\u2581Schaum", + -13.548583030700684 + ], + [ + "\u2581identities", + -13.548585891723633 + ], + [ + "\u2581Phosphat", + -13.548629760742188 + ], + [ + "\u2581woonden", + -13.548644065856934 + ], + [ + "\u2581T\u00e9l\u00e9", + -13.548650741577148 + ], + [ + "\u2581scienziati", + -13.548700332641602 + ], + [ + "hinweise", + -13.548701286315918 + ], + [ + "KLM", + -13.548735618591309 + ], + [ + "diagramm", + -13.548762321472168 + ], + [ + "schnell", + -13.548798561096191 + ], + [ + "\u2581vakantie", + -13.548800468444824 + ], + [ + "fbe", + -13.54880714416504 + ], + [ + "\u2581Salta", + -13.548826217651367 + ], + [ + "\u2581sepultado", + -13.548834800720217 + ], + [ + "\u2581balcon", + -13.548968315124512 + ], + [ + "\u2581Gesell", + -13.548999786376951 + ], + [ + "\u2581apropriado", + -13.549081802368164 + ], + [ + "\u2581afval", + -13.54909896850586 + ], + [ + "\u2581provisional", + -13.549101829528809 + ], + [ + "\u2581bleue", + -13.549141883850098 + ], + [ + "\u2581Jeune", + -13.549212455749512 + ], + [ + "\u2581schnellen", + -13.5492582321167 + ], + [ + "\u2581capitali", + -13.549263954162598 + ], + [ + "grp", + -13.549291610717772 + ], + [ + "\u2581mbH", + -13.549297332763672 + ], + [ + "\u2581konsequent", + -13.549302101135254 + ], + [ + "\u2581Tais", + -13.549357414245604 + ], + [ + "\u2581tranquilo", + -13.549415588378906 + ], + [ + "elm", + -13.549416542053224 + ], + [ + "\u2581Mujer", + -13.549428939819336 + ], + [ + "apimachinery", + -13.5494384765625 + ], + [ + "\u2581acept\u00f3", + -13.549445152282717 + ], + [ + "\u2581Architekt", + -13.549538612365724 + ], + [ + "PEC", + -13.549545288085938 + ], + [ + "\u2581Wolfram", + -13.549592971801758 + ], + [ + "lead", + -13.549619674682615 + ], + [ + "bleiben", + -13.5496244430542 + ], + [ + "\u2581conoscenze", + -13.549646377563477 + ], + [ + "\u2581Behind", + -13.54965877532959 + ], + [ + "tengono", + -13.549677848815918 + ], + [ + "\u2581chiudere", + -13.549694061279297 + ], + [ + "\u2581Autonomie", + -13.549713134765623 + ], + [ + "\u2581Meh", + -13.549742698669434 + ], + [ + "\u2581delimita", + -13.549765586853027 + ], + [ + "frontier", + -13.549774169921877 + ], + [ + "vich", + -13.549811363220217 + ], + [ + "\u2581NONINFRINGEMENT", + -13.54981517791748 + ], + [ + "\u2581Egitto", + -13.549844741821287 + ], + [ + "\u2581feminista", + -13.549857139587402 + ], + [ + "reports", + -13.549904823303224 + ], + [ + "\u2581urkundlich", + -13.549919128417969 + ], + [ + "individual", + -13.54994773864746 + ], + [ + "\u2581elders", + -13.54995346069336 + ], + [ + "\u2581wachsenden", + -13.549954414367676 + ], + [ + "\u2581certification", + -13.549955368041992 + ], + [ + "PubMed", + -13.549959182739258 + ], + [ + "Precision", + -13.549970626831056 + ], + [ + "\u2581Guimar", + -13.5499849319458 + ], + [ + "\u2581opiniones", + -13.549988746643066 + ], + [ + "miner", + -13.550009727478027 + ], + [ + "\u2581destac\u00f3", + -13.550055503845217 + ], + [ + "myr", + -13.550058364868164 + ], + [ + "\u2581Clausura", + -13.55006980895996 + ], + [ + "muni", + -13.55009937286377 + ], + [ + "\u2581shaft", + -13.55010223388672 + ], + [ + "ICAL", + -13.550105094909668 + ], + [ + "\u2581precisione", + -13.55010986328125 + ], + [ + "Besoldungsgruppe", + -13.550138473510742 + ], + [ + "\u2581voegen", + -13.55019187927246 + ], + [ + "syl", + -13.550214767456056 + ], + [ + "Limburg", + -13.550220489501951 + ], + [ + "bringung", + -13.550226211547852 + ], + [ + "\u2581Thra", + -13.550372123718262 + ], + [ + "\u2581stimmen", + -13.550407409667969 + ], + [ + "\u2581domicilio", + -13.550415992736816 + ], + [ + "inov", + -13.550448417663574 + ], + [ + "gres", + -13.550464630126951 + ], + [ + "\u2581advocate", + -13.550538063049316 + ], + [ + "Relax", + -13.550543785095217 + ], + [ + "\u2581d\u00e9crite", + -13.550554275512695 + ], + [ + "\u2581Recep", + -13.550610542297363 + ], + [ + "\u2581aquisi", + -13.550622940063477 + ], + [ + "\u2581Bright", + -13.55062770843506 + ], + [ + "archev", + -13.55063533782959 + ], + [ + "\u2581Econom", + -13.550667762756348 + ], + [ + "\u2581Comunit\u00e0", + -13.550679206848145 + ], + [ + "\u2581Kletter", + -13.550684928894045 + ], + [ + "authorized", + -13.550704956054688 + ], + [ + "\u2581Greatest", + -13.550737380981444 + ], + [ + "COLUMN", + -13.550745010375977 + ], + [ + "Okinawa", + -13.55074691772461 + ], + [ + "\u2581dirigeant", + -13.550782203674316 + ], + [ + "\u2581polvere", + -13.550786018371582 + ], + [ + "innovation", + -13.550801277160645 + ], + [ + "anonym", + -13.550813674926758 + ], + [ + "\u2581Regression", + -13.550822257995604 + ], + [ + "\u2581cero", + -13.550859451293944 + ], + [ + "\u2581adiante", + -13.55087661743164 + ], + [ + "\u2581Rainbow", + -13.550895690917969 + ], + [ + "upon", + -13.55091667175293 + ], + [ + "\u2581evaluating", + -13.55095672607422 + ], + [ + "\u2581Infektions", + -13.550972938537598 + ], + [ + "vorschlag", + -13.550980567932127 + ], + [ + "Isra", + -13.550990104675291 + ], + [ + "\u2581Krone", + -13.55099868774414 + ], + [ + "\u2581cuadrados", + -13.550999641418455 + ], + [ + "\u2581Gum", + -13.551007270812988 + ], + [ + "\u2581semanalmente", + -13.551039695739746 + ], + [ + "sprong", + -13.551050186157228 + ], + [ + "Chef", + -13.551076889038086 + ], + [ + "\u2581vedeva", + -13.551079750061035 + ], + [ + "bedingt", + -13.551091194152832 + ], + [ + "Extend", + -13.55111026763916 + ], + [ + "Unesco", + -13.551127433776855 + ], + [ + "BAN", + -13.551130294799805 + ], + [ + "hiko", + -13.551137924194336 + ], + [ + "\u2581milanese", + -13.551138877868652 + ], + [ + "sohn", + -13.551140785217283 + ], + [ + "\u2581batteri", + -13.551192283630373 + ], + [ + "Utility", + -13.55121898651123 + ], + [ + "\u2581certificat", + -13.551223754882812 + ], + [ + "strahlt", + -13.551233291625977 + ], + [ + "NOME", + -13.551244735717772 + ], + [ + "\u2581mar\u00edtimo", + -13.551304817199709 + ], + [ + "\u2581Primavera", + -13.551321983337402 + ], + [ + "\u2581desaparecer", + -13.551335334777832 + ], + [ + "\u2581executivo", + -13.551350593566896 + ], + [ + "\u2581etwaige", + -13.551373481750488 + ], + [ + "Checker", + -13.551392555236816 + ], + [ + "\u2581degradation", + -13.551403045654297 + ], + [ + "enfalls", + -13.551410675048828 + ], + [ + "\u2581riflette", + -13.55147933959961 + ], + [ + "hine", + -13.55150318145752 + ], + [ + "\u2581finlandese", + -13.551536560058594 + ], + [ + "opList", + -13.55162239074707 + ], + [ + "\u2581metropoli", + -13.551634788513184 + ], + [ + "\u2581polaco", + -13.551637649536133 + ], + [ + "ecia", + -13.55163860321045 + ], + [ + "\u2581monsieur", + -13.551677703857422 + ], + [ + "LANGUAGE", + -13.55168914794922 + ], + [ + "fissi", + -13.55168914794922 + ], + [ + "stellingen", + -13.551692008972168 + ], + [ + "\u2581estatuto", + -13.55172061920166 + ], + [ + "militar", + -13.55179500579834 + ], + [ + "kurse", + -13.551852226257324 + ], + [ + "\u2581spia", + -13.55185604095459 + ], + [ + "\u2581fromage", + -13.551860809326172 + ], + [ + "\u2581exigi", + -13.551864624023438 + ], + [ + "\u2581Beatriz", + -13.55188274383545 + ], + [ + "\u2581\u00e9tage", + -13.551907539367676 + ], + [ + "\u2581transportiert", + -13.551935195922852 + ], + [ + "\u2581constituer", + -13.55195426940918 + ], + [ + "gedaan", + -13.551963806152344 + ], + [ + "\u2581diesmal", + -13.551987648010254 + ], + [ + "\u2581mau", + -13.552046775817873 + ], + [ + "\u2581cittadine", + -13.552050590515137 + ], + [ + "\u2581Methodik", + -13.552062034606934 + ], + [ + "\u2581Leeuwarden", + -13.552072525024414 + ], + [ + "\u2581langfristigen", + -13.55210304260254 + ], + [ + "\u2581Gao", + -13.552114486694336 + ], + [ + "isio", + -13.552129745483398 + ], + [ + "boundary", + -13.552135467529297 + ], + [ + "\u2581gmina", + -13.552152633666992 + ], + [ + "torrent", + -13.552162170410156 + ], + [ + "yaku", + -13.55218505859375 + ], + [ + "Placement", + -13.552255630493164 + ], + [ + "\u2581unterworfen", + -13.552268981933594 + ], + [ + "innalza", + -13.552310943603516 + ], + [ + "lois", + -13.552310943603516 + ], + [ + "\u2581Cardinal", + -13.552322387695312 + ], + [ + "nyl", + -13.55235195159912 + ], + [ + "seek", + -13.552352905273438 + ], + [ + "\u2581s\u00e9rio", + -13.55235481262207 + ], + [ + "started", + -13.552363395690918 + ], + [ + "CNT", + -13.55236530303955 + ], + [ + "\u2581incorporada", + -13.552409172058104 + ], + [ + "\u2581Sassari", + -13.55241870880127 + ], + [ + "skoeffizienten", + -13.552452087402344 + ], + [ + "\u2581Hae", + -13.55246925354004 + ], + [ + "\u2581Erano", + -13.552471160888672 + ], + [ + "corner", + -13.552505493164062 + ], + [ + "bourne", + -13.552531242370604 + ], + [ + "uschu", + -13.552584648132324 + ], + [ + "hoku", + -13.55258560180664 + ], + [ + "owo", + -13.552606582641602 + ], + [ + "bertragungs", + -13.552626609802246 + ], + [ + "\u2581difficiles", + -13.552631378173828 + ], + [ + "\u2581verk\u00fcrzt", + -13.552638053894045 + ], + [ + "\u2581largamente", + -13.55264949798584 + ], + [ + "\u2581getoond", + -13.552657127380373 + ], + [ + "atol", + -13.55268669128418 + ], + [ + "\u2581shower", + -13.552709579467772 + ], + [ + "pon\u00eda", + -13.552734375 + ], + [ + "\u2581Pacifique", + -13.55280303955078 + ], + [ + "\u2581arroyo", + -13.55281925201416 + ], + [ + "\u2581Arduino", + -13.552884101867676 + ], + [ + "Toolbar", + -13.552905082702637 + ], + [ + "\u2581banden", + -13.552933692932127 + ], + [ + "\u2581entendido", + -13.552963256835938 + ], + [ + "\u2581Hacienda", + -13.552983283996582 + ], + [ + "\u2581viewDidLoad", + -13.553045272827148 + ], + [ + "\u2581B\u00e4r", + -13.553064346313477 + ], + [ + "\u2581collegio", + -13.553075790405272 + ], + [ + "\u2581consultor", + -13.553099632263184 + ], + [ + "konzentrationen", + -13.5531005859375 + ], + [ + "junk", + -13.553168296813965 + ], + [ + "\u2581Specifies", + -13.553170204162598 + ], + [ + "allocator", + -13.55318832397461 + ], + [ + "\u2581consumed", + -13.553277015686035 + ], + [ + "kaarten", + -13.553309440612791 + ], + [ + "\u2581hip\u00f3tese", + -13.553311347961426 + ], + [ + "actuelle", + -13.553324699401855 + ], + [ + "\u2581uccisi", + -13.553399085998535 + ], + [ + "LLER", + -13.553415298461914 + ], + [ + "\u2581Mena", + -13.553466796875 + ], + [ + "\u2581newer", + -13.553497314453123 + ], + [ + "\u2581dudas", + -13.55351448059082 + ], + [ + "Igna", + -13.55353546142578 + ], + [ + "\u2581norvegese", + -13.553544044494627 + ], + [ + "\u2581filosofica", + -13.55359172821045 + ], + [ + "\u2581Morse", + -13.553628921508787 + ], + [ + "\u2581croit", + -13.553644180297852 + ], + [ + "\u2581espansione", + -13.553668975830078 + ], + [ + "\u2581inspirada", + -13.553705215454102 + ], + [ + "educa", + -13.55372714996338 + ], + [ + "kanker", + -13.553732872009276 + ], + [ + "\u2581Investoren", + -13.553751945495604 + ], + [ + "\u2581demonstrates", + -13.553757667541504 + ], + [ + "\u2581Romain", + -13.553833961486816 + ], + [ + "\u2581ideali", + -13.55384635925293 + ], + [ + "think", + -13.553872108459473 + ], + [ + "exploration", + -13.553874969482422 + ], + [ + "attrib", + -13.553888320922852 + ], + [ + "\u2581Meri", + -13.55390453338623 + ], + [ + "\u2581Mandel", + -13.553918838500977 + ], + [ + "\u2581meurtre", + -13.553936958312988 + ], + [ + "\u2581salvaje", + -13.553951263427734 + ], + [ + "vald", + -13.553956985473633 + ], + [ + "cene", + -13.55398654937744 + ], + [ + "\u2581jetzigen", + -13.553998947143556 + ], + [ + "costa", + -13.554011344909668 + ], + [ + "\u2581Liquid", + -13.554025650024414 + ], + [ + "\u2581Agar", + -13.554047584533691 + ], + [ + "\u2581Femenino", + -13.55410385131836 + ], + [ + "\u2581Filosof\u00eda", + -13.55410385131836 + ], + [ + "Sufixo", + -13.554115295410156 + ], + [ + "ember", + -13.554143905639648 + ], + [ + "torno", + -13.554149627685549 + ], + [ + "\u2581intensidad", + -13.554149627685549 + ], + [ + "\u2581ocupando", + -13.55417537689209 + ], + [ + "\u2581specialized", + -13.55417823791504 + ], + [ + "cuff", + -13.554192543029783 + ], + [ + "\u2581characterize", + -13.554197311401367 + ], + [ + "itado", + -13.554208755493164 + ], + [ + "mktemp", + -13.554228782653809 + ], + [ + "plast", + -13.554235458374023 + ], + [ + "dr\u00fcckt", + -13.554239273071287 + ], + [ + "relevanten", + -13.5542631149292 + ], + [ + "\u2581Rub\u00e9n", + -13.554306030273438 + ], + [ + "Contracts", + -13.55433464050293 + ], + [ + "\u2581negativos", + -13.554412841796877 + ], + [ + "\u2581rifiuti", + -13.554418563842772 + ], + [ + "\u2581sober", + -13.554423332214355 + ], + [ + "traktion", + -13.554510116577148 + ], + [ + "\u2581w\u00e4chst", + -13.554546356201172 + ], + [ + "\u2581racing", + -13.55461597442627 + ], + [ + "\u2581vetta", + -13.554619789123535 + ], + [ + "\u2581Bagn", + -13.554628372192385 + ], + [ + "\u2581vertebra", + -13.554656982421877 + ], + [ + "\u2581eingef\u00fchrten", + -13.55467128753662 + ], + [ + "\u2581cannabis", + -13.554675102233888 + ], + [ + "Frauen", + -13.554717063903809 + ], + [ + "\u2581hiking", + -13.554726600646973 + ], + [ + "\u2581Tempio", + -13.554770469665527 + ], + [ + "vati", + -13.554810523986816 + ], + [ + "\u2581Raman", + -13.554824829101562 + ], + [ + "\u2581Premierminister", + -13.554863929748535 + ], + [ + "\u2581postIndex", + -13.554872512817385 + ], + [ + "phth", + -13.5548734664917 + ], + [ + "twee", + -13.554875373840332 + ], + [ + "\u2581Eul", + -13.554886817932127 + ], + [ + "\u2581arzobispo", + -13.554933547973633 + ], + [ + "\u2581Letztere", + -13.554965019226074 + ], + [ + "\u2581Newark", + -13.55500316619873 + ], + [ + "aile", + -13.555034637451172 + ], + [ + "\u2581collegati", + -13.555034637451172 + ], + [ + "\u2581Bijvoorbeeld", + -13.55505084991455 + ], + [ + "kubeconfig", + -13.555078506469728 + ], + [ + "\u2581entiende", + -13.55512523651123 + ], + [ + "\u2581stehe", + -13.555169105529783 + ], + [ + "\u2581Rib", + -13.555190086364746 + ], + [ + "\u2581Allah", + -13.55519676208496 + ], + [ + "\u2581parere", + -13.555278778076172 + ], + [ + "izid", + -13.5552978515625 + ], + [ + "\u2581Heroes", + -13.555316925048828 + ], + [ + "gando", + -13.555337905883787 + ], + [ + "\u2581encantado", + -13.555380821228027 + ], + [ + "\u2581Feel", + -13.55540370941162 + ], + [ + "\u2581bezet", + -13.55540657043457 + ], + [ + "\u2581denominata", + -13.555419921875 + ], + [ + "\u2581recense", + -13.555428504943848 + ], + [ + "\u2581trasmessa", + -13.555447578430176 + ], + [ + "\u2581Anzeigen", + -13.55545139312744 + ], + [ + "Numerical", + -13.555497169494627 + ], + [ + "\u2581gewaschen", + -13.555511474609377 + ], + [ + "versorgungs", + -13.55553150177002 + ], + [ + "RAI", + -13.55555820465088 + ], + [ + "\u2581Wirk", + -13.555597305297852 + ], + [ + "\u2581Starr", + -13.555599212646484 + ], + [ + "tutorial", + -13.55561065673828 + ], + [ + "Fold", + -13.555649757385254 + ], + [ + "Receive", + -13.555673599243164 + ], + [ + "\u2581procedentes", + -13.555723190307615 + ], + [ + "\u2581definierten", + -13.55575466156006 + ], + [ + "Visit", + -13.555758476257324 + ], + [ + "\u2581Verbrauchs", + -13.555770874023438 + ], + [ + "sess", + -13.55577564239502 + ], + [ + "\u2581Haifa", + -13.555814743041992 + ], + [ + "\u2581Brighton", + -13.55582332611084 + ], + [ + "st\u00e4dt", + -13.55583381652832 + ], + [ + "dolo", + -13.555867195129396 + ], + [ + "\u2581bod", + -13.55588722229004 + ], + [ + "Hai", + -13.555943489074709 + ], + [ + "\u2581prostomium", + -13.555974960327148 + ], + [ + "\u2581Giovan", + -13.555999755859377 + ], + [ + "\u2581concedido", + -13.55604648590088 + ], + [ + "\u2581muscular", + -13.556096076965332 + ], + [ + "\u2581augment\u00e9", + -13.556122779846191 + ], + [ + "\u2581dating", + -13.55614185333252 + ], + [ + "\u2581claiming", + -13.556172370910645 + ], + [ + "Vir", + -13.556207656860352 + ], + [ + "\u2581erect", + -13.55624294281006 + ], + [ + "\u2581fiable", + -13.556243896484377 + ], + [ + "\u2581Shift", + -13.556244850158691 + ], + [ + "Ala", + -13.55632781982422 + ], + [ + "\u2581organize", + -13.556336402893066 + ], + [ + "sler", + -13.55634880065918 + ], + [ + "devil", + -13.556427001953123 + ], + [ + "sorte", + -13.556436538696287 + ], + [ + "\u2581modesta", + -13.556461334228516 + ], + [ + "\u2581Adria", + -13.556469917297363 + ], + [ + "ltiplos", + -13.55648136138916 + ], + [ + "Incident", + -13.55652904510498 + ], + [ + "\u2581Girolamo", + -13.556538581848145 + ], + [ + "\u2581erwarb", + -13.556546211242676 + ], + [ + "phag", + -13.556591987609863 + ], + [ + "uartet", + -13.556636810302734 + ], + [ + "blem", + -13.556699752807615 + ], + [ + "lerin", + -13.556717872619627 + ], + [ + "stahl", + -13.556739807128906 + ], + [ + "AMI", + -13.556748390197754 + ], + [ + "fries", + -13.556768417358398 + ], + [ + "\u2581creati", + -13.55681037902832 + ], + [ + "apur", + -13.556838989257812 + ], + [ + "starting", + -13.556851387023926 + ], + [ + "\u2581affini", + -13.55691909790039 + ], + [ + "\u00edtico", + -13.556923866271973 + ], + [ + "\u2581cuc", + -13.556929588317873 + ], + [ + "reife", + -13.55694580078125 + ], + [ + "cef", + -13.55695915222168 + ], + [ + "\u2581misiones", + -13.55695915222168 + ], + [ + "\u2581Jeunesse", + -13.556964874267578 + ], + [ + "\u2581getta", + -13.557003021240234 + ], + [ + "\u2581Vivo", + -13.557024955749512 + ], + [ + "\u2581accaduto", + -13.557058334350586 + ], + [ + "nck", + -13.55706787109375 + ], + [ + "\u2581suppressed", + -13.557068824768066 + ], + [ + "\u2581katholischen", + -13.557071685791016 + ], + [ + "tra\u00eddo", + -13.557129859924316 + ], + [ + "orta", + -13.55716323852539 + ], + [ + "Exc", + -13.557265281677246 + ], + [ + "\u2581werknemers", + -13.557276725769045 + ], + [ + "\u2581quitar", + -13.557287216186523 + ], + [ + "\u2581randonn\u00e9e", + -13.557291030883787 + ], + [ + "\u2581mooi", + -13.557339668273926 + ], + [ + "mito", + -13.557351112365724 + ], + [ + "\u2581marchi", + -13.557369232177734 + ], + [ + "\u2581num\u00e9riques", + -13.557395935058594 + ], + [ + "\u00e1neo", + -13.557429313659668 + ], + [ + "\u2581Appar", + -13.557472229003906 + ], + [ + "\u2581Krankenversiche", + -13.557502746582031 + ], + [ + "\u2581brons", + -13.557507514953612 + ], + [ + "Santiago", + -13.557573318481444 + ], + [ + "\u2581manipular", + -13.55757999420166 + ], + [ + "\u00fcbel", + -13.557600021362305 + ], + [ + "\u2581selecione", + -13.557666778564451 + ], + [ + "\u2581Deal", + -13.557680130004885 + ], + [ + "\u2581seppur", + -13.55773639678955 + ], + [ + "shelf", + -13.557757377624512 + ], + [ + "spelers", + -13.557768821716309 + ], + [ + "\u2581Papua", + -13.557780265808104 + ], + [ + "\u2581lifestyle", + -13.557798385620115 + ], + [ + "\u2581Cork", + -13.557838439941406 + ], + [ + "\u2581lfd", + -13.557847023010254 + ], + [ + "\u2581Valpara\u00edso", + -13.557848930358888 + ], + [ + "\u2581tango", + -13.557884216308594 + ], + [ + "\u2581blogs", + -13.55793571472168 + ], + [ + "ielgruppe", + -13.557941436767578 + ], + [ + "acronym", + -13.557953834533691 + ], + [ + "rcio", + -13.557963371276855 + ], + [ + "\u2581Ravenna", + -13.557965278625488 + ], + [ + "dimen", + -13.557991027832031 + ], + [ + "\u2581peaceful", + -13.558003425598145 + ], + [ + "cione", + -13.558008193969728 + ], + [ + "\u2581converg", + -13.558024406433104 + ], + [ + "staartstukje", + -13.558035850524902 + ], + [ + "\u2581Edimburgo", + -13.558035850524902 + ], + [ + "While", + -13.558060646057127 + ], + [ + "\u2581Haftungs", + -13.558061599731444 + ], + [ + "\u2581Novel", + -13.558072090148926 + ], + [ + "\u2581ondersteund", + -13.558076858520508 + ], + [ + "\u2581Versuchen", + -13.55808448791504 + ], + [ + "\u2581nulle", + -13.55808925628662 + ], + [ + "kerami", + -13.558097839355469 + ], + [ + "\u2581afluente", + -13.558159828186035 + ], + [ + "\u2581kijk", + -13.558168411254885 + ], + [ + "\u2581sesenta", + -13.558177947998049 + ], + [ + "strides", + -13.55821418762207 + ], + [ + "utilise", + -13.558225631713867 + ], + [ + "\u2581profond\u00e9ment", + -13.558226585388184 + ], + [ + "Bug", + -13.558239936828612 + ], + [ + "Attach", + -13.55824089050293 + ], + [ + "riba", + -13.55824375152588 + ], + [ + "gewerkt", + -13.558253288269045 + ], + [ + "Wave", + -13.558258056640623 + ], + [ + "\u2581attenti", + -13.55838108062744 + ], + [ + "\u2581kannte", + -13.558382987976074 + ], + [ + "\u2581peristomium", + -13.558411598205566 + ], + [ + "\u2581testimonio", + -13.558412551879885 + ], + [ + "\u2581wellicht", + -13.558414459228516 + ], + [ + "gnificativamente", + -13.55841827392578 + ], + [ + "Transformer", + -13.558419227600098 + ], + [ + "\u2581Dementsprechend", + -13.558419227600098 + ], + [ + "\u2581fractional", + -13.558438301086426 + ], + [ + "gesamt", + -13.558439254760742 + ], + [ + "\u2581denjenigen", + -13.558451652526855 + ], + [ + "\u2581Patrimoni", + -13.558550834655762 + ], + [ + "\u2581durc", + -13.558568000793455 + ], + [ + "\u2581garantizar", + -13.55857753753662 + ], + [ + "annexe", + -13.558610916137695 + ], + [ + "braak", + -13.558619499206545 + ], + [ + "\u2581pose\u00eda", + -13.558671951293944 + ], + [ + "\u2581refrigera", + -13.558704376220703 + ], + [ + "\u2581nieve", + -13.558749198913574 + ], + [ + "\u2581medailles", + -13.558768272399902 + ], + [ + "\u2581Verdun", + -13.558783531188965 + ], + [ + "\u2581Leicester", + -13.558856964111328 + ], + [ + "\u2581Leuten", + -13.558961868286133 + ], + [ + "\u2581povert\u00e0", + -13.558974266052246 + ], + [ + "\u2581paisagem", + -13.559006690979004 + ], + [ + "NaN", + -13.5590181350708 + ], + [ + "\u2581posteriori", + -13.55906867980957 + ], + [ + "\u2581gegenseitige", + -13.559115409851074 + ], + [ + "\u2581petrol", + -13.559115409851074 + ], + [ + "\u2581McCartney", + -13.559134483337402 + ], + [ + "\u2581GRU", + -13.559159278869627 + ], + [ + "\u2581gekenmerkt", + -13.559162139892578 + ], + [ + "\u2581Agli", + -13.559198379516602 + ], + [ + "puesto", + -13.559215545654297 + ], + [ + "cycl", + -13.55923843383789 + ], + [ + "fini", + -13.559356689453123 + ], + [ + "\u2581Nipp", + -13.559372901916504 + ], + [ + "\u2581Padr", + -13.55942440032959 + ], + [ + "\u2581affect\u00e9", + -13.55942440032959 + ], + [ + "misteriosamente", + -13.559449195861816 + ], + [ + "\u2581dialeto", + -13.55945873260498 + ], + [ + "\u2581behaviors", + -13.55946159362793 + ], + [ + "egu", + -13.559477806091309 + ], + [ + "\u2581Cr\u00e9ation", + -13.55952262878418 + ], + [ + "\u2581Winnipeg", + -13.559537887573242 + ], + [ + "\u2581dirty", + -13.55954360961914 + ], + [ + "lucid", + -13.559548377990724 + ], + [ + "\u2581caractere", + -13.559548377990724 + ], + [ + "Hostname", + -13.559551239013672 + ], + [ + "rare", + -13.559553146362305 + ], + [ + "\u2581gentile", + -13.559562683105469 + ], + [ + "\u2581professione", + -13.559615135192873 + ], + [ + "\u2581coup\u00e9", + -13.55964469909668 + ], + [ + "rth", + -13.559656143188477 + ], + [ + "Genevi", + -13.559693336486816 + ], + [ + "imprim", + -13.559715270996094 + ], + [ + "\u2581Grimmauld", + -13.559725761413574 + ], + [ + "KIT", + -13.559730529785156 + ], + [ + "\u2581emprunte", + -13.559736251831056 + ], + [ + "\u2581Carne", + -13.559752464294434 + ], + [ + "\u2581lotte", + -13.55976104736328 + ], + [ + "Pw", + -13.559768676757812 + ], + [ + "\u2581provoqu\u00e9", + -13.55978012084961 + ], + [ + "\u2581proposals", + -13.559786796569824 + ], + [ + "\u2581Creta", + -13.559797286987305 + ], + [ + "ished", + -13.55983829498291 + ], + [ + "nzi", + -13.55983829498291 + ], + [ + "\u2581Safe", + -13.559866905212402 + ], + [ + "adia", + -13.559879302978516 + ], + [ + "peso", + -13.559891700744627 + ], + [ + "\u2581relativen", + -13.559894561767578 + ], + [ + "\u2581untersagt", + -13.559916496276855 + ], + [ + "\u2581giu", + -13.55992317199707 + ], + [ + "\u2581detektiert", + -13.56004524230957 + ], + [ + "Campeonato", + -13.560062408447266 + ], + [ + "sbescheid", + -13.56008243560791 + ], + [ + "\u2581legalmente", + -13.56009292602539 + ], + [ + "\u2581Aberdeen", + -13.5601167678833 + ], + [ + "\u2581etabliert", + -13.560147285461426 + ], + [ + "bescheid", + -13.560184478759766 + ], + [ + "uglio", + -13.560187339782717 + ], + [ + "\u2581stemma", + -13.560246467590332 + ], + [ + "\u2581sovietica", + -13.560290336608888 + ], + [ + "\u2581reportedly", + -13.560300827026367 + ], + [ + "greep", + -13.560319900512695 + ], + [ + "\u2581quiso", + -13.560345649719238 + ], + [ + "\u2581compite", + -13.56047248840332 + ], + [ + "\u2581Provinzen", + -13.560473442077637 + ], + [ + "\u2581lagos", + -13.56047821044922 + ], + [ + "\u2581concorrenza", + -13.56049919128418 + ], + [ + "\u2581Comunque", + -13.56052017211914 + ], + [ + "Aeropuerto", + -13.56052303314209 + ], + [ + "\u2581Henrik", + -13.56057834625244 + ], + [ + "ush", + -13.56059455871582 + ], + [ + "\u2581Lead", + -13.56059741973877 + ], + [ + "\u2581Beeld", + -13.560626029968262 + ], + [ + "\u2581contradi", + -13.56063461303711 + ], + [ + "\u2581zcl", + -13.560643196105955 + ], + [ + "trinken", + -13.560659408569336 + ], + [ + "\u2581N\u00e4here", + -13.560676574707031 + ], + [ + "\u2581Osteo", + -13.560733795166016 + ], + [ + "\u2581indes", + -13.560762405395508 + ], + [ + "\u2581n\u00e9gociations", + -13.560800552368164 + ], + [ + "\u2581Germans", + -13.56080436706543 + ], + [ + "beln", + -13.560839653015137 + ], + [ + "sports", + -13.560848236083984 + ], + [ + "\u2581rappresentata", + -13.560848236083984 + ], + [ + "BMVg", + -13.560850143432615 + ], + [ + "\u2581Electoral", + -13.560853958129885 + ], + [ + "writable", + -13.5608549118042 + ], + [ + "\u2581neighbor", + -13.56095027923584 + ], + [ + "\u2581og", + -13.560953140258787 + ], + [ + "\u2581Berlim", + -13.560962677001951 + ], + [ + "\u2581Erm", + -13.560988426208496 + ], + [ + "rido", + -13.561023712158203 + ], + [ + "\u2581traduce", + -13.561028480529783 + ], + [ + "h\u00e9ritage", + -13.561042785644531 + ], + [ + "\u2581firing", + -13.561047554016112 + ], + [ + "\u2581bergen", + -13.561090469360352 + ], + [ + "\u2581ripetut", + -13.561095237731934 + ], + [ + "extends", + -13.56109619140625 + ], + [ + "\u2581bipolar", + -13.561100959777832 + ], + [ + "\u2581punteggio", + -13.561102867126465 + ], + [ + "\u2581primitivo", + -13.56117057800293 + ], + [ + "\u2581bonito", + -13.561182975769045 + ], + [ + "OutputStream", + -13.561184883117676 + ], + [ + "\u2581Trofeo", + -13.56123161315918 + ], + [ + "\u2581photograph", + -13.561266899108888 + ], + [ + "lernen", + -13.561285972595217 + ], + [ + "\u2581quantidades", + -13.561372756958008 + ], + [ + "\u2581lanc\u00e9e", + -13.561429977416992 + ], + [ + "\u2581temprano", + -13.561448097229004 + ], + [ + "\u2581potrete", + -13.5614595413208 + ], + [ + "\u2581Antonia", + -13.5614652633667 + ], + [ + "viene", + -13.561482429504396 + ], + [ + "Conditional", + -13.561501502990724 + ], + [ + "\u2581Galla", + -13.561552047729492 + ], + [ + "\u2581analizar", + -13.561553001403809 + ], + [ + "\u2581Historisch", + -13.561558723449709 + ], + [ + "\u2581Robbie", + -13.561600685119627 + ], + [ + "sdale", + -13.56162929534912 + ], + [ + "\u2581curr", + -13.561737060546877 + ], + [ + "sari", + -13.561741828918455 + ], + [ + "yong", + -13.561753273010254 + ], + [ + "\u2581BMG", + -13.561774253845217 + ], + [ + "TRAVIS", + -13.561782836914062 + ], + [ + "\u2581richtete", + -13.56178379058838 + ], + [ + "\u2581Moer", + -13.561802864074709 + ], + [ + "\u2581sequenza", + -13.561813354492188 + ], + [ + "hydrog", + -13.561826705932615 + ], + [ + "\u2581Schuster", + -13.56183910369873 + ], + [ + "\u2581forestal", + -13.56185531616211 + ], + [ + "\u2581pintado", + -13.561859130859377 + ], + [ + "\u2581rendent", + -13.561859130859377 + ], + [ + "\u2581erstmalig", + -13.561861038208008 + ], + [ + "ilius", + -13.561872482299805 + ], + [ + "\u2581KNVB", + -13.561880111694336 + ], + [ + "Ihr", + -13.561884880065918 + ], + [ + "kleidung", + -13.561919212341309 + ], + [ + "MINOR", + -13.561942100524902 + ], + [ + "progressivamente", + -13.561946868896484 + ], + [ + "Protokoll", + -13.561975479125977 + ], + [ + "vorbehalt", + -13.56201457977295 + ], + [ + "lexer", + -13.562088966369627 + ], + [ + "\u2581Shir", + -13.562158584594728 + ], + [ + "\u2581beschriebene", + -13.562192916870115 + ], + [ + "\u2581iniciais", + -13.56219482421875 + ], + [ + "simi", + -13.562215805053713 + ], + [ + "grant", + -13.562289237976074 + ], + [ + "\u2581sencillos", + -13.562302589416504 + ], + [ + "\u2581pasti", + -13.5623140335083 + ], + [ + "\u2581jarenlang", + -13.562350273132324 + ], + [ + "\u2581H\u00fcft", + -13.562369346618652 + ], + [ + "isha", + -13.562383651733398 + ], + [ + "\u2581congiunt", + -13.562470436096191 + ], + [ + "\u00fcb", + -13.562487602233888 + ], + [ + "\u2581fatale", + -13.56252098083496 + ], + [ + "\u2581celesti", + -13.56258487701416 + ], + [ + "\u2581bedeutsam", + -13.562600135803224 + ], + [ + "editable", + -13.562613487243652 + ], + [ + "\u2581uccide", + -13.562630653381348 + ], + [ + "reifen", + -13.562639236450195 + ], + [ + "schwei", + -13.562654495239258 + ], + [ + "\u2581sanguin", + -13.56266975402832 + ], + [ + "\u2581dish", + -13.562716484069824 + ], + [ + "\u2581Rivoluzione", + -13.562737464904783 + ], + [ + "\u2581esponenti", + -13.562750816345217 + ], + [ + "\u2581inverso", + -13.562767028808594 + ], + [ + "umer", + -13.562809944152832 + ], + [ + "electron", + -13.562840461730955 + ], + [ + "\u2581entspre", + -13.56286907196045 + ], + [ + "\u2581leuco", + -13.562893867492676 + ], + [ + "\u2581abweichende", + -13.562914848327637 + ], + [ + "\u2581beibehalten", + -13.56292724609375 + ], + [ + "\u2581prioridade", + -13.562942504882812 + ], + [ + "\u2581unmittelbarer", + -13.56296157836914 + ], + [ + "\u2581wol", + -13.562962532043455 + ], + [ + "enhof", + -13.56296730041504 + ], + [ + "vertegenwoordigd", + -13.56298828125 + ], + [ + "\u00e4hn", + -13.563016891479492 + ], + [ + "getragen", + -13.563021659851074 + ], + [ + "\u2581spiral", + -13.563058853149414 + ], + [ + "Insee", + -13.56310749053955 + ], + [ + "\u2581aktualisiert", + -13.563114166259766 + ], + [ + "\u2581fr\u00e9quemment", + -13.563114166259766 + ], + [ + "\u2581engag\u00e9", + -13.563129425048828 + ], + [ + "etra", + -13.563145637512209 + ], + [ + "\u2581irrita", + -13.56317901611328 + ], + [ + "\u2581segnato", + -13.563194274902344 + ], + [ + "\u2581Personagens", + -13.56319808959961 + ], + [ + "\u2581sacri", + -13.563237190246582 + ], + [ + "\u2581aliado", + -13.563247680664062 + ], + [ + "JPEG", + -13.563249588012695 + ], + [ + "affetto", + -13.563254356384276 + ], + [ + "\u2581Arne", + -13.563258171081545 + ], + [ + "\u2581Deens", + -13.563261032104492 + ], + [ + "sordnung", + -13.563288688659668 + ], + [ + "\u2581Blan", + -13.563340187072754 + ], + [ + "\u2581Published", + -13.563355445861816 + ], + [ + "gase", + -13.563362121582031 + ], + [ + "atha", + -13.563368797302246 + ], + [ + "\u2581Verify", + -13.563372611999512 + ], + [ + "\u2581WHEN", + -13.563386917114258 + ], + [ + "\u2581femelle", + -13.563413619995115 + ], + [ + "\u2581beigef\u00fcgt", + -13.563427925109863 + ], + [ + "Overflow", + -13.563444137573242 + ], + [ + "\u2581her\u00f3i", + -13.563471794128418 + ], + [ + "Prep", + -13.563504219055176 + ], + [ + "ndre", + -13.563522338867188 + ], + [ + "\u2581sott", + -13.5635986328125 + ], + [ + "lev\u00e9", + -13.563628196716309 + ], + [ + "lje", + -13.563642501831056 + ], + [ + "\u2581bless\u00e9s", + -13.563653945922852 + ], + [ + "MOUNT", + -13.563669204711914 + ], + [ + "\u2581Alrededor", + -13.563679695129396 + ], + [ + "\u2581tranche", + -13.563722610473633 + ], + [ + "\u2581mandatory", + -13.563728332519531 + ], + [ + "\u2581bref", + -13.563800811767578 + ], + [ + "\u2581Auteur", + -13.563801765441896 + ], + [ + "\u2581isbn", + -13.563838005065918 + ], + [ + "\u2581Concei", + -13.56387424468994 + ], + [ + "\u2581modifie", + -13.56387710571289 + ], + [ + "\u2581Bein", + -13.56391716003418 + ], + [ + "gever", + -13.56393051147461 + ], + [ + "\u2581Livro", + -13.563950538635254 + ], + [ + "jonction", + -13.563973426818848 + ], + [ + "\u2581hablaba", + -13.563980102539062 + ], + [ + "\u2581sorgenti", + -13.56398582458496 + ], + [ + "\u2581perigos", + -13.56399917602539 + ], + [ + "\u2581dominazione", + -13.56401252746582 + ], + [ + "dr\u00fccken", + -13.564016342163086 + ], + [ + "near", + -13.56401824951172 + ], + [ + "\u2581grandeza", + -13.564020156860352 + ], + [ + "\u2581debutto", + -13.56403923034668 + ], + [ + "\u2581pissebed", + -13.564058303833008 + ], + [ + "\u2581insecto", + -13.564087867736816 + ], + [ + "\u2581veranlasst", + -13.564102172851562 + ], + [ + "\u2581Epp", + -13.564149856567385 + ], + [ + "\u2581formally", + -13.564154624938965 + ], + [ + "\u2581Kuhn", + -13.564178466796877 + ], + [ + "omas", + -13.564204216003418 + ], + [ + "\u2581Gesamtheit", + -13.56423568725586 + ], + [ + "\u2581profesi\u00f3n", + -13.564249992370604 + ], + [ + "\u2581strenge", + -13.564258575439451 + ], + [ + "sprecher", + -13.564264297485352 + ], + [ + "\u2581escuro", + -13.564343452453612 + ], + [ + "\u2581ontslagen", + -13.564372062683104 + ], + [ + "\u2581wirst", + -13.564375877380373 + ], + [ + "FRAMEWORKS", + -13.564383506774902 + ], + [ + "\u2581eindronde", + -13.564462661743164 + ], + [ + "ver\u00e4u", + -13.564467430114746 + ], + [ + "lution", + -13.56447410583496 + ], + [ + "insegnante", + -13.564481735229492 + ], + [ + "\u2581emphasize", + -13.56449031829834 + ], + [ + "Advance", + -13.564512252807615 + ], + [ + "Shipping", + -13.56451416015625 + ], + [ + "\u2581Econ", + -13.564523696899414 + ], + [ + "temi", + -13.56454849243164 + ], + [ + "Umlage", + -13.56459617614746 + ], + [ + "repr\u00e4sentiert", + -13.564610481262209 + ], + [ + "\u2581Vermerks", + -13.564632415771484 + ], + [ + "sgrund", + -13.564642906188965 + ], + [ + "\u2581Fruit", + -13.564642906188965 + ], + [ + "\u2581riscalda", + -13.56464385986328 + ], + [ + "bbb", + -13.56468391418457 + ], + [ + "\u2581angesiedelt", + -13.564730644226074 + ], + [ + "\u2581culturelles", + -13.564733505249023 + ], + [ + "\u2581redact", + -13.564736366271973 + ], + [ + "\u2581amie", + -13.564790725708008 + ], + [ + "\u2581verwaltungs", + -13.56481647491455 + ], + [ + "\u2581consegu", + -13.564865112304688 + ], + [ + "Produktion", + -13.564874649047852 + ], + [ + "\u2581begrenzten", + -13.564875602722168 + ], + [ + "\u2581menziona", + -13.56488800048828 + ], + [ + "\u2581Deuxi", + -13.56491756439209 + ], + [ + "\u2581esteri", + -13.56492519378662 + ], + [ + "\u2581Cunha", + -13.564997673034668 + ], + [ + "\u2581Dik", + -13.565031051635742 + ], + [ + "\u2581feasible", + -13.565051078796388 + ], + [ + "Projection", + -13.565058708190918 + ], + [ + "orts", + -13.565067291259766 + ], + [ + "\u2581escolhe", + -13.565080642700195 + ], + [ + "\u2581rami", + -13.56513214111328 + ], + [ + "machung", + -13.565133094787598 + ], + [ + "\u2581obtido", + -13.565168380737305 + ], + [ + "\u2581Consulta", + -13.565186500549316 + ], + [ + "\u2581lamb", + -13.565197944641112 + ], + [ + "\u2581aderi", + -13.56519889831543 + ], + [ + "\u2581septi", + -13.565200805664062 + ], + [ + "\u2581multid", + -13.565205574035645 + ], + [ + "\u2581vitamin", + -13.56520938873291 + ], + [ + "\u2581barone", + -13.565229415893556 + ], + [ + "gging", + -13.565317153930664 + ], + [ + "\u2581Kapazit\u00e4ten", + -13.565359115600586 + ], + [ + "avista", + -13.565374374389648 + ], + [ + "Respond", + -13.565377235412598 + ], + [ + "\u2581CHAPTER", + -13.56537914276123 + ], + [ + "avelmente", + -13.565410614013672 + ], + [ + "\u2581Cycl", + -13.565417289733888 + ], + [ + "gronden", + -13.565470695495604 + ], + [ + "ylo", + -13.565486907958984 + ], + [ + "nim", + -13.565489768981934 + ], + [ + "antho", + -13.565502166748049 + ], + [ + "atrio", + -13.565526008605955 + ], + [ + "\u2581semifinales", + -13.565526008605955 + ], + [ + "\u2581Abbruch", + -13.565584182739258 + ], + [ + "compartilhamento", + -13.565587997436523 + ], + [ + "erke", + -13.565591812133787 + ], + [ + "yyDollar", + -13.565593719482422 + ], + [ + "\u2581BOOL", + -13.565644264221191 + ], + [ + "\u2581nachzuweisen", + -13.56568717956543 + ], + [ + "\u2581Breiten", + -13.565696716308594 + ], + [ + "predicate", + -13.56569766998291 + ], + [ + "\u2581podio", + -13.565707206726074 + ], + [ + "enzo", + -13.565828323364258 + ], + [ + "\u2581Schel", + -13.565840721130373 + ], + [ + "schaut", + -13.565841674804688 + ], + [ + "\u2581angel", + -13.565869331359863 + ], + [ + "Minus", + -13.565889358520508 + ], + [ + "\u2581pr\u00e9c\u00e9dentes", + -13.56592082977295 + ], + [ + "\u2581Slim", + -13.565922737121582 + ], + [ + "\u2581prefixo", + -13.565947532653809 + ], + [ + "sauf", + -13.565953254699709 + ], + [ + "astronomia", + -13.565960884094238 + ], + [ + "Sep", + -13.565970420837402 + ], + [ + "\u2581erhebt", + -13.56600856781006 + ], + [ + "essence", + -13.566009521484377 + ], + [ + "\u2581vestir", + -13.566014289855955 + ], + [ + "\u2581Freistellung", + -13.566020965576172 + ], + [ + "CLEAN", + -13.566033363342283 + ], + [ + "\u2581reconoce", + -13.566035270690918 + ], + [ + "\u2581behaald", + -13.566057205200195 + ], + [ + "tscher", + -13.566078186035156 + ], + [ + "gr\u00fcndung", + -13.566100120544434 + ], + [ + "\u2581sabot", + -13.566102027893066 + ], + [ + "\u2581Treppen", + -13.56612491607666 + ], + [ + "Agostini", + -13.566136360168455 + ], + [ + "\u2581Salm", + -13.56616497039795 + ], + [ + "beheer", + -13.566170692443848 + ], + [ + "\u2581Riba", + -13.566217422485352 + ], + [ + "\u2581normiert", + -13.566222190856934 + ], + [ + "Minutes", + -13.56624984741211 + ], + [ + "\u2581digitales", + -13.566280364990234 + ], + [ + "onnais", + -13.56631565093994 + ], + [ + "\u2581Albuquerque", + -13.566325187683104 + ], + [ + "\u2581divisiones", + -13.566438674926758 + ], + [ + "\u2581bombas", + -13.566445350646973 + ], + [ + "\u2581parlent", + -13.566473007202148 + ], + [ + "\u2581Stellenwert", + -13.56650161743164 + ], + [ + "kader", + -13.566502571105955 + ], + [ + "ponendo", + -13.566511154174805 + ], + [ + "\u2581Speaker", + -13.56654453277588 + ], + [ + "\u2581adoptar", + -13.56655216217041 + ], + [ + "\u2581bezoeken", + -13.566622734069824 + ], + [ + "\u2581continuit\u00e0", + -13.566631317138672 + ], + [ + "GAT", + -13.566675186157228 + ], + [ + "ience", + -13.566699981689451 + ], + [ + "\u2581raccolto", + -13.566702842712402 + ], + [ + "\u2581faune", + -13.566730499267578 + ], + [ + "\u2581ebd", + -13.56675624847412 + ], + [ + "\u2581Frac", + -13.566808700561523 + ], + [ + "\u2581giustifica", + -13.566817283630373 + ], + [ + "\u2581vertrouwen", + -13.566840171813965 + ], + [ + "\u2581graden", + -13.566842079162598 + ], + [ + "Serva", + -13.56685733795166 + ], + [ + "\u2581Eingriffe", + -13.566858291625977 + ], + [ + "\u2581scambia", + -13.566872596740724 + ], + [ + "Placeholder", + -13.566876411437988 + ], + [ + "amon", + -13.566885948181152 + ], + [ + "lebens", + -13.56692123413086 + ], + [ + "\u2581urbain", + -13.566923141479492 + ], + [ + "\u2581Wid", + -13.566927909851074 + ], + [ + "\u2581Ausbreitung", + -13.566929817199709 + ], + [ + "spannen", + -13.566930770874023 + ], + [ + "\u2581decisioni", + -13.566930770874023 + ], + [ + "\u2581faleceu", + -13.566937446594238 + ], + [ + "rial", + -13.5669527053833 + ], + [ + "Deleted", + -13.566987991333008 + ], + [ + "statistics", + -13.566994667053224 + ], + [ + "\u2581\u00e9pocas", + -13.567084312438965 + ], + [ + "Consult", + -13.567118644714355 + ], + [ + "\u2581martel", + -13.567120552062988 + ], + [ + "\u2581Pr\u00e9mio", + -13.567134857177734 + ], + [ + "nieder", + -13.56715202331543 + ], + [ + "chr\u00e9tien", + -13.567155838012695 + ], + [ + "\u2581cominciare", + -13.567217826843262 + ], + [ + "\u2581guardian", + -13.56723403930664 + ], + [ + "\u2581hipo", + -13.567235946655272 + ], + [ + "lessen", + -13.567254066467283 + ], + [ + "\u2581hogares", + -13.56728744506836 + ], + [ + "browse", + -13.56734561920166 + ], + [ + "entit\u00e9", + -13.567373275756836 + ], + [ + "\u2581Especies", + -13.56738567352295 + ], + [ + "petal", + -13.567401885986328 + ], + [ + "hallen", + -13.567431449890137 + ], + [ + "qualifiziert", + -13.567466735839844 + ], + [ + "\u2581seules", + -13.56746768951416 + ], + [ + "\u2581Essays", + -13.56747817993164 + ], + [ + "\u2581Stem", + -13.567489624023438 + ], + [ + "\u2581produzidos", + -13.56749439239502 + ], + [ + "Rezeptoren", + -13.567506790161133 + ], + [ + "Actual", + -13.567513465881348 + ], + [ + "\u2581einzuf\u00fchren", + -13.567514419555664 + ], + [ + "\u2581peint", + -13.56753158569336 + ], + [ + "ualifica", + -13.56753635406494 + ], + [ + "\u2581Juli\u00e1n", + -13.567581176757812 + ], + [ + "cela", + -13.567584991455078 + ], + [ + "\u2581beendete", + -13.567591667175291 + ], + [ + "Emissionen", + -13.567617416381836 + ], + [ + "\u2581positivas", + -13.567625999450684 + ], + [ + "Aggregation", + -13.567641258239746 + ], + [ + "\u2581emiti\u00f3", + -13.567646026611328 + ], + [ + "erwerbs", + -13.567646980285645 + ], + [ + "\u2581raakt", + -13.567655563354492 + ], + [ + "\u2581escucha", + -13.56768798828125 + ], + [ + "\u2581Klub", + -13.567694664001465 + ], + [ + "\u2581savez", + -13.56770133972168 + ], + [ + "deleting", + -13.567703247070312 + ], + [ + "\u2581reuniones", + -13.567705154418944 + ], + [ + "Lifecycle", + -13.567782402038574 + ], + [ + "\u2581Farmer", + -13.5678071975708 + ], + [ + "\u2581Brin", + -13.567838668823242 + ], + [ + "\u2581pr\u00e9c\u00e9demment", + -13.56783962249756 + ], + [ + "kyo", + -13.567855834960938 + ], + [ + "\u2581presenteerde", + -13.567861557006836 + ], + [ + "ologists", + -13.567888259887695 + ], + [ + "\u2581Ctrl", + -13.567895889282228 + ], + [ + "\u2581banana", + -13.567913055419922 + ], + [ + "\u2581umgewandelt", + -13.567937850952148 + ], + [ + "\u2581apresentados", + -13.5679931640625 + ], + [ + "\u2581intensifica", + -13.568005561828612 + ], + [ + "\u2581install\u00e9e", + -13.568011283874512 + ], + [ + "\u2581brilhante", + -13.568028450012209 + ], + [ + "\u2581Katharina", + -13.56803035736084 + ], + [ + "Opacity", + -13.568037033081056 + ], + [ + "Carl", + -13.56806468963623 + ], + [ + "bruin", + -13.568073272705078 + ], + [ + "\u2581Materie", + -13.568082809448242 + ], + [ + "\u2581advances", + -13.56809139251709 + ], + [ + "masked", + -13.568099975585938 + ], + [ + "\u2581Senats", + -13.568102836608888 + ], + [ + "\u2581coalitie", + -13.568109512329102 + ], + [ + "Ruby", + -13.568130493164062 + ], + [ + "embeddings", + -13.568155288696287 + ], + [ + "justice", + -13.568155288696287 + ], + [ + "structuur", + -13.568185806274414 + ], + [ + "\u2581uitkwam", + -13.568206787109377 + ], + [ + "\u2581presentata", + -13.568209648132324 + ], + [ + "\u2581headport", + -13.568227767944336 + ], + [ + "postfix", + -13.568245887756348 + ], + [ + "\u2581Samo", + -13.568246841430664 + ], + [ + "\u2581emitir", + -13.568246841430664 + ], + [ + "\u2581describir", + -13.568269729614258 + ], + [ + "\u2581scambi", + -13.56827163696289 + ], + [ + "\u2581Affi", + -13.568277359008787 + ], + [ + "\u2581Valerie", + -13.568321228027344 + ], + [ + "RAND", + -13.56832790374756 + ], + [ + "\u2581Colonial", + -13.568337440490724 + ], + [ + "\u2581m\u00e9tallique", + -13.568342208862305 + ], + [ + "\u2581Radar", + -13.568387985229492 + ], + [ + "\u2581pierde", + -13.568418502807615 + ], + [ + "\u2581consacr\u00e9e", + -13.568426132202148 + ], + [ + "\u2581Sah", + -13.568466186523438 + ], + [ + "h\u00e4n", + -13.56851291656494 + ], + [ + "\u2581metaal", + -13.568520545959473 + ], + [ + "groot", + -13.568536758422852 + ], + [ + "topo", + -13.568565368652344 + ], + [ + "\u2581erlassenen", + -13.56856632232666 + ], + [ + "\u2581cach\u00e9", + -13.56857681274414 + ], + [ + "\u2581doctorat", + -13.568591117858888 + ], + [ + "d\u00e9jeuner", + -13.568596839904783 + ], + [ + "\u2581Lauri", + -13.56860637664795 + ], + [ + "dynamik", + -13.568622589111328 + ], + [ + "\u2581interpretazione", + -13.568633079528809 + ], + [ + "dealer", + -13.568644523620604 + ], + [ + "erzeugnissen", + -13.56869411468506 + ], + [ + "\u2581remotos", + -13.568778038024902 + ], + [ + "\u2581estaduais", + -13.568793296813965 + ], + [ + "Witt", + -13.568795204162598 + ], + [ + "\u2581testar", + -13.568815231323242 + ], + [ + "fruit", + -13.568841934204102 + ], + [ + "\u2581feest", + -13.56889820098877 + ], + [ + "\u2581militants", + -13.56893825531006 + ], + [ + "SUR", + -13.568967819213867 + ], + [ + "\u2581atmospheric", + -13.568976402282717 + ], + [ + "\u2581r\u00e9v\u00e9l\u00e9", + -13.568981170654297 + ], + [ + "neuve", + -13.568987846374512 + ], + [ + "\u2581Gunn", + -13.56907558441162 + ], + [ + "\u2581compositore", + -13.569120407104492 + ], + [ + "Klausel", + -13.569164276123049 + ], + [ + "teren", + -13.569168090820312 + ], + [ + "\u2581Alcal\u00e1", + -13.569174766540527 + ], + [ + "\u2581predikant", + -13.569204330444336 + ], + [ + "Responder", + -13.569223403930664 + ], + [ + "\u2581novia", + -13.569235801696776 + ], + [ + "Candidate", + -13.56924533843994 + ], + [ + "\u2581coincid", + -13.569250106811523 + ], + [ + "\u2581sucesi\u00f3n", + -13.569252967834473 + ], + [ + "\u2581estimado", + -13.569256782531738 + ], + [ + "\u2581Giove", + -13.56928825378418 + ], + [ + "\u2581Etwas", + -13.569289207458496 + ], + [ + "blitz", + -13.569293022155762 + ], + [ + "\u2581fragmento", + -13.56929874420166 + ], + [ + "\u2581contagio", + -13.569303512573242 + ], + [ + "\u2581commentaire", + -13.569326400756836 + ], + [ + "\u2581expliqu\u00e9", + -13.569355964660645 + ], + [ + "\u2581Until", + -13.569360733032228 + ], + [ + "sfunktion", + -13.569390296936035 + ], + [ + "\u2581volv\u00ed", + -13.569428443908691 + ], + [ + "\u2581histoires", + -13.569430351257324 + ], + [ + "\u2581sonda", + -13.56944751739502 + ], + [ + "\u2581imperfect", + -13.56946849822998 + ], + [ + "\u2581Glad", + -13.569470405578612 + ], + [ + "Ain", + -13.56947135925293 + ], + [ + "\u2581Almost", + -13.569476127624512 + ], + [ + "\u2581impresa", + -13.569479942321776 + ], + [ + "\u2581Brunei", + -13.569491386413574 + ], + [ + "\u2581Odi", + -13.56951141357422 + ], + [ + "\u2581Gef\u00fchle", + -13.569518089294434 + ], + [ + "\u2581alsook", + -13.56953239440918 + ], + [ + "\u2581mar\u00edtima", + -13.56954574584961 + ], + [ + "\u2581realista", + -13.56954574584961 + ], + [ + "\u2581exteriores", + -13.569562911987305 + ], + [ + "azienza", + -13.569565773010254 + ], + [ + "\u2581pastori", + -13.569572448730469 + ], + [ + "machines", + -13.569613456726074 + ], + [ + "\u2581sums", + -13.569629669189451 + ], + [ + "quid", + -13.569697380065918 + ], + [ + "meric", + -13.5697660446167 + ], + [ + "itinerario", + -13.56977653503418 + ], + [ + "\u2581eindeutige", + -13.569807052612305 + ], + [ + "saka", + -13.569815635681152 + ], + [ + "\u2581workshop", + -13.569816589355469 + ], + [ + "Galerij", + -13.56985569000244 + ], + [ + "\u2581Sao", + -13.569863319396973 + ], + [ + "\u2581Arian", + -13.569887161254885 + ], + [ + "\u2581successeur", + -13.569905281066896 + ], + [ + "\u2581abandonada", + -13.569938659667969 + ], + [ + "\u2581allowance", + -13.569953918457031 + ], + [ + "\u2581vivienda", + -13.570034980773926 + ], + [ + "Brie", + -13.570053100585938 + ], + [ + "Alphabet", + -13.570077896118164 + ], + [ + "\u2581st\u00fctzen", + -13.570097923278809 + ], + [ + "Recommendation", + -13.57012176513672 + ], + [ + "\u2581coros", + -13.570128440856934 + ], + [ + "\u2581periodistas", + -13.570140838623049 + ], + [ + "\u2581signatures", + -13.570144653320312 + ], + [ + "goli", + -13.570168495178224 + ], + [ + "w\u00e4l", + -13.570183753967283 + ], + [ + "onnerie", + -13.57019329071045 + ], + [ + "\u2581estatua", + -13.570205688476562 + ], + [ + "\u2581Ralf", + -13.570219039916992 + ], + [ + "\u2581plonge", + -13.570219993591309 + ], + [ + "\u2581subsets", + -13.570225715637209 + ], + [ + "projecten", + -13.570249557495115 + ], + [ + "divers", + -13.570257186889648 + ], + [ + "alors", + -13.570281982421877 + ], + [ + "\u2581implementations", + -13.570294380187988 + ], + [ + "\u2581hire", + -13.57029914855957 + ], + [ + "\u2581Alkmaar", + -13.570305824279783 + ], + [ + "\u2581c\u00e9rebro", + -13.570305824279783 + ], + [ + "INST", + -13.570382118225098 + ], + [ + "rue", + -13.570412635803224 + ], + [ + "mande", + -13.57042407989502 + ], + [ + "\u2581pepe", + -13.5704345703125 + ], + [ + "vlek", + -13.570456504821776 + ], + [ + "Kampioen", + -13.570500373840332 + ], + [ + "Optimization", + -13.570511817932127 + ], + [ + "ualifikations", + -13.570528984069824 + ], + [ + "\u2581eager", + -13.570570945739746 + ], + [ + "Assessment", + -13.570611000061035 + ], + [ + "\u2581visualization", + -13.570622444152832 + ], + [ + "\u2581Borneo", + -13.570646286010742 + ], + [ + "\u2581Nis", + -13.570661544799805 + ], + [ + "\u2581escort", + -13.570661544799805 + ], + [ + "\u2581Horizon", + -13.570664405822754 + ], + [ + "\u2581Pari", + -13.570685386657717 + ], + [ + "\u2581elevated", + -13.57072639465332 + ], + [ + "\u2581Argumentation", + -13.5707426071167 + ], + [ + "\u2581Knoppix", + -13.570756912231444 + ], + [ + "\u2581Shane", + -13.570772171020508 + ], + [ + "chro", + -13.570846557617188 + ], + [ + "\u2581desaparici\u00f3n", + -13.57087516784668 + ], + [ + "beschaffung", + -13.570882797241213 + ], + [ + "atro", + -13.570894241333008 + ], + [ + "\u2581varianti", + -13.570955276489258 + ], + [ + "\u2581Rene", + -13.57100772857666 + ], + [ + "\u2581competing", + -13.571019172668455 + ], + [ + "cristian", + -13.571035385131836 + ], + [ + "ebreo", + -13.57104206085205 + ], + [ + "\u2581invitados", + -13.571062088012695 + ], + [ + "\u2581octavo", + -13.571077346801758 + ], + [ + "\u2581golpes", + -13.571131706237791 + ], + [ + "\u2581Revis", + -13.571168899536133 + ], + [ + "\u2581regierung", + -13.571174621582031 + ], + [ + "\u2581Sergej", + -13.571208953857422 + ], + [ + "\u2581Marruecos", + -13.57125473022461 + ], + [ + "vocabulary", + -13.571255683898926 + ], + [ + "technews", + -13.571280479431152 + ], + [ + "lani", + -13.571325302124023 + ], + [ + "\u2581Reichweite", + -13.571422576904297 + ], + [ + "Deposit", + -13.571431159973145 + ], + [ + "\u2581atletas", + -13.57146167755127 + ], + [ + "\u2581escolheu", + -13.57147216796875 + ], + [ + "\u2581garanzia", + -13.571478843688965 + ], + [ + "\u2581erachtet", + -13.571493148803713 + ], + [ + "\u2581ruote", + -13.57150173187256 + ], + [ + "\u2581besides", + -13.571524620056152 + ], + [ + "\u2581ordinario", + -13.571534156799316 + ], + [ + "zahn", + -13.571548461914062 + ], + [ + "\u2581boog", + -13.571556091308594 + ], + [ + "cription", + -13.571608543395996 + ], + [ + "Jahres", + -13.571610450744627 + ], + [ + "\u2581cognitiva", + -13.57162094116211 + ], + [ + "\u2581psychisch", + -13.571659088134766 + ], + [ + "kala", + -13.57166862487793 + ], + [ + "\u2581Napolitano", + -13.57167148590088 + ], + [ + "\u2581Dob", + -13.571687698364258 + ], + [ + "iptables", + -13.571688652038574 + ], + [ + "\u2581Territorial", + -13.57170295715332 + ], + [ + "bem", + -13.571707725524902 + ], + [ + "yuu", + -13.57170867919922 + ], + [ + "\u2581resign", + -13.571722984313965 + ], + [ + "\u2581radicalmente", + -13.571759223937988 + ], + [ + "\u2581gen\u00fcgen", + -13.571797370910645 + ], + [ + "\u2581bewu", + -13.571800231933594 + ], + [ + "Pruisen", + -13.571832656860352 + ], + [ + "VISUAL", + -13.57183837890625 + ], + [ + "\u2581AMD", + -13.571854591369627 + ], + [ + "gische", + -13.571855545043944 + ], + [ + "\u2581istituito", + -13.571934700012209 + ], + [ + "medo", + -13.571939468383787 + ], + [ + "\u2581g\u00e9nie", + -13.571979522705078 + ], + [ + "\u2581miglioramento", + -13.571995735168455 + ], + [ + "\u2581flexibility", + -13.572023391723633 + ], + [ + "\u2581fascino", + -13.572091102600098 + ], + [ + "startswith", + -13.57210922241211 + ], + [ + "\u2581controlado", + -13.572141647338867 + ], + [ + "\u2581Bora", + -13.572147369384766 + ], + [ + "\u2581ling\u00fc\u00edstica", + -13.57215976715088 + ], + [ + "\u2581brass", + -13.57216739654541 + ], + [ + "\u2581slaven", + -13.572210311889648 + ], + [ + "\u2581utilizaci\u00f3n", + -13.57225227355957 + ], + [ + "\u2581pompe", + -13.572258949279783 + ], + [ + "\u2581Redistributions", + -13.572259902954102 + ], + [ + "enchant", + -13.572291374206545 + ], + [ + "\u2581classici", + -13.572293281555176 + ], + [ + "DEB", + -13.572324752807615 + ], + [ + "\u2581Erdbeben", + -13.57239818572998 + ], + [ + "\u2581accumula", + -13.572402000427246 + ], + [ + "\u2581tomadas", + -13.572409629821776 + ], + [ + "sip", + -13.572431564331056 + ], + [ + "tractor", + -13.572453498840332 + ], + [ + "\u2581dazugeh", + -13.572473526000977 + ], + [ + "Ross", + -13.572514533996582 + ], + [ + "\u2581Arri", + -13.572518348693848 + ], + [ + "alten", + -13.572535514831545 + ], + [ + "ambu", + -13.572537422180176 + ], + [ + "SIN", + -13.57254409790039 + ], + [ + "\u2581Tigers", + -13.57254695892334 + ], + [ + "\u2581fonctionnaires", + -13.572553634643556 + ], + [ + "\u2581Fai", + -13.572564125061035 + ], + [ + "sichert", + -13.572568893432615 + ], + [ + "\u2581Ertrags", + -13.572650909423828 + ], + [ + "\u2581artifacts", + -13.572670936584473 + ], + [ + "\u2581raccomanda", + -13.572674751281738 + ], + [ + "\u2581diplomatic", + -13.572693824768066 + ], + [ + "wagon", + -13.572705268859863 + ], + [ + "burcht", + -13.572734832763672 + ], + [ + "\u2581statistically", + -13.57273769378662 + ], + [ + "carro", + -13.572742462158203 + ], + [ + "\u2581streichen", + -13.572775840759276 + ], + [ + "\u2581Guo", + -13.572792053222656 + ], + [ + "\u2581discusi\u00f3n", + -13.572799682617188 + ], + [ + "Elsevier", + -13.572845458984377 + ], + [ + "Volks", + -13.57285213470459 + ], + [ + "urde", + -13.572864532470703 + ], + [ + "LOT", + -13.57294750213623 + ], + [ + "\u2581fuggire", + -13.572952270507812 + ], + [ + "frequentie", + -13.572961807250977 + ], + [ + "\u2581perron", + -13.57297706604004 + ], + [ + "vist", + -13.572996139526367 + ], + [ + "wrt", + -13.57302474975586 + ], + [ + "Palmar\u00e9s", + -13.57304573059082 + ], + [ + "abbazia", + -13.573139190673828 + ], + [ + "\u2581settentrionali", + -13.573161125183104 + ], + [ + "\u2581sonrisa", + -13.573180198669434 + ], + [ + "sturm", + -13.573192596435549 + ], + [ + "robe", + -13.57323932647705 + ], + [ + "perturb", + -13.573253631591797 + ], + [ + "\u2581criterios", + -13.573260307312012 + ], + [ + "exemplar", + -13.573269844055176 + ], + [ + "Inception", + -13.573283195495604 + ], + [ + "Dal", + -13.573305130004885 + ], + [ + "\u2581partag\u00e9", + -13.57331371307373 + ], + [ + "buk", + -13.57332706451416 + ], + [ + "lections", + -13.57334327697754 + ], + [ + "\u2581leichten", + -13.573413848876951 + ], + [ + "\u2581Seren", + -13.57345485687256 + ], + [ + "zusehen", + -13.57349967956543 + ], + [ + "\u2581Classical", + -13.573505401611328 + ], + [ + "cudnn", + -13.573532104492188 + ], + [ + "m\u00fc", + -13.573590278625488 + ], + [ + "\u2581comparsa", + -13.573606491088867 + ], + [ + "\u2581estranha", + -13.573610305786133 + ], + [ + "bakken", + -13.573617935180664 + ], + [ + "\u2581pediu", + -13.57363986968994 + ], + [ + "\u2581natuurgebied", + -13.573653221130373 + ], + [ + "Loir", + -13.57365608215332 + ], + [ + "ranges", + -13.57370662689209 + ], + [ + "\u2581stadium", + -13.573721885681152 + ], + [ + "\u2581medische", + -13.573725700378418 + ], + [ + "\u2581angestrebt", + -13.573726654052734 + ], + [ + "\u2581vernietigd", + -13.573729515075684 + ], + [ + "ichtung", + -13.57373046875 + ], + [ + "\u2581Kob", + -13.573749542236328 + ], + [ + "kraut", + -13.573796272277832 + ], + [ + "cinq", + -13.573816299438477 + ], + [ + "Training", + -13.57382106781006 + ], + [ + "\u2581contenente", + -13.573841094970703 + ], + [ + "\u2581manejo", + -13.57385540008545 + ], + [ + "opter", + -13.573861122131348 + ], + [ + "cubin", + -13.573862075805664 + ], + [ + "kein", + -13.57386302947998 + ], + [ + "anische", + -13.573877334594728 + ], + [ + "Sir", + -13.573901176452637 + ], + [ + "\u2581Richie", + -13.573907852172852 + ], + [ + "today", + -13.573939323425291 + ], + [ + "ningen", + -13.573942184448242 + ], + [ + "\u2581charakterisiert", + -13.57394313812256 + ], + [ + "\u2581argentin", + -13.573965072631836 + ], + [ + "\u2581normalization", + -13.57400894165039 + ], + [ + "\u2581sympt", + -13.574050903320312 + ], + [ + "TILE", + -13.574139595031738 + ], + [ + "Jugador", + -13.57416534423828 + ], + [ + "\u2581crises", + -13.574204444885254 + ], + [ + "wikimedia", + -13.574213027954102 + ], + [ + "\u2581Gerichten", + -13.574254035949709 + ], + [ + "\u2581Kolb", + -13.574256896972656 + ], + [ + "\u2581constructeur", + -13.57427215576172 + ], + [ + "\u2581Geis", + -13.574281692504885 + ], + [ + "\u2581autob", + -13.574333190917969 + ], + [ + "sListCall", + -13.574345588684082 + ], + [ + "\u2581intentos", + -13.57435703277588 + ], + [ + "\u2581ensayo", + -13.574359893798828 + ], + [ + "\u2581apporte", + -13.574363708496094 + ], + [ + "\u2581augmenter", + -13.574365615844728 + ], + [ + "\u2581Brenner", + -13.574386596679688 + ], + [ + "enkel", + -13.574389457702637 + ], + [ + "\u2581Generalsekret\u00e4r", + -13.574392318725586 + ], + [ + "adb", + -13.574398040771484 + ], + [ + "Submission", + -13.574460983276367 + ], + [ + "\u2581Argumente", + -13.574460983276367 + ], + [ + "pr\u00fcfungen", + -13.574469566345217 + ], + [ + "\u2581cede", + -13.574488639831545 + ], + [ + "\u2581Gelenk", + -13.574490547180176 + ], + [ + "\u2581Teen", + -13.574515342712402 + ], + [ + "Deletion", + -13.57451629638672 + ], + [ + "\u2581Sindsdien", + -13.57451629638672 + ], + [ + "\u2581Talvez", + -13.574529647827148 + ], + [ + "\u2581recoge", + -13.574538230895996 + ], + [ + "\u2581slalom", + -13.574546813964844 + ], + [ + "\u2581subtract", + -13.57455062866211 + ], + [ + "protect", + -13.57455348968506 + ], + [ + "richten", + -13.57459545135498 + ], + [ + "\u2581Contin", + -13.574600219726562 + ], + [ + "\u2581Posten", + -13.57462215423584 + ], + [ + "\u2581Hira", + -13.574637413024902 + ], + [ + "\u2581jurist", + -13.574668884277344 + ], + [ + "ALS", + -13.574681282043455 + ], + [ + "\u2581comparisons", + -13.574706077575684 + ], + [ + "\u2581\u00fcberraschend", + -13.574710845947266 + ], + [ + "\u2581universidade", + -13.574712753295898 + ], + [ + "\u2581besagt", + -13.57471752166748 + ], + [ + "quent", + -13.574726104736328 + ], + [ + "\u2581tissues", + -13.57472801208496 + ], + [ + "unnan", + -13.57477569580078 + ], + [ + "scopes", + -13.574807167053224 + ], + [ + "w\u00fcr", + -13.57480812072754 + ], + [ + "\u2581boil", + -13.574814796447754 + ], + [ + "\u2581FIN", + -13.574822425842283 + ], + [ + "\u2581Brems", + -13.574830055236816 + ], + [ + "\u2581Extract", + -13.574847221374512 + ], + [ + "lecci\u00f3n", + -13.574853897094728 + ], + [ + "\u2581Satzes", + -13.574883460998535 + ], + [ + "\u2581Gewone", + -13.57489013671875 + ], + [ + "\u2581contributi", + -13.574913024902344 + ], + [ + "\u2581\u00fcberwacht", + -13.574928283691406 + ], + [ + "\u2581\u00fcberlegen", + -13.574954986572266 + ], + [ + "\u2581Baj", + -13.574989318847656 + ], + [ + "medaille", + -13.574994087219238 + ], + [ + "\u2581Kurse", + -13.5750150680542 + ], + [ + "\u2581salario", + -13.57508373260498 + ], + [ + "\u2581Dimensionen", + -13.575121879577637 + ], + [ + "\u2581exista", + -13.57512378692627 + ], + [ + "zehn", + -13.575181007385254 + ], + [ + "\u2581borsa", + -13.5751953125 + ], + [ + "\u2581Sorgen", + -13.575200080871582 + ], + [ + "\u2581fabricantes", + -13.57521629333496 + ], + [ + "\u2581Juana", + -13.57525634765625 + ], + [ + "\u2581soixante", + -13.57529640197754 + ], + [ + "\u2581texts", + -13.57530403137207 + ], + [ + "\u2581Insectos", + -13.57533836364746 + ], + [ + "\u2581Tala", + -13.575359344482422 + ], + [ + "\u2581Bui", + -13.575366973876951 + ], + [ + "samba", + -13.575401306152344 + ], + [ + "Kom", + -13.575427055358888 + ], + [ + "gesundheitlichen", + -13.57543659210205 + ], + [ + "omique", + -13.575465202331545 + ], + [ + "\u2581umbral", + -13.575467109680176 + ], + [ + "\u2581explicaci\u00f3n", + -13.575469017028809 + ], + [ + "esordio", + -13.575512886047363 + ], + [ + "\u2581engloba", + -13.575529098510742 + ], + [ + "\u2581vulc", + -13.575563430786133 + ], + [ + "ggle", + -13.575587272644045 + ], + [ + "\u2581vivido", + -13.5756254196167 + ], + [ + "\u2581exclusivo", + -13.575634002685549 + ], + [ + "\u2581Hubbard", + -13.575640678405762 + ], + [ + "\u2581parrocchiale", + -13.575642585754396 + ], + [ + "\u2581Merri", + -13.575722694396973 + ], + [ + "arroll", + -13.57573413848877 + ], + [ + "\u2581vreemde", + -13.575799942016602 + ], + [ + "\u2581Angle", + -13.57582950592041 + ], + [ + "\u2581n\u00fctzlich", + -13.575839042663574 + ], + [ + "PhpParser", + -13.575845718383787 + ], + [ + "Tim", + -13.575852394104004 + ], + [ + "\u2581formaggio", + -13.575864791870115 + ], + [ + "wana", + -13.575870513916016 + ], + [ + "ATOM", + -13.575888633728027 + ], + [ + "\u2581Compositie", + -13.575910568237305 + ], + [ + "Weltmeister", + -13.575923919677734 + ], + [ + "\u2581Hort", + -13.575932502746582 + ], + [ + "\u2581feite", + -13.57594108581543 + ], + [ + "\u2581Serbie", + -13.575965881347656 + ], + [ + "\u2581calo", + -13.57598114013672 + ], + [ + "\u2581dining", + -13.575984954833984 + ], + [ + "\u2581Fonseca", + -13.576019287109377 + ], + [ + "\u2581Trick", + -13.576032638549805 + ], + [ + "\u2581Schutzgebiet", + -13.57603359222412 + ], + [ + "\u2581viveu", + -13.576053619384766 + ], + [ + "\u2581Fighter", + -13.576057434082031 + ], + [ + "physikalische", + -13.576093673706056 + ], + [ + "\u2581materielle", + -13.576112747192385 + ], + [ + "\u2581Alci", + -13.576114654541016 + ], + [ + "\u2581godere", + -13.576117515563965 + ], + [ + "\u2581colina", + -13.57611846923828 + ], + [ + "\u2581affermare", + -13.576194763183594 + ], + [ + "\u2581madrugada", + -13.576210021972656 + ], + [ + "\u2581vocale", + -13.576216697692873 + ], + [ + "\u2581simpati", + -13.57621955871582 + ], + [ + "\u2581Vitr", + -13.576258659362791 + ], + [ + "\u2581legami", + -13.576275825500488 + ], + [ + "scop", + -13.576332092285156 + ], + [ + "dotti", + -13.57634162902832 + ], + [ + "\u2581Pasquale", + -13.576364517211914 + ], + [ + "altaar", + -13.576387405395508 + ], + [ + "\u2581Escala", + -13.576390266418455 + ], + [ + "premier", + -13.57639217376709 + ], + [ + "contentView", + -13.576393127441406 + ], + [ + "EIL", + -13.576395988464355 + ], + [ + "\u2581Hoorn", + -13.576434135437012 + ], + [ + "\u2581offerta", + -13.576444625854492 + ], + [ + "MEDIA", + -13.576455116271973 + ], + [ + "\u2581Held", + -13.576457023620604 + ], + [ + "Voormalig", + -13.576583862304688 + ], + [ + "\u2581decidieron", + -13.576598167419434 + ], + [ + "\u2581Rok", + -13.576635360717772 + ], + [ + "omination", + -13.57666301727295 + ], + [ + "\u2581Rohstoffe", + -13.576689720153809 + ], + [ + "\u2581calculs", + -13.5767240524292 + ], + [ + "\u2581entschied", + -13.576730728149414 + ], + [ + "situ", + -13.57675838470459 + ], + [ + "\u2581feudal", + -13.576776504516602 + ], + [ + "\u2581integrierten", + -13.57678508758545 + ], + [ + "\u2581delusion", + -13.57680892944336 + ], + [ + "\u2581sobra", + -13.57681369781494 + ], + [ + "Visibility", + -13.576822280883787 + ], + [ + "\u2581Stille", + -13.576862335205078 + ], + [ + "\u2581M\u00e1rio", + -13.57686710357666 + ], + [ + "isma", + -13.576918601989746 + ], + [ + "\u2581autonom\u00eda", + -13.576985359191896 + ], + [ + "\u2581Sav", + -13.577001571655272 + ], + [ + "\u2581atlete", + -13.577007293701172 + ], + [ + "monopol", + -13.577016830444336 + ], + [ + "\u2581poison", + -13.5770263671875 + ], + [ + "\u2581Klang", + -13.577033996582031 + ], + [ + "Jl", + -13.577067375183104 + ], + [ + "\u2581incorpor\u00f3", + -13.577075004577637 + ], + [ + "colonial", + -13.577138900756836 + ], + [ + "Sinopse", + -13.577153205871582 + ], + [ + "\u2581Jia", + -13.577168464660645 + ], + [ + "Invocation", + -13.577207565307615 + ], + [ + "\u2581compositions", + -13.577207565307615 + ], + [ + "\u2581genuine", + -13.577268600463867 + ], + [ + "\u2581freiwillige", + -13.577280044555664 + ], + [ + "\u2581Bernstein", + -13.577282905578612 + ], + [ + "\u2581bulletin", + -13.57730770111084 + ], + [ + "\u2581squad", + -13.577314376831056 + ], + [ + "Franz", + -13.577332496643066 + ], + [ + "LSA", + -13.577347755432127 + ], + [ + "\u2581saiba", + -13.577353477478027 + ], + [ + "staatliche", + -13.577354431152344 + ], + [ + "\u2581Rudolph", + -13.577364921569824 + ], + [ + "\u2581Tsa", + -13.577399253845217 + ], + [ + "\u2581esculturas", + -13.577400207519531 + ], + [ + "Planck", + -13.577411651611328 + ], + [ + "nc\u00e9", + -13.57741641998291 + ], + [ + "\u2581Regelungs", + -13.577462196350098 + ], + [ + "\u2581Delgado", + -13.577492713928224 + ], + [ + "\u2581Wireless", + -13.57749843597412 + ], + [ + "\u2581Hillary", + -13.57750415802002 + ], + [ + "handelaar", + -13.57753849029541 + ], + [ + "\u2581Canarias", + -13.577552795410156 + ], + [ + "\u2581empirischen", + -13.57761287689209 + ], + [ + "\u2581KAPITEL", + -13.577628135681152 + ], + [ + "\u2581traverser", + -13.577629089355469 + ], + [ + "Inspect", + -13.577640533447266 + ], + [ + "ziell", + -13.57765293121338 + ], + [ + "\u2581trent", + -13.577669143676758 + ], + [ + "acy", + -13.577679634094238 + ], + [ + "\u2581tassi", + -13.577681541442873 + ], + [ + "\u2581Mens", + -13.577689170837402 + ], + [ + "\u2581origina", + -13.577699661254885 + ], + [ + "\u2581Bayreuth", + -13.577731132507324 + ], + [ + "\u2581perduto", + -13.57773780822754 + ], + [ + "\u2581Alarm", + -13.577747344970703 + ], + [ + "\u2581jungle", + -13.5777587890625 + ], + [ + "\u2581fundou", + -13.577771186828612 + ], + [ + "\u2581Vermieter", + -13.577776908874512 + ], + [ + "\u2581c\u00e1", + -13.577799797058104 + ], + [ + "orien", + -13.57783031463623 + ], + [ + "durchmesser", + -13.57784366607666 + ], + [ + "\u2581Nationalen", + -13.577858924865724 + ], + [ + "\u2581Seoul", + -13.577868461608888 + ], + [ + "\u2581ventral", + -13.57790470123291 + ], + [ + "\u2581gu\u00e9ri", + -13.577906608581545 + ], + [ + "\u2581Mulheres", + -13.577964782714844 + ], + [ + "\u2581hergestellten", + -13.578007698059082 + ], + [ + "\u2581volatil", + -13.578030586242676 + ], + [ + "\u2581petrolio", + -13.578073501586914 + ], + [ + "\u2581coarse", + -13.578094482421877 + ], + [ + "\u2581kaj", + -13.578097343444824 + ], + [ + "\u2581Oaxaca", + -13.57812213897705 + ], + [ + "\u2581brincadeiras", + -13.578131675720217 + ], + [ + "\u2581Streichung", + -13.578137397766112 + ], + [ + "\u2581antena", + -13.578160285949709 + ], + [ + "\u2581cineasta", + -13.578168869018556 + ], + [ + "\u2581Feria", + -13.57823085784912 + ], + [ + "\u2581dangers", + -13.578251838684082 + ], + [ + "implantation", + -13.57826328277588 + ], + [ + "\u2581Rais", + -13.578276634216309 + ], + [ + "garra", + -13.57828426361084 + ], + [ + "verdad", + -13.57830810546875 + ], + [ + "Pervasives", + -13.578313827514648 + ], + [ + "monti", + -13.578332901000977 + ], + [ + "\u2581combinazione", + -13.578336715698242 + ], + [ + "gerechnet", + -13.57839584350586 + ], + [ + "\u2581disagree", + -13.578397750854492 + ], + [ + "\u2581tecnolog\u00edas", + -13.578413963317873 + ], + [ + "\u2581Pues", + -13.578438758850098 + ], + [ + "Ferrand", + -13.578450202941896 + ], + [ + "\u2581Mechan", + -13.578450202941896 + ], + [ + "elio", + -13.578472137451172 + ], + [ + "\u2581appartement", + -13.578472137451172 + ], + [ + "\u2581prov\u00edncias", + -13.57848834991455 + ], + [ + "experimental", + -13.578498840332031 + ], + [ + "\u2581Giants", + -13.578521728515623 + ], + [ + "\u2581grida", + -13.578523635864258 + ], + [ + "Bold", + -13.578526496887209 + ], + [ + "Avatar", + -13.578529357910156 + ], + [ + "\u2581ipotizza", + -13.578533172607422 + ], + [ + "\u2581Statistischen", + -13.578564643859863 + ], + [ + "\u2581Phyllo", + -13.578638076782228 + ], + [ + "\u2581varieties", + -13.57866382598877 + ], + [ + "\u2581Juvenil", + -13.578736305236816 + ], + [ + "\u2581contento", + -13.578742027282717 + ], + [ + "\u2581Rudy", + -13.578742980957031 + ], + [ + "ulata", + -13.578752517700195 + ], + [ + "est\u00e0", + -13.578755378723145 + ], + [ + "\u2581Thun", + -13.57875633239746 + ], + [ + "izier", + -13.578763008117676 + ], + [ + "\u2581dvd", + -13.578775405883787 + ], + [ + "\u2581zahlt", + -13.578798294067385 + ], + [ + "\u2581ruoli", + -13.578810691833496 + ], + [ + "\u2581Ivo", + -13.57882308959961 + ], + [ + "\u2581processeurs", + -13.578838348388672 + ], + [ + "imaginer", + -13.57884693145752 + ], + [ + "\u2581utiles", + -13.578864097595217 + ], + [ + "demographic", + -13.578887939453123 + ], + [ + "\u2581Winchester", + -13.578893661499023 + ], + [ + "sprach", + -13.57890796661377 + ], + [ + "Esper", + -13.578912734985352 + ], + [ + "Pkg", + -13.578923225402832 + ], + [ + "\u2581Marzo", + -13.57894229888916 + ], + [ + "\u2581Corporate", + -13.57894515991211 + ], + [ + "\u2581Evangeli", + -13.57897663116455 + ], + [ + "historic", + -13.578977584838867 + ], + [ + "\u2581trovati", + -13.57898998260498 + ], + [ + "BAC", + -13.57905101776123 + ], + [ + "\u2581scusa", + -13.57905101776123 + ], + [ + "\u2581incluse", + -13.57909107208252 + ], + [ + "\u2581Arroyo", + -13.579092979431152 + ], + [ + "Singleton", + -13.579130172729492 + ], + [ + "platen", + -13.579137802124023 + ], + [ + "\u2581hasattr", + -13.579139709472656 + ], + [ + "duque", + -13.57917022705078 + ], + [ + "\u2581cooperativas", + -13.579188346862791 + ], + [ + "rabbit", + -13.579191207885742 + ], + [ + "serving", + -13.579235076904297 + ], + [ + "\u2581uscite", + -13.57923698425293 + ], + [ + "\u2581corromp", + -13.579237937927246 + ], + [ + "\u2581estatales", + -13.57925796508789 + ], + [ + "\u2581Marian", + -13.57927131652832 + ], + [ + "\u2581Flex", + -13.57927703857422 + ], + [ + "uous", + -13.57929229736328 + ], + [ + "antha", + -13.579325675964355 + ], + [ + "\u2581falsifica", + -13.579397201538086 + ], + [ + "ANN", + -13.57939910888672 + ], + [ + "\u2581verricht", + -13.579423904418944 + ], + [ + "\u2581jets", + -13.579452514648438 + ], + [ + "\u2581indications", + -13.57945728302002 + ], + [ + "\u2581republiek", + -13.579476356506348 + ], + [ + "\u2581Balken", + -13.579497337341309 + ], + [ + "\u2581prevented", + -13.579500198364258 + ], + [ + "\u2581bacteri", + -13.579509735107422 + ], + [ + "Half", + -13.579602241516112 + ], + [ + "\u2581buques", + -13.579609870910645 + ], + [ + "\u2581kwartfinale", + -13.579642295837402 + ], + [ + "\u2581destruido", + -13.579667091369627 + ], + [ + "\u2581spoiler", + -13.579668045043944 + ], + [ + "\u2581Pol\u00edcia", + -13.57967758178711 + ], + [ + "\u2581tbody", + -13.57972240447998 + ], + [ + "Jz", + -13.57972526550293 + ], + [ + "Alexandre", + -13.579731941223145 + ], + [ + "\u2581endemic", + -13.57976531982422 + ], + [ + "\u2581riz", + -13.579771041870115 + ], + [ + "\u2581Saxe", + -13.5797758102417 + ], + [ + "\u2581excuse", + -13.579789161682127 + ], + [ + "stecken", + -13.579814910888672 + ], + [ + "ugger", + -13.579828262329102 + ], + [ + "gewandt", + -13.579832077026367 + ], + [ + "verb\u00e4nden", + -13.579841613769531 + ], + [ + "\u2581societies", + -13.579848289489746 + ], + [ + "actin", + -13.579872131347656 + ], + [ + "speel", + -13.579879760742188 + ], + [ + "\u2581relativas", + -13.579914093017578 + ], + [ + "HER", + -13.57993984222412 + ], + [ + "\u2581cabal", + -13.579944610595703 + ], + [ + "chimie", + -13.579957962036133 + ], + [ + "fico", + -13.579981803894045 + ], + [ + "\u2581pescado", + -13.57998275756836 + ], + [ + "\u2581trimestre", + -13.579983711242676 + ], + [ + "bakteri", + -13.580008506774902 + ], + [ + "rbonds", + -13.580008506774902 + ], + [ + "\u2581versteckt", + -13.580045700073242 + ], + [ + "gesucht", + -13.580048561096191 + ], + [ + "\u2581Circa", + -13.580066680908203 + ], + [ + "gewertet", + -13.580071449279783 + ], + [ + "\u2581Oostende", + -13.580078125 + ], + [ + "separated", + -13.58010482788086 + ], + [ + "\u2581demora", + -13.580166816711426 + ], + [ + "\u2581portati", + -13.580188751220703 + ], + [ + "overview", + -13.580196380615234 + ], + [ + "\u2581liebe", + -13.58021640777588 + ], + [ + "opportunit\u00e0", + -13.580218315124512 + ], + [ + "dain", + -13.580222129821776 + ], + [ + "\u2581Positive", + -13.58022689819336 + ], + [ + "\u2581Contrairement", + -13.580229759216309 + ], + [ + "\u2581evangeli", + -13.580243110656738 + ], + [ + "continent", + -13.580278396606444 + ], + [ + "\u2581\u00e9lite", + -13.580284118652344 + ], + [ + "besch\u00e4ftigte", + -13.580340385437012 + ], + [ + "slakken", + -13.580345153808594 + ], + [ + "\u2581Reus", + -13.580387115478516 + ], + [ + "\u2581conversazione", + -13.580403327941896 + ], + [ + "\u2581Mitarbeit", + -13.580489158630373 + ], + [ + "grup", + -13.58049488067627 + ], + [ + "\u2581camiseta", + -13.580500602722168 + ], + [ + "\u2581Tonga", + -13.580596923828123 + ], + [ + "\u2581Solange", + -13.58061981201172 + ], + [ + "\u2581Doel", + -13.580652236938477 + ], + [ + "Angers", + -13.580670356750488 + ], + [ + "\u2581Stadtteile", + -13.580670356750488 + ], + [ + "\u2581Drog", + -13.580697059631348 + ], + [ + "\u2581Pr\u00e4senz", + -13.580766677856444 + ], + [ + "\u2581rayons", + -13.580795288085938 + ], + [ + "\u2581risult", + -13.580795288085938 + ], + [ + "\u2581terminus", + -13.58079719543457 + ], + [ + "\u2581toestel", + -13.580799102783203 + ], + [ + "\u2581herzlich", + -13.580801963806152 + ], + [ + "Eventually", + -13.580804824829102 + ], + [ + "\u2581Petschler", + -13.580805778503418 + ], + [ + "abfall", + -13.580819129943848 + ], + [ + "\u2581investimenti", + -13.580824851989746 + ], + [ + "Scaling", + -13.580832481384276 + ], + [ + "\u2581\u00e9preuves", + -13.580897331237791 + ], + [ + "\u2581reazioni", + -13.580924034118652 + ], + [ + "\u2581rocce", + -13.580942153930664 + ], + [ + "\u2581blockDim", + -13.580989837646484 + ], + [ + "\u2581amend", + -13.58099365234375 + ], + [ + "\u2581Ansonsten", + -13.580997467041016 + ], + [ + "\u2581dispositivi", + -13.581003189086914 + ], + [ + "\u2581stroming", + -13.581093788146973 + ], + [ + "hljs", + -13.581094741821287 + ], + [ + "Ethernet", + -13.58119010925293 + ], + [ + "\u2581detener", + -13.58119010925293 + ], + [ + "pidae", + -13.581198692321776 + ], + [ + "stadium", + -13.581212997436523 + ], + [ + "\u2581Medalhistas", + -13.581287384033203 + ], + [ + "\u2581Blom", + -13.581351280212402 + ], + [ + "rgba", + -13.5813570022583 + ], + [ + "\u2581culturels", + -13.581379890441896 + ], + [ + "eugnis", + -13.581387519836426 + ], + [ + "\u2581fr\u00eda", + -13.58141803741455 + ], + [ + "\u2581Viv", + -13.581418991088867 + ], + [ + "\u2581benzina", + -13.581424713134766 + ], + [ + "Harry", + -13.581430435180664 + ], + [ + "\u2581vil", + -13.581432342529297 + ], + [ + "\u2581litorale", + -13.58143424987793 + ], + [ + "selbst", + -13.581453323364258 + ], + [ + "\u2581hike", + -13.581454277038574 + ], + [ + "\u2581nasconde", + -13.58146858215332 + ], + [ + "\u2581jurisdicci\u00f3n", + -13.581573486328123 + ], + [ + "\u2581Lehrkr\u00e4fte", + -13.581584930419922 + ], + [ + "\u2581Erasmus", + -13.581637382507324 + ], + [ + "owice", + -13.58172607421875 + ], + [ + "\u2581verkreeg", + -13.581765174865724 + ], + [ + "gner", + -13.58177089691162 + ], + [ + "\u2581Representatives", + -13.581774711608888 + ], + [ + "\u2581pot\u00e9", + -13.581841468811035 + ], + [ + "Estoy", + -13.58188247680664 + ], + [ + "\u00fck", + -13.581894874572754 + ], + [ + "birth", + -13.581949234008787 + ], + [ + "kels", + -13.58196258544922 + ], + [ + "\u2581Aufruf", + -13.582018852233888 + ], + [ + "\u00f3rica", + -13.58202075958252 + ], + [ + "UserDefaults", + -13.58202838897705 + ], + [ + "\u2581Tante", + -13.582036972045898 + ], + [ + "\u2581diferencial", + -13.58205795288086 + ], + [ + "\u2581effektiv", + -13.582069396972656 + ], + [ + "setState", + -13.582131385803224 + ], + [ + "plas", + -13.582133293151855 + ], + [ + "stdio", + -13.582144737243652 + ], + [ + "\u2581ojo", + -13.582154273986816 + ], + [ + "\u2581scheiden", + -13.58215618133545 + ], + [ + "creator", + -13.582181930541992 + ], + [ + "producten", + -13.58220386505127 + ], + [ + "MINI", + -13.582220077514648 + ], + [ + "\u2581comportamenti", + -13.582237243652344 + ], + [ + "\u2581Corne", + -13.582245826721191 + ], + [ + "ecca", + -13.58225917816162 + ], + [ + "\u2581preferir", + -13.582295417785645 + ], + [ + "\u2581asocia", + -13.582298278808594 + ], + [ + "\u2581grob", + -13.582298278808594 + ], + [ + "cutoff", + -13.58230209350586 + ], + [ + "Kenn", + -13.582320213317873 + ], + [ + "Indexes", + -13.582341194152832 + ], + [ + "arian", + -13.582341194152832 + ], + [ + "onista", + -13.582347869873049 + ], + [ + "AppCompat", + -13.582352638244627 + ], + [ + "\u2581Associated", + -13.58240032196045 + ], + [ + "\u2581Improve", + -13.582405090332031 + ], + [ + "\u2581Capitale", + -13.582423210144045 + ], + [ + "\u2581f\u00fcnften", + -13.582423210144045 + ], + [ + "\u2581Domingos", + -13.582463264465332 + ], + [ + "\u2581Apa", + -13.582483291625977 + ], + [ + "Indian", + -13.582496643066406 + ], + [ + "\u2581abroad", + -13.582501411437988 + ], + [ + "\u2581visse", + -13.582512855529783 + ], + [ + "\u2581seks", + -13.582517623901367 + ], + [ + "\u2581adequado", + -13.582555770874023 + ], + [ + "\u2581naves", + -13.582579612731934 + ], + [ + "Sdk", + -13.582582473754885 + ], + [ + "delegation", + -13.582606315612791 + ], + [ + "MASK", + -13.582634925842283 + ], + [ + "dna", + -13.58265781402588 + ], + [ + "\u2581K\u00e4mpfe", + -13.582674980163574 + ], + [ + "pts", + -13.582677841186523 + ], + [ + "Kj", + -13.582680702209473 + ], + [ + "\u2581verjaardag", + -13.58272647857666 + ], + [ + "b\u00fcro", + -13.58272933959961 + ], + [ + "\u2581getrocknet", + -13.582731246948242 + ], + [ + "\u2581T\u00e4tig", + -13.58278465270996 + ], + [ + "\u2581cake", + -13.582818031311035 + ], + [ + "\u2581garantiza", + -13.582833290100098 + ], + [ + "weather", + -13.58283519744873 + ], + [ + "niedrig", + -13.582839965820312 + ], + [ + "\u2581elfos", + -13.582841873168944 + ], + [ + "\u2581igrejas", + -13.582892417907717 + ], + [ + "\u2581Disneyland", + -13.58290672302246 + ], + [ + "aky", + -13.582908630371094 + ], + [ + "caster", + -13.58290958404541 + ], + [ + "diode", + -13.582914352416992 + ], + [ + "zenden", + -13.58292293548584 + ], + [ + "\u2581Rechner", + -13.582942008972168 + ], + [ + "\u2581variazioni", + -13.582969665527344 + ], + [ + "tric", + -13.582971572875977 + ], + [ + "tiene", + -13.582977294921877 + ], + [ + "\u2581costuma", + -13.583015441894531 + ], + [ + "\u2581gewonden", + -13.58302402496338 + ], + [ + "Watcher", + -13.58307647705078 + ], + [ + "\u2581bouteille", + -13.58309555053711 + ], + [ + "zers", + -13.583106994628906 + ], + [ + "asyncio", + -13.58316135406494 + ], + [ + "\u2581pregando", + -13.58318042755127 + ], + [ + "\u00e9checs", + -13.583234786987305 + ], + [ + "Arabi", + -13.583240509033203 + ], + [ + "\u2581pronome", + -13.583259582519531 + ], + [ + "\u2581onderhouden", + -13.583264350891112 + ], + [ + "g\u00e4be", + -13.583271026611328 + ], + [ + "Cher", + -13.583279609680176 + ], + [ + "\u2581Comb", + -13.583298683166504 + ], + [ + "\u2581bef\u00fcrchten", + -13.583303451538086 + ], + [ + "\u2581unterbrochen", + -13.583304405212402 + ], + [ + "\u2581NSObject", + -13.5833101272583 + ], + [ + "Palette", + -13.583332061767578 + ], + [ + "parable", + -13.58336067199707 + ], + [ + "amts", + -13.583366394042969 + ], + [ + "\u2581revised", + -13.583391189575195 + ], + [ + "\u2581puntual", + -13.583404541015623 + ], + [ + "\u2581konzipiert", + -13.583426475524902 + ], + [ + "\u2581combates", + -13.583438873291016 + ], + [ + "\u2581abrange", + -13.583446502685549 + ], + [ + "\u2581Tombo", + -13.58347225189209 + ], + [ + "Premio", + -13.583486557006836 + ], + [ + "\u2581Piedra", + -13.583498001098633 + ], + [ + "\u2581Raub", + -13.58349895477295 + ], + [ + "storf", + -13.583500862121582 + ], + [ + "\u2581st\u00e4rksten", + -13.583500862121582 + ], + [ + "\u2581tegenstander", + -13.583526611328123 + ], + [ + "levi", + -13.583548545837402 + ], + [ + "ieh", + -13.583561897277832 + ], + [ + "trasse", + -13.583608627319336 + ], + [ + "\u2581frecuente", + -13.583609580993652 + ], + [ + "thorax", + -13.583611488342283 + ], + [ + "\u2581Konfiguration", + -13.583675384521484 + ], + [ + "ctr", + -13.583701133728027 + ], + [ + "\u2581bombing", + -13.583701133728027 + ], + [ + "\u2581negentig", + -13.583704948425291 + ], + [ + "\u2581verbs", + -13.583724975585938 + ], + [ + "\u2581exceeding", + -13.583763122558594 + ], + [ + "\u2581analyst", + -13.58377170562744 + ], + [ + "\u2581remake", + -13.583813667297363 + ], + [ + "\u00e9na", + -13.583829879760742 + ], + [ + "EFI", + -13.583856582641602 + ], + [ + "\u2581spiegelt", + -13.58393383026123 + ], + [ + "\u2581Treppe", + -13.583967208862305 + ], + [ + "\u2581R\u00fcckzahlung", + -13.583976745605469 + ], + [ + "\u2581Venlo", + -13.58400535583496 + ], + [ + "\u2581payable", + -13.584049224853516 + ], + [ + "PSI", + -13.584104537963867 + ], + [ + "Fertig", + -13.5841064453125 + ], + [ + "\u2581palestra", + -13.584107398986816 + ], + [ + "\u2581disponibiliza", + -13.584165573120115 + ], + [ + "\u2581Pele", + -13.584179878234863 + ], + [ + "dreven", + -13.584181785583496 + ], + [ + "\u2581Gemeinsam", + -13.584183692932127 + ], + [ + "vecchio", + -13.58420753479004 + ], + [ + "klinik", + -13.58421802520752 + ], + [ + "\u2581\"{{", + -13.58421802520752 + ], + [ + "\u2581pastel", + -13.584230422973633 + ], + [ + "\u2581PropTypes", + -13.584296226501465 + ], + [ + "\u2581zekere", + -13.584310531616213 + ], + [ + "Est\u00e1", + -13.584373474121094 + ], + [ + "ronic", + -13.584381103515623 + ], + [ + "\u2581venido", + -13.58445644378662 + ], + [ + "\u2581Vergr", + -13.584492683410645 + ], + [ + "ereien", + -13.584497451782228 + ], + [ + "sistir", + -13.584500312805176 + ], + [ + "psychologie", + -13.58450698852539 + ], + [ + "\u2581paseo", + -13.584517478942873 + ], + [ + "strook", + -13.58455753326416 + ], + [ + "\u2581Breton", + -13.58461093902588 + ], + [ + "kapitaal", + -13.5846529006958 + ], + [ + "adic", + -13.584668159484863 + ], + [ + "iev", + -13.584699630737305 + ], + [ + "\u2581Pronto", + -13.584724426269531 + ], + [ + "\u2581passaggi", + -13.584771156311035 + ], + [ + "\u2581ensembles", + -13.584775924682615 + ], + [ + "\u2581verhuurd", + -13.58485221862793 + ], + [ + "\u2581Edificios", + -13.584853172302246 + ], + [ + "\u2581Judy", + -13.584866523742676 + ], + [ + "\u2581Nicolaas", + -13.584917068481444 + ], + [ + "CES", + -13.584925651550291 + ], + [ + "fell", + -13.584940910339355 + ], + [ + "feso", + -13.584946632385254 + ], + [ + "atelli", + -13.584967613220217 + ], + [ + "\u2581Programmen", + -13.584968566894531 + ], + [ + "\u2581b\u00e9n\u00e9ficier", + -13.58499526977539 + ], + [ + "uite", + -13.585002899169922 + ], + [ + "\u2581distal", + -13.585009574890137 + ], + [ + "z\u00e4", + -13.585026741027832 + ], + [ + "\u2581Copenhague", + -13.585044860839844 + ], + [ + "\u2581Kava", + -13.585076332092283 + ], + [ + "abh\u00e4ngig", + -13.585097312927246 + ], + [ + "matica", + -13.58509922027588 + ], + [ + "EVER", + -13.585153579711914 + ], + [ + "todos", + -13.58517837524414 + ], + [ + "\u2581localizados", + -13.585186958312988 + ], + [ + "\u2581hijas", + -13.585204124450684 + ], + [ + "\u2581Bever", + -13.585214614868164 + ], + [ + "\u2581redaktionelle", + -13.585261344909668 + ], + [ + "\u00fcgel", + -13.585289001464844 + ], + [ + "\u2581ocorrido", + -13.585336685180664 + ], + [ + "\u2581ramen", + -13.58536148071289 + ], + [ + "\u2581lighting", + -13.58539867401123 + ], + [ + "naz", + -13.585408210754396 + ], + [ + "ut\u00e9", + -13.585433959960938 + ], + [ + "\u2581slds", + -13.585434913635254 + ], + [ + "gramas", + -13.58554458618164 + ], + [ + "\u2581Medikamente", + -13.585549354553224 + ], + [ + "\u2581influenciado", + -13.585573196411133 + ], + [ + "omics", + -13.585583686828612 + ], + [ + "amano", + -13.585596084594728 + ], + [ + "RIT", + -13.58560848236084 + ], + [ + "STRICT", + -13.585625648498535 + ], + [ + "\u2581nurse", + -13.58566951751709 + ], + [ + "\u2581gez\u00e4hlt", + -13.585739135742188 + ], + [ + "\u2581armati", + -13.5857572555542 + ], + [ + "\u2581hunting", + -13.585770606994627 + ], + [ + "\u2581\u00e9vident", + -13.585782051086426 + ], + [ + "\u2581tonight", + -13.585789680480955 + ], + [ + "\u2581zuzuordnen", + -13.585807800292969 + ], + [ + "\u2581Expresso", + -13.585824012756348 + ], + [ + "\u2581Mathilde", + -13.58586883544922 + ], + [ + "\u2581\"/\",", + -13.585869789123535 + ], + [ + "\u2581Canaria", + -13.585894584655762 + ], + [ + "ophis", + -13.58590030670166 + ], + [ + "\u2581Cantor", + -13.58590030670166 + ], + [ + "\u2581desaparecidos", + -13.585930824279783 + ], + [ + "\u2581termination", + -13.585941314697266 + ], + [ + "ezel", + -13.585965156555176 + ], + [ + "illot", + -13.585977554321287 + ], + [ + "\u2581fantasie", + -13.585999488830566 + ], + [ + "unrecognized", + -13.586002349853516 + ], + [ + "\u2581modalidad", + -13.586012840270996 + ], + [ + "\u2581hermanas", + -13.586016654968262 + ], + [ + "ogno", + -13.586017608642578 + ], + [ + "vanger", + -13.586018562316896 + ], + [ + "Nur", + -13.586023330688477 + ], + [ + "BMJ", + -13.58604621887207 + ], + [ + "\u2581Fresh", + -13.586067199707031 + ], + [ + "modes", + -13.586071968078612 + ], + [ + "\u2581Gr\u00e4ber", + -13.586074829101562 + ], + [ + "\u2581Anglais", + -13.586079597473145 + ], + [ + "kovski", + -13.586081504821776 + ], + [ + "\u2581boire", + -13.586084365844728 + ], + [ + "\u2581discreto", + -13.586090087890623 + ], + [ + "\u2581vacu", + -13.586109161376951 + ], + [ + "drivers", + -13.586142539978027 + ], + [ + "orri", + -13.586143493652344 + ], + [ + "SNR", + -13.586149215698242 + ], + [ + "\u2581tarjeta", + -13.586153030395508 + ], + [ + "isson", + -13.586169242858888 + ], + [ + "\u2581Birds", + -13.586176872253418 + ], + [ + "uovo", + -13.586222648620604 + ], + [ + "TAM", + -13.586223602294922 + ], + [ + "bracht", + -13.5862398147583 + ], + [ + "\u2581uitgeroepen", + -13.586281776428224 + ], + [ + "\u2581fragil", + -13.586286544799805 + ], + [ + "\u2581Eury", + -13.586309432983398 + ], + [ + "\u2581participating", + -13.586322784423828 + ], + [ + "startIndex", + -13.586328506469728 + ], + [ + "acro", + -13.586380004882812 + ], + [ + "perc", + -13.586389541625977 + ], + [ + "\u2581Usually", + -13.586400032043455 + ], + [ + "\u2581Beauty", + -13.586400985717772 + ], + [ + "\u2581Haw", + -13.58643913269043 + ], + [ + "\u2581duplo", + -13.586459159851074 + ], + [ + "\u2581eseguire", + -13.586462020874023 + ], + [ + "Trade", + -13.58646297454834 + ], + [ + "genutzte", + -13.5864839553833 + ], + [ + "ELA", + -13.586498260498049 + ], + [ + "Most", + -13.586512565612791 + ], + [ + "translates", + -13.586527824401855 + ], + [ + "namespaces", + -13.586536407470703 + ], + [ + "Boundary", + -13.586562156677246 + ], + [ + "\u2581oscuridad", + -13.58657932281494 + ], + [ + "\u2581venezolano", + -13.58657932281494 + ], + [ + "\u2581gr\u00fcne", + -13.586602210998535 + ], + [ + "\u2581d\u00e9mocrate", + -13.586615562438965 + ], + [ + "russisch", + -13.58661651611328 + ], + [ + "\u2581Medalha", + -13.586658477783203 + ], + [ + "Claudi", + -13.58669090270996 + ], + [ + "\u2581compleja", + -13.58679485321045 + ], + [ + "izzo", + -13.586812019348145 + ], + [ + "\u2581struik", + -13.586921691894531 + ], + [ + "\u2581Lydia", + -13.58694076538086 + ], + [ + "\u2581klas", + -13.58695125579834 + ], + [ + "\u2581wijzen", + -13.586970329284668 + ], + [ + "\u2581projections", + -13.587011337280272 + ], + [ + "\u2581valioso", + -13.587013244628906 + ], + [ + "\u2581prevalence", + -13.58703327178955 + ], + [ + "\u2581vario", + -13.5870361328125 + ], + [ + "\u2581Oliven", + -13.587050437927246 + ], + [ + "\u2581Streifen", + -13.587060928344728 + ], + [ + "wizard", + -13.587066650390623 + ], + [ + "\u2581imponente", + -13.587079048156738 + ], + [ + "\u2581Bauwens", + -13.587082862854004 + ], + [ + "\u2581apela", + -13.587084770202637 + ], + [ + "\u2581authorization", + -13.58713722229004 + ], + [ + "anato", + -13.587158203125 + ], + [ + "spitzen", + -13.587163925170898 + ], + [ + "\u2581abordar", + -13.587193489074709 + ], + [ + "liegt", + -13.587225914001465 + ], + [ + "\u2581Publicaciones", + -13.587227821350098 + ], + [ + "ettore", + -13.58724308013916 + ], + [ + "st\u00e4be", + -13.587254524230955 + ], + [ + "\u2581connais", + -13.587275505065918 + ], + [ + "\u2581Verdienst", + -13.587305068969728 + ], + [ + "\u2581\u00fcbliche", + -13.587323188781738 + ], + [ + "anbau", + -13.58733081817627 + ], + [ + "jab", + -13.58734893798828 + ], + [ + "\u2581Prentice", + -13.58735179901123 + ], + [ + "\u2581Combina", + -13.587360382080078 + ], + [ + "\u2581sperimenta", + -13.587384223937988 + ], + [ + "\u2581Privatisierung", + -13.58741569519043 + ], + [ + "\u2581leeg", + -13.587434768676758 + ], + [ + "itud", + -13.587445259094238 + ], + [ + "\u2581laterales", + -13.587459564208984 + ], + [ + "schop", + -13.587468147277832 + ], + [ + "friend", + -13.587481498718262 + ], + [ + "\u2581Ud", + -13.587485313415527 + ], + [ + "\u2581fundamentales", + -13.587496757507324 + ], + [ + "\u2581sovietico", + -13.58754539489746 + ], + [ + "\u2581bourgeois", + -13.587553977966309 + ], + [ + "ffler", + -13.587559700012209 + ], + [ + "\u2581dignidad", + -13.587571144104004 + ], + [ + "\u2581corretto", + -13.587586402893066 + ], + [ + "Fra", + -13.587596893310549 + ], + [ + "scribed", + -13.587653160095217 + ], + [ + "\u2581adaptar", + -13.58765697479248 + ], + [ + "\u2581Marocco", + -13.587664604187012 + ], + [ + "\u2581Futuro", + -13.587675094604492 + ], + [ + "enius", + -13.587682723999023 + ], + [ + "\u2581geriet", + -13.587693214416504 + ], + [ + "\u2581bereikbaar", + -13.587739944458008 + ], + [ + "\u2581verbouwd", + -13.587753295898438 + ], + [ + "reinigung", + -13.587804794311523 + ], + [ + "\u2581Wirken", + -13.587810516357422 + ], + [ + "\u2581incorporado", + -13.587857246398926 + ], + [ + "\u2581Coffee", + -13.587878227233888 + ], + [ + "\u2581Engl", + -13.587934494018556 + ], + [ + "Dummy", + -13.5880126953125 + ], + [ + "\u2581McCl", + -13.588022232055664 + ], + [ + "\u2581plurality", + -13.588090896606444 + ], + [ + "hain", + -13.588095664978027 + ], + [ + "\u2581prefeitura", + -13.588104248046877 + ], + [ + "kirk", + -13.58812141418457 + ], + [ + "\u2581steril", + -13.588125228881836 + ], + [ + "\u2581reputazione", + -13.588223457336426 + ], + [ + "\u2581metav", + -13.588224411010742 + ], + [ + "juic", + -13.588232040405272 + ], + [ + "gged", + -13.588261604309082 + ], + [ + "variante", + -13.588269233703612 + ], + [ + "kenntnis", + -13.58828067779541 + ], + [ + "\u2581campesinos", + -13.58828830718994 + ], + [ + "\u2581painted", + -13.588294982910156 + ], + [ + "\u2581notably", + -13.588353157043455 + ], + [ + "\u2581salu", + -13.588364601135254 + ], + [ + "\u2581libra", + -13.58840274810791 + ], + [ + "\u2581compiling", + -13.588408470153809 + ], + [ + "\u2581vid\u00e9os", + -13.588414192199709 + ], + [ + "\u2581montuosa", + -13.588427543640137 + ], + [ + "w\u00e4r", + -13.588457107543944 + ], + [ + "verd\u00e4chtig", + -13.588459014892578 + ], + [ + "\u2581fina", + -13.588542938232422 + ], + [ + "Foto", + -13.58855152130127 + ], + [ + "ritte", + -13.588571548461914 + ], + [ + "\u2581soprano", + -13.588573455810549 + ], + [ + "\u2581r\u00e9ponses", + -13.588638305664062 + ], + [ + "thick", + -13.588656425476074 + ], + [ + "Ij", + -13.588669776916504 + ], + [ + "\u2581Informatie", + -13.588698387145996 + ], + [ + "titi", + -13.588705062866213 + ], + [ + "PvdA", + -13.588709831237791 + ], + [ + "\u2581accessibili", + -13.58872127532959 + ], + [ + "\u2581Cliente", + -13.58879566192627 + ], + [ + "Panic", + -13.58882999420166 + ], + [ + "\u2581schlagen", + -13.588879585266112 + ], + [ + "\u2581Beitr\u00e4gen", + -13.588906288146973 + ], + [ + "\u2581determinare", + -13.58893871307373 + ], + [ + "\u2581g\u00e9n\u00e9tique", + -13.588949203491213 + ], + [ + "enverkehrs", + -13.58895492553711 + ], + [ + "\u2581Ernennung", + -13.588976860046388 + ], + [ + "\u2581aper", + -13.589000701904297 + ], + [ + "\u2581ORDER", + -13.589038848876951 + ], + [ + "\u2581conspira", + -13.589041709899902 + ], + [ + "\u2581Verdienste", + -13.589072227478027 + ], + [ + "bashi", + -13.589088439941406 + ], + [ + "STORAGE", + -13.589089393615724 + ], + [ + "\u2581Statistiques", + -13.589093208312988 + ], + [ + "\u2581coppie", + -13.58912467956543 + ], + [ + "\u2581Melodie", + -13.589143753051758 + ], + [ + "\u2581Kirsch", + -13.589154243469238 + ], + [ + "hani", + -13.589156150817873 + ], + [ + "\u2581voient", + -13.589156150817873 + ], + [ + "\u2581Lung", + -13.589177131652832 + ], + [ + "pytorch", + -13.589195251464844 + ], + [ + "fedora", + -13.58923053741455 + ], + [ + "\u2581kontrollieren", + -13.58926010131836 + ], + [ + "lard", + -13.589263916015623 + ], + [ + "\u2581entwicklungs", + -13.589346885681152 + ], + [ + "Bai", + -13.589353561401367 + ], + [ + "\u2581Nottingham", + -13.589369773864746 + ], + [ + "Buttons", + -13.589370727539062 + ], + [ + "poem", + -13.58938217163086 + ], + [ + "\u2581Sitze", + -13.589385032653809 + ], + [ + "Reflect", + -13.589385986328123 + ], + [ + "Loup", + -13.589388847351074 + ], + [ + "ounce", + -13.589422225952148 + ], + [ + "\u2581r\u00e9volte", + -13.589435577392578 + ], + [ + "beugt", + -13.589438438415527 + ], + [ + "angriff", + -13.58945083618164 + ], + [ + "\u2581imprimir", + -13.58945369720459 + ], + [ + "\u2581flour", + -13.58949375152588 + ], + [ + "mathop", + -13.589494705200195 + ], + [ + "\u2581gently", + -13.589533805847168 + ], + [ + "cillo", + -13.589556694030762 + ], + [ + "\u2581Erholung", + -13.589582443237305 + ], + [ + "\u2581constru\u00eddos", + -13.58965015411377 + ], + [ + "instr", + -13.589654922485352 + ], + [ + "\u2581nettement", + -13.589661598205566 + ], + [ + "\u2581Baa", + -13.5896635055542 + ], + [ + "\u2581Lug", + -13.589689254760742 + ], + [ + "schall", + -13.589699745178224 + ], + [ + "\u2581Griffith", + -13.58970546722412 + ], + [ + "\u2581beira", + -13.589715957641602 + ], + [ + "\u2581speakers", + -13.589757919311523 + ], + [ + "Nx", + -13.589797019958496 + ], + [ + "\u00eddeos", + -13.589803695678713 + ], + [ + "\u2581Cities", + -13.58986473083496 + ], + [ + "juli", + -13.589883804321287 + ], + [ + "\u2581cardenal", + -13.589916229248049 + ], + [ + "\u2581preparando", + -13.589917182922363 + ], + [ + "\u2581Crist", + -13.58992862701416 + ], + [ + "\u2581Agencia", + -13.589959144592283 + ], + [ + "\u2581Celebr", + -13.589987754821776 + ], + [ + "vinda", + -13.590003967285156 + ], + [ + "heuvel", + -13.5900239944458 + ], + [ + "\u2581appropria", + -13.590046882629396 + ], + [ + "sealed", + -13.590047836303713 + ], + [ + "\u2581inconsistent", + -13.590049743652344 + ], + [ + "\u2581Petunia", + -13.590060234069824 + ], + [ + "\u2581Powiat", + -13.590060234069824 + ], + [ + "\u2581Rembrandt", + -13.590060234069824 + ], + [ + "acquisition", + -13.590083122253418 + ], + [ + "\u2581candidatou", + -13.590094566345217 + ], + [ + "\u2581rapides", + -13.590144157409668 + ], + [ + "ocyte", + -13.59017848968506 + ], + [ + "\u2581Serrano", + -13.590181350708008 + ], + [ + "\u2581Modi", + -13.59019947052002 + ], + [ + "Minimum", + -13.590202331542969 + ], + [ + "\u2581weitergehende", + -13.590274810791016 + ], + [ + "\u2581Unsicherheit", + -13.590303421020508 + ], + [ + "legi", + -13.590332984924316 + ], + [ + "iaanse", + -13.590335845947266 + ], + [ + "hypothese", + -13.590370178222656 + ], + [ + "\u2581Cyrus", + -13.590401649475098 + ], + [ + "\u2581lint", + -13.590431213378906 + ], + [ + "\u2581Bruselas", + -13.590447425842283 + ], + [ + "\u2581filtro", + -13.590452194213867 + ], + [ + "\u2581preferenze", + -13.590471267700195 + ], + [ + "\u2581Sussex", + -13.59048080444336 + ], + [ + "\u2581copiar", + -13.590493202209473 + ], + [ + "\u2581dibujos", + -13.590505599975586 + ], + [ + "\u2581tapis", + -13.590550422668455 + ], + [ + "\u2581Annette", + -13.590557098388672 + ], + [ + "\u2581Munition", + -13.59057331085205 + ], + [ + "lux", + -13.59060764312744 + ], + [ + "\u2581Centri", + -13.590614318847656 + ], + [ + "Oblast", + -13.59062385559082 + ], + [ + "\u2581Jornal", + -13.590632438659668 + ], + [ + "crc", + -13.590657234191896 + ], + [ + "\u2581Eclipse", + -13.590664863586426 + ], + [ + "\u2581differs", + -13.590679168701172 + ], + [ + "\u2581liderado", + -13.590700149536133 + ], + [ + "\u2581zestien", + -13.590750694274902 + ], + [ + "IFT", + -13.590752601623535 + ], + [ + "organisatorische", + -13.590752601623535 + ], + [ + "\u2581Ancona", + -13.590792655944824 + ], + [ + "\u2581Moderator", + -13.590798377990724 + ], + [ + "\u2581manto", + -13.590815544128418 + ], + [ + "\u2581Mystery", + -13.590840339660645 + ], + [ + "\u2581crimine", + -13.590864181518556 + ], + [ + "\u2581statistic", + -13.590927124023438 + ], + [ + "\u2581\"-\",", + -13.590964317321776 + ], + [ + "\u2581Mozambique", + -13.59103012084961 + ], + [ + "ziosi", + -13.591034889221191 + ], + [ + "\u2581lovely", + -13.591034889221191 + ], + [ + "\u2581evapora", + -13.591045379638672 + ], + [ + "agin", + -13.59105110168457 + ], + [ + "\u2581implanta", + -13.59108829498291 + ], + [ + "wordpress", + -13.591100692749023 + ], + [ + "\u2581Others", + -13.59111213684082 + ], + [ + "ersheim", + -13.591143608093262 + ], + [ + "\u2581Recently", + -13.591163635253906 + ], + [ + "\u2581verliefd", + -13.591163635253906 + ], + [ + "Until", + -13.591172218322754 + ], + [ + "\u2581Kazan", + -13.59117603302002 + ], + [ + "\u2581essayer", + -13.591190338134766 + ], + [ + "hoheit", + -13.591214179992676 + ], + [ + "\u2581forbidden", + -13.591217041015623 + ], + [ + "USS", + -13.591218948364258 + ], + [ + "EED", + -13.591227531433104 + ], + [ + "\u2581colombiana", + -13.591242790222168 + ], + [ + "erste", + -13.5912504196167 + ], + [ + "rabe", + -13.591285705566406 + ], + [ + "\u2581europeu", + -13.591285705566406 + ], + [ + "\u2581regerings", + -13.591307640075684 + ], + [ + "\u00e9rcul", + -13.59133243560791 + ], + [ + "lith", + -13.591413497924805 + ], + [ + "addition", + -13.591415405273438 + ], + [ + "\u2581Europeu", + -13.591415405273438 + ], + [ + "\u2581Aron", + -13.591418266296388 + ], + [ + "slack", + -13.591469764709473 + ], + [ + "\u2581directives", + -13.591471672058104 + ], + [ + "metri", + -13.591506004333496 + ], + [ + "apiVersion", + -13.591513633728027 + ], + [ + "sch\u00fcler", + -13.591544151306152 + ], + [ + "challenge", + -13.591550827026367 + ], + [ + "\u2581g\u00e4nzlich", + -13.5916109085083 + ], + [ + "u\u00e9s", + -13.591620445251465 + ], + [ + "\u2581schaak", + -13.59164047241211 + ], + [ + "\u2581Belarus", + -13.591641426086426 + ], + [ + "Loopbaan", + -13.591682434082031 + ], + [ + "\u2581Casca", + -13.591721534729004 + ], + [ + "\u00fcck", + -13.591739654541016 + ], + [ + "\u2581associatif", + -13.591742515563965 + ], + [ + "icide", + -13.59175968170166 + ], + [ + "\u2581Kut", + -13.59178638458252 + ], + [ + "aglie", + -13.591794967651367 + ], + [ + "\u2581Pietroburgo", + -13.59182071685791 + ], + [ + "ErrorCode", + -13.591852188110352 + ], + [ + "LUT", + -13.591913223266602 + ], + [ + "ById", + -13.591917991638184 + ], + [ + "\u2581Johns", + -13.591957092285156 + ], + [ + "\u2581intensidade", + -13.591964721679688 + ], + [ + "\u2581monedas", + -13.591983795166016 + ], + [ + "\u2581Giordano", + -13.592000961303713 + ], + [ + "\u2581vettura", + -13.592041015625 + ], + [ + "\u2581associ\u00e9e", + -13.59207248687744 + ], + [ + "\u2581Periode", + -13.59209156036377 + ], + [ + "ischem", + -13.592101097106934 + ], + [ + "\u2581Fifth", + -13.592106819152832 + ], + [ + "\u2581g\u00fcnstige", + -13.592121124267578 + ], + [ + "ndes", + -13.592140197753906 + ], + [ + "Vincent", + -13.592143058776855 + ], + [ + "\u2581vaardigheden", + -13.592144012451172 + ], + [ + "\u2581Alphonse", + -13.592164039611816 + ], + [ + "\u2581senkrecht", + -13.592196464538574 + ], + [ + "\u2581festzusetzen", + -13.592206954956056 + ], + [ + "\u2581organiseerde", + -13.592228889465332 + ], + [ + "apura", + -13.592233657836914 + ], + [ + "\u2581F\u00e4hre", + -13.592233657836914 + ], + [ + "\u2581Chao", + -13.59225082397461 + ], + [ + "\u2581tournee", + -13.592267036437988 + ], + [ + "\u2581oxida", + -13.592276573181152 + ], + [ + "\u2581liderada", + -13.592283248901367 + ], + [ + "\u2581falhas", + -13.59231662750244 + ], + [ + "\u2581Graves", + -13.592331886291504 + ], + [ + "\u2581abbandona", + -13.592352867126465 + ], + [ + "kett", + -13.592366218566896 + ], + [ + "\u2581Spender", + -13.592373847961426 + ], + [ + "\u2581verbleef", + -13.592388153076172 + ], + [ + "Everest", + -13.592426300048828 + ], + [ + "\u2581owing", + -13.592459678649902 + ], + [ + "\u2581Chern", + -13.5924654006958 + ], + [ + "\u2581Sudeste", + -13.592485427856444 + ], + [ + "genswerte", + -13.592541694641112 + ], + [ + "\u2581biology", + -13.592557907104492 + ], + [ + "\u2581belangen", + -13.59256362915039 + ], + [ + "\u2581Sofort", + -13.592585563659668 + ], + [ + "\u2581Identifikation", + -13.592608451843262 + ], + [ + "nish", + -13.59262466430664 + ], + [ + "\u2581Meist", + -13.592658042907717 + ], + [ + "\u2581Wilm", + -13.592679977416992 + ], + [ + "\u2581prohibition", + -13.592720985412598 + ], + [ + "\u2581Schenk", + -13.592721939086914 + ], + [ + "\u2581Capi", + -13.5927734375 + ], + [ + "Nothing", + -13.59280490875244 + ], + [ + "habitat", + -13.59280776977539 + ], + [ + "onera", + -13.592830657958984 + ], + [ + "klas", + -13.592881202697754 + ], + [ + "\u2581Pell", + -13.592899322509766 + ], + [ + "IDO", + -13.592903137207031 + ], + [ + "\u00e4quivalent", + -13.59292221069336 + ], + [ + "\u2581revert", + -13.592935562133787 + ], + [ + "Jg", + -13.592945098876951 + ], + [ + "\u2581Equi", + -13.592982292175291 + ], + [ + "\u2581grabar", + -13.59299087524414 + ], + [ + "v\u00edrus", + -13.592999458312988 + ], + [ + "\u2581Lebenspartner", + -13.593008041381836 + ], + [ + "signifiant", + -13.59302043914795 + ], + [ + "moviliza", + -13.59303092956543 + ], + [ + "\u2581visie", + -13.593031883239746 + ], + [ + "\u2581hoorde", + -13.593052864074709 + ], + [ + "\u2581despacho", + -13.593060493469238 + ], + [ + "geworfen", + -13.593064308166504 + ], + [ + "rockband", + -13.593099594116213 + ], + [ + "\u2581Satellite", + -13.593154907226562 + ], + [ + "\u2581amen\u00e9", + -13.593252182006836 + ], + [ + "pijp", + -13.593271255493164 + ], + [ + "gressiv", + -13.593301773071287 + ], + [ + "\u2581calculus", + -13.593303680419922 + ], + [ + "\u2581specifiek", + -13.593337059020996 + ], + [ + "\u2581alterado", + -13.593341827392578 + ], + [ + "dream", + -13.593356132507324 + ], + [ + "\u2581Fertigstellung", + -13.593360900878906 + ], + [ + "doro", + -13.593387603759766 + ], + [ + "\u2581vorne", + -13.593396186828612 + ], + [ + "\u2581CONSTRUCTION", + -13.59340763092041 + ], + [ + "\u2581D\u00e9but", + -13.59343433380127 + ], + [ + "\u2581porter\u00e0", + -13.5934419631958 + ], + [ + "\u2581nad", + -13.593442916870115 + ], + [ + "iru", + -13.59344482421875 + ], + [ + "\u2581infrastructuur", + -13.593487739562988 + ], + [ + "signaal", + -13.593509674072266 + ], + [ + "\u2581expectativas", + -13.593514442443848 + ], + [ + "analog", + -13.593521118164062 + ], + [ + "\u2581obstacle", + -13.59354305267334 + ], + [ + "\u2581asimismo", + -13.593557357788086 + ], + [ + "\u2581begannen", + -13.593564987182615 + ], + [ + "\u2581Leid", + -13.593570709228516 + ], + [ + "ather", + -13.593585014343262 + ], + [ + "allocate", + -13.59360122680664 + ], + [ + "pandas", + -13.593634605407717 + ], + [ + "\u2581inquiry", + -13.59364891052246 + ], + [ + "enhausen", + -13.593656539916992 + ], + [ + "\u2581Weltkriegs", + -13.593679428100586 + ], + [ + "Vosges", + -13.593695640563965 + ], + [ + "erode", + -13.59371852874756 + ], + [ + "\u2581degr\u00e9s", + -13.59373950958252 + ], + [ + "\u2581Pr\u00e9sentation", + -13.593771934509276 + ], + [ + "\u2581Ejecutivo", + -13.593788146972656 + ], + [ + "sieve", + -13.593795776367188 + ], + [ + "ngelo", + -13.593841552734377 + ], + [ + "Satz", + -13.593865394592283 + ], + [ + "\u2581erneute", + -13.593961715698242 + ], + [ + "\u2581Abschaffung", + -13.593971252441406 + ], + [ + "\u2581verliert", + -13.594021797180176 + ], + [ + "\u2581Knapp", + -13.594036102294922 + ], + [ + "Fotograf", + -13.594045639038086 + ], + [ + "Rpc", + -13.594082832336426 + ], + [ + "\u2581Leitungs", + -13.59409523010254 + ], + [ + "\u2581Strahlung", + -13.594099044799805 + ], + [ + "\u2581demostrado", + -13.59414768218994 + ], + [ + "\u2581professioneel", + -13.59415054321289 + ], + [ + "stei", + -13.594152450561523 + ], + [ + "justify", + -13.594198226928713 + ], + [ + "\u2581geschah", + -13.59420108795166 + ], + [ + "gestanden", + -13.594216346740724 + ], + [ + "\u2581fonctionner", + -13.594239234924316 + ], + [ + "Never", + -13.594244956970217 + ], + [ + "\u2581brilla", + -13.594253540039062 + ], + [ + "\u2581voortdurend", + -13.594267845153809 + ], + [ + "Jv", + -13.59428882598877 + ], + [ + "\u2581Noise", + -13.594324111938477 + ], + [ + "\u2581benoeming", + -13.594330787658691 + ], + [ + "\u2581Spinoza", + -13.594332695007324 + ], + [ + "\u2581Cathedral", + -13.594338417053224 + ], + [ + "\u2581terrore", + -13.594365119934082 + ], + [ + "\u2581monasteri", + -13.594369888305664 + ], + [ + "rnd", + -13.594372749328612 + ], + [ + "\u2581industri", + -13.594377517700195 + ], + [ + "hield", + -13.594416618347168 + ], + [ + "kr\u00e4ftig", + -13.594440460205078 + ], + [ + "effects", + -13.594491958618164 + ], + [ + "\u2581quantique", + -13.59453296661377 + ], + [ + "\u2581Fortbildungs", + -13.594563484191896 + ], + [ + "\u2581strato", + -13.59458827972412 + ], + [ + "NDK", + -13.5946044921875 + ], + [ + "netze", + -13.59460735321045 + ], + [ + "verbond", + -13.59462547302246 + ], + [ + "tagged", + -13.59462833404541 + ], + [ + "sinh", + -13.59465503692627 + ], + [ + "ringer", + -13.594667434692385 + ], + [ + "Pg", + -13.5946683883667 + ], + [ + "\u2581mari\u00e9", + -13.594669342041016 + ], + [ + "\u2581musulmanes", + -13.594697952270508 + ], + [ + "physiologisch", + -13.594720840454102 + ], + [ + "\u2581Cun", + -13.594724655151367 + ], + [ + "\u2581Besoldungs", + -13.59473705291748 + ], + [ + "\u2581semelhan", + -13.594761848449709 + ], + [ + "Rob", + -13.594767570495604 + ], + [ + "OTHER", + -13.594769477844238 + ], + [ + "\u2581Sabi", + -13.594799041748049 + ], + [ + "\u2581Novara", + -13.594815254211426 + ], + [ + "krankheiten", + -13.594877243041992 + ], + [ + "polymer", + -13.59489631652832 + ], + [ + "\u2581McCarthy", + -13.594914436340332 + ], + [ + "\u2581oto", + -13.594951629638672 + ], + [ + "Pred", + -13.594969749450684 + ], + [ + "t\u00e9l\u00e9film", + -13.59499454498291 + ], + [ + "alem", + -13.594999313354492 + ], + [ + "\u2581nozze", + -13.595023155212402 + ], + [ + "beide", + -13.595088005065918 + ], + [ + "\u2581betrachteten", + -13.595091819763184 + ], + [ + "\u2581pousse", + -13.595112800598145 + ], + [ + "lins", + -13.595139503479004 + ], + [ + "\u2581descendant", + -13.595148086547852 + ], + [ + "\u2581Elise", + -13.59516429901123 + ], + [ + "\u2581Auspr\u00e4gung", + -13.595176696777344 + ], + [ + "nock", + -13.595208168029783 + ], + [ + "CNAM", + -13.595216751098633 + ], + [ + "chio", + -13.595250129699709 + ], + [ + "\u2581ripid", + -13.595258712768556 + ], + [ + "\u2581onderling", + -13.595266342163086 + ], + [ + "CLO", + -13.595294952392578 + ], + [ + "\u2581Staatsanwalt", + -13.595297813415527 + ], + [ + "\u2581dorsale", + -13.595303535461426 + ], + [ + "\u2581Finse", + -13.595328330993652 + ], + [ + "m\u00e4nnlich", + -13.595330238342283 + ], + [ + "Bv", + -13.595332145690918 + ], + [ + "fford", + -13.5953369140625 + ], + [ + "\u2581bones", + -13.59533977508545 + ], + [ + "\u2581rumbo", + -13.595476150512695 + ], + [ + "beelden", + -13.595494270324709 + ], + [ + "\u2581scoperti", + -13.59554672241211 + ], + [ + "Tg", + -13.595611572265623 + ], + [ + "\u2581Verg\u00fctungs", + -13.595619201660156 + ], + [ + "rationnel", + -13.59564971923828 + ], + [ + "hypo", + -13.595666885375977 + ], + [ + "\u2581IJssel", + -13.59572410583496 + ], + [ + "reuse", + -13.595731735229492 + ], + [ + "readme", + -13.595735549926758 + ], + [ + "\u2581verla", + -13.59573745727539 + ], + [ + "ROI", + -13.595785140991213 + ], + [ + "avril", + -13.595810890197754 + ], + [ + "\u00edng", + -13.595810890197754 + ], + [ + "Blend", + -13.595840454101562 + ], + [ + "haal", + -13.59584140777588 + ], + [ + "kugel", + -13.59585666656494 + ], + [ + "\u2581revel\u00f3", + -13.59589958190918 + ], + [ + "\u2581voorlopig", + -13.595934867858888 + ], + [ + "\u2581Adriana", + -13.595938682556152 + ], + [ + "\u2581cuartel", + -13.595940589904783 + ], + [ + "\u2581searched", + -13.595967292785645 + ], + [ + "\u2581CFA", + -13.595979690551758 + ], + [ + "\u2581grab\u00f3", + -13.595999717712402 + ], + [ + "\u2581svilupp", + -13.596001625061035 + ], + [ + "\u2581emitido", + -13.596024513244627 + ], + [ + "\u00fcll", + -13.59603214263916 + ], + [ + "emmer", + -13.596040725708008 + ], + [ + "COMM", + -13.59605312347412 + ], + [ + "\u2581consuma", + -13.596056938171388 + ], + [ + "\u2581suspicion", + -13.596083641052246 + ], + [ + "\u2581Sty", + -13.596086502075195 + ], + [ + "\u2581formaron", + -13.596087455749512 + ], + [ + "omit", + -13.59610652923584 + ], + [ + "\u2581M\u00fcndung", + -13.596131324768066 + ], + [ + "technisch", + -13.596137046813965 + ], + [ + "\u2581Brno", + -13.596137046813965 + ], + [ + "\u2581Nordsee", + -13.59613800048828 + ], + [ + "Demografische", + -13.59614086151123 + ], + [ + "gE", + -13.596144676208496 + ], + [ + "Int\u00e9rieur", + -13.596166610717772 + ], + [ + "\u2581relies", + -13.596245765686035 + ], + [ + "\u2581pressoch\u00e9", + -13.596250534057615 + ], + [ + "\u2581alian", + -13.59626007080078 + ], + [ + "\u2581Jade", + -13.596267700195312 + ], + [ + "\u2581Camus", + -13.596305847167969 + ], + [ + "\u2581velocemente", + -13.596343994140623 + ], + [ + "\u2581choisit", + -13.596357345581056 + ], + [ + "seguir", + -13.596369743347168 + ], + [ + "\u2581faint", + -13.596376419067385 + ], + [ + "tuch", + -13.596393585205078 + ], + [ + "wichtig", + -13.596393585205078 + ], + [ + "\u2581anot\u00f3", + -13.596396446228027 + ], + [ + "\u2581ESP", + -13.59643268585205 + ], + [ + "\u2581regal", + -13.59646224975586 + ], + [ + "Inverkehrbringen", + -13.59647274017334 + ], + [ + "\u2581verkregen", + -13.596539497375488 + ], + [ + "Israel", + -13.596540451049805 + ], + [ + "stitut", + -13.59657382965088 + ], + [ + "\u2581muore", + -13.596590995788574 + ], + [ + "\u2581macchia", + -13.596602439880373 + ], + [ + "otica", + -13.596619606018066 + ], + [ + "turtle", + -13.596667289733888 + ], + [ + "\u2581Dynamics", + -13.59669303894043 + ], + [ + "\u2581Damm", + -13.596704483032228 + ], + [ + "Prijzen", + -13.596735954284668 + ], + [ + "v\u00e1n", + -13.596752166748049 + ], + [ + "\u2581recommendation", + -13.596753120422363 + ], + [ + "\u2581licentie", + -13.596761703491213 + ], + [ + "anpassung", + -13.59679889678955 + ], + [ + "\u2581Levant", + -13.596835136413574 + ], + [ + "\u2581L\u00e4", + -13.596856117248535 + ], + [ + "quota", + -13.596879959106444 + ], + [ + "ascesa", + -13.59689712524414 + ], + [ + "\u2581finalista", + -13.59691047668457 + ], + [ + "\u2581neglect", + -13.596939086914062 + ], + [ + "\u2581Crazy", + -13.596973419189451 + ], + [ + "\u2581localidade", + -13.597051620483398 + ], + [ + "\u2581Worms", + -13.597058296203612 + ], + [ + "\u2581technological", + -13.59705924987793 + ], + [ + "middelen", + -13.59706211090088 + ], + [ + "\u2581Stichtag", + -13.597084045410156 + ], + [ + "\u2581domand", + -13.597145080566406 + ], + [ + "\u2581drops", + -13.597146034240724 + ], + [ + "\u2581pregnancy", + -13.597155570983888 + ], + [ + "ascension", + -13.597172737121582 + ], + [ + "tenci\u00f3n", + -13.597172737121582 + ], + [ + "\u2581refin", + -13.597175598144531 + ], + [ + "\u2581guionista", + -13.597182273864746 + ], + [ + "\u2581gregos", + -13.597211837768556 + ], + [ + "\u2581partisans", + -13.597223281860352 + ], + [ + "\u2581Bundesfernstra", + -13.59725570678711 + ], + [ + "\u2581Nahrung", + -13.597304344177246 + ], + [ + "Purple", + -13.597311973571776 + ], + [ + "\u2581observ\u00e9e", + -13.597338676452637 + ], + [ + "\u2581ehemals", + -13.5973539352417 + ], + [ + "\u2581clue", + -13.597413063049316 + ], + [ + "\u2581\u00e9lectorale", + -13.597444534301758 + ], + [ + "\u2581cam\u00e9ra", + -13.597454071044922 + ], + [ + "fatto", + -13.597490310668944 + ], + [ + "\u2581Socialist", + -13.597491264343262 + ], + [ + "numero", + -13.597633361816406 + ], + [ + "rterbuch", + -13.59764003753662 + ], + [ + "\u2581ajudou", + -13.597643852233888 + ], + [ + "\u2581verkrijgen", + -13.597644805908203 + ], + [ + "\u2581Marsch", + -13.597661972045898 + ], + [ + "\u2581Sena", + -13.597678184509276 + ], + [ + "\u2581protegido", + -13.597686767578123 + ], + [ + "\u2581scavi", + -13.597702026367188 + ], + [ + "\u2581viaj\u00f3", + -13.597723007202148 + ], + [ + "\u2581escalou", + -13.597759246826172 + ], + [ + "\u00e1mica", + -13.597784996032717 + ], + [ + "\u2581attracted", + -13.597784996032717 + ], + [ + "\u2581persistente", + -13.597807884216309 + ], + [ + "peto", + -13.59781265258789 + ], + [ + "\u2581Routledge", + -13.597838401794434 + ], + [ + "permalink", + -13.597845077514648 + ], + [ + "\u2581Buddhist", + -13.597846031188965 + ], + [ + "\u2581trat\u00f3", + -13.59785270690918 + ], + [ + "haul", + -13.59787654876709 + ], + [ + "gala", + -13.597894668579102 + ], + [ + "emans", + -13.597943305969238 + ], + [ + "\u2581Reparatur", + -13.597945213317873 + ], + [ + "Reservation", + -13.597957611083984 + ], + [ + "\u2581considerava", + -13.597965240478516 + ], + [ + "\u2581Chas", + -13.597976684570312 + ], + [ + "\u2581excepcional", + -13.597992897033691 + ], + [ + "erij", + -13.59799861907959 + ], + [ + "\u2581codici", + -13.598037719726562 + ], + [ + "\u2581Belgian", + -13.598052024841309 + ], + [ + "\u2581constitu\u00edda", + -13.598084449768066 + ], + [ + "\u2581Statistiken", + -13.598092079162598 + ], + [ + "\u2581deuten", + -13.598092079162598 + ], + [ + "ndwirtschaftlich", + -13.598102569580078 + ], + [ + "\u2581autom\u00f3viles", + -13.598187446594238 + ], + [ + "\u2581kerst", + -13.598200798034668 + ], + [ + "torium", + -13.598209381103516 + ], + [ + "\u2581Lept", + -13.59825611114502 + ], + [ + "\u2581drap", + -13.598320960998535 + ], + [ + "\u2581Boo", + -13.598377227783203 + ], + [ + "\u2581env\u00edo", + -13.598380088806152 + ], + [ + "junction", + -13.59840488433838 + ], + [ + "\u2581Cile", + -13.598411560058594 + ], + [ + "\u2581labios", + -13.59844207763672 + ], + [ + "sharing", + -13.598451614379885 + ], + [ + "\u2581dissocia", + -13.598495483398438 + ], + [ + "\u2581enseigne", + -13.598505020141602 + ], + [ + "ryn", + -13.598506927490234 + ], + [ + "afrikanischen", + -13.59854793548584 + ], + [ + "House", + -13.598555564880373 + ], + [ + "ambre", + -13.598556518554688 + ], + [ + "\u2581bewerking", + -13.59856128692627 + ], + [ + "\u2581threats", + -13.598576545715332 + ], + [ + "\u2581massiv", + -13.598588943481444 + ], + [ + "\u2581veo", + -13.598628044128418 + ], + [ + "bG", + -13.598670959472656 + ], + [ + "subdir", + -13.598678588867188 + ], + [ + "fits", + -13.598732948303224 + ], + [ + "\u2581jud\u00edo", + -13.598825454711914 + ], + [ + "\u2581Silk", + -13.598888397216797 + ], + [ + "\u2581erheblicher", + -13.598921775817873 + ], + [ + "\u2581Erarbeitung", + -13.59893035888672 + ], + [ + "\u2581toit", + -13.598959922790527 + ], + [ + "\u2581wirksamen", + -13.598962783813477 + ], + [ + "\u2581Horace", + -13.59898567199707 + ], + [ + "\u2581Senaat", + -13.598990440368652 + ], + [ + "formaat", + -13.599010467529297 + ], + [ + "\u2581convinzione", + -13.599010467529297 + ], + [ + "\u2581agrad\u00e1vel", + -13.599011421203612 + ], + [ + "\u2581schiet", + -13.599018096923828 + ], + [ + "intensit\u00e9", + -13.599032402038574 + ], + [ + "\u2581Frick", + -13.599034309387209 + ], + [ + "\u2581locker", + -13.599074363708496 + ], + [ + "\u2581associados", + -13.59912109375 + ], + [ + "\u2581planm\u00e4", + -13.599146842956545 + ], + [ + "\u2581gede", + -13.59916877746582 + ], + [ + "\u2581s\u00e9ance", + -13.599175453186035 + ], + [ + "\u2581W\u00e4hrung", + -13.599183082580566 + ], + [ + "\u2581proprement", + -13.599194526672363 + ], + [ + "lipper", + -13.599201202392578 + ], + [ + "\u2581costringe", + -13.599203109741213 + ], + [ + "\u2581espanh\u00f3is", + -13.59920597076416 + ], + [ + "CEPTION", + -13.599235534667969 + ], + [ + "\u2581levende", + -13.599257469177246 + ], + [ + "\u2581editores", + -13.599303245544434 + ], + [ + "\u2581consum", + -13.599329948425291 + ], + [ + "\u2581comercializa", + -13.599345207214355 + ], + [ + "Cleanup", + -13.599384307861328 + ], + [ + "\u2581Indu", + -13.599388122558594 + ], + [ + "commissie", + -13.599397659301758 + ], + [ + "spraxis", + -13.599404335021973 + ], + [ + "\u2581manufacture", + -13.59943962097168 + ], + [ + "\u2581zeventiende", + -13.599478721618652 + ], + [ + "\u2581onbekende", + -13.599505424499512 + ], + [ + "Bq", + -13.599513053894045 + ], + [ + "\u2581warmte", + -13.599514961242676 + ], + [ + "\u2581homogen", + -13.59953498840332 + ], + [ + "Bert", + -13.599578857421877 + ], + [ + "\u2581Erika", + -13.599578857421877 + ], + [ + "\u2581Aden", + -13.599579811096191 + ], + [ + "\u2581indic", + -13.59960651397705 + ], + [ + "uccello", + -13.599621772766112 + ], + [ + "\u2581Wed", + -13.599663734436035 + ], + [ + "\u2581destacando", + -13.599664688110352 + ], + [ + "\u2581Dirac", + -13.599671363830566 + ], + [ + "gedreht", + -13.599676132202148 + ], + [ + "\u2581houver", + -13.599732398986816 + ], + [ + "vj", + -13.599743843078612 + ], + [ + "skala", + -13.599760055541992 + ], + [ + "\u2581Fl\u00fcsse", + -13.599763870239258 + ], + [ + "\u2581customize", + -13.599772453308104 + ], + [ + "\u2581Schotse", + -13.599798202514648 + ], + [ + "\u2581Gebirge", + -13.599814414978027 + ], + [ + "\u2581produite", + -13.599818229675291 + ], + [ + "\u2581exciting", + -13.59982967376709 + ], + [ + "tidos", + -13.599846839904783 + ], + [ + "\u2581tone", + -13.599863052368164 + ], + [ + "dati", + -13.599884033203123 + ], + [ + "bayern", + -13.599895477294922 + ], + [ + "\u2581acompanhar", + -13.599912643432615 + ], + [ + "\u2581b\u00e9b\u00e9", + -13.599921226501465 + ], + [ + "\u2581specchio", + -13.60002326965332 + ], + [ + "\u2581guerrilla", + -13.60002899169922 + ], + [ + "\u2581confirm\u00e9", + -13.600043296813965 + ], + [ + "\u2581p\u00e9dagogique", + -13.60006332397461 + ], + [ + "\u2581Finch", + -13.60008144378662 + ], + [ + "\u2581confirme", + -13.600126266479492 + ], + [ + "\u2581metallo", + -13.600140571594238 + ], + [ + "\u2581toucher", + -13.600189208984377 + ], + [ + "\u2581souris", + -13.600214004516602 + ], + [ + "\u2581dominiert", + -13.600263595581056 + ], + [ + "\u2581Femme", + -13.600275039672852 + ], + [ + "olare", + -13.600276947021484 + ], + [ + "\u2581curiosit\u00e0", + -13.600298881530762 + ], + [ + "\u2581kilogram", + -13.600299835205078 + ], + [ + "pyx", + -13.600317001342772 + ], + [ + "\u2581Hohl", + -13.600324630737305 + ], + [ + "\u2581Verk\u00e4ufer", + -13.600379943847656 + ], + [ + "\u2581beheerd", + -13.60039520263672 + ], + [ + "cyclop", + -13.600411415100098 + ], + [ + "jay", + -13.600424766540527 + ], + [ + "\u2581mortale", + -13.600486755371094 + ], + [ + "\u2581contribuito", + -13.600523948669434 + ], + [ + "\u2581Hawa", + -13.60053539276123 + ], + [ + "\u2581Cove", + -13.60054874420166 + ], + [ + "\u2581marchandises", + -13.600576400756836 + ], + [ + "Manage", + -13.600580215454102 + ], + [ + "\u2581Katz", + -13.600600242614746 + ], + [ + "dorfer", + -13.600643157958984 + ], + [ + "programmen", + -13.600655555725098 + ], + [ + "STOP", + -13.600685119628906 + ], + [ + "Evento", + -13.600713729858398 + ], + [ + "WWW", + -13.600729942321776 + ], + [ + "Allgemeine", + -13.60075569152832 + ], + [ + "chloro", + -13.600757598876951 + ], + [ + "\u2581Weinbau", + -13.600793838500977 + ], + [ + "\u2581Sinclair", + -13.600811958312988 + ], + [ + "\u2581cortile", + -13.60092830657959 + ], + [ + "\u2581effecten", + -13.600942611694336 + ], + [ + "Categoria", + -13.60098934173584 + ], + [ + "\u2581maandag", + -13.600995063781738 + ], + [ + "steine", + -13.60100269317627 + ], + [ + "\u2581prim", + -13.6010160446167 + ], + [ + "\u2581Rez", + -13.601103782653809 + ], + [ + "appr", + -13.601112365722656 + ], + [ + "\u2581gebruikelijk", + -13.601115226745604 + ], + [ + "\u2581preventing", + -13.601120948791504 + ], + [ + "\u2581deseos", + -13.601128578186035 + ], + [ + "\u2581restano", + -13.601152420043944 + ], + [ + "\u2581Straftat", + -13.601153373718262 + ], + [ + "ffent", + -13.601173400878906 + ], + [ + "\u2581fedele", + -13.601237297058104 + ], + [ + "marketing", + -13.601269721984863 + ], + [ + "\u2581bemerkt", + -13.601271629333496 + ], + [ + "\u2581elaboraci\u00f3n", + -13.601272583007812 + ], + [ + "\u2581enumera", + -13.601273536682127 + ], + [ + "postIndex", + -13.601311683654783 + ], + [ + "\u2581Constru", + -13.601317405700684 + ], + [ + "\u2581verpflichten", + -13.601325035095217 + ], + [ + "mixer", + -13.60141372680664 + ], + [ + "ificada", + -13.601457595825195 + ], + [ + "mendi", + -13.601470947265623 + ], + [ + "\u2581albi", + -13.60147762298584 + ], + [ + "olito", + -13.601487159729004 + ], + [ + "DIG", + -13.60149097442627 + ], + [ + "\u2581vooraf", + -13.601491928100586 + ], + [ + "\u2581b\u00e9n\u00e9ficie", + -13.60150909423828 + ], + [ + "\u2581Estrela", + -13.601512908935549 + ], + [ + "oxyd", + -13.6015625 + ], + [ + "\u2581gereden", + -13.601592063903809 + ], + [ + "\u2581Abschiebung", + -13.601608276367188 + ], + [ + "Oberliga", + -13.60163116455078 + ], + [ + "guia", + -13.60164737701416 + ], + [ + "\u2581giganti", + -13.601654052734377 + ], + [ + "formats", + -13.60168170928955 + ], + [ + "Illegal", + -13.6016845703125 + ], + [ + "qu\u00e9e", + -13.601685523986816 + ], + [ + "\u2581congela", + -13.601717948913574 + ], + [ + "\u2581connect\u00e9", + -13.601783752441406 + ], + [ + "geschoben", + -13.601784706115724 + ], + [ + "\u2581Barbosa", + -13.601795196533203 + ], + [ + "\u2581cl\u00e1sicos", + -13.601811408996582 + ], + [ + "Warum", + -13.601825714111328 + ], + [ + "\u2581Personnalit\u00e9s", + -13.60185718536377 + ], + [ + "\u2581visits", + -13.6018648147583 + ], + [ + "ambasciata", + -13.601866722106934 + ], + [ + "UNGEN", + -13.601899147033691 + ], + [ + "\u2581Helio", + -13.601913452148438 + ], + [ + "\u2581Behinderungen", + -13.601968765258787 + ], + [ + "\u2581r\u00e9paration", + -13.601971626281738 + ], + [ + "therapy", + -13.601983070373535 + ], + [ + "\u2581storicamente", + -13.602023124694824 + ], + [ + "tracci\u00f3n", + -13.602028846740724 + ], + [ + "\u2581deuses", + -13.602084159851074 + ], + [ + "\u2581Basil", + -13.602094650268556 + ], + [ + "anchi", + -13.60213565826416 + ], + [ + "\u2581Clyde", + -13.602174758911133 + ], + [ + "\u2581necesarias", + -13.60219669342041 + ], + [ + "\u2581dimenticare", + -13.60219955444336 + ], + [ + "abitazione", + -13.602213859558104 + ], + [ + "katholieke", + -13.602229118347168 + ], + [ + "Beacon", + -13.60231876373291 + ], + [ + "h\u00e4ngen", + -13.60231876373291 + ], + [ + "\u2581Transactions", + -13.602375030517578 + ], + [ + "\u2581Tr\u00e4gern", + -13.602377891540527 + ], + [ + "wetgeving", + -13.602396965026855 + ], + [ + "pollin", + -13.602444648742676 + ], + [ + "\u2581ennemis", + -13.602457046508787 + ], + [ + "\u2581cani", + -13.60249137878418 + ], + [ + "\u2581croata", + -13.602519035339355 + ], + [ + "\u2581opgeslagen", + -13.602535247802734 + ], + [ + "updates", + -13.60253620147705 + ], + [ + "\u2581derartigen", + -13.602543830871582 + ], + [ + "\u2581plafond", + -13.602545738220217 + ], + [ + "\u2581\u00e9voqu\u00e9", + -13.602548599243164 + ], + [ + "\u2581Arag", + -13.602558135986328 + ], + [ + "creation", + -13.60259246826172 + ], + [ + "Stan", + -13.602603912353516 + ], + [ + "\u2581foul", + -13.602633476257324 + ], + [ + "\u2581matando", + -13.602683067321776 + ], + [ + "adam", + -13.60268783569336 + ], + [ + "\u2581botanic", + -13.602703094482422 + ], + [ + "\u2581Wuppertal", + -13.60280418395996 + ], + [ + "usammenfassend", + -13.602806091308594 + ], + [ + "ovna", + -13.602811813354492 + ], + [ + "peptid", + -13.602827072143556 + ], + [ + "\u2581chicas", + -13.602848052978516 + ], + [ + "\u2581italic", + -13.602850914001465 + ], + [ + "poda", + -13.602913856506348 + ], + [ + "\u2581forniscono", + -13.60293197631836 + ], + [ + "\u2581atribuye", + -13.602938652038574 + ], + [ + "\u2581studiato", + -13.602950096130373 + ], + [ + "\u2581obviamente", + -13.602968215942385 + ], + [ + "\u2581pass\u00e9e", + -13.602971076965332 + ], + [ + "\u2581transmitter", + -13.602977752685549 + ], + [ + "\u2581tenait", + -13.602984428405762 + ], + [ + "uarter", + -13.602991104125977 + ], + [ + "\u2581Neues", + -13.60299587249756 + ], + [ + "\u2581podcast", + -13.602998733520508 + ], + [ + "\u2581encuesta", + -13.603012084960938 + ], + [ + "\u2581immerhin", + -13.603055953979492 + ], + [ + "\u2581colaboradores", + -13.6030912399292 + ], + [ + "\u2581digite", + -13.603095054626465 + ], + [ + "llium", + -13.603144645690918 + ], + [ + "r\u00edn", + -13.603214263916016 + ], + [ + "abstand", + -13.603224754333496 + ], + [ + "PED", + -13.60325050354004 + ], + [ + "\u2581Cena", + -13.603252410888672 + ], + [ + "\u2581Elementen", + -13.603256225585938 + ], + [ + "\u2581Chair", + -13.603260040283203 + ], + [ + "\u2581Partial", + -13.603276252746582 + ], + [ + "\u2581Opel", + -13.60329818725586 + ], + [ + "\u2581brandstof", + -13.603301048278809 + ], + [ + "\u2581dovranno", + -13.603322982788086 + ], + [ + "\u2581toegewezen", + -13.603330612182615 + ], + [ + "\u2581autoriteiten", + -13.60334300994873 + ], + [ + "\u2581Renate", + -13.60335636138916 + ], + [ + "WAIT", + -13.60335922241211 + ], + [ + "\u2581arriving", + -13.60337257385254 + ], + [ + "\u2581Habitat", + -13.603401184082031 + ], + [ + "Esprit", + -13.603443145751951 + ], + [ + "\u2581Korruption", + -13.60352611541748 + ], + [ + "\u2581Loh", + -13.603528022766112 + ], + [ + "OTE", + -13.60357666015625 + ], + [ + "\u2581lessen", + -13.603604316711426 + ], + [ + "\u2581Anhebung", + -13.603614807128906 + ], + [ + "\u2581mostrou", + -13.60362434387207 + ], + [ + "Even", + -13.603631973266602 + ], + [ + "buildDeps", + -13.603643417358398 + ], + [ + "\u2581K\u00fcchen", + -13.603650093078612 + ], + [ + "\u2581souligne", + -13.603696823120115 + ], + [ + "\u2581banal", + -13.603699684143066 + ], + [ + "\u2581Spike", + -13.603719711303713 + ], + [ + "\u2581tentare", + -13.603727340698242 + ], + [ + "\u2581portraits", + -13.60372829437256 + ], + [ + "\u2581viajantes", + -13.603757858276367 + ], + [ + "\u2581marcando", + -13.60379409790039 + ], + [ + "\u2581florestas", + -13.60379695892334 + ], + [ + "\u2581Cima", + -13.603799819946287 + ], + [ + "\u2581massage", + -13.60380744934082 + ], + [ + "\u2581r\u00e9cepteurs", + -13.603832244873049 + ], + [ + "\u2581eroi", + -13.603833198547363 + ], + [ + "\u2581britischer", + -13.603839874267578 + ], + [ + "stimme", + -13.603845596313477 + ], + [ + "\u2581pirata", + -13.60384750366211 + ], + [ + "depends", + -13.60385513305664 + ], + [ + "\u2581granito", + -13.603886604309082 + ], + [ + "SUPPORT", + -13.603897094726562 + ], + [ + "\u2581cumplimiento", + -13.603911399841309 + ], + [ + "\u2581Fiscal", + -13.603931427001951 + ], + [ + "\u2581limo", + -13.603940963745115 + ], + [ + "\u2581riusciva", + -13.603965759277344 + ], + [ + "koku", + -13.603976249694824 + ], + [ + "\u2581rendement", + -13.603978157043455 + ], + [ + "\u2581Tori", + -13.603981018066406 + ], + [ + "\u2581su\u00ed", + -13.604053497314451 + ], + [ + "mkd", + -13.6040678024292 + ], + [ + "\u2581investigating", + -13.604076385498049 + ], + [ + "ualifizierung", + -13.60407829284668 + ], + [ + "\u2581Bulgarije", + -13.60410499572754 + ], + [ + "\u2581Stattdessen", + -13.604105949401855 + ], + [ + "\u2581Dix", + -13.604108810424805 + ], + [ + "\u2581recibieron", + -13.604111671447754 + ], + [ + "\u2581sincroniza", + -13.604130744934082 + ], + [ + "moine", + -13.60414981842041 + ], + [ + "\u2581vampiro", + -13.604171752929688 + ], + [ + "\u2581raisonnable", + -13.604185104370115 + ], + [ + "implication", + -13.6041898727417 + ], + [ + "carbonat", + -13.604199409484863 + ], + [ + "sches", + -13.604232788085938 + ], + [ + "\u00e9thique", + -13.604248046875 + ], + [ + "\u2581Cardoso", + -13.604277610778809 + ], + [ + "\u2581jegliche", + -13.604304313659668 + ], + [ + "Merk", + -13.6043062210083 + ], + [ + "\u2581Geen", + -13.6043062210083 + ], + [ + "\u2581Alunos", + -13.604340553283691 + ], + [ + "xsd", + -13.604364395141602 + ], + [ + "\u2581Ruanda", + -13.604365348815918 + ], + [ + "\u2581Catharina", + -13.604375839233398 + ], + [ + "\u2581textura", + -13.60440444946289 + ], + [ + "\u2581zeitweise", + -13.604406356811523 + ], + [ + "Pseudo", + -13.604433059692385 + ], + [ + "\u2581Samba", + -13.604455947875977 + ], + [ + "\u2581finalidad", + -13.604494094848633 + ], + [ + "\u2581supprimer", + -13.604499816894531 + ], + [ + "feldern", + -13.604520797729492 + ], + [ + "\u2581moderner", + -13.60452938079834 + ], + [ + "\u2581estrema", + -13.604597091674805 + ], + [ + "Preferences", + -13.60461139678955 + ], + [ + "\u2581Lorena", + -13.604631423950195 + ], + [ + "kegel", + -13.60463523864746 + ], + [ + "\u2581blend", + -13.604636192321776 + ], + [ + "\u2581localized", + -13.604659080505373 + ], + [ + "\u2581Inwiefern", + -13.604694366455078 + ], + [ + "Thu", + -13.604719161987305 + ], + [ + "Jap", + -13.604730606079102 + ], + [ + "DRA", + -13.604731559753418 + ], + [ + "\u2581Lese", + -13.604785919189451 + ], + [ + "\u2581dialetti", + -13.604833602905272 + ], + [ + "\u2581sensibilit\u00e9", + -13.60483741760254 + ], + [ + "\u2581Instruments", + -13.604840278625488 + ], + [ + "\u2581planets", + -13.604860305786133 + ], + [ + "\u2581Kolo", + -13.604863166809082 + ], + [ + "klausel", + -13.60488224029541 + ], + [ + "\u2581plaatsvond", + -13.604910850524902 + ], + [ + "acc\u00e9der", + -13.604915618896484 + ], + [ + "lepton", + -13.604930877685549 + ], + [ + "\u2581Snake", + -13.60497760772705 + ], + [ + "\u2581sacerdoti", + -13.604987144470217 + ], + [ + "\u2581Verh\u00e4ltnissen", + -13.605045318603516 + ], + [ + "Broker", + -13.605061531066896 + ], + [ + "culpa", + -13.605076789855955 + ], + [ + "\u2581comentario", + -13.605083465576172 + ], + [ + "\u2581Middellandse", + -13.605088233947754 + ], + [ + "\u2581pap\u00e9is", + -13.605088233947754 + ], + [ + "tsi", + -13.605164527893066 + ], + [ + "\u2581cement", + -13.605182647705078 + ], + [ + "\u2581atractivo", + -13.605195999145508 + ], + [ + "\u2581ernstig", + -13.605250358581545 + ], + [ + "\u2581coevos", + -13.605286598205566 + ], + [ + "utti", + -13.605314254760742 + ], + [ + "verantwortlich", + -13.605355262756348 + ], + [ + "\u2581anuncio", + -13.605402946472168 + ], + [ + "ggiata", + -13.605419158935549 + ], + [ + "\u2581gesundheits", + -13.605428695678713 + ], + [ + "\u2581gust", + -13.60544490814209 + ], + [ + "arpa", + -13.605450630187988 + ], + [ + "lessly", + -13.605466842651367 + ], + [ + "\u2581Vescovo", + -13.605481147766112 + ], + [ + "\u2581Venedig", + -13.605483055114746 + ], + [ + "\u2581Verfasser", + -13.605484008789062 + ], + [ + "treinen", + -13.605485916137695 + ], + [ + "eliminazione", + -13.605507850646973 + ], + [ + "\u2581terroristische", + -13.605514526367188 + ], + [ + "\u2581concord", + -13.605515480041504 + ], + [ + "\u2581commer", + -13.6055326461792 + ], + [ + "ratos", + -13.60554027557373 + ], + [ + "\u2581promulga", + -13.605563163757324 + ], + [ + "travis", + -13.60556411743164 + ], + [ + "DBC", + -13.605582237243652 + ], + [ + "\u2581realization", + -13.605592727661133 + ], + [ + "quim", + -13.605597496032717 + ], + [ + "\u2581punch", + -13.60560417175293 + ], + [ + "Minister", + -13.605640411376951 + ], + [ + "hashCode", + -13.605682373046877 + ], + [ + "\u2581Fact", + -13.60572910308838 + ], + [ + "\u2581teor\u00edas", + -13.605731010437012 + ], + [ + "\u2581Demon", + -13.605732917785645 + ], + [ + "\u2581Teddy", + -13.605732917785645 + ], + [ + "\u2581Bastia", + -13.605737686157228 + ], + [ + "\u2581Salvi", + -13.60575008392334 + ], + [ + "\u2581creen", + -13.605782508850098 + ], + [ + "\u2581frecuentemente", + -13.605782508850098 + ], + [ + "\u2581Meisterschaft", + -13.605783462524414 + ], + [ + "\u2581Beteiligungen", + -13.605802536010742 + ], + [ + "\u2581Elia", + -13.605809211730955 + ], + [ + "\u2581Poren", + -13.605817794799805 + ], + [ + "Eerste", + -13.605840682983398 + ], + [ + "Imm", + -13.605841636657717 + ], + [ + "\u2581retiro", + -13.605846405029297 + ], + [ + "\u2581Spectr", + -13.605880737304688 + ], + [ + "\u2581Flick", + -13.605894088745115 + ], + [ + "\u2581bladrollers", + -13.605899810791016 + ], + [ + "\u2581cardiovascular", + -13.605928421020508 + ], + [ + "\u2581Eje", + -13.605938911437988 + ], + [ + "\u2581Antigo", + -13.605968475341797 + ], + [ + "\u2581ignorar", + -13.605972290039062 + ], + [ + "\u2581terrorism", + -13.605976104736328 + ], + [ + "\u2581vendetta", + -13.606136322021484 + ], + [ + "fidelidad", + -13.606151580810549 + ], + [ + "\u2581impressionante", + -13.60621738433838 + ], + [ + "\u2581cooperative", + -13.606226921081545 + ], + [ + "elda", + -13.6062593460083 + ], + [ + "\u2581tarifs", + -13.606315612792969 + ], + [ + "ovia", + -13.606335639953612 + ], + [ + "mpt", + -13.606396675109863 + ], + [ + "Jq", + -13.606403350830078 + ], + [ + "\u2581Kazu", + -13.606463432312012 + ], + [ + "eef", + -13.606471061706545 + ], + [ + "interromp", + -13.606475830078123 + ], + [ + "repeated", + -13.6065092086792 + ], + [ + "Lot", + -13.60651969909668 + ], + [ + "\u2581pontifica", + -13.60654640197754 + ], + [ + "\u2581Mogelijk", + -13.606552124023438 + ], + [ + "\u2581provas", + -13.60663604736328 + ], + [ + "stair", + -13.606679916381836 + ], + [ + "\u2581sponzen", + -13.606681823730469 + ], + [ + "a\u00edda", + -13.606693267822266 + ], + [ + "\u2581culpable", + -13.606757164001465 + ], + [ + "\u2581fleur", + -13.60676097869873 + ], + [ + "\u2581Atlantische", + -13.606767654418944 + ], + [ + "\u2581vieta", + -13.606768608093262 + ], + [ + "stripped", + -13.60683822631836 + ], + [ + "Pods", + -13.606867790222168 + ], + [ + "\u2581protective", + -13.606914520263672 + ], + [ + "\u2581cime", + -13.606915473937988 + ], + [ + "ollo", + -13.606943130493164 + ], + [ + "zb", + -13.606945037841797 + ], + [ + "\u2581Telefonia", + -13.606971740722656 + ], + [ + "\u2581d\u00e9di\u00e9e", + -13.606980323791504 + ], + [ + "cookies", + -13.607073783874512 + ], + [ + "\u2581fatos", + -13.607085227966309 + ], + [ + "ecken", + -13.607099533081056 + ], + [ + "\u2581conducenti", + -13.607115745544434 + ], + [ + "filiado", + -13.607135772705078 + ], + [ + "\u2581sneeuw", + -13.607144355773926 + ], + [ + "\u2581marcher", + -13.607196807861328 + ], + [ + "\u2581G\u00f3r", + -13.60721492767334 + ], + [ + "contest", + -13.607281684875488 + ], + [ + "tarball", + -13.607316970825195 + ], + [ + "\u2581destinados", + -13.607324600219728 + ], + [ + "LIGHT", + -13.60733699798584 + ], + [ + "\u2581Sportler", + -13.607359886169434 + ], + [ + "iscus", + -13.60739040374756 + ], + [ + "\u2581Fez", + -13.60739040374756 + ], + [ + "\u2581toponimo", + -13.607462882995604 + ], + [ + "\u2581associada", + -13.607511520385742 + ], + [ + "valuation", + -13.607521057128906 + ], + [ + "plu", + -13.607523918151855 + ], + [ + "\u2581defin", + -13.607568740844728 + ], + [ + "uran", + -13.607586860656738 + ], + [ + "INES", + -13.607592582702637 + ], + [ + "\u2581Ethanol", + -13.60763168334961 + ], + [ + "\u2581compositores", + -13.607694625854492 + ], + [ + "\u2581Beine", + -13.607742309570312 + ], + [ + "\u2581rovesci", + -13.607752799987791 + ], + [ + "gesch\u00e4fts", + -13.607759475708008 + ], + [ + "atorio", + -13.607789039611816 + ], + [ + "\u2581sitzt", + -13.607797622680664 + ], + [ + "\u2581Rudi", + -13.607828140258787 + ], + [ + "\u2581vendere", + -13.607853889465332 + ], + [ + "\u2581rinuncia", + -13.607894897460938 + ], + [ + "\u2581estesa", + -13.607912063598633 + ], + [ + "Adv", + -13.607943534851074 + ], + [ + "segnata", + -13.607948303222656 + ], + [ + "\u2581Manning", + -13.607950210571287 + ], + [ + "homo", + -13.607954978942873 + ], + [ + "RATE", + -13.607962608337402 + ], + [ + "\u2581toernooien", + -13.6079740524292 + ], + [ + "\u2581Groene", + -13.60801887512207 + ], + [ + "BERG", + -13.608040809631348 + ], + [ + "\u2581broker", + -13.60806655883789 + ], + [ + "\u2581Maple", + -13.608080863952637 + ], + [ + "\u2581Ayr", + -13.608137130737305 + ], + [ + "\u2581bravo", + -13.608144760131836 + ], + [ + "\u2581elliptic", + -13.608177185058594 + ], + [ + "\u2581anybody", + -13.608198165893556 + ], + [ + "\u2581republicano", + -13.608238220214844 + ], + [ + "\u2581inventory", + -13.608247756958008 + ], + [ + "\u2581conversations", + -13.608272552490234 + ], + [ + "\u2581brinda", + -13.608315467834473 + ], + [ + "\u2581enters", + -13.60836696624756 + ], + [ + "\u2581cr\u00e9ateur", + -13.608418464660645 + ], + [ + "gelenk", + -13.608421325683594 + ], + [ + "\u2581emitida", + -13.608513832092283 + ], + [ + "\u2581formelle", + -13.608560562133787 + ], + [ + "Lokomotiv", + -13.608561515808104 + ], + [ + "\u2581promuovere", + -13.608572959899902 + ], + [ + "drijf", + -13.60857391357422 + ], + [ + "\u2581TRI", + -13.608625411987305 + ], + [ + "\u2581Cage", + -13.608633041381836 + ], + [ + "\u2581ritratto", + -13.608642578125 + ], + [ + "adviseur", + -13.608770370483398 + ], + [ + "\u2581Gerardo", + -13.608790397644045 + ], + [ + "\u2581Krem", + -13.608853340148926 + ], + [ + "\u2581percezione", + -13.608864784240724 + ], + [ + "\u2581cartel", + -13.608912467956545 + ], + [ + "\u2581Artists", + -13.608935356140137 + ], + [ + "\u2581Syrie", + -13.608967781066896 + ], + [ + "\u2581sprang", + -13.608978271484377 + ], + [ + "\u2581C\u00e1ceres", + -13.609027862548828 + ], + [ + "\u2581coperta", + -13.609031677246094 + ], + [ + "\u2581spostamenti", + -13.609052658081056 + ], + [ + "\u2581CONTRIBUTORS", + -13.609053611755373 + ], + [ + "iali", + -13.609061241149902 + ], + [ + "\u2581pene", + -13.6090669631958 + ], + [ + "ertifikat", + -13.6090726852417 + ], + [ + "\u2581Vue", + -13.609102249145508 + ], + [ + "\u2581Erleichterung", + -13.609107971191406 + ], + [ + "Slash", + -13.60916805267334 + ], + [ + "\u2581Gr\u00e9go", + -13.609188079833984 + ], + [ + "\u2581chiral", + -13.609193801879885 + ], + [ + "\u2581ANAP", + -13.609203338623049 + ], + [ + "\u2581zwangsl\u00e4ufig", + -13.60922622680664 + ], + [ + "\u2581Verurteilung", + -13.60925579071045 + ], + [ + "\u2581Instanz", + -13.609264373779297 + ], + [ + "\u2581Lieux", + -13.609286308288574 + ], + [ + "habitation", + -13.609295845031738 + ], + [ + "roost", + -13.60932445526123 + ], + [ + "\u2581provato", + -13.60937786102295 + ], + [ + "\u2581Maud", + -13.60939598083496 + ], + [ + "ABSOLUTE", + -13.609423637390137 + ], + [ + "\u2581l\u00e9gumes", + -13.609424591064451 + ], + [ + "\u2581Servizio", + -13.609482765197754 + ], + [ + "\u2581Hawkins", + -13.609498977661133 + ], + [ + "\u2581equivalentes", + -13.60950756072998 + ], + [ + "celer", + -13.609509468078612 + ], + [ + "\u2581Estudos", + -13.60952377319336 + ], + [ + "ogg", + -13.609554290771484 + ], + [ + "\u2581bacterial", + -13.609561920166016 + ], + [ + "\u2581Robb", + -13.60958194732666 + ], + [ + "gaku", + -13.609617233276367 + ], + [ + "\u2581Fashion", + -13.609621047973633 + ], + [ + "\u2581Schultz", + -13.609626770019531 + ], + [ + "pivot", + -13.609651565551758 + ], + [ + "\u2581tampon", + -13.60968017578125 + ], + [ + "islav", + -13.60977840423584 + ], + [ + "\u2581Dawson", + -13.609785079956056 + ], + [ + "June", + -13.609819412231444 + ], + [ + "\u2581extraordinaria", + -13.609848976135254 + ], + [ + "\u2581gouvern", + -13.60986328125 + ], + [ + "\u2581concret", + -13.609881401062012 + ], + [ + "h\u00e4rte", + -13.60988998413086 + ], + [ + "\u2581Bauwerke", + -13.609907150268556 + ], + [ + "rabi", + -13.609922409057615 + ], + [ + "relevante", + -13.60997486114502 + ], + [ + "\u2581Navi", + -13.609984397888184 + ], + [ + "\u2581accidental", + -13.609996795654297 + ], + [ + "\u2581Interactive", + -13.610008239746094 + ], + [ + "\u2581Supercopa", + -13.610033988952637 + ], + [ + "\u2581Blum", + -13.610042572021484 + ], + [ + "\u2581MVP", + -13.610047340393066 + ], + [ + "\u2581schiereiland", + -13.610050201416016 + ], + [ + "\u2581saturation", + -13.610107421875 + ], + [ + "\u2581marking", + -13.61013412475586 + ], + [ + "\u2581Oristano", + -13.610136032104492 + ], + [ + "\u2581differenzierte", + -13.610142707824709 + ], + [ + "wara", + -13.610159873962402 + ], + [ + "Terra", + -13.610163688659668 + ], + [ + "\u2581prose", + -13.61017608642578 + ], + [ + "\u2581Einordnung", + -13.610180854797363 + ], + [ + "irono", + -13.610199928283691 + ], + [ + "\u2581infrastrutture", + -13.61021327972412 + ], + [ + "PUBLIC", + -13.610230445861816 + ], + [ + "Joint", + -13.610319137573242 + ], + [ + "\u2581Buzz", + -13.61041259765625 + ], + [ + "\u2581Aussch\u00fcsse", + -13.610417366027832 + ], + [ + "\u2581Observatory", + -13.61050796508789 + ], + [ + "\u2581cattolici", + -13.61060905456543 + ], + [ + "\u2581Argentine", + -13.610648155212402 + ], + [ + "risiken", + -13.610655784606934 + ], + [ + "\u2581Corv", + -13.610713005065918 + ], + [ + "Examples", + -13.61073875427246 + ], + [ + "fault", + -13.610740661621094 + ], + [ + "ENTE", + -13.610753059387209 + ], + [ + "\u2581vredes", + -13.610766410827637 + ], + [ + "\u2581borghi", + -13.61080265045166 + ], + [ + "\u2581conosciuti", + -13.610811233520508 + ], + [ + "\u2581verweisen", + -13.61085319519043 + ], + [ + "\u2581vietato", + -13.610861778259276 + ], + [ + "\u2581cifre", + -13.610885620117188 + ], + [ + "\u2581piovos", + -13.61088752746582 + ], + [ + "Damage", + -13.610897064208984 + ], + [ + "\u2581sobreviv", + -13.6109037399292 + ], + [ + "\u2581barro", + -13.61091136932373 + ], + [ + "Bissau", + -13.610952377319336 + ], + [ + "\u2581competent", + -13.610968589782717 + ], + [ + "\u2581francesas", + -13.610980987548828 + ], + [ + "Afghanistan", + -13.611024856567385 + ], + [ + "Echo", + -13.611069679260254 + ], + [ + "eka", + -13.611080169677734 + ], + [ + "H\u00fctte", + -13.611084938049316 + ], + [ + "assu", + -13.61115837097168 + ], + [ + "\u2581initiated", + -13.611169815063477 + ], + [ + "\u2581cotidiana", + -13.611202239990234 + ], + [ + "\u2581straniere", + -13.611218452453612 + ], + [ + "rosso", + -13.61122703552246 + ], + [ + "CID", + -13.611227989196776 + ], + [ + "\u2581l\u00e1grimas", + -13.61124324798584 + ], + [ + "\u2581autom\u00f3vil", + -13.611245155334473 + ], + [ + "diti", + -13.61131477355957 + ], + [ + "\u2581vetores", + -13.611324310302734 + ], + [ + "Nl", + -13.61134147644043 + ], + [ + "\u2581individuare", + -13.611348152160645 + ], + [ + "\u2581Abh", + -13.61135482788086 + ], + [ + "\u2581GSM", + -13.611360549926758 + ], + [ + "gnostic", + -13.611361503601074 + ], + [ + "verwe", + -13.611372947692873 + ], + [ + "\u2581Potos\u00ed", + -13.61139965057373 + ], + [ + "\u2581autonoleggio", + -13.61139965057373 + ], + [ + "\u2581daaropvolgende", + -13.611401557922363 + ], + [ + "\u2581Legenda", + -13.611407279968262 + ], + [ + "\u2581befa", + -13.611411094665527 + ], + [ + "\u2581Clem", + -13.611432075500488 + ], + [ + "ivel", + -13.611443519592283 + ], + [ + "Compression", + -13.61147403717041 + ], + [ + "\u2581auront", + -13.611482620239258 + ], + [ + "\u2581operand", + -13.61152172088623 + ], + [ + "brau", + -13.611550331115724 + ], + [ + "\u00e9ta", + -13.611552238464355 + ], + [ + "\u2581circuler", + -13.611559867858888 + ], + [ + "Boy", + -13.611589431762695 + ], + [ + "\u2581emplea", + -13.611602783203123 + ], + [ + "hours", + -13.611653327941896 + ], + [ + "ngara", + -13.611653327941896 + ], + [ + "accumulate", + -13.611687660217283 + ], + [ + "\u2581musicisti", + -13.611729621887209 + ], + [ + "RUS", + -13.611737251281738 + ], + [ + "\u2581Albion", + -13.611781120300291 + ], + [ + "kalk", + -13.611810684204102 + ], + [ + "\u2581S\u00edria", + -13.611824989318848 + ], + [ + "\u2581mencionados", + -13.611875534057615 + ], + [ + "amerika", + -13.611878395080566 + ], + [ + "\u2581genetische", + -13.611905097961426 + ], + [ + "assistent", + -13.611924171447754 + ], + [ + "\u2581verwirklicht", + -13.611994743347168 + ], + [ + "\u2581Wool", + -13.612017631530762 + ], + [ + "\u2581coltiva", + -13.612017631530762 + ], + [ + "\u2581eleven", + -13.612045288085938 + ], + [ + "tud", + -13.612069129943848 + ], + [ + "adattamento", + -13.612080574035645 + ], + [ + "frost", + -13.612088203430176 + ], + [ + "Rosa", + -13.61211109161377 + ], + [ + "iego", + -13.612162590026855 + ], + [ + "\u00e1c", + -13.612191200256348 + ], + [ + "\u2581Fluminense", + -13.612192153930664 + ], + [ + "IAA", + -13.61219596862793 + ], + [ + "\u2581diariamente", + -13.612212181091309 + ], + [ + "\u2581corruzione", + -13.612218856811523 + ], + [ + "\u2581abnormal", + -13.612226486206056 + ], + [ + "\u2581amarela", + -13.612265586853027 + ], + [ + "\u2581Bertha", + -13.612282752990724 + ], + [ + "\u2581intestinal", + -13.612360000610352 + ], + [ + "\u2581mater", + -13.612375259399414 + ], + [ + "\u2581Benelux", + -13.61239242553711 + ], + [ + "bart", + -13.612406730651855 + ], + [ + "\u2581Dover", + -13.612417221069336 + ], + [ + "Fg", + -13.612439155578612 + ], + [ + "commutative", + -13.612451553344728 + ], + [ + "\u2581rebeli\u00f3n", + -13.612457275390623 + ], + [ + "fifo", + -13.61249828338623 + ], + [ + "\u2581Gutenberg", + -13.612520217895508 + ], + [ + "\u2581Reiches", + -13.612607955932615 + ], + [ + "\u2581razionale", + -13.612616539001465 + ], + [ + "emblema", + -13.612621307373049 + ], + [ + "\u2581Fleet", + -13.612622261047363 + ], + [ + "firm", + -13.61263656616211 + ], + [ + "zelfde", + -13.612662315368652 + ], + [ + "\u2581gonna", + -13.612668991088867 + ], + [ + "\u2581Besonderheit", + -13.612680435180664 + ], + [ + "sbereiche", + -13.61269187927246 + ], + [ + "\u2581potenze", + -13.612741470336914 + ], + [ + "iscardableResult", + -13.612786293029783 + ], + [ + "\u2581shame", + -13.612804412841797 + ], + [ + "\u2581BCE", + -13.61281967163086 + ], + [ + "\u2581willst", + -13.612849235534668 + ], + [ + "\u2581transferencia", + -13.612859725952148 + ], + [ + "\u2581cosmo", + -13.61288833618164 + ], + [ + "kantoor", + -13.612953186035156 + ], + [ + "\u2581palme", + -13.612958908081056 + ], + [ + "\u2581Toleranz", + -13.612984657287598 + ], + [ + "\u2581Echte", + -13.612995147705078 + ], + [ + "\u2581Samantha", + -13.613004684448242 + ], + [ + "TERNAL", + -13.613045692443848 + ], + [ + "\u2581routing", + -13.613048553466797 + ], + [ + "amientos", + -13.61305332183838 + ], + [ + "arrest", + -13.613066673278809 + ], + [ + "phasi", + -13.61310577392578 + ], + [ + "\u2581kart", + -13.613120079040527 + ], + [ + "\u2581Vlie", + -13.613147735595703 + ], + [ + "\u2581aleja", + -13.613149642944336 + ], + [ + "ACA", + -13.613171577453612 + ], + [ + "Exploration", + -13.613184928894045 + ], + [ + "\u2581uncertainties", + -13.61319351196289 + ], + [ + "\u2581Stud", + -13.61322784423828 + ], + [ + "\u2581voorsprong", + -13.613237380981444 + ], + [ + "\u2581einstellen", + -13.613261222839355 + ], + [ + "VALID", + -13.613275527954102 + ], + [ + "\u2581Helfer", + -13.61328411102295 + ], + [ + "\u2581outbreak", + -13.613298416137695 + ], + [ + "jap", + -13.61330223083496 + ], + [ + "\u2581H\u00e4lt", + -13.613306999206545 + ], + [ + "okt", + -13.613326072692873 + ], + [ + "ichel", + -13.61334991455078 + ], + [ + "Uruguay", + -13.613367080688477 + ], + [ + "\u2581Identifi", + -13.613393783569336 + ], + [ + "\u2581Wurzeln", + -13.613412857055664 + ], + [ + "\u2581concerten", + -13.613414764404297 + ], + [ + "\u2581Erprobung", + -13.613421440124512 + ], + [ + "aguda", + -13.613473892211914 + ], + [ + "nstalleerd", + -13.613495826721191 + ], + [ + "\u2581acaso", + -13.61351490020752 + ], + [ + "\u2581heridos", + -13.613519668579102 + ], + [ + "\u2581Nachweise", + -13.613527297973633 + ], + [ + "\u2581Skr", + -13.613557815551758 + ], + [ + "\u2581Povo", + -13.613566398620604 + ], + [ + "\u2581desafio", + -13.613579750061035 + ], + [ + "\u2581sammeln", + -13.613580703735352 + ], + [ + "\u2581Scozia", + -13.613590240478516 + ], + [ + "holung", + -13.613591194152832 + ], + [ + "\u2581pay\u00e9", + -13.613602638244627 + ], + [ + "\u2581Penta", + -13.61361026763916 + ], + [ + "\u2581Adorno", + -13.613627433776855 + ], + [ + "\u2581consigliere", + -13.613649368286133 + ], + [ + "\u2581senz", + -13.613658905029297 + ], + [ + "\u2581Knop", + -13.613665580749512 + ], + [ + "uzzle", + -13.613709449768066 + ], + [ + "\u2581Cama", + -13.61371612548828 + ], + [ + "\u2581us\u00f3", + -13.61375331878662 + ], + [ + "\u2581initiatives", + -13.613764762878418 + ], + [ + "\u2581not\u00edcias", + -13.61376667022705 + ], + [ + "provision", + -13.613767623901367 + ], + [ + "\u2581Padua", + -13.61379623413086 + ], + [ + "\u2581Fuller", + -13.613839149475098 + ], + [ + "\u2581Thie", + -13.613863945007324 + ], + [ + "orb", + -13.613901138305664 + ], + [ + "\u2581vecina", + -13.613909721374512 + ], + [ + "\u2581Onderzoek", + -13.613910675048828 + ], + [ + "OMS", + -13.613935470581056 + ], + [ + "LOS", + -13.613980293273926 + ], + [ + "\u2581Almer\u00eda", + -13.613983154296877 + ], + [ + "\u2581vorausgesetzt", + -13.613986015319824 + ], + [ + "CellB", + -13.614021301269531 + ], + [ + "rault", + -13.614075660705566 + ], + [ + "\u2581conseguiram", + -13.614163398742676 + ], + [ + "\u2581modesto", + -13.614169120788574 + ], + [ + "z\u00fc", + -13.614176750183104 + ], + [ + "\u2581Fevereiro", + -13.614179611206056 + ], + [ + "\u2581Schlo", + -13.614187240600586 + ], + [ + "\u2581Equations", + -13.614206314086914 + ], + [ + "graven", + -13.61422348022461 + ], + [ + "pyc", + -13.614285469055176 + ], + [ + "deleted", + -13.614377975463867 + ], + [ + "\u2581Camilo", + -13.61439037322998 + ], + [ + "\u2581Waffe", + -13.614422798156738 + ], + [ + "\u2581quisiera", + -13.614425659179688 + ], + [ + "\u2581thermodynamic", + -13.61443042755127 + ], + [ + "DMSO", + -13.61451244354248 + ], + [ + "\u2581immigration", + -13.614516258239746 + ], + [ + "\u2581ramos", + -13.614542961120604 + ], + [ + "int\u00e9grer", + -13.6145658493042 + ], + [ + "adem", + -13.614568710327148 + ], + [ + "\u2581ensayos", + -13.614618301391602 + ], + [ + "\u2581taxe", + -13.6146240234375 + ], + [ + "\u2581Einblick", + -13.61464786529541 + ], + [ + "\u2581extraordinary", + -13.614664077758787 + ], + [ + "drehen", + -13.61467170715332 + ], + [ + "consumer", + -13.614676475524902 + ], + [ + "scribe", + -13.61471462249756 + ], + [ + "\u2581debutta", + -13.614723205566406 + ], + [ + "Presidente", + -13.614724159240724 + ], + [ + "ACTIVE", + -13.614727973937988 + ], + [ + "pomp", + -13.614730834960938 + ], + [ + "\u2581K\u00fcnste", + -13.614802360534668 + ], + [ + "\u2581rivelato", + -13.6148042678833 + ], + [ + "\u2581Bistum", + -13.614826202392578 + ], + [ + "\u2581acoustic", + -13.614826202392578 + ], + [ + "\u2581Susanne", + -13.614829063415527 + ], + [ + "avversario", + -13.614835739135742 + ], + [ + "\u2581gaps", + -13.61485195159912 + ], + [ + "SITE", + -13.61487102508545 + ], + [ + "bock", + -13.614887237548828 + ], + [ + "ukas", + -13.614897727966309 + ], + [ + "f\u00e9rence", + -13.614935874938965 + ], + [ + "\u2581expedition", + -13.614940643310549 + ], + [ + "\u2581productores", + -13.614952087402344 + ], + [ + "\u2581ambientale", + -13.614977836608888 + ], + [ + "\u2581converges", + -13.61502456665039 + ], + [ + "\u2581Bekannt", + -13.61502742767334 + ], + [ + "avail", + -13.615036964416504 + ], + [ + "\u2581t\u00e9l", + -13.615047454833984 + ], + [ + "rupt", + -13.615095138549805 + ], + [ + "\u2581Pand", + -13.6151123046875 + ], + [ + "\u2581DAS", + -13.615138053894045 + ], + [ + "\u2581mezzanotte", + -13.615168571472168 + ], + [ + "\u2581beervlinder", + -13.6151704788208 + ], + [ + "Ard", + -13.615188598632812 + ], + [ + "\u2581Fuku", + -13.615211486816406 + ], + [ + "Pommeren", + -13.615224838256836 + ], + [ + "Carrera", + -13.615228652954102 + ], + [ + "\u2581unchanged", + -13.615242004394531 + ], + [ + "fahrzeugen", + -13.61524772644043 + ], + [ + "Past", + -13.615262985229492 + ], + [ + "\u2581Bola", + -13.615277290344238 + ], + [ + "Floating", + -13.615300178527832 + ], + [ + "afstand", + -13.615324020385742 + ], + [ + "\u2581Mika", + -13.615333557128906 + ], + [ + "Lj", + -13.615351676940918 + ], + [ + "\u2581durchgehend", + -13.615351676940918 + ], + [ + "\u2581crie", + -13.6153564453125 + ], + [ + "\u2581\"-\"", + -13.615361213684082 + ], + [ + "foon", + -13.615406036376951 + ], + [ + "\u2581pareggio", + -13.615429878234863 + ], + [ + "\u2581fachlichen", + -13.615459442138672 + ], + [ + "\u2581singing", + -13.615464210510254 + ], + [ + "mint", + -13.615487098693848 + ], + [ + "RRC", + -13.615496635437012 + ], + [ + "\u2581ferito", + -13.615498542785645 + ], + [ + "\u2581remodel", + -13.615519523620604 + ], + [ + "drup", + -13.615553855895996 + ], + [ + "Platyhelminthes", + -13.615562438964844 + ], + [ + "Neighbor", + -13.61556339263916 + ], + [ + "adina", + -13.615577697753906 + ], + [ + "\u2581Manzoni", + -13.61561107635498 + ], + [ + "ific", + -13.615615844726562 + ], + [ + "\u2581Perez", + -13.615629196166992 + ], + [ + "Crypto", + -13.615639686584473 + ], + [ + "\u2581Beweise", + -13.615654945373535 + ], + [ + "\u2581chr\u00e9tiens", + -13.615656852722168 + ], + [ + "\u2581popularity", + -13.615757942199709 + ], + [ + "Marco", + -13.61577320098877 + ], + [ + "\u2581Fleming", + -13.6157865524292 + ], + [ + "\u2581Wanderers", + -13.615795135498049 + ], + [ + "reward", + -13.61581039428711 + ], + [ + "\u2581realismo", + -13.615822792053224 + ], + [ + "Poll", + -13.615832328796388 + ], + [ + "sproze", + -13.615836143493652 + ], + [ + "IDENTIT", + -13.615845680236816 + ], + [ + "\u2581structured", + -13.615859031677246 + ], + [ + "tentoonstelling", + -13.615884780883787 + ], + [ + "FHIR", + -13.615952491760254 + ], + [ + "\u2581passende", + -13.615955352783203 + ], + [ + "uverl\u00e4ssigkeit", + -13.615962028503418 + ], + [ + "\u2581L\u00e4cheln", + -13.615962982177734 + ], + [ + "Spezies", + -13.615966796875 + ], + [ + "\u2581Medieval", + -13.615982055664062 + ], + [ + "\u2581noches", + -13.615982055664062 + ], + [ + "blokken", + -13.615984916687012 + ], + [ + "\u2581Doom", + -13.61600399017334 + ], + [ + "\u2581Opper", + -13.616025924682615 + ], + [ + "ragen", + -13.61602783203125 + ], + [ + "GTN", + -13.616047859191896 + ], + [ + "\u2581verteilen", + -13.616058349609377 + ], + [ + "\u2581Configura", + -13.616076469421388 + ], + [ + "bida", + -13.616104125976562 + ], + [ + "FJ", + -13.616143226623535 + ], + [ + "\u2581Anbetracht", + -13.61616039276123 + ], + [ + "\u2581Arbeitnehmern", + -13.61617946624756 + ], + [ + "\u2581tripulaci\u00f3n", + -13.616216659545898 + ], + [ + "\u2581m\u00e9canismes", + -13.616278648376465 + ], + [ + "representation", + -13.616305351257324 + ], + [ + "\u2581presentator", + -13.61634922027588 + ], + [ + "\u2581polici", + -13.616362571716309 + ], + [ + "\u2581disadvantage", + -13.61636447906494 + ], + [ + "\u2581refugiados", + -13.616373062133787 + ], + [ + "\u2581regala", + -13.616375923156738 + ], + [ + "Require", + -13.616381645202637 + ], + [ + "\u2581S\u00e4ure", + -13.616389274597168 + ], + [ + "pr\u00e4sidenten", + -13.616395950317385 + ], + [ + "\u2581conscient", + -13.616409301757812 + ], + [ + "\u2581contanti", + -13.616426467895508 + ], + [ + "Plug", + -13.616447448730469 + ], + [ + "fea", + -13.616456985473633 + ], + [ + "\u2581seuil", + -13.616456985473633 + ], + [ + "\u2581optische", + -13.61647605895996 + ], + [ + "\u2581Tull", + -13.616497039794922 + ], + [ + "\u2581erwiderte", + -13.616559028625488 + ], + [ + "\u2581calend\u00e1rio", + -13.616572380065918 + ], + [ + "l\u00e4uft", + -13.616578102111816 + ], + [ + "\u2581Bundesverband", + -13.61660385131836 + ], + [ + "nagel", + -13.616621017456056 + ], + [ + "\u2581Archer", + -13.61662483215332 + ], + [ + "nteresseerd", + -13.616650581359863 + ], + [ + "\u2581Dynamo", + -13.616662979125977 + ], + [ + "\u2581l\u00e9gislature", + -13.61668586730957 + ], + [ + "dolf", + -13.616697311401367 + ], + [ + "envoi", + -13.616698265075684 + ], + [ + "spitz", + -13.616707801818848 + ], + [ + "\u2581disgust", + -13.61670970916748 + ], + [ + "\u2581tilt", + -13.616740226745604 + ], + [ + "launcher", + -13.61674690246582 + ], + [ + "interland", + -13.61674976348877 + ], + [ + "\u2581fourni", + -13.616755485534668 + ], + [ + "\u2581auxquels", + -13.616761207580566 + ], + [ + "gga", + -13.616799354553224 + ], + [ + "\u2581Cologne", + -13.616809844970703 + ], + [ + "\u2581Frederic", + -13.616812705993652 + ], + [ + "\u00edamos", + -13.616813659667969 + ], + [ + "\u2581backing", + -13.616816520690918 + ], + [ + "\u2581autorizado", + -13.61682415008545 + ], + [ + "Personaggi", + -13.616872787475586 + ], + [ + "categorical", + -13.616887092590332 + ], + [ + "gift", + -13.616935729980469 + ], + [ + "\u2581empfunden", + -13.616961479187012 + ], + [ + "\u2581redesignated", + -13.617018699645996 + ], + [ + "\u2581trouva", + -13.617037773132324 + ], + [ + "\u2581RMS", + -13.617063522338867 + ], + [ + "Discografia", + -13.617069244384766 + ], + [ + "\u2581devoted", + -13.617071151733398 + ], + [ + "\u2581vuestra", + -13.617085456848145 + ], + [ + "July", + -13.617091178894045 + ], + [ + "\u2581Carrie", + -13.617094993591309 + ], + [ + "\u2581Gaia", + -13.617101669311523 + ], + [ + "\u2581disant", + -13.617116928100586 + ], + [ + "\u2581spirituelle", + -13.617147445678713 + ], + [ + "octet", + -13.61715602874756 + ], + [ + "\u2581\u00e9clair", + -13.61716365814209 + ], + [ + "\u2581Ning", + -13.617197036743164 + ], + [ + "\u2581h\u00e1bito", + -13.61720085144043 + ], + [ + "verpflichtungen", + -13.61721897125244 + ], + [ + "\u2581d\u00e9crire", + -13.61723804473877 + ], + [ + "\u2581Bend", + -13.617247581481934 + ], + [ + "\u2581Pointe", + -13.6172513961792 + ], + [ + "gegaan", + -13.617262840270996 + ], + [ + "Utente", + -13.617284774780272 + ], + [ + "\u2581Negativ", + -13.617289543151855 + ], + [ + "\u2581Cope", + -13.617297172546388 + ], + [ + "\u2581umliegenden", + -13.617300033569336 + ], + [ + "Endpoints", + -13.61732292175293 + ], + [ + "Bro", + -13.617349624633787 + ], + [ + "\u2581consultas", + -13.617351531982422 + ], + [ + "tolerant", + -13.617358207702637 + ], + [ + "galerij", + -13.617366790771484 + ], + [ + "Universal", + -13.617384910583496 + ], + [ + "\u2581sampled", + -13.617420196533203 + ], + [ + "\u2581torneos", + -13.617420196533203 + ], + [ + "itaria", + -13.617446899414062 + ], + [ + "\u2581Astra", + -13.617451667785645 + ], + [ + "JVM", + -13.617453575134276 + ], + [ + "\u2581efectiva", + -13.617454528808594 + ], + [ + "\u2581Boni", + -13.617490768432615 + ], + [ + "\u2581entende", + -13.617507934570312 + ], + [ + "\u2581achievement", + -13.617515563964844 + ], + [ + "\u2581Einbau", + -13.61752700805664 + ], + [ + "verbesserung", + -13.617531776428224 + ], + [ + "netzwerk", + -13.617535591125488 + ], + [ + "\u2581lesi\u00f3n", + -13.617555618286133 + ], + [ + "\u2581einher", + -13.61756420135498 + ], + [ + "MUL", + -13.617566108703612 + ], + [ + "\u2581endure", + -13.617566108703612 + ], + [ + "\u2581Heavyweight", + -13.61757755279541 + ], + [ + "\u2581bewind", + -13.617589950561523 + ], + [ + "\u2581Outside", + -13.61762809753418 + ], + [ + "\u2581brom", + -13.61762809753418 + ], + [ + "f\u00e4hige", + -13.617647171020508 + ], + [ + "River", + -13.617653846740724 + ], + [ + "authentication", + -13.617661476135254 + ], + [ + "\u2581corporations", + -13.61767292022705 + ], + [ + "\u2581Klee", + -13.61773681640625 + ], + [ + "\u2581aufschl\u00fcsseln", + -13.617753028869627 + ], + [ + "abh\u00e4ngigkeit", + -13.61776351928711 + ], + [ + "\u2581Nebel", + -13.617796897888184 + ], + [ + "\u2581similaires", + -13.617799758911133 + ], + [ + "\u2581verh\u00e4ngt", + -13.617799758911133 + ], + [ + "HMP", + -13.617810249328612 + ], + [ + "\u2581Sampdoria", + -13.617839813232422 + ], + [ + "\u2581Vat", + -13.617864608764648 + ], + [ + "completed", + -13.61790370941162 + ], + [ + "\u2581slaap", + -13.61791706085205 + ], + [ + "\u2581gioved", + -13.61795425415039 + ], + [ + "\u2581violino", + -13.61801815032959 + ], + [ + "balken", + -13.61803150177002 + ], + [ + "\u2581ouvrir", + -13.618036270141602 + ], + [ + "\u2581paradiso", + -13.618094444274902 + ], + [ + "\u2581Projekts", + -13.6181058883667 + ], + [ + "\u2581levant", + -13.618151664733888 + ], + [ + "\u2581sinngem\u00e4", + -13.618154525756836 + ], + [ + "\u2581asiatico", + -13.618155479431152 + ], + [ + "\u2581rotating", + -13.618165969848633 + ], + [ + "emptyset", + -13.618191719055176 + ], + [ + "\u2581Weiterleitung", + -13.618216514587402 + ], + [ + "\u2581faibles", + -13.618221282958984 + ], + [ + "\u2581Pape", + -13.618230819702148 + ], + [ + "Cipher", + -13.618243217468262 + ], + [ + "\u2581playoffs", + -13.61826515197754 + ], + [ + "\u2581Cuadro", + -13.618276596069336 + ], + [ + "g\u00e9nie", + -13.618310928344728 + ], + [ + "\u2581Freddy", + -13.618327140808104 + ], + [ + "marron", + -13.61833953857422 + ], + [ + "\u2581ol\u00edmpica", + -13.6183500289917 + ], + [ + "EHESP", + -13.618355751037598 + ], + [ + "rubi", + -13.618356704711914 + ], + [ + "tiens", + -13.618372917175291 + ], + [ + "falle", + -13.618375778198242 + ], + [ + "\u2581Sprung", + -13.618430137634276 + ], + [ + "eist", + -13.61845588684082 + ], + [ + "\u2581Glocken", + -13.61846923828125 + ], + [ + "Death", + -13.61851692199707 + ], + [ + "entia", + -13.618518829345703 + ], + [ + "\u2581Pratt", + -13.618531227111816 + ], + [ + "phae", + -13.618532180786133 + ], + [ + "\u2581conservati", + -13.61854648590088 + ], + [ + "\u2581Aussetzung", + -13.618558883666992 + ], + [ + "olltarifs", + -13.61856460571289 + ], + [ + "\u2581weltweiten", + -13.6185884475708 + ], + [ + "\u2581Litoral", + -13.618593215942385 + ], + [ + "crivain", + -13.618669509887695 + ], + [ + "\u2581employ\u00e9", + -13.618678092956545 + ], + [ + "metrie", + -13.618707656860352 + ], + [ + "\u2581trinta", + -13.618718147277832 + ], + [ + "\u2581moderado", + -13.618722915649414 + ], + [ + "\u2581seize", + -13.618735313415527 + ], + [ + "FAR", + -13.618738174438477 + ], + [ + "\u2581passieren", + -13.618741035461426 + ], + [ + "\u2581easiest", + -13.618751525878906 + ], + [ + "\u2581frequentes", + -13.618766784667969 + ], + [ + "\u2581exibir", + -13.618793487548828 + ], + [ + "\u00e1ez", + -13.618849754333496 + ], + [ + "alternativa", + -13.61886978149414 + ], + [ + "\u2581Josep", + -13.618878364562988 + ], + [ + "\u2581soundtrack", + -13.61892032623291 + ], + [ + "ejos", + -13.61893081665039 + ], + [ + "\u2581Tendo", + -13.618946075439451 + ], + [ + "\u2581Gei", + -13.61905288696289 + ], + [ + "Viewer", + -13.61906623840332 + ], + [ + "\u2581\u00e9troite", + -13.619095802307127 + ], + [ + "DAL", + -13.619100570678713 + ], + [ + "resolver", + -13.619135856628418 + ], + [ + "\u2581harmonieorkest", + -13.619150161743164 + ], + [ + "\u2581ontwierp", + -13.619186401367188 + ], + [ + "Disp", + -13.619211196899414 + ], + [ + "\u2581circondato", + -13.619242668151855 + ], + [ + "implicit", + -13.619269371032717 + ], + [ + "\u2581\u00e9pic", + -13.619269371032717 + ], + [ + "\u2581Crit", + -13.619272232055664 + ], + [ + "\u2581deportivos", + -13.619295120239258 + ], + [ + "fused", + -13.619309425354004 + ], + [ + "\u2581Symbole", + -13.6193208694458 + ], + [ + "\u2581r\u00f3tulo", + -13.619348526000977 + ], + [ + "\u2581armamento", + -13.619351387023926 + ], + [ + "\u2581efficacy", + -13.619427680969238 + ], + [ + "\u2581risiede", + -13.61943531036377 + ], + [ + "wijziging", + -13.619470596313477 + ], + [ + "\u2581Legende", + -13.619474411010742 + ], + [ + "\u2581Pfarrkirche", + -13.619498252868652 + ], + [ + "\u2581lavorativ", + -13.619499206542969 + ], + [ + "assassinat", + -13.61950969696045 + ], + [ + "\u2581griegos", + -13.619546890258787 + ], + [ + "\u2581Dicke", + -13.619548797607422 + ], + [ + "\u2581Sonstiges", + -13.619614601135254 + ], + [ + "\u2581vergogna", + -13.619620323181152 + ], + [ + "\u2581tear", + -13.619630813598633 + ], + [ + "Bracket", + -13.619656562805176 + ], + [ + "\u2581Neuordnung", + -13.61970043182373 + ], + [ + "\u2581Going", + -13.619702339172363 + ], + [ + "\u2581commencent", + -13.619707107543944 + ], + [ + "\u2581evaluaci\u00f3n", + -13.619732856750488 + ], + [ + "\u2581Mohammad", + -13.619746208190918 + ], + [ + "ErrInvalidLength", + -13.619750022888184 + ], + [ + "\u2581espec\u00edficamente", + -13.619766235351562 + ], + [ + "\u2581xs", + -13.619815826416016 + ], + [ + "\u2581preocupar", + -13.619830131530762 + ], + [ + "Ramsey", + -13.619837760925291 + ], + [ + "Ash", + -13.619892120361328 + ], + [ + "closing", + -13.619900703430176 + ], + [ + "\u2581Tape", + -13.619906425476074 + ], + [ + "gley", + -13.619927406311035 + ], + [ + "\u2581pr\u00e9cipitations", + -13.6199312210083 + ], + [ + "\u2581Defizit", + -13.6199369430542 + ], + [ + "\u2581Plymouth", + -13.619945526123049 + ], + [ + "scente", + -13.62001132965088 + ], + [ + "\u2581\u00f3rganos", + -13.62002182006836 + ], + [ + "rienne", + -13.620046615600586 + ], + [ + "\u2581cried", + -13.620052337646484 + ], + [ + "\u2581trasladado", + -13.620081901550291 + ], + [ + "firmen", + -13.62008285522461 + ], + [ + "\u2581gema", + -13.620087623596191 + ], + [ + "ATO", + -13.620101928710938 + ], + [ + "\u2581uova", + -13.620126724243164 + ], + [ + "\u2581Albany", + -13.62013053894043 + ], + [ + "\u2581deinen", + -13.620147705078123 + ], + [ + "inkl", + -13.62015151977539 + ], + [ + "ambique", + -13.620159149169922 + ], + [ + "\u2581Biden", + -13.620187759399414 + ], + [ + "\u2581zugeteilt", + -13.620221138000488 + ], + [ + "\u2581partenze", + -13.620269775390623 + ], + [ + "\u2581Cobra", + -13.62027645111084 + ], + [ + "Bulk", + -13.620305061340332 + ], + [ + "\u2581importar", + -13.620314598083496 + ], + [ + "lord", + -13.620327949523926 + ], + [ + "\u2581tegelijk", + -13.620368003845217 + ], + [ + "kriterien", + -13.620370864868164 + ], + [ + "Night", + -13.620393753051758 + ], + [ + "\u2581poussi", + -13.620397567749023 + ], + [ + "producent", + -13.620491027832031 + ], + [ + "EEP", + -13.620495796203612 + ], + [ + "ucca", + -13.62049961090088 + ], + [ + "\u2581Bibliografie", + -13.620503425598145 + ], + [ + "feste", + -13.620509147644045 + ], + [ + "\u2581Historie", + -13.620521545410156 + ], + [ + "\u2581ijzer", + -13.620574951171877 + ], + [ + "\u2581\u00fcbrig", + -13.620577812194824 + ], + [ + "\u2581appr\u00e9ci\u00e9", + -13.620670318603516 + ], + [ + "umbi", + -13.620677947998049 + ], + [ + "\u2581Inspector", + -13.620678901672363 + ], + [ + "solar", + -13.62070655822754 + ], + [ + "\u2581Editore", + -13.620758056640623 + ], + [ + "esilio", + -13.620777130126951 + ], + [ + "p\u00e4dagogik", + -13.62082862854004 + ], + [ + "blu", + -13.620861053466797 + ], + [ + "\u2581allocate", + -13.620888710021973 + ], + [ + "\u2581pudieran", + -13.620948791503906 + ], + [ + "\u2581Allianz", + -13.620953559875488 + ], + [ + "\u2581galleria", + -13.62095832824707 + ], + [ + "Slave", + -13.62098789215088 + ], + [ + "escence", + -13.621005058288574 + ], + [ + "\u2581exceptionnelle", + -13.621012687683104 + ], + [ + "gebildet", + -13.62101936340332 + ], + [ + "ssis", + -13.621060371398926 + ], + [ + "\u2581chiari", + -13.621064186096191 + ], + [ + "\u2581desejado", + -13.621064186096191 + ], + [ + "\u2581circondata", + -13.621073722839355 + ], + [ + "\u2581hallaba", + -13.62112045288086 + ], + [ + "\u2581colapso", + -13.621146202087402 + ], + [ + "\u2581strette", + -13.621155738830566 + ], + [ + "\u2581freigegeben", + -13.621166229248049 + ], + [ + "wohnung", + -13.621192932128906 + ], + [ + "vereins", + -13.621222496032717 + ], + [ + "GATE", + -13.62122631072998 + ], + [ + "\u2581Fag", + -13.621245384216309 + ], + [ + "\u2581Congres", + -13.62127685546875 + ], + [ + "TIC", + -13.621283531188965 + ], + [ + "\u2581Endo", + -13.621307373046877 + ], + [ + "\u2581indicano", + -13.621352195739746 + ], + [ + "\u2581reef", + -13.621353149414062 + ], + [ + "italien", + -13.621400833129885 + ], + [ + "\u2581utilizzano", + -13.621408462524414 + ], + [ + "\u2581coment\u00e1rio", + -13.621506690979004 + ], + [ + "nect", + -13.6215238571167 + ], + [ + "\u2581staatlich", + -13.621527671813965 + ], + [ + "\u2581erschlie", + -13.62154483795166 + ], + [ + "\u2581Teich", + -13.62156581878662 + ], + [ + "\u2581riuscita", + -13.621572494506836 + ], + [ + "redacteur", + -13.621578216552734 + ], + [ + "\u2581Nazis", + -13.621634483337402 + ], + [ + "\u2581seal", + -13.621654510498049 + ], + [ + "\u2581expecting", + -13.621681213378906 + ], + [ + "broker", + -13.62168788909912 + ], + [ + "\u2581saliva", + -13.621702194213867 + ], + [ + "abl", + -13.621712684631348 + ], + [ + "\u2581voisin", + -13.621721267700195 + ], + [ + "FEM", + -13.621723175048828 + ], + [ + "\u2581Sorry", + -13.621729850769045 + ], + [ + "\u2581ritenuto", + -13.621737480163574 + ], + [ + "\u2581downstream", + -13.621764183044434 + ], + [ + "assar", + -13.62177276611328 + ], + [ + "Builtin", + -13.62185287475586 + ], + [ + "rds", + -13.621858596801758 + ], + [ + "\u2581siglas", + -13.621872901916504 + ], + [ + "\u2581commerciales", + -13.621877670288086 + ], + [ + "\u2581boxe", + -13.621936798095703 + ], + [ + "utilit\u00e9", + -13.621950149536133 + ], + [ + "klagen", + -13.621956825256348 + ], + [ + "geladen", + -13.621967315673828 + ], + [ + "milder", + -13.621967315673828 + ], + [ + "bernachtung", + -13.621993064880373 + ], + [ + "\u2581Heilbronn", + -13.621997833251951 + ], + [ + "cuba", + -13.62200164794922 + ], + [ + "\u2581insomma", + -13.622007369995115 + ], + [ + "mijn", + -13.622031211853027 + ], + [ + "anje", + -13.622042655944824 + ], + [ + "\u2581studente", + -13.622042655944824 + ], + [ + "\u2581destin\u00e9es", + -13.622053146362305 + ], + [ + "simulator", + -13.62205696105957 + ], + [ + "\u2581dinamica", + -13.622061729431152 + ], + [ + "cub", + -13.622064590454102 + ], + [ + "\u2581Ethan", + -13.62208080291748 + ], + [ + "\u2581Helden", + -13.62208652496338 + ], + [ + "i\u00e9ndole", + -13.622089385986328 + ], + [ + "Australaziatisch", + -13.622142791748049 + ], + [ + "\u2581consequently", + -13.62215518951416 + ], + [ + "beobachtung", + -13.622169494628906 + ], + [ + "anen", + -13.622190475463867 + ], + [ + "\u2581washed", + -13.622237205505373 + ], + [ + "Jugend", + -13.622291564941406 + ], + [ + "humour", + -13.622309684753418 + ], + [ + "\u2581Marqu", + -13.622333526611328 + ], + [ + "\u2581Mati", + -13.622342109680176 + ], + [ + "\u2581Fitzgerald", + -13.622343063354492 + ], + [ + "kleed", + -13.622346878051758 + ], + [ + "expiry", + -13.622357368469238 + ], + [ + "\u2581functioning", + -13.622358322143556 + ], + [ + "\u2581identifies", + -13.622365951538086 + ], + [ + "\u2581encontrarse", + -13.622406959533691 + ], + [ + "Rausch", + -13.62241554260254 + ], + [ + "kult", + -13.622426986694336 + ], + [ + "ntano", + -13.622440338134766 + ], + [ + "scheiden", + -13.62244701385498 + ], + [ + "uschuss", + -13.622459411621094 + ], + [ + "laming", + -13.622461318969728 + ], + [ + "\u2581Mannschaften", + -13.622478485107422 + ], + [ + "aremos", + -13.622482299804688 + ], + [ + "\u2581Choose", + -13.622499465942385 + ], + [ + "feuchte", + -13.6225004196167 + ], + [ + "\u2581embryo", + -13.622550010681152 + ], + [ + "\u2581\u00e1lbuns", + -13.622568130493164 + ], + [ + "\u2581gevecht", + -13.62257480621338 + ], + [ + "listed", + -13.622587203979492 + ], + [ + "\u2581museums", + -13.622599601745604 + ], + [ + "tableName", + -13.622639656066896 + ], + [ + "\u2581K\u00e4se", + -13.622648239135742 + ], + [ + "\u2581estaria", + -13.622739791870115 + ], + [ + "locationName", + -13.622756958007812 + ], + [ + "\u2581verbindingen", + -13.622788429260254 + ], + [ + "Semantic", + -13.622803688049316 + ], + [ + "\u2581talrijke", + -13.622808456420898 + ], + [ + "People", + -13.622836112976074 + ], + [ + "\u2581autom\u00e1tico", + -13.622838973999023 + ], + [ + "\u2581martyr", + -13.62285327911377 + ], + [ + "\u2581Sola", + -13.622855186462402 + ], + [ + "\u2581Jill", + -13.622872352600098 + ], + [ + "aantal", + -13.622891426086426 + ], + [ + "fingerprint", + -13.622896194458008 + ], + [ + "\u2581mosca", + -13.622934341430664 + ], + [ + "\u2581tegelijkertijd", + -13.622943878173828 + ], + [ + "\u2581Compagnia", + -13.622950553894045 + ], + [ + "sequi", + -13.622952461242676 + ], + [ + "\u2581pluma", + -13.622970581054688 + ], + [ + "hz", + -13.622984886169434 + ], + [ + "\u2581Intervall", + -13.622986793518066 + ], + [ + "\u2581Kindergeld", + -13.623006820678713 + ], + [ + "\u2581strikt", + -13.623006820678713 + ], + [ + "\u2581testimoni", + -13.623010635375977 + ], + [ + "sium", + -13.62301254272461 + ], + [ + "hala", + -13.62309455871582 + ], + [ + "\u2581bildeten", + -13.623116493225098 + ], + [ + "\u2581illustration", + -13.623156547546388 + ], + [ + "\u2581raccolte", + -13.623207092285156 + ], + [ + "\u2581fence", + -13.623235702514648 + ], + [ + "\u2581picking", + -13.623246192932127 + ], + [ + "\u2581pr\u00e9alable", + -13.623270988464355 + ], + [ + "Pieters", + -13.623273849487305 + ], + [ + "alada", + -13.62329387664795 + ], + [ + "connections", + -13.623295783996582 + ], + [ + "research", + -13.623295783996582 + ], + [ + "\u2581Monk", + -13.623298645019531 + ], + [ + "forscher", + -13.623324394226074 + ], + [ + "brown", + -13.623326301574709 + ], + [ + "\u2581spinta", + -13.623339653015137 + ], + [ + "\u2581genauen", + -13.623345375061035 + ], + [ + "\u2581monopolio", + -13.623350143432615 + ], + [ + "\u2581fantas\u00eda", + -13.623351097106934 + ], + [ + "\u2581exo", + -13.623373031616213 + ], + [ + "\u2581normales", + -13.62337589263916 + ], + [ + "\u2581Poker", + -13.623379707336426 + ], + [ + "\u2581belangstelling", + -13.623382568359377 + ], + [ + "\u2581effettuati", + -13.623405456542969 + ], + [ + "\u2581th\u00e9ories", + -13.623407363891602 + ], + [ + "\u2581droht", + -13.6234130859375 + ], + [ + "\u2581riunione", + -13.623442649841309 + ], + [ + "aussi", + -13.6234769821167 + ], + [ + "\u2581posting", + -13.623477935791016 + ], + [ + "\u00fcchtig", + -13.623507499694824 + ], + [ + "\u2581Bel\u00e9m", + -13.623581886291504 + ], + [ + "\u2581estela", + -13.623601913452148 + ], + [ + "\u2581finali", + -13.623611450195312 + ], + [ + "lection", + -13.623612403869627 + ], + [ + "Aragona", + -13.623621940612791 + ], + [ + "rami", + -13.62364673614502 + ], + [ + "mik", + -13.623680114746094 + ], + [ + "apparaat", + -13.623736381530762 + ], + [ + "\u00e9mie", + -13.62374782562256 + ], + [ + "\u2581Br\u00fc", + -13.623756408691406 + ], + [ + "\u2581Drago", + -13.623761177062988 + ], + [ + "\u2581Besatzungs", + -13.623766899108888 + ], + [ + "\u2581Isidro", + -13.623783111572266 + ], + [ + "\u2581riferito", + -13.623812675476074 + ], + [ + "\u2581gezamenlijk", + -13.623859405517578 + ], + [ + "ologo", + -13.623866081237791 + ], + [ + "\u2581adultes", + -13.623872756958008 + ], + [ + "\u2581Kausalit\u00e4t", + -13.623879432678224 + ], + [ + "\u2581Profeta", + -13.62388801574707 + ], + [ + "\u2581suchte", + -13.62391185760498 + ], + [ + "kelder", + -13.623947143554688 + ], + [ + "\u2581a\u00e9rien", + -13.62397575378418 + ], + [ + "\u2581fameux", + -13.623993873596191 + ], + [ + "Connections", + -13.623998641967772 + ], + [ + "\u2581favorables", + -13.624025344848633 + ], + [ + "definecolor", + -13.624052047729492 + ], + [ + "Prototype", + -13.624066352844238 + ], + [ + "\u2581l\u00e4chelte", + -13.624091148376465 + ], + [ + "iati", + -13.624119758605955 + ], + [ + "\u2581exemplaires", + -13.6241455078125 + ], + [ + "\u2581Cort", + -13.624150276184082 + ], + [ + "\u2581canadese", + -13.624153137207031 + ], + [ + "nischer", + -13.62417221069336 + ], + [ + "quan", + -13.624173164367676 + ], + [ + "\u2581sorride", + -13.624186515808104 + ], + [ + "baai", + -13.624265670776367 + ], + [ + "dcc", + -13.62427043914795 + ], + [ + "\u2581wijken", + -13.624271392822266 + ], + [ + "Leave", + -13.624290466308594 + ], + [ + "attachment", + -13.624300003051758 + ], + [ + "\u2581cordes", + -13.624302864074709 + ], + [ + "\u2581nights", + -13.624302864074709 + ], + [ + "\u2581sacr\u00e9", + -13.624314308166504 + ], + [ + "axial", + -13.624341011047363 + ], + [ + "\u2581consejero", + -13.624346733093262 + ], + [ + "\u2581R\u00e1dio", + -13.624361038208008 + ], + [ + "qualify", + -13.624364852905272 + ], + [ + "\u2581Bragan", + -13.62436580657959 + ], + [ + "\u2581trabajaba", + -13.624391555786133 + ], + [ + "\u2581geogr\u00e1fico", + -13.624394416809082 + ], + [ + "\u2581Fid", + -13.624444007873535 + ], + [ + "\u2581statali", + -13.624464988708496 + ], + [ + "\u2581portava", + -13.62456512451172 + ], + [ + "Keeper", + -13.624571800231934 + ], + [ + "\u2581Liguria", + -13.62458038330078 + ], + [ + "Course", + -13.624588966369627 + ], + [ + "\u2581SSD", + -13.624598503112791 + ], + [ + "moving", + -13.62464427947998 + ], + [ + "storyboard", + -13.624650955200195 + ], + [ + "\u2581transfers", + -13.62465476989746 + ], + [ + "nachfrage", + -13.624674797058104 + ], + [ + "\u2581wahrnehmen", + -13.624737739562988 + ], + [ + "\u2581otorg\u00f3", + -13.624747276306152 + ], + [ + "\u2581sopravvivenza", + -13.624751091003418 + ], + [ + "ENTR", + -13.624761581420898 + ], + [ + "Ports", + -13.62479305267334 + ], + [ + "\u2581bajar", + -13.624799728393556 + ], + [ + "sehbar", + -13.624802589416504 + ], + [ + "\u2581aangekondigd", + -13.624810218811035 + ], + [ + "velocity", + -13.624828338623049 + ], + [ + "\u2581umfangreichen", + -13.624845504760742 + ], + [ + "\u2581Adaptation", + -13.624863624572754 + ], + [ + "\u2581Teve", + -13.624873161315918 + ], + [ + "\u2581Bogdan", + -13.624889373779297 + ], + [ + "\u2581Forza", + -13.624899864196776 + ], + [ + "\u2581l\u00e9gislation", + -13.624947547912598 + ], + [ + "matsu", + -13.624958992004396 + ], + [ + "prenez", + -13.624966621398926 + ], + [ + "errno", + -13.624969482421877 + ], + [ + "economie", + -13.62497329711914 + ], + [ + "Playing", + -13.624995231628418 + ], + [ + "\u2581actifs", + -13.62500286102295 + ], + [ + "\u2581Hydra", + -13.625020027160645 + ], + [ + "\u2581calcolo", + -13.625027656555176 + ], + [ + "orizzonte", + -13.625056266784668 + ], + [ + "\u2581Synonyme", + -13.625104904174805 + ], + [ + "\u2581localizar", + -13.62513542175293 + ], + [ + "syrische", + -13.625139236450195 + ], + [ + "\u2581tigre", + -13.625142097473145 + ], + [ + "\u2581esteso", + -13.62515926361084 + ], + [ + "\u2581Plas", + -13.625166893005373 + ], + [ + "olis", + -13.625167846679688 + ], + [ + "\u2581parente", + -13.625170707702637 + ], + [ + "\u2581tenda", + -13.62519073486328 + ], + [ + "Wx", + -13.625201225280762 + ], + [ + "mails", + -13.625202178955078 + ], + [ + "\u2581Martinez", + -13.625202178955078 + ], + [ + "\u2581quadrados", + -13.625219345092772 + ], + [ + "\u2581sugiere", + -13.625234603881836 + ], + [ + "\u2581targeting", + -13.62525749206543 + ], + [ + "\u2581festas", + -13.625289916992188 + ], + [ + "\u2581moduli", + -13.62531280517578 + ], + [ + "\u2581Chung", + -13.625316619873049 + ], + [ + "\u2581Rash", + -13.625328063964844 + ], + [ + "SELF", + -13.625410079956056 + ], + [ + "sverh\u00e4ltnis", + -13.625420570373535 + ], + [ + "\u2581infraestructura", + -13.625445365905762 + ], + [ + "ESO", + -13.625459671020508 + ], + [ + "\u2581molar", + -13.625515937805176 + ], + [ + "\u2581incontrano", + -13.62553882598877 + ], + [ + "NVIDIA", + -13.625570297241213 + ], + [ + "GST", + -13.625587463378906 + ], + [ + "EET", + -13.625642776489258 + ], + [ + "\u2581Minderheit", + -13.625643730163574 + ], + [ + "\u2581stocks", + -13.625654220581056 + ], + [ + "gane", + -13.625670433044434 + ], + [ + "\u2581feuille", + -13.625673294067385 + ], + [ + "Unsupported", + -13.625692367553713 + ], + [ + "vetta", + -13.625732421875 + ], + [ + "\u2581caminhos", + -13.625736236572266 + ], + [ + "\u2581BND", + -13.62575626373291 + ], + [ + "\u2581tranquille", + -13.625757217407228 + ], + [ + "\u2581Aeg", + -13.625765800476074 + ], + [ + "\u2581Caba", + -13.625774383544922 + ], + [ + "RNN", + -13.625805854797363 + ], + [ + "\u2581sh\u00ed", + -13.625815391540527 + ], + [ + "Fv", + -13.62581729888916 + ], + [ + "Convertible", + -13.625825881958008 + ], + [ + "\u2581Ferrovia", + -13.625859260559082 + ], + [ + "\u2581Gentile", + -13.625886917114258 + ], + [ + "\u2581vacante", + -13.625887870788574 + ], + [ + "\u2581protege", + -13.62592887878418 + ], + [ + "\u2581hopes", + -13.625933647155762 + ], + [ + "ledge", + -13.625934600830078 + ], + [ + "\u2581plaatsvinden", + -13.625950813293455 + ], + [ + "\u2581Constantinopla", + -13.625954627990724 + ], + [ + "\u2581femmine", + -13.625956535339355 + ], + [ + "toml", + -13.626001358032228 + ], + [ + "\u2581postul", + -13.626018524169922 + ], + [ + "His", + -13.626019477844238 + ], + [ + "\u2581optionally", + -13.626058578491213 + ], + [ + "\u2581NaN", + -13.62608814239502 + ], + [ + "scanner", + -13.626100540161133 + ], + [ + "\u2581opkomst", + -13.626106262207031 + ], + [ + "bole", + -13.626126289367676 + ], + [ + "\u2581daadwerkelijk", + -13.62615203857422 + ], + [ + "\u2581setzten", + -13.626208305358888 + ], + [ + "\u2581comunicaciones", + -13.62623691558838 + ], + [ + "\u2581Kyr", + -13.62631607055664 + ], + [ + "\u2581promove", + -13.626347541809082 + ], + [ + "\u2581Hogsmeade", + -13.626352310180664 + ], + [ + "Schu", + -13.62636375427246 + ], + [ + "trium", + -13.62636375427246 + ], + [ + "\u2581gehuwd", + -13.6264009475708 + ], + [ + "\u2581Ambr", + -13.626404762268066 + ], + [ + "hda", + -13.626462936401367 + ], + [ + "Mirror", + -13.626506805419922 + ], + [ + "\u2581penas", + -13.626510620117188 + ], + [ + "\u2581Kleinstadt", + -13.62651824951172 + ], + [ + "\u2581Escud", + -13.626534461975098 + ], + [ + "aked", + -13.626542091369627 + ], + [ + "\u2581Ciudades", + -13.626582145690918 + ], + [ + "\u2581elderly", + -13.626591682434082 + ], + [ + "\u2581palp", + -13.626626014709473 + ], + [ + "assertFalse", + -13.626632690429688 + ], + [ + "\u2581cresceu", + -13.626653671264648 + ], + [ + "\u2581Lula", + -13.626654624938965 + ], + [ + "\u2581reconstru", + -13.626678466796877 + ], + [ + "chuk", + -13.626687049865724 + ], + [ + "f\u00fcrsorge", + -13.62669277191162 + ], + [ + "liana", + -13.626701354980469 + ], + [ + "excellence", + -13.626754760742188 + ], + [ + "\u2581pianeggiante", + -13.626754760742188 + ], + [ + "\u2581Coen", + -13.626797676086426 + ], + [ + "\u2581sustainable", + -13.626805305480955 + ], + [ + "arov", + -13.626816749572754 + ], + [ + "\u2581Kaap", + -13.626824378967283 + ], + [ + "\u2581Festland", + -13.626825332641602 + ], + [ + "kru", + -13.626843452453612 + ], + [ + "\u00e4ne", + -13.62684726715088 + ], + [ + "\u2581\"*\",", + -13.626851081848145 + ], + [ + "\u2581Tierschutz", + -13.62685775756836 + ], + [ + "rale", + -13.626858711242676 + ], + [ + "\u2581toezicht", + -13.626877784729004 + ], + [ + "\u2581d\u00e9fenseur", + -13.626895904541016 + ], + [ + "ULO", + -13.62690258026123 + ], + [ + "\u2581Competition", + -13.626914978027344 + ], + [ + "icule", + -13.62691593170166 + ], + [ + "Implementation", + -13.626937866210938 + ], + [ + "\u2581Arms", + -13.626961708068848 + ], + [ + "\u2581torque", + -13.626981735229492 + ], + [ + "\u2581complessa", + -13.62700080871582 + ], + [ + "meld", + -13.627009391784668 + ], + [ + "Oriente", + -13.627019882202148 + ], + [ + "\u2581Karls", + -13.62702465057373 + ], + [ + "\u2581verlengd", + -13.62703800201416 + ], + [ + "MDB", + -13.627038955688477 + ], + [ + "nagar", + -13.627055168151855 + ], + [ + "\u2581desgracia", + -13.627060890197754 + ], + [ + "\u2581optredens", + -13.627071380615234 + ], + [ + "urie", + -13.627094268798828 + ], + [ + "\u2581Invasion", + -13.627119064331056 + ], + [ + "\u2581tendenziell", + -13.627161026000977 + ], + [ + "\u2581Saddle", + -13.627172470092772 + ], + [ + "replay", + -13.627211570739746 + ], + [ + "Ange", + -13.627219200134276 + ], + [ + "Einzel", + -13.627223014831545 + ], + [ + "\u2581Arnaud", + -13.627225875854492 + ], + [ + "nullable", + -13.627243041992188 + ], + [ + "\u2581drapeau", + -13.62724494934082 + ], + [ + "\u2581Confer", + -13.627251625061035 + ], + [ + "\u2581vertraglich", + -13.627259254455566 + ], + [ + "Sand", + -13.627286911010742 + ], + [ + "either", + -13.62734317779541 + ], + [ + "\u2581preocupaci\u00f3n", + -13.627348899841309 + ], + [ + "\u2581Edmonton", + -13.627358436584473 + ], + [ + "\u2581dimora", + -13.627362251281738 + ], + [ + "\u2581textbook", + -13.627379417419434 + ], + [ + "Velocity", + -13.627400398254396 + ], + [ + "omorpha", + -13.627434730529783 + ], + [ + "\u2581cinza", + -13.627511978149414 + ], + [ + "Kartoffel", + -13.62751293182373 + ], + [ + "\u2581accommodate", + -13.627518653869627 + ], + [ + "\u2581saisir", + -13.62753200531006 + ], + [ + "\u2581conocen", + -13.627556800842283 + ], + [ + "Neg", + -13.62757968902588 + ], + [ + "Graf", + -13.627582550048828 + ], + [ + "cki", + -13.62763786315918 + ], + [ + "Eindstand", + -13.627665519714355 + ], + [ + "\u2581constituyen", + -13.627711296081545 + ], + [ + "mida", + -13.627716064453123 + ], + [ + "\u2581Residenz", + -13.62771987915039 + ], + [ + "\u2581complaints", + -13.62772274017334 + ], + [ + "\u2581welk", + -13.627727508544922 + ], + [ + "\u2581Einwohnerzahl", + -13.627737045288086 + ], + [ + "\u2581technologique", + -13.62775993347168 + ], + [ + "\u2581Psychiatrie", + -13.62777614593506 + ], + [ + "\u2581balanced", + -13.627799987792969 + ], + [ + "\u2581Edici\u00f3n", + -13.627830505371094 + ], + [ + "ambula", + -13.627869606018066 + ], + [ + "\u2581Jugoslawien", + -13.627873420715332 + ], + [ + "\u2581Confederaci\u00f3n", + -13.627874374389648 + ], + [ + "liev", + -13.62787628173828 + ], + [ + "\u2581sinkt", + -13.627882957458496 + ], + [ + "\u2581suprema", + -13.62789535522461 + ], + [ + "Implantat", + -13.627935409545898 + ], + [ + "scheidsrechter", + -13.62794303894043 + ], + [ + "\u2581jenen", + -13.62796401977539 + ], + [ + "\u2581Ostdeutschland", + -13.627972602844238 + ], + [ + "\u2581precondition", + -13.627974510192873 + ], + [ + "\u2581ospitare", + -13.6279878616333 + ], + [ + "\u2581Dehnung", + -13.628034591674805 + ], + [ + "erai", + -13.628036499023438 + ], + [ + "\u2581torpedo", + -13.628052711486816 + ], + [ + "tivit\u00e4t", + -13.62806797027588 + ], + [ + "assertRaises", + -13.628098487854004 + ], + [ + "mM", + -13.628174781799316 + ], + [ + "\u2581viuda", + -13.62818431854248 + ], + [ + "\u2581v\u00e9g\u00e9tal", + -13.628195762634276 + ], + [ + "\u2581Scheu", + -13.628235816955566 + ], + [ + "\u2581cooperaci\u00f3n", + -13.62824535369873 + ], + [ + "\u2581patas", + -13.628265380859377 + ], + [ + "Leistungen", + -13.628314018249512 + ], + [ + "\u2581destin\u00e9s", + -13.628317832946776 + ], + [ + "\u2581dialetos", + -13.628365516662598 + ], + [ + "\u2581commissario", + -13.62838363647461 + ], + [ + "Oder", + -13.628396034240724 + ], + [ + "domo", + -13.62849235534668 + ], + [ + "f\u00fc", + -13.62849235534668 + ], + [ + "\u2581pr\u00e9fet", + -13.628501892089844 + ], + [ + "\u2581democr\u00e1tico", + -13.628564834594728 + ], + [ + "\u2581dubbelspel", + -13.628564834594728 + ], + [ + "\u2581Litauen", + -13.62856674194336 + ], + [ + "\u2581Llan", + -13.628572463989258 + ], + [ + "\u2581dimissioni", + -13.628586769104004 + ], + [ + "\u2581athl", + -13.62858772277832 + ], + [ + "\u2581crimini", + -13.628599166870115 + ], + [ + "\u2581miniatura", + -13.628619194030762 + ], + [ + "\u2581limitar", + -13.628637313842772 + ], + [ + "Pour", + -13.628639221191406 + ], + [ + "racht", + -13.628658294677734 + ], + [ + "\u2581ensuring", + -13.62869358062744 + ], + [ + "\u2581liderazgo", + -13.628766059875488 + ], + [ + "\u2581\u00e1rbitro", + -13.628769874572754 + ], + [ + "\u2581Halloween", + -13.628775596618652 + ], + [ + "\u2581particularit\u00e9", + -13.628786087036133 + ], + [ + "\u2581coerente", + -13.62878704071045 + ], + [ + "\u2581funzionalit\u00e0", + -13.628796577453612 + ], + [ + "ibilidad", + -13.62881088256836 + ], + [ + "fluoro", + -13.62883472442627 + ], + [ + "\u2581ejecutar", + -13.628849029541016 + ], + [ + "\u2581Feng", + -13.62886905670166 + ], + [ + "\u2581voices", + -13.628900527954102 + ], + [ + "\u2581aandeel", + -13.628908157348633 + ], + [ + "IPA", + -13.628925323486328 + ], + [ + "\u2581montagem", + -13.628925323486328 + ], + [ + "\u2581l\u00e9gitime", + -13.628938674926758 + ], + [ + "\u2581Chiapas", + -13.628976821899414 + ], + [ + "folia", + -13.628982543945312 + ], + [ + "TTL", + -13.628995895385742 + ], + [ + "ahr", + -13.629003524780272 + ], + [ + "\u2581enviada", + -13.629020690917969 + ], + [ + "\u2581propuestas", + -13.629032135009766 + ], + [ + "w\u00e4lder", + -13.629060745239258 + ], + [ + "NIO", + -13.62910270690918 + ], + [ + "sf\u00e4hige", + -13.629106521606444 + ], + [ + "\u2581Atari", + -13.629110336303713 + ], + [ + "Probability", + -13.629138946533203 + ], + [ + "\u2581profundas", + -13.629154205322266 + ], + [ + "\u2581Carin", + -13.629157066345217 + ], + [ + "voluntary", + -13.62916660308838 + ], + [ + "\u2581tragitto", + -13.629170417785645 + ], + [ + "\u2581dwerg", + -13.62917423248291 + ], + [ + "\u2581Scheidung", + -13.629206657409668 + ], + [ + "\u2581sucess", + -13.62921142578125 + ], + [ + "\u2581governante", + -13.629233360290527 + ], + [ + "oyable", + -13.629247665405272 + ], + [ + "\u2581sabes", + -13.629281997680664 + ], + [ + "\u2581cattivo", + -13.62936305999756 + ], + [ + "sono", + -13.629364967346191 + ], + [ + "ceras", + -13.629433631896973 + ], + [ + "\u2581opnamen", + -13.629477500915527 + ], + [ + "\u2581Kerry", + -13.629484176635742 + ], + [ + "Binder", + -13.629493713378906 + ], + [ + "\u2581inhibitor", + -13.629511833190918 + ], + [ + "\u2581Maestr", + -13.629549026489258 + ], + [ + "\u2581verschwunden", + -13.629573822021484 + ], + [ + "liest", + -13.62957763671875 + ], + [ + "\u2581volvieron", + -13.629615783691406 + ], + [ + "\u2581FTP", + -13.629630088806152 + ], + [ + "\u2581Auszubildenden", + -13.629633903503418 + ], + [ + "\u2581Wadi", + -13.629673957824709 + ], + [ + "\u2581partenaire", + -13.62970733642578 + ], + [ + "\u2581'#/", + -13.629709243774414 + ], + [ + "matisch", + -13.629798889160156 + ], + [ + "\u2581bedeckt", + -13.62981128692627 + ], + [ + "\u2581ven\u00eda", + -13.629817962646484 + ], + [ + "\u2581dissolution", + -13.629870414733888 + ], + [ + "shrey", + -13.629928588867188 + ], + [ + "\u2581pr\u00e9tend", + -13.629965782165527 + ], + [ + "Interlandcarri", + -13.62997817993164 + ], + [ + "\u2581Syl", + -13.629998207092283 + ], + [ + "\u2581Prov\u00edncia", + -13.630029678344728 + ], + [ + "\u2581folks", + -13.630057334899902 + ], + [ + "\u2581Pond", + -13.630059242248535 + ], + [ + "capo", + -13.630086898803713 + ], + [ + "\u2581Nikolaus", + -13.63011074066162 + ], + [ + "gitaar", + -13.630125999450684 + ], + [ + "\u2581blocking", + -13.63012981414795 + ], + [ + "cff", + -13.630159378051758 + ], + [ + "\u2581devolver", + -13.630178451538086 + ], + [ + "\u2581binaire", + -13.630182266235352 + ], + [ + "\u2581Hildesheim", + -13.630184173583984 + ], + [ + "\u2581klargestellt", + -13.63020133972168 + ], + [ + "\u2581gir", + -13.630206108093262 + ], + [ + "\u2581Guin\u00e9", + -13.630215644836426 + ], + [ + "dataType", + -13.63023281097412 + ], + [ + "\u2581desaf\u00edo", + -13.63023567199707 + ], + [ + "cionistas", + -13.630277633666992 + ], + [ + "\u2581recette", + -13.630315780639648 + ], + [ + "\u2581Maxima", + -13.630330085754396 + ], + [ + "\u2581muren", + -13.630345344543455 + ], + [ + "\u2581armadas", + -13.630362510681152 + ], + [ + "\u2581treating", + -13.630390167236328 + ], + [ + "bekannt", + -13.63039779663086 + ], + [ + "\u2581Genealog", + -13.630419731140137 + ], + [ + "gallo", + -13.630433082580566 + ], + [ + "\u00edtica", + -13.630450248718262 + ], + [ + "\u2581Hyun", + -13.630501747131348 + ], + [ + "ponente", + -13.63053035736084 + ], + [ + "onge", + -13.630536079406738 + ], + [ + "armer", + -13.63056755065918 + ], + [ + "\u2581Tucum\u00e1n", + -13.630579948425291 + ], + [ + "\u2581Chevrolet", + -13.630596160888672 + ], + [ + "corrido", + -13.630619049072266 + ], + [ + "\u2581girato", + -13.630680084228516 + ], + [ + "orica", + -13.630752563476562 + ], + [ + "\u2581cala", + -13.63075351715088 + ], + [ + "About", + -13.630775451660156 + ], + [ + "konzepte", + -13.630796432495115 + ], + [ + "haftigkeit", + -13.630820274353027 + ], + [ + "\u2581sposato", + -13.63082218170166 + ], + [ + "\u2581tense", + -13.630847930908203 + ], + [ + "puestas", + -13.63086223602295 + ], + [ + "\u2581seduta", + -13.63092803955078 + ], + [ + "abito", + -13.630974769592283 + ], + [ + "\u2581W\u00fcr", + -13.630986213684082 + ], + [ + "\u2581agricola", + -13.630988121032717 + ], + [ + "gedrag", + -13.631010055541992 + ], + [ + "\u2581orientaci\u00f3n", + -13.631010055541992 + ], + [ + "\u2581sorting", + -13.63105010986328 + ], + [ + "\u2581dertien", + -13.631061553955078 + ], + [ + "pr\u00e9sent", + -13.63108730316162 + ], + [ + "\u2581sedia", + -13.631104469299316 + ], + [ + "riendo", + -13.631136894226074 + ], + [ + "Verh\u00e4ltnis", + -13.631155967712402 + ], + [ + "oak", + -13.631181716918944 + ], + [ + "\u2581newsletter", + -13.631186485290527 + ], + [ + "\u2581incentivo", + -13.631193161010742 + ], + [ + "\u2581perros", + -13.631223678588867 + ], + [ + "wrapped", + -13.63124656677246 + ], + [ + "\u2581patience", + -13.63124656677246 + ], + [ + "itol", + -13.631270408630373 + ], + [ + "endaal", + -13.631285667419434 + ], + [ + "\u2581Logik", + -13.631304740905762 + ], + [ + "angoscia", + -13.63132095336914 + ], + [ + "\u2581Freunden", + -13.631339073181152 + ], + [ + "\u2581Luc\u00eda", + -13.63135051727295 + ], + [ + "\u2581andate", + -13.631400108337402 + ], + [ + "\u2581Orion", + -13.631415367126465 + ], + [ + "Conversation", + -13.631451606750488 + ], + [ + "\u2581Kees", + -13.631452560424805 + ], + [ + "\u2581deixado", + -13.631547927856444 + ], + [ + "\u2581asentamiento", + -13.631548881530762 + ], + [ + "charset", + -13.631558418273926 + ], + [ + "mutate", + -13.631580352783203 + ], + [ + "\u2581Asuntos", + -13.63158893585205 + ], + [ + "\u2581borghese", + -13.63158893585205 + ], + [ + "\u2581conten\u00eda", + -13.63158893585205 + ], + [ + "\u2581crociera", + -13.631589889526367 + ], + [ + "\u2581propriet\u00e1rio", + -13.631593704223633 + ], + [ + "\u2581actively", + -13.631600379943848 + ], + [ + "\u2581Educational", + -13.631619453430176 + ], + [ + "\u2581dom\u00e9stica", + -13.631790161132812 + ], + [ + "\u2581Filipijnen", + -13.631793975830078 + ], + [ + "\u2581reconstruir", + -13.631797790527344 + ], + [ + "darlehen", + -13.631806373596191 + ], + [ + "aufl", + -13.6318359375 + ], + [ + "caud", + -13.631841659545898 + ], + [ + "schoot", + -13.63185214996338 + ], + [ + "\u2581GPL", + -13.631884574890137 + ], + [ + "\u2581cancelled", + -13.6318941116333 + ], + [ + "\u2581pesada", + -13.631921768188477 + ], + [ + "agus", + -13.631936073303224 + ], + [ + "\u2581distintivo", + -13.631936073303224 + ], + [ + "Haute", + -13.63195514678955 + ], + [ + "\u2581Pater", + -13.631966590881348 + ], + [ + "\u2581Ihres", + -13.63197898864746 + ], + [ + "\u2581conseillers", + -13.631996154785156 + ], + [ + "sita", + -13.631999015808104 + ], + [ + "\u2581am\u00e9nag\u00e9", + -13.63202667236328 + ], + [ + "loom", + -13.632159233093262 + ], + [ + "\u2581deixe", + -13.63216495513916 + ], + [ + "\u2581ontmoette", + -13.63217830657959 + ], + [ + "Works", + -13.63222885131836 + ], + [ + "messen", + -13.63227367401123 + ], + [ + "schieten", + -13.632278442382812 + ], + [ + "avvenire", + -13.632295608520508 + ], + [ + "automat", + -13.632315635681152 + ], + [ + "\u2581Sachverst\u00e4ndige", + -13.632357597351074 + ], + [ + "\u2581gewinnt", + -13.632375717163086 + ], + [ + "\u2581Puerta", + -13.632403373718262 + ], + [ + "\u2581purement", + -13.632438659667969 + ], + [ + "\u2581Benfica", + -13.632445335388184 + ], + [ + "\u2581genutzten", + -13.632452011108398 + ], + [ + "Pitch", + -13.632498741149902 + ], + [ + "\u2581detenido", + -13.632553100585938 + ], + [ + "\u2581beleg", + -13.632569313049316 + ], + [ + "realpath", + -13.632573127746582 + ], + [ + "gutachten", + -13.632586479187012 + ], + [ + "\u2581Katzen", + -13.632596015930176 + ], + [ + "\u2581italienischer", + -13.632628440856934 + ], + [ + "\u2581shots", + -13.63263988494873 + ], + [ + "\u2581d\u00e9coration", + -13.632644653320312 + ], + [ + "Ops", + -13.632647514343262 + ], + [ + "karma", + -13.632651329040527 + ], + [ + "tracing", + -13.63265323638916 + ], + [ + "\u00e1lbum", + -13.63265323638916 + ], + [ + "\u2581improvvisamente", + -13.63270664215088 + ], + [ + "\u2581discussing", + -13.632718086242676 + ], + [ + "\u2581Flint", + -13.632774353027344 + ], + [ + "\u2581intermedio", + -13.632783889770508 + ], + [ + "Recognition", + -13.632816314697266 + ], + [ + "\u2581registo", + -13.632851600646973 + ], + [ + "geburt", + -13.632864952087402 + ], + [ + "\u2581browsers", + -13.632944107055664 + ], + [ + "\u2581oscillator", + -13.632966995239258 + ], + [ + "\u2581Catalunya", + -13.633007049560549 + ], + [ + "\u2581Fahrten", + -13.633014678955078 + ], + [ + "ingenieurwesen", + -13.63302516937256 + ], + [ + "urgeon", + -13.63302516937256 + ], + [ + "staatlichen", + -13.633028030395508 + ], + [ + "plikation", + -13.633039474487305 + ], + [ + "\u2581summarize", + -13.633068084716797 + ], + [ + "\u2581Unterzeichnung", + -13.633098602294922 + ], + [ + "\u2581iniziano", + -13.633122444152832 + ], + [ + "DESTDIR", + -13.63313102722168 + ], + [ + "\u2581kognitiv", + -13.633171081542969 + ], + [ + "\u2581alters", + -13.63326644897461 + ], + [ + "\u2581Anwalt", + -13.633271217346191 + ], + [ + "\u2581LAS", + -13.633272171020508 + ], + [ + "\u2581vaisseau", + -13.633291244506836 + ], + [ + "ailing", + -13.633299827575684 + ], + [ + "\u2581Grundrechts", + -13.633334159851074 + ], + [ + "\u00e9gal", + -13.633355140686035 + ], + [ + "\u2581aprendizado", + -13.63337230682373 + ], + [ + "Fq", + -13.633512496948242 + ], + [ + "\u2581justamente", + -13.633525848388672 + ], + [ + "\u2581Leandro", + -13.63357925415039 + ], + [ + "\u2581distribu\u00e9", + -13.633599281311035 + ], + [ + "\u2581Macmillan", + -13.633609771728516 + ], + [ + "\u2581Sandro", + -13.633679389953612 + ], + [ + "\u2581Einbindung", + -13.63368034362793 + ], + [ + "BMC", + -13.633697509765623 + ], + [ + "\u2581cyto", + -13.63369846343994 + ], + [ + "\u2581summit", + -13.633723258972168 + ], + [ + "\u2581concluse", + -13.633784294128418 + ], + [ + "\u2581Bonnie", + -13.633788108825684 + ], + [ + "\u2581Categor\u00eda", + -13.63381576538086 + ], + [ + "\u2581Legacy", + -13.63382053375244 + ], + [ + "\u2581rutas", + -13.63385772705078 + ], + [ + "\u2581Hierdurch", + -13.633953094482422 + ], + [ + "\u2581Siege", + -13.633955955505373 + ], + [ + "\u2581Tavern", + -13.633990287780762 + ], + [ + "\u2581\\\\[", + -13.634000778198242 + ], + [ + "alus", + -13.634085655212402 + ], + [ + "p\u00e4dagogischen", + -13.634100914001465 + ], + [ + "mbly", + -13.634150505065918 + ], + [ + "\u2581Fausto", + -13.634160995483398 + ], + [ + "\u2581Anfragen", + -13.634161949157717 + ], + [ + "compl", + -13.63418960571289 + ], + [ + "\u2581Hoffman", + -13.634227752685549 + ], + [ + "\u2581vielf\u00e4ltigen", + -13.63426685333252 + ], + [ + "\u2581parlava", + -13.634284973144531 + ], + [ + "\u2581privilegio", + -13.634307861328123 + ], + [ + "\u2581freddi", + -13.634312629699709 + ], + [ + "\u2581estudia", + -13.634324073791504 + ], + [ + "gunstig", + -13.634328842163086 + ], + [ + "\u2581endmacro", + -13.634353637695312 + ], + [ + "SETUP", + -13.634377479553224 + ], + [ + "Occident", + -13.634428024291992 + ], + [ + "imag", + -13.634451866149902 + ], + [ + "\u2581bagna", + -13.63448429107666 + ], + [ + "mula", + -13.634491920471191 + ], + [ + "\u2581participando", + -13.634491920471191 + ], + [ + "celles", + -13.634510040283203 + ], + [ + "\u2581correctement", + -13.634522438049316 + ], + [ + "\u2581Bediensteten", + -13.634556770324709 + ], + [ + "\u2581budd", + -13.634557723999023 + ], + [ + "\u2581f\u00e9rias", + -13.634575843811035 + ], + [ + "ounding", + -13.634611129760742 + ], + [ + "\u2581siguieron", + -13.634621620178224 + ], + [ + "\u2581voorwaarde", + -13.634706497192385 + ], + [ + "\u2581Grun", + -13.63477897644043 + ], + [ + "xFF", + -13.634790420532228 + ], + [ + "lling", + -13.634832382202148 + ], + [ + "\u2581Individuum", + -13.634843826293944 + ], + [ + "plantage", + -13.634858131408691 + ], + [ + "\u2581trait\u00e9s", + -13.63487434387207 + ], + [ + "nath", + -13.634879112243652 + ], + [ + "\u2581Vereinigungen", + -13.634881019592283 + ], + [ + "Victor", + -13.63489818572998 + ], + [ + "\u2581Landstra", + -13.634902000427246 + ], + [ + "\u2581pr\u00e1tico", + -13.634967803955078 + ], + [ + "\u2581descendentes", + -13.634970664978027 + ], + [ + "\u2581risoluzione", + -13.635027885437012 + ], + [ + "\u2581McCain", + -13.635049819946287 + ], + [ + "saar", + -13.635056495666504 + ], + [ + "\u2581fisso", + -13.635064125061035 + ], + [ + "broadcast", + -13.635151863098145 + ], + [ + "xion", + -13.635228157043455 + ], + [ + "\u2581aliment", + -13.635242462158203 + ], + [ + "\u2581drame", + -13.635261535644531 + ], + [ + "\u2581Finnish", + -13.63526439666748 + ], + [ + "\u2581Pru", + -13.635347366333008 + ], + [ + "\u2581Uitgeverij", + -13.635432243347168 + ], + [ + "\u2581manequim", + -13.635432243347168 + ], + [ + "\u2581gef\u00e4hrden", + -13.635454177856444 + ], + [ + "\u2581gallery", + -13.63546371459961 + ], + [ + "\u2581anunciar", + -13.635489463806152 + ], + [ + "Wil", + -13.63549518585205 + ], + [ + "Notifications", + -13.63552474975586 + ], + [ + "effectuer", + -13.635534286499023 + ], + [ + "contr", + -13.6355562210083 + ], + [ + "\u2581confie", + -13.635567665100098 + ], + [ + "baseline", + -13.635574340820312 + ], + [ + "\u2581entr\u00e9", + -13.635600090026855 + ], + [ + "\u2581pieni", + -13.635605812072754 + ], + [ + "\u2581Sommerspiele", + -13.635624885559082 + ], + [ + "ariidae", + -13.635642051696776 + ], + [ + "capi", + -13.635653495788574 + ], + [ + "spell", + -13.63565731048584 + ], + [ + "CoV", + -13.6356840133667 + ], + [ + "\u2581Dynastie", + -13.63570785522461 + ], + [ + "Characteristic", + -13.635729789733888 + ], + [ + "\u2581egizian", + -13.635746002197266 + ], + [ + "WriteLine", + -13.635765075683594 + ], + [ + "sanierung", + -13.635787010192873 + ], + [ + "\u2581envolvidos", + -13.635805130004885 + ], + [ + "similar", + -13.635830879211426 + ], + [ + "CRATES", + -13.635841369628906 + ], + [ + "\u2581semiconductor", + -13.635847091674805 + ], + [ + "\u2581passioni", + -13.635859489440918 + ], + [ + "veer", + -13.635860443115234 + ], + [ + "\u2581salad", + -13.63586711883545 + ], + [ + "\u2581kenne", + -13.635868072509766 + ], + [ + "entralbank", + -13.635875701904297 + ], + [ + "\u2581enhancement", + -13.635884284973145 + ], + [ + "\u2581accost", + -13.63589572906494 + ], + [ + "log\u00eda", + -13.635910987854004 + ], + [ + "fische", + -13.635923385620115 + ], + [ + "\u2581exposiciones", + -13.635952949523926 + ], + [ + "thor", + -13.635986328125 + ], + [ + "jupyter", + -13.635990142822266 + ], + [ + "\u2581Benzin", + -13.635990142822266 + ], + [ + "detector", + -13.635993957519531 + ], + [ + "\u2581supporter", + -13.63601016998291 + ], + [ + "\u2581foreground", + -13.636042594909668 + ], + [ + "\u2581Wals", + -13.636063575744627 + ], + [ + "Interfaces", + -13.636079788208008 + ], + [ + "omma", + -13.636128425598145 + ], + [ + "\u2581Kroatische", + -13.636133193969728 + ], + [ + "\u2581Weit", + -13.636162757873535 + ], + [ + "absolu", + -13.63617706298828 + ], + [ + "\u2581atinge", + -13.636205673217772 + ], + [ + "quarti", + -13.63620948791504 + ], + [ + "donk", + -13.636212348937988 + ], + [ + "iton", + -13.63624382019043 + ], + [ + "\u00e1ng", + -13.636285781860352 + ], + [ + "erete", + -13.636351585388184 + ], + [ + "\u2581bussen", + -13.6363525390625 + ], + [ + "\u2581wijd", + -13.636363983154297 + ], + [ + "arp", + -13.636375427246094 + ], + [ + "\u2581Understanding", + -13.636378288269045 + ], + [ + "Needs", + -13.636383056640623 + ], + [ + "Allenatore", + -13.636392593383787 + ], + [ + "rechen", + -13.63647747039795 + ], + [ + "\u2581generiert", + -13.636489868164062 + ], + [ + "\u2581Urbi", + -13.636516571044922 + ], + [ + "\u2581Tira", + -13.636521339416504 + ], + [ + "zentrums", + -13.636550903320312 + ], + [ + "Comparison", + -13.636568069458008 + ], + [ + "\u2581Davy", + -13.636570930480955 + ], + [ + "ELE", + -13.636574745178224 + ], + [ + "\u2581cadastra", + -13.636618614196776 + ], + [ + "syscall", + -13.636643409729004 + ], + [ + "\u2581controla", + -13.63673210144043 + ], + [ + "\u2581Garant", + -13.636757850646973 + ], + [ + "nmente", + -13.636811256408691 + ], + [ + "\u2581elektrisch", + -13.636858940124512 + ], + [ + "\u2581Deputy", + -13.636860847473145 + ], + [ + "\u2581vervaardigd", + -13.636860847473145 + ], + [ + "EVA", + -13.636880874633787 + ], + [ + "kran", + -13.636881828308104 + ], + [ + "\u2581aanbod", + -13.636886596679688 + ], + [ + "\u2581Tunisie", + -13.636908531188965 + ], + [ + "Portal", + -13.636919021606444 + ], + [ + "Categories", + -13.636947631835938 + ], + [ + "portado", + -13.636951446533203 + ], + [ + "\u2581venet", + -13.636958122253418 + ], + [ + "\u2581ampie", + -13.636971473693848 + ], + [ + "taka", + -13.636977195739746 + ], + [ + "accompagne", + -13.636985778808594 + ], + [ + "\u2581c\u00e1maras", + -13.636991500854492 + ], + [ + "ecieron", + -13.63703155517578 + ], + [ + "\u2581Taub", + -13.637043952941896 + ], + [ + "vena", + -13.63711166381836 + ], + [ + "Novelle", + -13.63712215423584 + ], + [ + "\u2581flecha", + -13.637166976928713 + ], + [ + "columnwidth", + -13.637231826782228 + ], + [ + "\u2581Flugplatz", + -13.637247085571287 + ], + [ + "\u2581talmente", + -13.63725471496582 + ], + [ + "\u2581ofrecen", + -13.637261390686035 + ], + [ + "\u2581financeurs", + -13.637289047241213 + ], + [ + "\u2581riposo", + -13.637304306030272 + ], + [ + "\u2581Lith", + -13.63730525970459 + ], + [ + "\u2581spam", + -13.637328147888184 + ], + [ + "\u2581Dingen", + -13.637337684631348 + ], + [ + "\u2581scatt", + -13.637341499328612 + ], + [ + "igste", + -13.637347221374512 + ], + [ + "\u2581Rivier", + -13.637392044067385 + ], + [ + "\u2581disputato", + -13.637428283691406 + ], + [ + "Minute", + -13.637436866760254 + ], + [ + "\u2581tribo", + -13.63746166229248 + ], + [ + "\u2581charla", + -13.637462615966797 + ], + [ + "\u2581\u00fcberrascht", + -13.63746452331543 + ], + [ + "\u2581dasselbe", + -13.637469291687012 + ], + [ + "\u2581Esca", + -13.63750171661377 + ], + [ + "\u2581dogana", + -13.637544631958008 + ], + [ + "\u2581aceptaci\u00f3n", + -13.637578010559082 + ], + [ + "\u2581erweiterten", + -13.637582778930664 + ], + [ + "\u2581Fotografie", + -13.637598037719728 + ], + [ + "\u2581Kroati", + -13.637672424316406 + ], + [ + "\u2581dynamically", + -13.637678146362305 + ], + [ + "\u2581Australisch", + -13.637681007385254 + ], + [ + "\u2581accolto", + -13.637686729431152 + ], + [ + "\u2581paralela", + -13.637690544128418 + ], + [ + "\u2581resultierenden", + -13.6376953125 + ], + [ + "\u2581Gospel", + -13.63772678375244 + ], + [ + "HOSTNAME", + -13.637738227844238 + ], + [ + "\u2581meccanica", + -13.63776683807373 + ], + [ + "Rendering", + -13.637775421142578 + ], + [ + "iquement", + -13.637792587280272 + ], + [ + "\u2581Ponti", + -13.63782787322998 + ], + [ + "entsch\u00e4digung", + -13.637859344482422 + ], + [ + "\u2581Standorten", + -13.637859344482422 + ], + [ + "\u2581Hubschrauber", + -13.637868881225586 + ], + [ + "\u2581sculpteur", + -13.637927055358888 + ], + [ + "dimensionale", + -13.637945175170898 + ], + [ + "\u2581Arctic", + -13.637948036193848 + ], + [ + "\u2581introduzido", + -13.638002395629885 + ], + [ + "\u2581sc\u00e9nariste", + -13.63802433013916 + ], + [ + "\u2581sant", + -13.638026237487791 + ], + [ + "\u2581biografia", + -13.638054847717283 + ], + [ + "\u2581violente", + -13.638063430786133 + ], + [ + "CEL", + -13.638111114501951 + ], + [ + "\u2581ascoltare", + -13.63813591003418 + ], + [ + "\u2581federa", + -13.638142585754396 + ], + [ + "evaluation", + -13.63816261291504 + ], + [ + "\u2581barroco", + -13.638164520263672 + ], + [ + "\u2581ordinal", + -13.638179779052734 + ], + [ + "Vue", + -13.63821029663086 + ], + [ + "\u2581Warte", + -13.638221740722656 + ], + [ + "singel", + -13.638224601745604 + ], + [ + "vreemd", + -13.638325691223145 + ], + [ + "\u2581diavolo", + -13.638336181640623 + ], + [ + "PCC", + -13.638345718383787 + ], + [ + "Bubble", + -13.638401985168455 + ], + [ + "Inhibitor", + -13.638431549072266 + ], + [ + "\u2581etliche", + -13.63844108581543 + ], + [ + "\u2581propag", + -13.63847541809082 + ], + [ + "nutzen", + -13.6384859085083 + ], + [ + "\u2581Meio", + -13.638508796691896 + ], + [ + "\u2581debat", + -13.638532638549805 + ], + [ + "\u2581Handelns", + -13.638541221618652 + ], + [ + "\u2581alcanzado", + -13.638562202453612 + ], + [ + "cicli", + -13.638572692871094 + ], + [ + "\u2581Schwefel", + -13.638577461242676 + ], + [ + "\u2581overleg", + -13.638614654541016 + ], + [ + "\u2581americane", + -13.638651847839355 + ], + [ + "condado", + -13.63865852355957 + ], + [ + "Schr", + -13.638659477233888 + ], + [ + "\u2581Verabschiedung", + -13.638680458068848 + ], + [ + "Strategie", + -13.638707160949709 + ], + [ + "ueur", + -13.6387357711792 + ], + [ + "\u2581s\u00e9timo", + -13.638748168945312 + ], + [ + "\u2581slices", + -13.638764381408691 + ], + [ + "\u2581immigrants", + -13.63879680633545 + ], + [ + "\u2581\u00e9criv", + -13.638832092285156 + ], + [ + "\u2581r\u00e9sistant", + -13.638874053955078 + ], + [ + "Hour", + -13.638879776000977 + ], + [ + "\u2581parenti", + -13.638908386230469 + ], + [ + "\u2581Rekord", + -13.638925552368164 + ], + [ + "\u2581omni", + -13.638928413391112 + ], + [ + "\u2581Palla", + -13.638934135437012 + ], + [ + "\u2581Entrevista", + -13.638937950134276 + ], + [ + "\u2581angef\u00fchrt", + -13.638938903808594 + ], + [ + "\u2581enzymes", + -13.63895034790039 + ], + [ + "\u2581concurrentie", + -13.639022827148438 + ], + [ + "ritos", + -13.639023780822754 + ], + [ + "\u2581Brooke", + -13.639053344726562 + ], + [ + "\u2581Buddy", + -13.639055252075195 + ], + [ + "\u2581Travers", + -13.639056205749512 + ], + [ + "\u2581Biomasse", + -13.639062881469728 + ], + [ + "intent", + -13.639065742492676 + ], + [ + "\u2581locu", + -13.639078140258787 + ], + [ + "\u2581quietly", + -13.639097213745115 + ], + [ + "z\u00e4hlung", + -13.639142036437988 + ], + [ + "GAA", + -13.639148712158203 + ], + [ + "Iso", + -13.639179229736328 + ], + [ + "\u2581Fiesta", + -13.639198303222656 + ], + [ + "\u2581paquet", + -13.639211654663086 + ], + [ + "embedded", + -13.6392183303833 + ], + [ + "\u2581Geldbu", + -13.639240264892578 + ], + [ + "pogon", + -13.639241218566896 + ], + [ + "\u2581Klosters", + -13.639249801635742 + ], + [ + "\u2581exert", + -13.639253616333008 + ], + [ + "APS", + -13.639266967773438 + ], + [ + "\u2581habits", + -13.639294624328612 + ], + [ + "\u2581infanter\u00eda", + -13.639302253723145 + ], + [ + "\u2581forts", + -13.639347076416016 + ], + [ + "ikon", + -13.639348983764648 + ], + [ + "Europese", + -13.639404296875 + ], + [ + "\u2581MSC", + -13.639409065246582 + ], + [ + "\u2581Olimpia", + -13.639422416687012 + ], + [ + "\u2581capas", + -13.63943099975586 + ], + [ + "Amendment", + -13.639448165893556 + ], + [ + "\u2581Kennzeichen", + -13.639511108398438 + ], + [ + "\u2581Michelangelo", + -13.639513969421388 + ], + [ + "b\u00e4ume", + -13.639520645141602 + ], + [ + "\u2581trunk", + -13.639535903930664 + ], + [ + "\u2581Skin", + -13.639567375183104 + ], + [ + "\u2581strconv", + -13.639571189880373 + ], + [ + "\u00e9ga", + -13.639595985412598 + ], + [ + "\u2581Andrej", + -13.639640808105469 + ], + [ + "\u2581spari", + -13.63966178894043 + ], + [ + "\u2581coordinator", + -13.639678001403809 + ], + [ + "\u2581doutor", + -13.63968563079834 + ], + [ + "Eishockeyspieler", + -13.639698028564451 + ], + [ + "\u2581Mouvement", + -13.639711380004885 + ], + [ + "\u2581Brecht", + -13.639720916748049 + ], + [ + "assicurazione", + -13.63979148864746 + ], + [ + "melodic", + -13.639813423156738 + ], + [ + "\u2581antig\u00fcedad", + -13.639904022216797 + ], + [ + "PERS", + -13.639937400817873 + ], + [ + "AUC", + -13.639939308166504 + ], + [ + "\u2581Guitarra", + -13.63995361328125 + ], + [ + "\u2581operacionais", + -13.639969825744627 + ], + [ + "\u2581integrierte", + -13.639992713928224 + ], + [ + "tepec", + -13.64000415802002 + ], + [ + "baba", + -13.640037536621094 + ], + [ + "\u2581Hearts", + -13.64004898071289 + ], + [ + "\u2581Bolton", + -13.640063285827637 + ], + [ + "\u2581recarsi", + -13.640070915222168 + ], + [ + "Activate", + -13.640107154846191 + ], + [ + "czyk", + -13.640110969543455 + ], + [ + "\u2581ritira", + -13.640165328979492 + ], + [ + "GAP", + -13.64016819000244 + ], + [ + "\u2581hielten", + -13.640217781066896 + ], + [ + "likken", + -13.640218734741213 + ], + [ + "chemin", + -13.64023494720459 + ], + [ + "heres", + -13.640240669250488 + ], + [ + "Gesetzes", + -13.640257835388184 + ], + [ + "torni", + -13.640273094177246 + ], + [ + "\u2581mud\u00f3", + -13.640298843383787 + ], + [ + "Immutable", + -13.640308380126951 + ], + [ + "Moschee", + -13.640345573425291 + ], + [ + "\u2581beschuldigd", + -13.640347480773926 + ], + [ + "\u2581STGB", + -13.640348434448242 + ], + [ + "invasion", + -13.64036464691162 + ], + [ + "\u2581legales", + -13.640395164489746 + ], + [ + "\u2581McN", + -13.640427589416504 + ], + [ + "\u00e9cho", + -13.64044952392578 + ], + [ + "ecco", + -13.640499114990234 + ], + [ + "\u2581Beira", + -13.640504837036133 + ], + [ + "\u2581Professeur", + -13.64051342010498 + ], + [ + "\u2581Syndi", + -13.640555381774902 + ], + [ + "\u2581Slova", + -13.64063549041748 + ], + [ + "\u2581ospedali", + -13.64063549041748 + ], + [ + "\u2581staf", + -13.640649795532228 + ], + [ + "\u2581sufrido", + -13.640722274780272 + ], + [ + "jump", + -13.64073085784912 + ], + [ + "\u2581contemporanei", + -13.640735626220703 + ], + [ + "\u2581fle", + -13.640751838684082 + ], + [ + "spoel", + -13.640873908996582 + ], + [ + "perfect", + -13.640875816345217 + ], + [ + "Staatssekret\u00e4rin", + -13.64087963104248 + ], + [ + "jama", + -13.640996932983398 + ], + [ + "improvis", + -13.64101791381836 + ], + [ + "\u2581modalidade", + -13.64102268218994 + ], + [ + "\u2581PhD", + -13.641023635864258 + ], + [ + "\u2581renomm\u00e9e", + -13.641035079956056 + ], + [ + "\u2581\u00e4hnlicher", + -13.64104461669922 + ], + [ + "\u2581Arro", + -13.64106273651123 + ], + [ + "OID", + -13.64111042022705 + ], + [ + "\u2581Burundi", + -13.641128540039062 + ], + [ + "\u2581Afghan", + -13.64113712310791 + ], + [ + "\u2581Trauer", + -13.641161918640137 + ], + [ + "Carlos", + -13.641165733337402 + ], + [ + "\u2581Natalie", + -13.641165733337402 + ], + [ + "\u2581macho", + -13.641201972961426 + ], + [ + "\u2581cavity", + -13.64121437072754 + ], + [ + "\u2581Antike", + -13.641258239746094 + ], + [ + "emption", + -13.641292572021484 + ], + [ + "riya", + -13.641324996948242 + ], + [ + "\u2581squal", + -13.641340255737305 + ], + [ + "ossid", + -13.641348838806152 + ], + [ + "\u2581disparar", + -13.641363143920898 + ], + [ + "\u2581Ike", + -13.641374588012695 + ], + [ + "\u2581PKW", + -13.641382217407228 + ], + [ + "\u2581corrected", + -13.641385078430176 + ], + [ + "\u2581judgement", + -13.641390800476074 + ], + [ + "waiting", + -13.641437530517578 + ], + [ + "\u2581fondamento", + -13.6414794921875 + ], + [ + "baker", + -13.641521453857422 + ], + [ + "\u2581llaman", + -13.641573905944824 + ], + [ + "strategien", + -13.641606330871582 + ], + [ + "\u2581consomm", + -13.641620635986328 + ], + [ + "\u2581badly", + -13.64163303375244 + ], + [ + "\u2581skew", + -13.64167594909668 + ], + [ + "\u2581wages", + -13.641694068908691 + ], + [ + "\u2581ontdekte", + -13.641717910766602 + ], + [ + "artifacts", + -13.641731262207031 + ], + [ + "\u2581Ministerial", + -13.641769409179688 + ], + [ + "\u2581L\u00e9vi", + -13.641773223876951 + ], + [ + "\u2581singole", + -13.641782760620115 + ], + [ + "\u2581touch\u00e9", + -13.641794204711914 + ], + [ + "\u2581gracia", + -13.641828536987305 + ], + [ + "verz", + -13.64184856414795 + ], + [ + "enkirchen", + -13.641853332519531 + ], + [ + "\u2581Glei", + -13.64185619354248 + ], + [ + "\u2581Velho", + -13.641880989074709 + ], + [ + "\u2581connues", + -13.641911506652832 + ], + [ + "uF", + -13.641950607299805 + ], + [ + "\u2581constituant", + -13.641955375671388 + ], + [ + "\u2581Kaplan", + -13.641962051391602 + ], + [ + "\u2581snack", + -13.641975402832031 + ], + [ + "\u2581tese", + -13.642047882080078 + ], + [ + "\u2581Mozilla", + -13.64207649230957 + ], + [ + "\u2581congr", + -13.642083168029783 + ], + [ + "\u2581Hippo", + -13.64208984375 + ], + [ + "\u2581caus", + -13.642096519470217 + ], + [ + "arren", + -13.642136573791504 + ], + [ + "ITO", + -13.6421480178833 + ], + [ + "\u2581fronteras", + -13.642172813415527 + ], + [ + "\u2581zover", + -13.642173767089844 + ], + [ + "\u2581dieselben", + -13.64219093322754 + ], + [ + "Robot", + -13.642192840576172 + ], + [ + "Hive", + -13.642197608947754 + ], + [ + "\u2581Usu", + -13.642206192016602 + ], + [ + "\u2581Explosion", + -13.642223358154297 + ], + [ + "Adjust", + -13.642298698425291 + ], + [ + "baud", + -13.642329216003418 + ], + [ + "\u2581appaiono", + -13.642353057861328 + ], + [ + "FRONTEND", + -13.642354011535645 + ], + [ + "\u2581fuso", + -13.642354011535645 + ], + [ + "hoog", + -13.642356872558594 + ], + [ + "\u2581parou", + -13.642362594604492 + ], + [ + "\u2581correcta", + -13.642404556274414 + ], + [ + "\u2581chapters", + -13.642409324645996 + ], + [ + "\u2581apartado", + -13.64242172241211 + ], + [ + "\u2581explorer", + -13.642475128173828 + ], + [ + "\u2581not\u00e1vel", + -13.642484664916992 + ], + [ + "\u2581corrupt", + -13.642498016357422 + ], + [ + "TypeError", + -13.642502784729004 + ], + [ + "h\u00e4nge", + -13.64250373840332 + ], + [ + "\u2581variabili", + -13.642515182495115 + ], + [ + "NIE", + -13.642521858215332 + ], + [ + "\u2581bondscoach", + -13.64254379272461 + ], + [ + "Great", + -13.64254665374756 + ], + [ + "\u2581produtores", + -13.642547607421877 + ], + [ + "enkelspel", + -13.642548561096191 + ], + [ + "\u2581gedefinieerd", + -13.642552375793455 + ], + [ + "Knock", + -13.64255428314209 + ], + [ + "accompagner", + -13.642647743225098 + ], + [ + "\u2581vocais", + -13.64269733428955 + ], + [ + "Verification", + -13.64271354675293 + ], + [ + "formes", + -13.642746925354004 + ], + [ + "\u2581V\u00e1zquez", + -13.642756462097168 + ], + [ + "\u2581colega", + -13.642759323120115 + ], + [ + "toolkit", + -13.642783164978027 + ], + [ + "\u2581cittadinanza", + -13.642789840698242 + ], + [ + "\u2581opposta", + -13.642802238464355 + ], + [ + "\u2581Translate", + -13.642816543579102 + ], + [ + "\u2581metalen", + -13.642861366271973 + ], + [ + "\u2581Anklage", + -13.642864227294922 + ], + [ + "\u2581laterale", + -13.64289379119873 + ], + [ + "\u2581zentraler", + -13.642895698547363 + ], + [ + "\u2581Profession", + -13.642904281616213 + ], + [ + "\u2581Donner", + -13.642931938171388 + ], + [ + "\u2581profound", + -13.642938613891602 + ], + [ + "\u2581Allgemeinheit", + -13.642993927001951 + ], + [ + "\u2581opgeroepen", + -13.643013954162598 + ], + [ + "\u2581exploring", + -13.643024444580078 + ], + [ + "rvm", + -13.643031120300291 + ], + [ + "idge", + -13.64303493499756 + ], + [ + "\u2581concentr", + -13.643043518066406 + ], + [ + "Reinhold", + -13.643074035644531 + ], + [ + "\u2581gegr\u00fcndete", + -13.643086433410645 + ], + [ + "lze", + -13.64316177368164 + ], + [ + "\u2581Farmacia", + -13.64317226409912 + ], + [ + "cake", + -13.643203735351562 + ], + [ + "\u2581Werkstoff", + -13.643265724182127 + ], + [ + "\u2581Malesia", + -13.64327907562256 + ], + [ + "itzen", + -13.643369674682615 + ], + [ + "\u2581ingresar", + -13.643373489379885 + ], + [ + "\u2581Bahamas", + -13.643380165100098 + ], + [ + "\u2581assinou", + -13.643425941467283 + ], + [ + "adeira", + -13.64348030090332 + ], + [ + "endam", + -13.643529891967772 + ], + [ + "\u2581Scholar", + -13.643574714660645 + ], + [ + "\u2581humanity", + -13.643641471862791 + ], + [ + "erait", + -13.643651962280272 + ], + [ + "\u2581exigir", + -13.643668174743652 + ], + [ + "\u2581pericolosa", + -13.64368724822998 + ], + [ + "NED", + -13.64376163482666 + ], + [ + "\u2581carriers", + -13.643787384033203 + ], + [ + "\u2581Hipp", + -13.643791198730469 + ], + [ + "\u2581passeio", + -13.643791198730469 + ], + [ + "Bildung", + -13.643797874450684 + ], + [ + "TEC", + -13.643827438354492 + ], + [ + "\u2581divis\u00e9", + -13.643842697143556 + ], + [ + "\u2581historicamente", + -13.643855094909668 + ], + [ + "\u2581fabricant", + -13.643915176391602 + ], + [ + "loven", + -13.643942832946776 + ], + [ + "Tit", + -13.643972396850586 + ], + [ + "Supply", + -13.643990516662598 + ], + [ + "Ptero", + -13.64400863647461 + ], + [ + "otro", + -13.64405632019043 + ], + [ + "\u2581disput\u00e9", + -13.644067764282228 + ], + [ + "\u2581deformation", + -13.644091606140137 + ], + [ + "lente", + -13.644105911254885 + ], + [ + "\u2581Actually", + -13.64416790008545 + ], + [ + "\u2581m\u00e1gicas", + -13.644171714782717 + ], + [ + "Misc", + -13.64418125152588 + ], + [ + "midae", + -13.644186973571776 + ], + [ + "\u2581Pek\u00edn", + -13.644195556640623 + ], + [ + "\u2581magn\u00e9tique", + -13.64421272277832 + ], + [ + "\u2581Ortsteile", + -13.644221305847168 + ], + [ + "\u2581Popp", + -13.644243240356444 + ], + [ + "\u2581bood", + -13.644272804260254 + ], + [ + "\u2581Uniform", + -13.644275665283203 + ], + [ + "ValidationError", + -13.644346237182615 + ], + [ + "\u2581Jugadores", + -13.644360542297363 + ], + [ + "\u2581buscaba", + -13.64436149597168 + ], + [ + "\u2581Moura", + -13.644413948059082 + ], + [ + "\u00e9valuer", + -13.644429206848145 + ], + [ + "\u2581glaubte", + -13.644433975219728 + ], + [ + "\u2581hierba", + -13.644488334655762 + ], + [ + "\u2581EWR", + -13.644501686096191 + ], + [ + "\u2581Weinberg", + -13.64451503753662 + ], + [ + "\u2581schrijf", + -13.644564628601074 + ], + [ + "\u2581barche", + -13.644582748413086 + ], + [ + "\u2581Fazit", + -13.644596099853516 + ], + [ + "\u2581comiss", + -13.644623756408691 + ], + [ + "\u2581cancellation", + -13.644638061523438 + ], + [ + "\u2581defensores", + -13.64464282989502 + ], + [ + "\u2581sexuales", + -13.644671440124512 + ], + [ + "\u2581leap", + -13.644728660583496 + ], + [ + "cette", + -13.644815444946287 + ], + [ + "tzung", + -13.644820213317873 + ], + [ + "\u2581geistige", + -13.644821166992188 + ], + [ + "ummer", + -13.644832611083984 + ], + [ + "naires", + -13.6448335647583 + ], + [ + "\u2581SAM", + -13.64484977722168 + ], + [ + "\u2581compiti", + -13.644853591918944 + ], + [ + "\u2581pertes", + -13.644868850708008 + ], + [ + "\u2581explic\u00f3", + -13.644889831542969 + ], + [ + "\u2581Mie", + -13.644937515258787 + ], + [ + "oldi", + -13.64494800567627 + ], + [ + "\u2581Novgorod", + -13.645011901855469 + ], + [ + "Derived", + -13.645029067993164 + ], + [ + "\u2581Schmuck", + -13.64503574371338 + ], + [ + "\u2581nucleares", + -13.645038604736328 + ], + [ + "\u2581asumir", + -13.645045280456545 + ], + [ + "\u2581organizzati", + -13.645062446594238 + ], + [ + "\u2581Orthodox", + -13.645099639892578 + ], + [ + "\u2581arros", + -13.645108222961426 + ], + [ + "defizit", + -13.645112991333008 + ], + [ + "Ordered", + -13.645124435424805 + ], + [ + "VEL", + -13.645147323608398 + ], + [ + "\u2581pint", + -13.64522647857666 + ], + [ + "\u2581triumph", + -13.64522647857666 + ], + [ + "\u2581frapp\u00e9", + -13.64522933959961 + ], + [ + "araign\u00e9es", + -13.645257949829102 + ], + [ + "\u2581quark", + -13.645257949829102 + ], + [ + "ruim", + -13.645267486572266 + ], + [ + "\u2581Crea", + -13.645306587219238 + ], + [ + "\u2581economics", + -13.645309448242188 + ], + [ + "\u2581Democrats", + -13.645315170288086 + ], + [ + "\u2581mange", + -13.645333290100098 + ], + [ + "\u2581gest\u00e4rkt", + -13.645336151123049 + ], + [ + "\u2581Tratados", + -13.64539623260498 + ], + [ + "\u2581B\u00edblia", + -13.645414352416992 + ], + [ + "\u2581Estrutura", + -13.645414352416992 + ], + [ + "Cut", + -13.645430564880373 + ], + [ + "\u2581Trifft", + -13.645444869995115 + ], + [ + "ELI", + -13.645456314086914 + ], + [ + "\u2581Windenergie", + -13.645469665527344 + ], + [ + "\u2581Patientinnen", + -13.645492553710938 + ], + [ + "\u2581blonde", + -13.645505905151367 + ], + [ + "\u2581Filippine", + -13.645530700683594 + ], + [ + "Art\u00edculos", + -13.645543098449709 + ], + [ + "\u2581vrijwillig", + -13.645560264587402 + ], + [ + "\u2581Hollow", + -13.645573616027832 + ], + [ + "\u2581Asi\u00e1tico", + -13.645630836486816 + ], + [ + "\u2581odds", + -13.645639419555664 + ], + [ + "\u2581nachvollziehbar", + -13.645715713500977 + ], + [ + "\u2581\u00e9cossais", + -13.64572048187256 + ], + [ + "staats", + -13.645809173583984 + ], + [ + "matching", + -13.645832061767578 + ], + [ + "\u2581Tant", + -13.645849227905272 + ], + [ + "\u2581vantaggi", + -13.64585781097412 + ], + [ + "incremental", + -13.645917892456056 + ], + [ + "Logic", + -13.645947456359863 + ], + [ + "\u2581incide", + -13.645955085754396 + ], + [ + "streden", + -13.64598560333252 + ], + [ + "\u2581zelden", + -13.64611530303955 + ], + [ + "\u2581Feedback", + -13.646120071411133 + ], + [ + "sociales", + -13.646127700805664 + ], + [ + "Rusland", + -13.646133422851562 + ], + [ + "\u2581Marat", + -13.646187782287598 + ], + [ + "skie", + -13.646198272705078 + ], + [ + "\u2581Luxemburgo", + -13.646210670471191 + ], + [ + "\u2581Alva", + -13.646211624145508 + ], + [ + "Something", + -13.646215438842772 + ], + [ + "hydrat", + -13.64623737335205 + ], + [ + "\u2581distra", + -13.646244049072266 + ], + [ + "ratie", + -13.646245002746582 + ], + [ + "DIN", + -13.646251678466797 + ], + [ + "Chicago", + -13.646255493164062 + ], + [ + "Liber", + -13.646268844604492 + ], + [ + "\u2581schuldig", + -13.64627456665039 + ], + [ + "\u00e9teint", + -13.646283149719238 + ], + [ + "\u2581organizados", + -13.64628791809082 + ], + [ + "\u2581Diaz", + -13.64631175994873 + ], + [ + "\u2581Folter", + -13.646344184875488 + ], + [ + "szusammenarbeit", + -13.646353721618652 + ], + [ + "\u2581intake", + -13.646358489990234 + ], + [ + "CECE", + -13.646379470825195 + ], + [ + "verwendung", + -13.646384239196776 + ], + [ + "\u2581remplir", + -13.646418571472168 + ], + [ + "yton", + -13.64642333984375 + ], + [ + "ngobard", + -13.646479606628418 + ], + [ + "\u2581wisdom", + -13.646489143371582 + ], + [ + "\u2581nudi", + -13.64650535583496 + ], + [ + "\u2581mince", + -13.646512985229492 + ], + [ + "nomic", + -13.646533012390137 + ], + [ + "\u2581francophone", + -13.64657974243164 + ], + [ + "kurven", + -13.64659023284912 + ], + [ + "\u2581Speise", + -13.64660358428955 + ], + [ + "\u2581colinas", + -13.646625518798828 + ], + [ + "\u2581opens", + -13.646632194519045 + ], + [ + "rfc", + -13.646645545959473 + ], + [ + "\u2581Orchester", + -13.646668434143066 + ], + [ + "\u2581Noors", + -13.646753311157228 + ], + [ + "\u2581presenting", + -13.646764755249023 + ], + [ + "\u2581Hie", + -13.64681911468506 + ], + [ + "\u2581achieving", + -13.646848678588867 + ], + [ + "Melan", + -13.646849632263184 + ], + [ + "SLocalizedString", + -13.6468505859375 + ], + [ + "\u2581funny", + -13.6468505859375 + ], + [ + "\u2581morre", + -13.646879196166992 + ], + [ + "\u2581Sudafrica", + -13.646885871887209 + ], + [ + "\u2581dienten", + -13.646897315979004 + ], + [ + "\u2581bears", + -13.64691925048828 + ], + [ + "Sabe", + -13.646924018859863 + ], + [ + "\u2581nombrada", + -13.646939277648926 + ], + [ + "arbeitet", + -13.64695644378662 + ], + [ + "\u2581asignado", + -13.64699363708496 + ], + [ + "\u2581atacante", + -13.647034645080566 + ], + [ + "\u2581frustration", + -13.6470365524292 + ], + [ + "\u2581'.'", + -13.647039413452148 + ], + [ + "\u2581Williamson", + -13.647047996520996 + ], + [ + "\u2581mkfifo", + -13.64705753326416 + ], + [ + "Dyn", + -13.647096633911133 + ], + [ + "sberechtigten", + -13.647102355957031 + ], + [ + "combust", + -13.647130966186523 + ], + [ + "mpz", + -13.64720630645752 + ], + [ + "\u2581iPad", + -13.647245407104492 + ], + [ + "utc", + -13.647308349609377 + ], + [ + "\u2581geleidelijk", + -13.647336959838867 + ], + [ + "\u2581Komposition", + -13.64734935760498 + ], + [ + "utsu", + -13.647353172302246 + ], + [ + "\u2581rottura", + -13.647354125976562 + ], + [ + "\u2581visitado", + -13.647367477416992 + ], + [ + "\u2581pregnant", + -13.647377014160156 + ], + [ + "compressor", + -13.647394180297852 + ], + [ + "\u2581isolamento", + -13.647418975830078 + ], + [ + "\u2581glow", + -13.647438049316406 + ], + [ + "\u2581approfitta", + -13.647459030151367 + ], + [ + "\u2581realisieren", + -13.647469520568848 + ], + [ + "\u2581Hanoi", + -13.647472381591797 + ], + [ + "\u2581adaptada", + -13.647475242614746 + ], + [ + "\u2581colla", + -13.647483825683594 + ], + [ + "\u2581congresso", + -13.647531509399414 + ], + [ + "\u2581Gna", + -13.647546768188477 + ], + [ + "\u2581Bret", + -13.64755153656006 + ], + [ + "DAT", + -13.64758014678955 + ], + [ + "\u2581Evert", + -13.647589683532717 + ], + [ + "\u2581urgente", + -13.647624969482422 + ], + [ + "\u2581seguono", + -13.647634506225586 + ], + [ + "\u2581Schiffen", + -13.6476411819458 + ], + [ + "\u2581hort", + -13.647655487060549 + ], + [ + "animale", + -13.647659301757812 + ], + [ + "sch\u00e4digung", + -13.647663116455078 + ], + [ + "\u2581saben", + -13.64767837524414 + ], + [ + "Ek", + -13.647709846496582 + ], + [ + "\u2581momenteel", + -13.647714614868164 + ], + [ + "\u2581apartamento", + -13.647733688354492 + ], + [ + "ugue", + -13.647747993469238 + ], + [ + "STI", + -13.647772789001465 + ], + [ + "\u2581convidado", + -13.647777557373049 + ], + [ + "Warp", + -13.64779567718506 + ], + [ + "\u2581celebrate", + -13.64781093597412 + ], + [ + "\u2581variados", + -13.647823333740234 + ], + [ + "\u2581orientales", + -13.647852897644045 + ], + [ + "\u2581dissi", + -13.647855758666992 + ], + [ + "klon", + -13.647887229919434 + ], + [ + "\u2581molde", + -13.647887229919434 + ], + [ + "finitely", + -13.647924423217772 + ], + [ + "irri", + -13.647932052612305 + ], + [ + "\u2581dorso", + -13.647944450378418 + ], + [ + "brit", + -13.647963523864746 + ], + [ + "\u2581Bertaux", + -13.648016929626465 + ], + [ + "vini", + -13.648029327392578 + ], + [ + "streben", + -13.648030281066896 + ], + [ + "\u2581nadien", + -13.648030281066896 + ], + [ + "\u2581basieren", + -13.648051261901855 + ], + [ + "Temporary", + -13.648077964782717 + ], + [ + "\u2581Kolon", + -13.648085594177246 + ], + [ + "\u2581Nek", + -13.648088455200195 + ], + [ + "\u2581tablespoons", + -13.648093223571776 + ], + [ + "twicklungsl\u00e4nder", + -13.648103713989258 + ], + [ + "\u2581promosso", + -13.648119926452637 + ], + [ + "cornerRadius", + -13.648150444030762 + ], + [ + "\u2581rituale", + -13.648174285888672 + ], + [ + "\u2581ateliers", + -13.648199081420898 + ], + [ + "flutter", + -13.6482515335083 + ], + [ + "\u2581besonderem", + -13.648272514343262 + ], + [ + "\u2581Witch", + -13.648276329040527 + ], + [ + "\u2581Evelyn", + -13.648293495178224 + ], + [ + "PON", + -13.648303985595703 + ], + [ + "bohr", + -13.648308753967283 + ], + [ + "\u2581Kontrast", + -13.648308753967283 + ], + [ + "Prompt", + -13.64836883544922 + ], + [ + "cellular", + -13.648427963256836 + ], + [ + "rissen", + -13.648436546325684 + ], + [ + "\u2581Monika", + -13.648499488830566 + ], + [ + "LAT", + -13.648505210876465 + ], + [ + "\u2581Schil", + -13.648508071899414 + ], + [ + "\u2581resultou", + -13.648541450500488 + ], + [ + "\u2581Swin", + -13.648589134216309 + ], + [ + "pfungs", + -13.648609161376951 + ], + [ + "\u2581secured", + -13.64861297607422 + ], + [ + "\u2581Normandia", + -13.648614883422852 + ], + [ + "\u2581neighboring", + -13.6486234664917 + ], + [ + "tradizionalmente", + -13.648714065551758 + ], + [ + "\u2581scenic", + -13.648717880249023 + ], + [ + "\u2581Rechtsform", + -13.648724555969238 + ], + [ + "\u2581offshore", + -13.64875316619873 + ], + [ + "\u2581spu", + -13.648768424987791 + ], + [ + "Requirements", + -13.648823738098145 + ], + [ + "\u2581L\u00edbano", + -13.648900985717772 + ], + [ + "\u2581Familienangeh", + -13.648921966552734 + ], + [ + "\u2581Ariana", + -13.648941040039062 + ], + [ + "magnetic", + -13.648945808410645 + ], + [ + "\u2581prohibit", + -13.648953437805176 + ], + [ + "Selbstverwaltung", + -13.64896297454834 + ], + [ + "Ludwig", + -13.649004936218262 + ], + [ + "alit\u00e4tssicherung", + -13.649044036865234 + ], + [ + "\u2581culmina", + -13.649066925048828 + ], + [ + "tendent", + -13.649084091186523 + ], + [ + "\u2581dispens", + -13.649089813232422 + ], + [ + "\u2581aparecido", + -13.64916706085205 + ], + [ + "\u2581Plac", + -13.649184226989746 + ], + [ + "lhada", + -13.649188041687012 + ], + [ + "\u2581esami", + -13.649211883544922 + ], + [ + "\u2581wetten", + -13.649235725402832 + ], + [ + "\u2581Pista", + -13.64926528930664 + ], + [ + "\u2581ploegen", + -13.649288177490234 + ], + [ + "\u2581Genossenschaft", + -13.649295806884766 + ], + [ + "\u2581propuesto", + -13.64931583404541 + ], + [ + "\u2581Himmler", + -13.649317741394045 + ], + [ + "ierender", + -13.64934539794922 + ], + [ + "\u2581afferm", + -13.64936065673828 + ], + [ + "\u2581proximity", + -13.649394035339355 + ], + [ + "p\u00e9ri", + -13.649434089660645 + ], + [ + "Containers", + -13.649442672729492 + ], + [ + "\u2581Ear", + -13.649457931518556 + ], + [ + "\u2581d\u00e9mon", + -13.649466514587402 + ], + [ + "Neue", + -13.649469375610352 + ], + [ + "\u2581divennero", + -13.64948844909668 + ], + [ + "\u2581Jornada", + -13.649518013000488 + ], + [ + "\u2581d\u00e9cennies", + -13.649527549743652 + ], + [ + "\u2581Smartphone", + -13.649532318115234 + ], + [ + "\u2581koel", + -13.649555206298828 + ], + [ + "\u2581spirits", + -13.649575233459473 + ], + [ + "\u2581distinctive", + -13.649580955505373 + ], + [ + "brunnen", + -13.649599075317385 + ], + [ + "\u2581abgeben", + -13.649633407592772 + ], + [ + "CLR", + -13.649649620056152 + ], + [ + "\u2581jugaba", + -13.649662971496582 + ], + [ + "\u2581priest", + -13.64967441558838 + ], + [ + "segments", + -13.649682998657228 + ], + [ + "\u2581pijn", + -13.649698257446287 + ], + [ + "\u2581Bosque", + -13.64972686767578 + ], + [ + "genomi", + -13.649727821350098 + ], + [ + "\u2581itera", + -13.64974880218506 + ], + [ + "klingen", + -13.649782180786133 + ], + [ + "\u2581erm\u00e4", + -13.649787902832031 + ], + [ + "onn\u00e9", + -13.6498384475708 + ], + [ + "\u2581Petitionen", + -13.649874687194824 + ], + [ + "\u2581rappresentati", + -13.649938583374023 + ], + [ + "Sala", + -13.64995002746582 + ], + [ + "\u2581Sichuan", + -13.64999294281006 + ], + [ + "twin", + -13.650033950805664 + ], + [ + "\u2581milagro", + -13.650036811828612 + ], + [ + "OST", + -13.65004062652588 + ], + [ + "br\u00fcche", + -13.650044441223145 + ], + [ + "\u2581vena", + -13.650079727172852 + ], + [ + "having", + -13.650126457214355 + ], + [ + "\u2581niedrigeren", + -13.65013313293457 + ], + [ + "\u2581voorloper", + -13.650169372558594 + ], + [ + "\u2581vins", + -13.65019989013672 + ], + [ + "\u2581guardando", + -13.6502103805542 + ], + [ + "\u2581inclu\u00eddo", + -13.650212287902832 + ], + [ + "Tk", + -13.650221824645996 + ], + [ + "IFF", + -13.65025806427002 + ], + [ + "ETS", + -13.650259971618652 + ], + [ + "\u2581Visita", + -13.650272369384766 + ], + [ + "\u2581Ozon", + -13.65027904510498 + ], + [ + "asper", + -13.650288581848145 + ], + [ + "\u2581correcto", + -13.650341033935549 + ], + [ + "\u2581Am\u00e9ricas", + -13.650343894958496 + ], + [ + "\u2581Sudam\u00e9rica", + -13.65035915374756 + ], + [ + "jdbc", + -13.65036678314209 + ], + [ + "\u2581Spalt", + -13.650385856628418 + ], + [ + "\u2581Beispielsweise", + -13.650394439697266 + ], + [ + "\u2581avessi", + -13.650413513183594 + ], + [ + "tainment", + -13.650416374206545 + ], + [ + "\u2581capitalisme", + -13.650430679321287 + ], + [ + "\u2581Warwick", + -13.6504487991333 + ], + [ + "\u2581mainland", + -13.650453567504885 + ], + [ + "Jon", + -13.650460243225098 + ], + [ + "\u2581sugerido", + -13.65049934387207 + ], + [ + "\u2581venuta", + -13.650505065917969 + ], + [ + "deriv", + -13.650527954101562 + ], + [ + "\u2581Ovest", + -13.65053653717041 + ], + [ + "\u2581quai", + -13.65054702758789 + ], + [ + "\u2581Erie", + -13.65056324005127 + ], + [ + "\u2581evenwicht", + -13.650568008422852 + ], + [ + "recorder", + -13.65060806274414 + ], + [ + "\u2581calz", + -13.650616645812988 + ], + [ + "ar\u00e9", + -13.650641441345217 + ], + [ + "RequestId", + -13.650662422180176 + ], + [ + "\u2581elektronen", + -13.650678634643556 + ], + [ + "\u2581Bono", + -13.65070343017578 + ], + [ + "\u2581Plasmid", + -13.650721549987791 + ], + [ + "werkzeug", + -13.650769233703612 + ], + [ + "\u2581balneare", + -13.650771141052246 + ], + [ + "\u2581Natalia", + -13.65077781677246 + ], + [ + "Fabricius", + -13.650778770446776 + ], + [ + "EVEN", + -13.65078353881836 + ], + [ + "TTC", + -13.65089225769043 + ], + [ + "\u2581gr\u00fcnen", + -13.650900840759276 + ], + [ + "\u2581binomial", + -13.65090560913086 + ], + [ + "\u2581ingericht", + -13.65097427368164 + ], + [ + "\u2581financiera", + -13.650988578796388 + ], + [ + "pois", + -13.651006698608398 + ], + [ + "\u2581dibujo", + -13.651023864746094 + ], + [ + "Coding", + -13.651042938232422 + ], + [ + "Grant", + -13.651093482971191 + ], + [ + "Semi", + -13.65112590789795 + ], + [ + "Gimnasia", + -13.651135444641112 + ], + [ + "\u2581Biography", + -13.651175498962402 + ], + [ + "\u2581Independence", + -13.651206016540527 + ], + [ + "f\u00fcnfzig", + -13.651206970214844 + ], + [ + "Schweiz", + -13.651214599609377 + ], + [ + "\u2581Berufsbildung", + -13.65122890472412 + ], + [ + "rotta", + -13.651232719421388 + ], + [ + "intervalle", + -13.651273727416992 + ], + [ + "\u2581vorab", + -13.651290893554688 + ], + [ + "Psy", + -13.65129852294922 + ], + [ + "\u2581cautela", + -13.651308059692385 + ], + [ + "bordered", + -13.651338577270508 + ], + [ + "k\u00e1", + -13.651338577270508 + ], + [ + "\u2581informati", + -13.651360511779783 + ], + [ + "\u2581relaties", + -13.651371955871582 + ], + [ + "Ivoire", + -13.65139389038086 + ], + [ + "\u2581transform\u00e9", + -13.651397705078123 + ], + [ + "nM", + -13.651444435119627 + ], + [ + "\u2581carreteras", + -13.65146255493164 + ], + [ + "divisible", + -13.65148639678955 + ], + [ + "pV", + -13.651503562927246 + ], + [ + "prim\u00e9", + -13.651530265808104 + ], + [ + "drogen", + -13.651545524597168 + ], + [ + "\u2581nutzbar", + -13.65155029296875 + ], + [ + "\u2581verweigert", + -13.651576042175291 + ], + [ + "bibliography", + -13.651586532592772 + ], + [ + "ophilus", + -13.65160083770752 + ], + [ + "\u2581oostelijk", + -13.651638984680176 + ], + [ + "Dom\u00e4ne", + -13.65166473388672 + ], + [ + "\u2581Cabinet", + -13.651665687561035 + ], + [ + "\u2581umgehend", + -13.651670455932615 + ], + [ + "\u2581Considera", + -13.65167999267578 + ], + [ + "\u2581Fabr", + -13.651688575744627 + ], + [ + "vertrauen", + -13.651693344116213 + ], + [ + "inosa", + -13.651697158813477 + ], + [ + "\u2581Rochelle", + -13.651715278625488 + ], + [ + "\u2581litros", + -13.651718139648438 + ], + [ + "halo", + -13.651725769042969 + ], + [ + "schwimm", + -13.651729583740234 + ], + [ + "carte", + -13.65174961090088 + ], + [ + "\u2581Diagramm", + -13.65175724029541 + ], + [ + "\u2581literario", + -13.65176486968994 + ], + [ + "\u2581permanence", + -13.651787757873535 + ], + [ + "bewust", + -13.65179443359375 + ], + [ + "l\u00fccken", + -13.651838302612305 + ], + [ + "\u2581Transportes", + -13.651860237121582 + ], + [ + "\u2581enthaltene", + -13.651902198791504 + ], + [ + "\u2581Landesrecht", + -13.651928901672363 + ], + [ + "\u2581frequenta", + -13.651928901672363 + ], + [ + "Built", + -13.652020454406738 + ], + [ + "ideal", + -13.652021408081056 + ], + [ + "\u2581avoiding", + -13.6520357131958 + ], + [ + "einkommens", + -13.652043342590332 + ], + [ + "\u2581proliferation", + -13.652061462402344 + ], + [ + "liquid", + -13.652076721191406 + ], + [ + "counts", + -13.652151107788086 + ], + [ + "ANAL", + -13.652154922485352 + ], + [ + "\u2581Kenmerken", + -13.652193069458008 + ], + [ + "Gesch\u00e4ftsf\u00fchrung", + -13.652202606201172 + ], + [ + "Disconnect", + -13.652225494384766 + ], + [ + "chini", + -13.652259826660156 + ], + [ + "leuchten", + -13.652295112609863 + ], + [ + "trennung", + -13.652313232421877 + ], + [ + "vard", + -13.652326583862305 + ], + [ + "\u2581herramienta", + -13.652328491210938 + ], + [ + "Signing", + -13.65235424041748 + ], + [ + "w\u00e4nde", + -13.652373313903809 + ], + [ + "\u2581Coming", + -13.652416229248049 + ], + [ + "\u2581Arbor", + -13.652430534362791 + ], + [ + "kis", + -13.652456283569336 + ], + [ + "\u2581Trapani", + -13.652471542358398 + ], + [ + "eppelin", + -13.652475357055664 + ], + [ + "\u2581brilliant", + -13.652481079101562 + ], + [ + "cnn", + -13.652488708496094 + ], + [ + "Wang", + -13.65248966217041 + ], + [ + "\u2581integraci\u00f3n", + -13.652518272399902 + ], + [ + "\u2581privileges", + -13.652544021606444 + ], + [ + "\u2581cilindro", + -13.652547836303713 + ], + [ + "\u2581oraci\u00f3n", + -13.652551651000977 + ], + [ + "sregelungen", + -13.652584075927734 + ], + [ + "\u2581borda", + -13.65261173248291 + ], + [ + "\u2581mantido", + -13.652621269226074 + ], + [ + "\u2581Drenthe", + -13.652624130249023 + ], + [ + "BIS", + -13.652632713317873 + ], + [ + "\u2581wherever", + -13.652637481689451 + ], + [ + "\u2581Niemand", + -13.652685165405272 + ], + [ + "graphql", + -13.65269947052002 + ], + [ + "\u2581Comunidade", + -13.65278148651123 + ], + [ + "thyr", + -13.65280055999756 + ], + [ + "ass\u00e9", + -13.65281105041504 + ], + [ + "\u2581alternatief", + -13.652827262878418 + ], + [ + "\u2581ruinas", + -13.652833938598633 + ], + [ + "gura", + -13.65284538269043 + ], + [ + "\u2581Paint", + -13.65284538269043 + ], + [ + "\u2581Baghdad", + -13.652849197387695 + ], + [ + "speriode", + -13.652864456176758 + ], + [ + "Arizona", + -13.65290355682373 + ], + [ + "owitsch", + -13.652905464172363 + ], + [ + "\u2581molteplici", + -13.652908325195312 + ], + [ + "\u2581Oss", + -13.652963638305664 + ], + [ + "\u2581Ba\u00eda", + -13.653033256530762 + ], + [ + "\u2581garant\u00eda", + -13.653047561645508 + ], + [ + "\u2581relat\u00f3rio", + -13.653056144714355 + ], + [ + "betreuung", + -13.65308666229248 + ], + [ + "Hil", + -13.65308952331543 + ], + [ + "\u2581ouvriers", + -13.653094291687012 + ], + [ + "\u2581speichern", + -13.653096199035645 + ], + [ + "\u2581sixi", + -13.653116226196287 + ], + [ + "\u2581Abgas", + -13.653154373168944 + ], + [ + "\u2581Fakten", + -13.653160095214844 + ], + [ + "\u2581soluciones", + -13.653207778930664 + ], + [ + "\u2581capitoli", + -13.65324592590332 + ], + [ + "organismo", + -13.65333080291748 + ], + [ + "Konzept", + -13.653364181518556 + ], + [ + "\u2581thoroughly", + -13.653374671936035 + ], + [ + "Betriebs", + -13.653376579284668 + ], + [ + "\u2581urine", + -13.65338134765625 + ], + [ + "patienten", + -13.653428077697754 + ], + [ + "\u2581Brach", + -13.65343189239502 + ], + [ + "\u2581Sof\u00eda", + -13.653440475463867 + ], + [ + "\u2581Poblaci\u00f3n", + -13.653453826904297 + ], + [ + "\u2581olor", + -13.653454780578612 + ], + [ + "\u2581escap", + -13.653467178344728 + ], + [ + "onga", + -13.653470993041992 + ], + [ + "\u2581dignit\u00e0", + -13.65349292755127 + ], + [ + "\u2581Fung", + -13.653494834899902 + ], + [ + "vrucht", + -13.65351104736328 + ], + [ + "Theorem", + -13.65358066558838 + ], + [ + "SINGLE", + -13.653658866882324 + ], + [ + "Anything", + -13.653680801391602 + ], + [ + "\u2581sexy", + -13.653693199157717 + ], + [ + "\u2581Javascript", + -13.653706550598145 + ], + [ + "\u2581WTO", + -13.653716087341309 + ], + [ + "\u2581vornehmlich", + -13.653726577758787 + ], + [ + "algorithme", + -13.653730392456056 + ], + [ + "Subscriber", + -13.653753280639648 + ], + [ + "\u2581Bestrahlung", + -13.653756141662598 + ], + [ + "\u2581Ulla", + -13.653759002685549 + ], + [ + "\u2581nascido", + -13.653761863708496 + ], + [ + "\u2581installatie", + -13.653779983520508 + ], + [ + "\u2581Hoff", + -13.653786659240724 + ], + [ + "\u2581Empresa", + -13.653823852539062 + ], + [ + "\u2581Boyd", + -13.653826713562012 + ], + [ + "\u2581Vampire", + -13.653846740722656 + ], + [ + "\u2581Punjab", + -13.653847694396973 + ], + [ + "\u2581denominato", + -13.653850555419922 + ], + [ + "\u2581aprob\u00f3", + -13.653862953186035 + ], + [ + "\u2581m\u00e9decins", + -13.65387725830078 + ], + [ + "ilda", + -13.65389919281006 + ], + [ + "Calc", + -13.653921127319336 + ], + [ + "\u2581experimenta", + -13.653934478759766 + ], + [ + "\u2581aufgerufen", + -13.6539888381958 + ], + [ + "hybrid", + -13.653993606567385 + ], + [ + "\u2581regulated", + -13.654027938842772 + ], + [ + "cash", + -13.65403175354004 + ], + [ + "gression", + -13.65403652191162 + ], + [ + "\u2581evolutionary", + -13.65403652191162 + ], + [ + "\u2581cordillera", + -13.654051780700684 + ], + [ + "\u2581Algeria", + -13.65406322479248 + ], + [ + "goog", + -13.654090881347656 + ], + [ + "\u2581MRT", + -13.654095649719238 + ], + [ + "\u2581visualizar", + -13.6541166305542 + ], + [ + "\u2581polnische", + -13.654117584228516 + ], + [ + "Adapt", + -13.654138565063477 + ], + [ + "\u2581determin", + -13.654217720031738 + ], + [ + "\u2581Mitch", + -13.654219627380373 + ], + [ + "kart", + -13.654241561889648 + ], + [ + "tragen", + -13.654241561889648 + ], + [ + "\u2581revisi\u00f3n", + -13.654264450073242 + ], + [ + "preserving", + -13.654279708862305 + ], + [ + "\u2581Ryu", + -13.654296875 + ], + [ + "\u2581separati", + -13.65432357788086 + ], + [ + "\u2581erstatten", + -13.654356956481934 + ], + [ + "iran", + -13.654362678527832 + ], + [ + "Scenario", + -13.654379844665527 + ], + [ + "\u2581cruciale", + -13.654380798339844 + ], + [ + "\u2581raggiunta", + -13.65439224243164 + ], + [ + "deed", + -13.654412269592283 + ], + [ + "\u2581repr\u00e9sent\u00e9e", + -13.654471397399902 + ], + [ + "\u2581Vermittlungs", + -13.654473304748535 + ], + [ + "\u2581Birgit", + -13.654483795166016 + ], + [ + "lew", + -13.65448760986328 + ], + [ + "\u2581AppDelegate", + -13.654545783996582 + ], + [ + "\u2581beneficia", + -13.654583930969238 + ], + [ + "\u2581testament", + -13.654586791992188 + ], + [ + "\u2581viviam", + -13.654596328735352 + ], + [ + "\u2581discreta", + -13.654601097106934 + ], + [ + "ussy", + -13.6546049118042 + ], + [ + "nguish", + -13.654624938964844 + ], + [ + "\u2581programador", + -13.65463924407959 + ], + [ + "\u2581prohibited", + -13.654645919799805 + ], + [ + "kardi", + -13.65465259552002 + ], + [ + "moed", + -13.654656410217283 + ], + [ + "utilit\u00e0", + -13.65466594696045 + ], + [ + "\u2581bastion", + -13.65466594696045 + ], + [ + "\u2581Operationen", + -13.65467357635498 + ], + [ + "\u2581Mise", + -13.654692649841309 + ], + [ + "\u2581derivadas", + -13.654701232910156 + ], + [ + "\u2581Footballeur", + -13.65471076965332 + ], + [ + "\u2581limpia", + -13.654720306396484 + ], + [ + "\u2581Besatzung", + -13.654745101928713 + ], + [ + "\u2581persuade", + -13.65475368499756 + ], + [ + "\u2581cigarette", + -13.654763221740724 + ], + [ + "eccezione", + -13.654821395874023 + ], + [ + "\u2581decor", + -13.6548433303833 + ], + [ + "\u2581beso", + -13.65487575531006 + ], + [ + "\u2581lyric", + -13.654932975769045 + ], + [ + "parlamentari", + -13.654939651489258 + ], + [ + "\u2581oculto", + -13.654945373535156 + ], + [ + "continu", + -13.654953956604004 + ], + [ + "\u2581Inde", + -13.65496063232422 + ], + [ + "\u2581wage", + -13.654961585998535 + ], + [ + "\u2581Cercle", + -13.654973030090332 + ], + [ + "\u2581colonnello", + -13.654982566833496 + ], + [ + "sloot", + -13.65499210357666 + ], + [ + "symmetrie", + -13.65505027770996 + ], + [ + "computed", + -13.65505599975586 + ], + [ + "\u2581transportes", + -13.65506076812744 + ], + [ + "Technologie", + -13.65507698059082 + ], + [ + "scheduling", + -13.655080795288086 + ], + [ + "lichter", + -13.65508270263672 + ], + [ + "\u2581Gonzalez", + -13.65511703491211 + ], + [ + "\u2581minste", + -13.655143737792969 + ], + [ + "\u2581termen", + -13.655183792114258 + ], + [ + "\u2581volcan", + -13.655223846435549 + ], + [ + "\u2581rivel", + -13.65525722503662 + ], + [ + "\u2581constater", + -13.655265808105469 + ], + [ + "\u2581Reichstag", + -13.655266761779783 + ], + [ + "Rom", + -13.655267715454102 + ], + [ + "\u2581determinata", + -13.65527629852295 + ], + [ + "\u2581critics", + -13.655303001403809 + ], + [ + "PRA", + -13.65532398223877 + ], + [ + "\u2581formazioni", + -13.655324935913086 + ], + [ + "\u2581d\u00edgitos", + -13.655328750610352 + ], + [ + "\u2581Borough", + -13.655333518981934 + ], + [ + "bald", + -13.655380249023438 + ], + [ + "\u2581Condi", + -13.655404090881348 + ], + [ + "\u2581Spanisch", + -13.655410766601562 + ], + [ + "\u2581sofferenza", + -13.65549659729004 + ], + [ + "\u2581Vereinbarkeit", + -13.65553092956543 + ], + [ + "oivent", + -13.655574798583984 + ], + [ + "Hab", + -13.65561294555664 + ], + [ + "\u2581Einzug", + -13.65562343597412 + ], + [ + "tussen", + -13.65563678741455 + ], + [ + "\u2581agres", + -13.65566349029541 + ], + [ + "\u2581Tomorrow", + -13.6557035446167 + ], + [ + "\u2581locus", + -13.655707359313965 + ], + [ + "Hold", + -13.655713081359863 + ], + [ + "Simulator", + -13.655715942382812 + ], + [ + "\u2581Plastik", + -13.655728340148926 + ], + [ + "\u2581fiamme", + -13.655768394470217 + ], + [ + "\u2581Fy", + -13.655813217163086 + ], + [ + "WIDTH", + -13.655837059020996 + ], + [ + "\u2581bypass", + -13.655838012695312 + ], + [ + "\u2581physio", + -13.655858039855955 + ], + [ + "respondi\u00f3", + -13.655868530273438 + ], + [ + "zul", + -13.655877113342283 + ], + [ + "abwehr", + -13.655962944030762 + ], + [ + "Legacy", + -13.655967712402344 + ], + [ + "schienen", + -13.65599536895752 + ], + [ + "\u2581F\u00e4rbung", + -13.656028747558594 + ], + [ + "valence", + -13.656052589416504 + ], + [ + "\u2581caracter\u00edstico", + -13.65606689453125 + ], + [ + "Ambient", + -13.656075477600098 + ], + [ + "gallery", + -13.656115531921388 + ], + [ + "\u2581vasca", + -13.656118392944336 + ], + [ + "\u2581felicidad", + -13.656122207641602 + ], + [ + "\u2581morales", + -13.656163215637209 + ], + [ + "\u2581horizonte", + -13.656169891357422 + ], + [ + "issn", + -13.656211853027344 + ], + [ + "busse", + -13.656241416931152 + ], + [ + "WithError", + -13.656289100646973 + ], + [ + "partie", + -13.656298637390137 + ], + [ + "\u2581exame", + -13.65632438659668 + ], + [ + "\u2581colectivo", + -13.656341552734377 + ], + [ + "DWORD", + -13.656352996826172 + ], + [ + "\u2581Segovia", + -13.656354904174805 + ], + [ + "incline", + -13.65636920928955 + ], + [ + "\u2581entzogen", + -13.65638542175293 + ], + [ + "Outstanding", + -13.65638828277588 + ], + [ + "fotograaf", + -13.65642547607422 + ], + [ + "Analytics", + -13.656432151794434 + ], + [ + "Tel", + -13.656432151794434 + ], + [ + "\u2581jul", + -13.656445503234863 + ], + [ + "\u2581diversit\u00e0", + -13.656455039978027 + ], + [ + "\u2581banheiro", + -13.65648078918457 + ], + [ + "\u2581ruins", + -13.656492233276367 + ], + [ + "\u2581Formal", + -13.656495094299316 + ], + [ + "\u2581Petrov", + -13.65651035308838 + ], + [ + "Dessau", + -13.656514167785645 + ], + [ + "\u2581Hilton", + -13.65651798248291 + ], + [ + "\u2581obst\u00e1culos", + -13.656524658203123 + ], + [ + "\u2581vinta", + -13.656542778015137 + ], + [ + "\u2581mus\u00e9es", + -13.65654468536377 + ], + [ + "\u2581presidenza", + -13.656548500061035 + ], + [ + "\u2581decoding", + -13.65655517578125 + ], + [ + "kling", + -13.656556129455566 + ], + [ + "BLA", + -13.656715393066406 + ], + [ + "tended", + -13.65673542022705 + ], + [ + "\u2581organiz\u00f3", + -13.656750679016112 + ], + [ + "\u2581ranks", + -13.656755447387695 + ], + [ + "\u2581prevenir", + -13.656774520874023 + ], + [ + "\u2581onmogelijk", + -13.656778335571287 + ], + [ + "\u2581moli", + -13.656803131103516 + ], + [ + "ouw", + -13.656837463378906 + ], + [ + "\u2581pertenecientes", + -13.656838417053224 + ], + [ + "seitige", + -13.656877517700195 + ], + [ + "Observable", + -13.65691375732422 + ], + [ + "emment", + -13.656936645507812 + ], + [ + "obligation", + -13.65694522857666 + ], + [ + "STU", + -13.656962394714355 + ], + [ + "\u2581especializados", + -13.656964302062988 + ], + [ + "thrust", + -13.656975746154783 + ], + [ + "elmo", + -13.65697956085205 + ], + [ + "\u2581m\u00e9pris", + -13.656991004943848 + ], + [ + "lean", + -13.656991958618164 + ], + [ + "elaborazione", + -13.65701675415039 + ], + [ + "\u2581hochwertige", + -13.657032012939451 + ], + [ + "russi", + -13.6570463180542 + ], + [ + "characteristics", + -13.657061576843262 + ], + [ + "kN", + -13.657103538513184 + ], + [ + "valueOf", + -13.657110214233398 + ], + [ + "STIC", + -13.657130241394045 + ], + [ + "M\u00e9xico", + -13.657156944274902 + ], + [ + "\u2581gerenciamento", + -13.65717315673828 + ], + [ + "\u2581gungs", + -13.657266616821287 + ], + [ + "\u2581antiqu", + -13.657343864440918 + ], + [ + "meenschappelijke", + -13.657344818115234 + ], + [ + "\u2581Amstel", + -13.657346725463867 + ], + [ + "\u2581Umzug", + -13.65736198425293 + ], + [ + "\u2581Computational", + -13.657363891601562 + ], + [ + "\u2581Forster", + -13.657379150390623 + ], + [ + "\u2581Sixt", + -13.657386779785156 + ], + [ + "\u2581coating", + -13.657398223876951 + ], + [ + "\u2581Lebensqualit\u00e4t", + -13.657413482666016 + ], + [ + "\u2581Mortos", + -13.657424926757812 + ], + [ + "\u2581Mijn", + -13.657445907592772 + ], + [ + "\u2581entdecken", + -13.65744972229004 + ], + [ + "\u2581escolares", + -13.65745449066162 + ], + [ + "\u2581Reisenden", + -13.657455444335938 + ], + [ + "nino", + -13.657471656799316 + ], + [ + "\u2581Kitty", + -13.657533645629885 + ], + [ + "resultMap", + -13.657537460327148 + ], + [ + "\u2581\u00e1lcool", + -13.657567024230955 + ], + [ + "\u2581contingent", + -13.657631874084473 + ], + [ + "\u2581Fitness", + -13.657649993896484 + ], + [ + "Diagram", + -13.657659530639648 + ], + [ + "\u2581fasse", + -13.657670974731444 + ], + [ + "\u2581B\u00fcrgern", + -13.657699584960938 + ], + [ + "Trama", + -13.657752990722656 + ], + [ + "\u00e9largi", + -13.657752990722656 + ], + [ + "\u2581retenue", + -13.657764434814451 + ], + [ + "vermogen", + -13.657766342163086 + ], + [ + "nutzer", + -13.6577730178833 + ], + [ + "\u2581Acacia", + -13.657784461975098 + ], + [ + "slur", + -13.657792091369627 + ], + [ + "\u2581risalenti", + -13.657817840576172 + ], + [ + "morphism", + -13.657846450805664 + ], + [ + "\u2581sensibile", + -13.657876968383787 + ], + [ + "rekt", + -13.657888412475586 + ], + [ + "\u2581Nagel", + -13.657898902893066 + ], + [ + "\u2581impostos", + -13.657901763916016 + ], + [ + "\u2581Modellen", + -13.657979011535645 + ], + [ + "\u2581Mehrfach", + -13.65799045562744 + ], + [ + "activiteiten", + -13.65799331665039 + ], + [ + "Rem", + -13.65804672241211 + ], + [ + "\u2581Reden", + -13.658061981201172 + ], + [ + "Mixin", + -13.658072471618652 + ], + [ + "\u2581Mendel", + -13.658101081848145 + ], + [ + "vlinder", + -13.658111572265623 + ], + [ + "tomi", + -13.658123016357422 + ], + [ + "utsch", + -13.658130645751951 + ], + [ + "\u2581corne", + -13.658161163330078 + ], + [ + "visor", + -13.65817165374756 + ], + [ + "elis", + -13.658174514770508 + ], + [ + "Channels", + -13.658197402954102 + ], + [ + "\u2581v\u00edtima", + -13.658208847045898 + ], + [ + "\u2581ballon", + -13.658214569091797 + ], + [ + "\u2581arabes", + -13.65821647644043 + ], + [ + "\u2581p\u00e9ninsule", + -13.65823745727539 + ], + [ + "ramento", + -13.658308029174805 + ], + [ + "gora", + -13.658315658569336 + ], + [ + "\u2581tendem", + -13.65832233428955 + ], + [ + "schlacht", + -13.658366203308104 + ], + [ + "\u2581Stav", + -13.658507347106934 + ], + [ + "gevoegd", + -13.658552169799805 + ], + [ + "\u2581Techno", + -13.658556938171388 + ], + [ + "\u2581formant", + -13.658563613891602 + ], + [ + "\u2581expandir", + -13.658597946166992 + ], + [ + "\u2581appartengono", + -13.658604621887209 + ], + [ + "engager", + -13.658608436584473 + ], + [ + "unity", + -13.658611297607422 + ], + [ + "\u2581patate", + -13.65862274169922 + ], + [ + "\u2581Vermelho", + -13.658625602722168 + ], + [ + "\u2581Valence", + -13.658637046813965 + ], + [ + "BET", + -13.658658981323242 + ], + [ + "\u2581Bena", + -13.65868091583252 + ], + [ + "agno", + -13.658724784851074 + ], + [ + "percentage", + -13.658732414245604 + ], + [ + "\u2581formaram", + -13.658770561218262 + ], + [ + "\u2581sainte", + -13.658802032470703 + ], + [ + "haltigen", + -13.658805847167969 + ], + [ + "\u2581Grindelwald", + -13.65881061553955 + ], + [ + "\u2581Ambi", + -13.658863067626951 + ], + [ + "\u2581puits", + -13.658873558044434 + ], + [ + "\u2581Apolo", + -13.658879280090332 + ], + [ + "\u2581pressing", + -13.658884048461914 + ], + [ + "\u2581nerv", + -13.658894538879396 + ], + [ + "Duc", + -13.658928871154783 + ], + [ + "keyring", + -13.658978462219238 + ], + [ + "inferno", + -13.65898323059082 + ], + [ + "\u2581Mikhail", + -13.658987045288086 + ], + [ + "\u2581saindo", + -13.65898895263672 + ], + [ + "\u2581sustained", + -13.659013748168944 + ], + [ + "\u2581agujero", + -13.659018516540527 + ], + [ + "\u2581\u00e1udio", + -13.659018516540527 + ], + [ + "Updating", + -13.659019470214844 + ], + [ + "\u2581Costantinopoli", + -13.659024238586426 + ], + [ + "\u2581osservazioni", + -13.659069061279297 + ], + [ + "hwa", + -13.659103393554688 + ], + [ + "fleck", + -13.659107208251951 + ], + [ + "\u2581promoting", + -13.659109115600586 + ], + [ + "rika", + -13.659130096435549 + ], + [ + "pendant", + -13.659152030944824 + ], + [ + "\u2581pr\u00e9sent\u00e9e", + -13.659153938293455 + ], + [ + "witt", + -13.659157752990724 + ], + [ + "\u2581dents", + -13.659183502197266 + ], + [ + "\u2581arrivent", + -13.659192085266112 + ], + [ + "\u2581altogether", + -13.659204483032228 + ], + [ + "\u2581R\u00f3", + -13.659205436706545 + ], + [ + "\u2581Sterling", + -13.659221649169922 + ], + [ + "\u2581applicazioni", + -13.659260749816896 + ], + [ + "accro", + -13.659276008605955 + ], + [ + "given", + -13.659303665161133 + ], + [ + "ommen", + -13.659307479858398 + ], + [ + "\u2581alloggio", + -13.659316062927246 + ], + [ + "\u2581Gwen", + -13.659358024597168 + ], + [ + "\u2581di\u00e1rio", + -13.659358978271484 + ], + [ + "\u2581tipiche", + -13.6593599319458 + ], + [ + "\u2581habt", + -13.659391403198242 + ], + [ + "\u2581Generally", + -13.659417152404783 + ], + [ + "\u2581Comensal", + -13.659435272216797 + ], + [ + "\u2581Verschiedene", + -13.65944004058838 + ], + [ + "\u2581qualit\u00e9s", + -13.659457206726074 + ], + [ + "\u2581olympische", + -13.65945816040039 + ], + [ + "\u2581Docteur", + -13.659466743469238 + ], + [ + "\u2581gironi", + -13.659499168395996 + ], + [ + "\u2581crearon", + -13.659504890441896 + ], + [ + "\u2581Formato", + -13.65951919555664 + ], + [ + "zoo", + -13.659541130065918 + ], + [ + "\u2581cubana", + -13.659656524658203 + ], + [ + "verbod", + -13.659661293029783 + ], + [ + "\u2581ciclabili", + -13.659674644470217 + ], + [ + "\u2581lecteurs", + -13.65967845916748 + ], + [ + "\u2581alrededores", + -13.659695625305176 + ], + [ + "aussch\u00fcsse", + -13.659719467163086 + ], + [ + "corpus", + -13.659738540649414 + ], + [ + "GRE", + -13.659746170043944 + ], + [ + "\u2581Kale", + -13.659759521484377 + ], + [ + "\u2581molo", + -13.65976905822754 + ], + [ + "\u2581Canta", + -13.65977954864502 + ], + [ + "unable", + -13.659810066223145 + ], + [ + "\u2581Encore", + -13.659815788269045 + ], + [ + "\u2581Basti", + -13.659832954406738 + ], + [ + "\u2581gerestaureerd", + -13.659849166870115 + ], + [ + "\u2581Tournament", + -13.659857749938965 + ], + [ + "\u2581Arezzo", + -13.65987777709961 + ], + [ + "\u2581dejaron", + -13.65992259979248 + ], + [ + "\u2581est\u00e1tua", + -13.65992259979248 + ], + [ + "wik", + -13.659950256347656 + ], + [ + "\u2581Siglo", + -13.659995079040527 + ], + [ + "\u2581gen\u00e9tico", + -13.659995079040527 + ], + [ + "Petersburg", + -13.660032272338867 + ], + [ + "uien", + -13.660040855407717 + ], + [ + "\u2581Halter", + -13.66004467010498 + ], + [ + "addresses", + -13.660049438476562 + ], + [ + "Seek", + -13.660066604614258 + ], + [ + "\u2581planejamento", + -13.660072326660156 + ], + [ + "\u2581agr", + -13.660114288330078 + ], + [ + "\u2581mediana", + -13.660212516784668 + ], + [ + "\u2581condizionata", + -13.660242080688477 + ], + [ + "\u2581Entrambi", + -13.660264015197754 + ], + [ + "deadline", + -13.660270690917969 + ], + [ + "\u2581liberamente", + -13.660273551940918 + ], + [ + "\u2581Bradford", + -13.660311698913574 + ], + [ + "\u2581commerciaux", + -13.660318374633787 + ], + [ + "\u2581Methyl", + -13.660320281982422 + ], + [ + "olu", + -13.660323143005373 + ], + [ + "\u2581duizenden", + -13.660335540771484 + ], + [ + "\u2581Erfahrungs", + -13.660371780395508 + ], + [ + "gewogen", + -13.66037654876709 + ], + [ + "identification", + -13.660392761230469 + ], + [ + "\u2581mosque", + -13.66041088104248 + ], + [ + "ziger", + -13.66043472290039 + ], + [ + "cima", + -13.660443305969238 + ], + [ + "\u2581twijfel", + -13.660449028015137 + ], + [ + "\u2581conforma", + -13.660482406616213 + ], + [ + "intenzione", + -13.660517692565918 + ], + [ + "\u2581disposti", + -13.660565376281738 + ], + [ + "Kandidat", + -13.660572052001951 + ], + [ + "\u2581obliged", + -13.6605806350708 + ], + [ + "\u2581vein", + -13.660594940185549 + ], + [ + "\u2581colaborar", + -13.660598754882812 + ], + [ + "\u2581Female", + -13.66062068939209 + ], + [ + "\u2581Szenario", + -13.660626411437988 + ], + [ + "\u2581acorde", + -13.660632133483888 + ], + [ + "\u2581Eccles", + -13.660642623901367 + ], + [ + "vpn", + -13.66064739227295 + ], + [ + "\u2581Belege", + -13.660650253295898 + ], + [ + "cudf", + -13.66066074371338 + ], + [ + "\u2581splits", + -13.660674095153809 + ], + [ + "phore", + -13.66069507598877 + ], + [ + "nika", + -13.66072940826416 + ], + [ + "Bah", + -13.660736083984377 + ], + [ + "\u2581Everyone", + -13.660757064819336 + ], + [ + "junto", + -13.660788536071776 + ], + [ + "\u2581traditionell", + -13.660799980163574 + ], + [ + "timedelta", + -13.660825729370115 + ], + [ + "\u2581sanitaire", + -13.660831451416016 + ], + [ + "mong", + -13.66085720062256 + ], + [ + "\u2581Fiji", + -13.660871505737305 + ], + [ + "\u2581Telecom", + -13.66087245941162 + ], + [ + "Supplement", + -13.660880088806152 + ], + [ + "\u2581ultraviolet", + -13.660880088806152 + ], + [ + "\u2581fisc", + -13.660932540893556 + ], + [ + "\u2581Reichen", + -13.660945892333984 + ], + [ + "\u2581UIFont", + -13.660953521728516 + ], + [ + "\u2581calibre", + -13.66097640991211 + ], + [ + "playlist", + -13.661069869995115 + ], + [ + "pets", + -13.661073684692385 + ], + [ + "\u2581Prozentpunkte", + -13.661118507385254 + ], + [ + "verletzung", + -13.66114616394043 + ], + [ + "\u2581expres", + -13.66116714477539 + ], + [ + "jwt", + -13.661211013793944 + ], + [ + "\u2581anerkannte", + -13.661236763000488 + ], + [ + "\u2581Phosphor", + -13.661252975463867 + ], + [ + "\u00e9clairage", + -13.661253929138184 + ], + [ + "\u2581gravadora", + -13.661297798156738 + ], + [ + "\u2581Richtungen", + -13.66130828857422 + ], + [ + "Fred", + -13.66132354736328 + ], + [ + "Vote", + -13.661336898803713 + ], + [ + "Walter", + -13.661347389221191 + ], + [ + "\u2581Lehmann", + -13.661349296569824 + ], + [ + "VJ", + -13.661381721496582 + ], + [ + "\u2581piu", + -13.66140365600586 + ], + [ + "gom", + -13.661417961120604 + ], + [ + "\u2581lacs", + -13.66147518157959 + ], + [ + "\u2581Coat", + -13.661480903625488 + ], + [ + "\u2581neoclassic", + -13.661540985107422 + ], + [ + "\u2581favori", + -13.661542892456056 + ], + [ + "\u2581esplora", + -13.661555290222168 + ], + [ + "\u2581surgical", + -13.661569595336914 + ], + [ + "\u2581lieb", + -13.66157054901123 + ], + [ + "Ufficio", + -13.661581039428713 + ], + [ + "\u2581SPECIAL", + -13.661605834960938 + ], + [ + "\u2581calv", + -13.661662101745604 + ], + [ + "\u2581meals", + -13.661700248718262 + ], + [ + "\u2581Defekt", + -13.66171932220459 + ], + [ + "\u2581weliswaar", + -13.661720275878906 + ], + [ + "cement", + -13.661760330200195 + ], + [ + "\u2581fluide", + -13.661783218383787 + ], + [ + "\u2581indexes", + -13.661845207214355 + ], + [ + "projekten", + -13.661850929260254 + ], + [ + "nyi", + -13.661856651306152 + ], + [ + "lightning", + -13.661865234375 + ], + [ + "\u2581beslag", + -13.66187572479248 + ], + [ + "BOOK", + -13.661922454833984 + ], + [ + "\u2581Fav", + -13.661922454833984 + ], + [ + "invoice", + -13.6619234085083 + ], + [ + "Polynomial", + -13.661925315856934 + ], + [ + "\u2581Southampton", + -13.661928176879885 + ], + [ + "\u2581exhaust", + -13.661937713623049 + ], + [ + "little", + -13.661949157714844 + ], + [ + "\u2581aprovechar", + -13.661998748779297 + ], + [ + "\u2581darzustellen", + -13.662002563476562 + ], + [ + "\u2581crucero", + -13.66200828552246 + ], + [ + "\u2581espelho", + -13.662023544311523 + ], + [ + "plaza", + -13.662025451660156 + ], + [ + "Rome", + -13.66203498840332 + ], + [ + "\u2581parcela", + -13.662046432495115 + ], + [ + "\u2581universitari", + -13.662052154541016 + ], + [ + "\u2581Northwest", + -13.662070274353027 + ], + [ + "Mus", + -13.662105560302734 + ], + [ + "\u2581dental", + -13.66213321685791 + ], + [ + "VERBOSE", + -13.662134170532228 + ], + [ + "\u2581Compostela", + -13.66213607788086 + ], + [ + "esposta", + -13.662137031555176 + ], + [ + "\u00e9nonc\u00e9", + -13.66214370727539 + ], + [ + "Hell", + -13.662196159362791 + ], + [ + "phthal", + -13.6622314453125 + ], + [ + "\u2581Koordinaten", + -13.662239074707031 + ], + [ + "schwa", + -13.662271499633787 + ], + [ + "\u2581hormone", + -13.662281036376951 + ], + [ + "\u2581GeV", + -13.662291526794434 + ], + [ + "itia", + -13.66233253479004 + ], + [ + "\u2581Newfoundland", + -13.662344932556152 + ], + [ + "eitr\u00e4ume", + -13.662364959716797 + ], + [ + "\u2581sensual", + -13.66239070892334 + ], + [ + "\u2581plebe", + -13.6624174118042 + ], + [ + "\u2581Hamburgo", + -13.662426948547363 + ], + [ + "\u2581Tach", + -13.662437438964844 + ], + [ + "Pause", + -13.662449836730955 + ], + [ + "d\u00e9termination", + -13.66245460510254 + ], + [ + "berweisung", + -13.66248893737793 + ], + [ + "\u2581intitulado", + -13.662494659423828 + ], + [ + "\u2581Circus", + -13.662497520446776 + ], + [ + "digung", + -13.662500381469728 + ], + [ + "FCC", + -13.662525177001951 + ], + [ + "alice", + -13.662591934204102 + ], + [ + "iPhone", + -13.662595748901367 + ], + [ + "\u2581ribelli", + -13.662598609924316 + ], + [ + "tratto", + -13.662599563598633 + ], + [ + "uase", + -13.662622451782228 + ], + [ + "rperlichen", + -13.66262435913086 + ], + [ + "Pyr\u00e9n\u00e9es", + -13.662646293640137 + ], + [ + "\u2581baixas", + -13.662684440612791 + ], + [ + "\u2581pullman", + -13.662692070007324 + ], + [ + "\u2581productora", + -13.662701606750488 + ], + [ + "\u2581collecting", + -13.66270351409912 + ], + [ + "\u2581prot\u00e9g\u00e9", + -13.662705421447754 + ], + [ + "\u2581Shark", + -13.662760734558104 + ], + [ + "\u2581clicking", + -13.662760734558104 + ], + [ + "Alemania", + -13.662765502929688 + ], + [ + "\u2581grateful", + -13.662830352783203 + ], + [ + "\u2581vollem", + -13.662857055664062 + ], + [ + "amide", + -13.66285800933838 + ], + [ + "\u2581coment\u00f3", + -13.662884712219238 + ], + [ + "succ", + -13.662908554077148 + ], + [ + "\u2581Estrella", + -13.66291618347168 + ], + [ + "literals", + -13.662918090820312 + ], + [ + "\u2581negociar", + -13.662983894348145 + ], + [ + "\u2581L\u00e4n", + -13.662989616394045 + ], + [ + "gehouden", + -13.662991523742676 + ], + [ + "\u2581Russa", + -13.663043022155762 + ], + [ + "\u2581venues", + -13.663065910339355 + ], + [ + "\u2581Cruzeiro", + -13.663070678710938 + ], + [ + "\u2581madri", + -13.663082122802734 + ], + [ + "\u2581subdivision", + -13.663090705871582 + ], + [ + "\u2581observing", + -13.663095474243164 + ], + [ + "\u2581cadet", + -13.663105010986328 + ], + [ + "\u2581Grafschaft", + -13.663116455078123 + ], + [ + "ocephalus", + -13.663153648376465 + ], + [ + "spreek", + -13.663180351257324 + ], + [ + "\u2581Limita", + -13.663186073303224 + ], + [ + "\u2581intitolata", + -13.663188934326172 + ], + [ + "\u2581arrivata", + -13.663190841674805 + ], + [ + "\u2581Pentagon", + -13.663193702697754 + ], + [ + "\u2581Settecento", + -13.663201332092283 + ], + [ + "\u00e4nen", + -13.663202285766602 + ], + [ + "\u2581professora", + -13.663214683532717 + ], + [ + "\u2581Explanation", + -13.66321849822998 + ], + [ + "\u2581Reinhardt", + -13.66328239440918 + ], + [ + "\u2581Various", + -13.663283348083496 + ], + [ + "\u2581anwenden", + -13.663290023803713 + ], + [ + "\u2581Adela", + -13.663355827331545 + ], + [ + "\u2581Commodore", + -13.663387298583984 + ], + [ + "patin", + -13.6633939743042 + ], + [ + "\u2581Bout", + -13.663413047790527 + ], + [ + "\u2581wertvolle", + -13.663437843322754 + ], + [ + "Provide", + -13.663467407226562 + ], + [ + "\u2581Barker", + -13.663493156433104 + ], + [ + "\u2581manutenzione", + -13.663504600524902 + ], + [ + "\u2581Idol", + -13.663579940795898 + ], + [ + "\u2581Ch\u00e9", + -13.663589477539062 + ], + [ + "\u2581komplette", + -13.663616180419922 + ], + [ + "\u2581searches", + -13.663690567016602 + ], + [ + "segundo", + -13.663691520690918 + ], + [ + "\u2581\u00e9glises", + -13.663700103759766 + ], + [ + "enumerable", + -13.663705825805664 + ], + [ + "\u2581corrientes", + -13.663705825805664 + ], + [ + "\u2581desigualdad", + -13.66370964050293 + ], + [ + "\u2581Cousin", + -13.663711547851562 + ], + [ + "komma", + -13.663718223571776 + ], + [ + "\u2581garantit", + -13.663736343383787 + ], + [ + "\u2581gerichtlichen", + -13.663741111755373 + ], + [ + "\u2581informativo", + -13.663743019104004 + ], + [ + "\u2581bandes", + -13.66374683380127 + ], + [ + "\u2581jambes", + -13.663775444030762 + ], + [ + "\u2581Disziplinar", + -13.66380214691162 + ], + [ + "\u2581Posen", + -13.66382884979248 + ], + [ + "\u2581situate", + -13.663829803466797 + ], + [ + "\u2581inserido", + -13.663832664489746 + ], + [ + "Ritorno", + -13.66384983062744 + ], + [ + "\u2581residues", + -13.66386890411377 + ], + [ + "\u2581Busca", + -13.663873672485352 + ], + [ + "\u2581mol\u00e9cula", + -13.663983345031738 + ], + [ + "\u2581Bosnie", + -13.664005279541016 + ], + [ + "\u2581Vilnius", + -13.664018630981444 + ], + [ + "enseignant", + -13.664024353027344 + ], + [ + "\u2581constrained", + -13.664039611816406 + ], + [ + "conscious", + -13.664042472839355 + ], + [ + "rspiel", + -13.664067268371582 + ], + [ + "Adolphe", + -13.66407871246338 + ], + [ + "\u2581relevance", + -13.664084434509276 + ], + [ + "\u2581toevoegen", + -13.664109230041504 + ], + [ + "G\u00fc", + -13.6641206741333 + ], + [ + "mondo", + -13.664128303527832 + ], + [ + "\u2581hired", + -13.664128303527832 + ], + [ + "\u2581partiellement", + -13.664167404174805 + ], + [ + "\u2581plainte", + -13.66420078277588 + ], + [ + "spiro", + -13.664201736450195 + ], + [ + "\u2581Heerenveen", + -13.664220809936523 + ], + [ + "\u2581Insieme", + -13.664222717285156 + ], + [ + "\u2581gesteigert", + -13.664259910583496 + ], + [ + "Phil", + -13.664261817932127 + ], + [ + "\u2581rusos", + -13.664283752441406 + ], + [ + "\u2581Carro", + -13.664292335510254 + ], + [ + "interdiction", + -13.664297103881836 + ], + [ + "\u2581inflig", + -13.664326667785645 + ], + [ + "\u2581Caisse", + -13.664349555969238 + ], + [ + "\u2581Albani", + -13.664353370666504 + ], + [ + "brach", + -13.664358139038086 + ], + [ + "Landscape", + -13.664402961730955 + ], + [ + "\u2581cibi", + -13.664406776428224 + ], + [ + "\u2581kidney", + -13.66444492340088 + ], + [ + "\u2581girar", + -13.664448738098145 + ], + [ + "ordonnance", + -13.664475440979004 + ], + [ + "\u2581gegr\u00fcndeten", + -13.664477348327637 + ], + [ + "kry", + -13.664549827575684 + ], + [ + "\u2581voorwaarden", + -13.664584159851074 + ], + [ + "floating", + -13.664595603942873 + ], + [ + "ossen", + -13.664608001708984 + ], + [ + "yck", + -13.664630889892578 + ], + [ + "\u2581Christianity", + -13.664667129516602 + ], + [ + "altar", + -13.664687156677246 + ], + [ + "jid", + -13.664687156677246 + ], + [ + "\u2581digitar", + -13.66471004486084 + ], + [ + "flop", + -13.664734840393066 + ], + [ + "lysis", + -13.66474723815918 + ], + [ + "crime", + -13.664756774902344 + ], + [ + "\u2581}\"]", + -13.664761543273926 + ], + [ + "\u2581permutation", + -13.664793968200684 + ], + [ + "\u2581delito", + -13.664798736572266 + ], + [ + "\u2581sanct", + -13.66481590270996 + ], + [ + "partisan", + -13.664851188659668 + ], + [ + "\u2581Haushalten", + -13.664852142333984 + ], + [ + "schuur", + -13.664855003356934 + ], + [ + "\u2581Eurocopa", + -13.66487979888916 + ], + [ + "voice", + -13.66488552093506 + ], + [ + "\u2581Idaho", + -13.664891242980955 + ], + [ + "\u2581regionais", + -13.66490364074707 + ], + [ + "\u2581costituire", + -13.664937019348145 + ], + [ + "\u2581Calo", + -13.664958000183104 + ], + [ + "\u2581electorales", + -13.664958000183104 + ], + [ + "treated", + -13.664992332458496 + ], + [ + "proxim", + -13.665002822875977 + ], + [ + "nummers", + -13.665084838867188 + ], + [ + "\u2581participante", + -13.665084838867188 + ], + [ + "Eds", + -13.66508960723877 + ], + [ + "\u2581Oral", + -13.665116310119627 + ], + [ + "\u2581detecting", + -13.66512393951416 + ], + [ + "\u2581Viana", + -13.66512680053711 + ], + [ + "\u2581Virginie", + -13.66512680053711 + ], + [ + "meln", + -13.665160179138184 + ], + [ + "trunken", + -13.665165901184082 + ], + [ + "finge", + -13.665181159973145 + ], + [ + "Extract", + -13.665184020996094 + ], + [ + "\u2581Partners", + -13.665201187133787 + ], + [ + "mahl", + -13.66525650024414 + ], + [ + "esplosione", + -13.66527271270752 + ], + [ + "Every", + -13.665288925170898 + ], + [ + "\u2581lodge", + -13.665289878845217 + ], + [ + "\u2581Chur", + -13.665300369262695 + ], + [ + "HERE", + -13.665326118469238 + ], + [ + "dumps", + -13.665335655212402 + ], + [ + "\u2581gesch\u00fctzten", + -13.665349960327148 + ], + [ + "NDR", + -13.665372848510742 + ], + [ + "Seguro", + -13.66537857055664 + ], + [ + "caduto", + -13.665390968322754 + ], + [ + "\u2581Resident", + -13.665396690368652 + ], + [ + "\u2581finanziario", + -13.665419578552246 + ], + [ + "sexp", + -13.66545581817627 + ], + [ + "ikh", + -13.665472984313965 + ], + [ + "\u2581legislaci\u00f3n", + -13.665484428405762 + ], + [ + "\u2581toegestaan", + -13.665493965148926 + ], + [ + "Maybe", + -13.665505409240724 + ], + [ + "Campe", + -13.66553783416748 + ], + [ + "ometrie", + -13.665544509887695 + ], + [ + "analyzer", + -13.665566444396973 + ], + [ + "\u2581anfangs", + -13.665579795837402 + ], + [ + "\u2581Codable", + -13.665590286254885 + ], + [ + "needed", + -13.665635108947754 + ], + [ + "Vz", + -13.665648460388184 + ], + [ + "\u2581rapidez", + -13.665701866149902 + ], + [ + "eug", + -13.665709495544434 + ], + [ + "\u2581Fichte", + -13.665712356567385 + ], + [ + "\u2581Wichtige", + -13.665717124938965 + ], + [ + "\u2581transforme", + -13.665806770324709 + ], + [ + "\u2581Bibliotheken", + -13.665809631347656 + ], + [ + "initiation", + -13.665812492370604 + ], + [ + "\u2581continuity", + -13.665831565856934 + ], + [ + "atuur", + -13.665848731994627 + ], + [ + "coro", + -13.665848731994627 + ], + [ + "ebb", + -13.665853500366213 + ], + [ + "f\u00e4llig", + -13.665864944458008 + ], + [ + "Company", + -13.665874481201172 + ], + [ + "\u2581Rivers", + -13.66587734222412 + ], + [ + "\u2581sovietici", + -13.66589069366455 + ], + [ + "\u2581sozinha", + -13.665897369384766 + ], + [ + "\u2581Erfordernis", + -13.665916442871094 + ], + [ + "\u2581d\u00e9bats", + -13.665921211242676 + ], + [ + "UNC", + -13.665924072265623 + ], + [ + "\u2581barbe", + -13.665926933288574 + ], + [ + "\u2581sesiones", + -13.66594123840332 + ], + [ + "\u2581straordinario", + -13.66594123840332 + ], + [ + "Joris", + -13.665950775146484 + ], + [ + "\u2581Tei", + -13.66603660583496 + ], + [ + "\u2581preliminare", + -13.666083335876465 + ], + [ + "\u2581zelfmoord", + -13.666096687316896 + ], + [ + "\u2581Guangdong", + -13.666099548339844 + ], + [ + "\u2581sectors", + -13.666110038757324 + ], + [ + "stanti", + -13.666175842285156 + ], + [ + "\u2581lentement", + -13.666245460510254 + ], + [ + "vica", + -13.666261672973633 + ], + [ + "Cred", + -13.666265487670898 + ], + [ + "ReadVariableOp", + -13.666306495666504 + ], + [ + "DDEEFF", + -13.666308403015137 + ], + [ + "\u2581abrufbar", + -13.666308403015137 + ], + [ + "\u2581\u00f3ptica", + -13.666324615478516 + ], + [ + "\u2581Barty", + -13.666349411010742 + ], + [ + "wirtschaftlich", + -13.66636848449707 + ], + [ + "\u2581magn\u00e9tico", + -13.666373252868652 + ], + [ + "\u2581wings", + -13.666396141052246 + ], + [ + "groupId", + -13.666426658630373 + ], + [ + "\u2581rempla", + -13.666440963745115 + ], + [ + "\u2581dissolve", + -13.666465759277344 + ], + [ + "\u2581ausente", + -13.666484832763672 + ], + [ + "aucun", + -13.666502952575684 + ], + [ + "\u2581Lagrangian", + -13.66655731201172 + ], + [ + "\u2581Taxonom\u00eda", + -13.666574478149414 + ], + [ + "berufe", + -13.666617393493652 + ], + [ + "\u2581Setz", + -13.666619300842283 + ], + [ + "\u2581Tall", + -13.666621208190918 + ], + [ + "urgia", + -13.666675567626951 + ], + [ + "\u2581Salv", + -13.66668701171875 + ], + [ + "ovitch", + -13.666720390319824 + ], + [ + "\u2581Pisan", + -13.666728973388672 + ], + [ + "\u2581befristet", + -13.666741371154783 + ], + [ + "\u2581beherrscht", + -13.666749000549316 + ], + [ + "\u2581dedicati", + -13.666766166687012 + ], + [ + "materieel", + -13.666772842407228 + ], + [ + "\u2581Telenovelas", + -13.666778564453123 + ], + [ + "\u2581Agu", + -13.666827201843262 + ], + [ + "\u2581Boire", + -13.666882514953612 + ], + [ + "\u2581concluso", + -13.666894912719728 + ], + [ + "\u2581heftig", + -13.666899681091309 + ], + [ + "\u2581Einladung", + -13.666908264160156 + ], + [ + "Unary", + -13.66696548461914 + ], + [ + "\u2581======", + -13.66696548461914 + ], + [ + "\u2581tribuna", + -13.66696548461914 + ], + [ + "\u2581Kick", + -13.666991233825684 + ], + [ + "\u2581Harlem", + -13.667015075683594 + ], + [ + "\u2581reisde", + -13.667021751403809 + ], + [ + "Ganador", + -13.667025566101074 + ], + [ + "aut\u00e9", + -13.66706085205078 + ], + [ + "\u2581Glory", + -13.667061805725098 + ], + [ + "\u2581Kult", + -13.66707992553711 + ], + [ + "\u2581inout", + -13.667091369628906 + ], + [ + "\u2581\u00e9volu\u00e9", + -13.66709327697754 + ], + [ + "\u2581elaborada", + -13.667166709899902 + ], + [ + "voa", + -13.667177200317385 + ], + [ + "opening", + -13.667180061340332 + ], + [ + "firefox", + -13.667187690734863 + ], + [ + "\u2581plai", + -13.667200088500977 + ], + [ + "gevoelig", + -13.667254447937012 + ], + [ + "\u2581legali", + -13.667263984680176 + ], + [ + "\u2581Bhutan", + -13.667285919189451 + ], + [ + "\u2581Euclidean", + -13.66730499267578 + ], + [ + "\u2581behorend", + -13.667328834533691 + ], + [ + "\u2581pasaje", + -13.667328834533691 + ], + [ + "\u2581bew\u00e4ltigen", + -13.667354583740234 + ], + [ + "\u2581doutrina", + -13.667356491088867 + ], + [ + "\u2581avaliar", + -13.667384147644045 + ], + [ + "\u2581penn", + -13.667387008666992 + ], + [ + "loft", + -13.667394638061523 + ], + [ + "\u2581Actual", + -13.667404174804688 + ], + [ + "\u2581bemanning", + -13.66743278503418 + ], + [ + "\u2581Montan", + -13.667441368103027 + ], + [ + "\u2581Provo", + -13.667451858520508 + ], + [ + "\u2581Wijn", + -13.667534828186035 + ], + [ + "Licht", + -13.66755199432373 + ], + [ + "\u2581get\u00e4tigt", + -13.667570114135742 + ], + [ + "\u2581isol\u00e9", + -13.667593002319336 + ], + [ + "\u2581Cannon", + -13.667600631713867 + ], + [ + "\u2581rel\u00f3gio", + -13.667625427246094 + ], + [ + "\u2581ouverts", + -13.667648315429688 + ], + [ + "\u2581tradiciones", + -13.667677879333496 + ], + [ + "indicazione", + -13.667692184448242 + ], + [ + "\u2581Hollande", + -13.667692184448242 + ], + [ + "\u2581ordinaire", + -13.667712211608888 + ], + [ + "\u2581Geest", + -13.66774082183838 + ], + [ + "\u2581wheels", + -13.667755126953123 + ], + [ + "\u2581voertuigen", + -13.667757987976074 + ], + [ + "\u2581Avignon", + -13.667820930480955 + ], + [ + "\u2581Doppelbuchstabe", + -13.667827606201172 + ], + [ + "ver\u00e4nderungen", + -13.667850494384766 + ], + [ + "\u2581incontrato", + -13.667868614196776 + ], + [ + "\u2581pareci\u00f3", + -13.667889595031738 + ], + [ + "habitants", + -13.667901992797852 + ], + [ + "\u00e1culo", + -13.667916297912598 + ], + [ + "kommissar", + -13.667923927307127 + ], + [ + "\u2581diversidad", + -13.667929649353027 + ], + [ + "\u2581thu", + -13.667962074279783 + ], + [ + "LOC", + -13.667973518371582 + ], + [ + "\u2581chiens", + -13.667977333068848 + ], + [ + "\u2581revolutie", + -13.66798496246338 + ], + [ + "Evoluci\u00f3n", + -13.667997360229492 + ], + [ + "\u2581televisivi", + -13.668025016784668 + ], + [ + "\u2581llevada", + -13.668034553527832 + ], + [ + "classic", + -13.668046951293944 + ], + [ + "\u2581consolider", + -13.668072700500488 + ], + [ + "\u2581Vino", + -13.66807746887207 + ], + [ + "\u2581Lew", + -13.668088912963867 + ], + [ + "ibly", + -13.668099403381348 + ], + [ + "\u2581soddisfare", + -13.668143272399902 + ], + [ + "vorgeschriebenen", + -13.668190002441406 + ], + [ + "\u2581raken", + -13.668190956115724 + ], + [ + "Gemeinde", + -13.668198585510254 + ], + [ + "father", + -13.668212890625 + ], + [ + "\u2581pr\u00e9ciser", + -13.668227195739746 + ], + [ + "Evaluate", + -13.668251991271973 + ], + [ + "\u2581percuss", + -13.668252944946287 + ], + [ + "assistenza", + -13.668265342712402 + ], + [ + "\u2581pine", + -13.668269157409668 + ], + [ + "Overzicht", + -13.66827392578125 + ], + [ + "\u2581religie", + -13.6682767868042 + ], + [ + "\u2581correio", + -13.668278694152832 + ], + [ + "ncies", + -13.668283462524414 + ], + [ + "\u2581militant", + -13.668320655822754 + ], + [ + "excluding", + -13.66833782196045 + ], + [ + "Less", + -13.668342590332031 + ], + [ + "\u2581crude", + -13.668375015258787 + ], + [ + "\u2581musulmans", + -13.668377876281738 + ], + [ + "\u2581pensamientos", + -13.66838264465332 + ], + [ + "\u2581NAC", + -13.66839599609375 + ], + [ + "\u2581uiteen", + -13.668450355529783 + ], + [ + "nir", + -13.668465614318848 + ], + [ + "\u2581iniciada", + -13.668556213378906 + ], + [ + "rench", + -13.668594360351562 + ], + [ + "appuntamento", + -13.66861057281494 + ], + [ + "\u2581rabbia", + -13.66865348815918 + ], + [ + "\u2581reserves", + -13.668703079223633 + ], + [ + "iales", + -13.66871738433838 + ], + [ + "explicit", + -13.668778419494627 + ], + [ + "\u2581vogliamo", + -13.668782234191896 + ], + [ + "\u2581aanzien", + -13.668785095214844 + ], + [ + "escursione", + -13.66882038116455 + ], + [ + "\u2581Befristung", + -13.668821334838867 + ], + [ + "\u2581Lover", + -13.668829917907717 + ], + [ + "Hei", + -13.668877601623535 + ], + [ + "tiver", + -13.66893482208252 + ], + [ + "RADI", + -13.66894245147705 + ], + [ + "\u2581trekt", + -13.668951988220217 + ], + [ + "\u2581variadas", + -13.6690092086792 + ], + [ + "\u2581volesse", + -13.669112205505373 + ], + [ + "\u2581correre", + -13.669123649597168 + ], + [ + "\u2581Beker", + -13.669129371643066 + ], + [ + "ences", + -13.669139862060549 + ], + [ + "n\u00e4h", + -13.669164657592772 + ], + [ + "Nusa", + -13.669171333312988 + ], + [ + "Pow", + -13.669221878051758 + ], + [ + "\u2581plekken", + -13.669240951538086 + ], + [ + "\u2581Formaci\u00f3n", + -13.66924285888672 + ], + [ + "\u2581creci\u00f3", + -13.66925811767578 + ], + [ + "bewijzen", + -13.669265747070312 + ], + [ + "\u2581espressioni", + -13.66927433013916 + ], + [ + "\u2581critic", + -13.669279098510742 + ], + [ + "partikel", + -13.669341087341309 + ], + [ + "celta", + -13.669342041015623 + ], + [ + "gius", + -13.669365882873535 + ], + [ + "nomia", + -13.669370651245115 + ], + [ + "\u2581interfer", + -13.669395446777344 + ], + [ + "kami", + -13.66940212249756 + ], + [ + "\u2581Angeboten", + -13.669408798217772 + ], + [ + "\u2581vierkante", + -13.669427871704102 + ], + [ + "affect", + -13.669428825378418 + ], + [ + "\u2581einzubeziehen", + -13.66944980621338 + ], + [ + "\u2581polacco", + -13.669455528259276 + ], + [ + "Packages", + -13.66946029663086 + ], + [ + "\u2581coureur", + -13.669471740722656 + ], + [ + "Sans", + -13.669548034667969 + ], + [ + "\u2581Vader", + -13.669590950012209 + ], + [ + "\u2581deiner", + -13.669598579406738 + ], + [ + "\u2581poseen", + -13.669631004333496 + ], + [ + "\u2581sheep", + -13.669654846191406 + ], + [ + "infrared", + -13.669687271118164 + ], + [ + "VIIe", + -13.669706344604492 + ], + [ + "\u2581Aspekten", + -13.669724464416504 + ], + [ + "\u2581objektive", + -13.669751167297363 + ], + [ + "\u2581acquista", + -13.669828414916992 + ], + [ + "\u2581pointeur", + -13.669833183288574 + ], + [ + "collectie", + -13.66983413696289 + ], + [ + "hygiene", + -13.669878959655762 + ], + [ + "\u2581Bewu", + -13.66989803314209 + ], + [ + "\u2581Beginning", + -13.669904708862305 + ], + [ + "\u2581jouent", + -13.669910430908203 + ], + [ + "d\u00e4mpf", + -13.669922828674316 + ], + [ + "NumberOf", + -13.66992473602295 + ], + [ + "Histogram", + -13.669925689697266 + ], + [ + "\u2581essenziali", + -13.669964790344238 + ], + [ + "accession", + -13.669965744018556 + ], + [ + "\u2581hombros", + -13.669995307922363 + ], + [ + "\u2581brute", + -13.670002937316896 + ], + [ + "\u2581Theoretische", + -13.670032501220703 + ], + [ + "\u2581perfecta", + -13.670055389404297 + ], + [ + "\u2581crescer", + -13.67006492614746 + ], + [ + "REPORT", + -13.67007064819336 + ], + [ + "\u2581juris", + -13.670117378234863 + ], + [ + "ap\u00e1", + -13.670120239257812 + ], + [ + "uitslag", + -13.670127868652344 + ], + [ + "podium", + -13.67014980316162 + ], + [ + "\u2581rayos", + -13.67014980316162 + ], + [ + "m\u00fcnd", + -13.670154571533203 + ], + [ + "logique", + -13.670223236083984 + ], + [ + "\u2581banc", + -13.670239448547363 + ], + [ + "\u2581terrestri", + -13.670247077941896 + ], + [ + "\u2581filos\u00f3fica", + -13.670289039611816 + ], + [ + "\u2581Norris", + -13.670294761657717 + ], + [ + "\u2581Treffer", + -13.670310020446776 + ], + [ + "\u2581communiquer", + -13.670336723327637 + ], + [ + "\u2581precisi\u00f3n", + -13.670357704162598 + ], + [ + "cipi", + -13.670411109924316 + ], + [ + "\u2581befestigt", + -13.67042636871338 + ], + [ + "\u2581inscripci\u00f3n", + -13.670437812805176 + ], + [ + "\u2581armados", + -13.670446395874023 + ], + [ + "\u2581Regat", + -13.670450210571287 + ], + [ + "veis", + -13.670470237731934 + ], + [ + "\u2581Untergrund", + -13.670491218566896 + ], + [ + "inventar", + -13.670494079589844 + ], + [ + "\u2581legittima", + -13.670498847961426 + ], + [ + "\u2581tranquillo", + -13.67050838470459 + ], + [ + "\u2581flexibel", + -13.67051124572754 + ], + [ + "\u00edlia", + -13.67051887512207 + ], + [ + "\u2581werkten", + -13.670583724975586 + ], + [ + "contiguous", + -13.670597076416016 + ], + [ + "creme", + -13.670626640319824 + ], + [ + "\u2581portarono", + -13.670674324035645 + ], + [ + "\u2581Avis", + -13.670780181884766 + ], + [ + "\u2581Konsequenz", + -13.670805931091309 + ], + [ + "\u2581Tudor", + -13.670818328857422 + ], + [ + "\u2581su\u00e9dois", + -13.67087745666504 + ], + [ + "violet", + -13.670900344848633 + ], + [ + "\u2581contatta", + -13.670900344848633 + ], + [ + "occhiata", + -13.67091941833496 + ], + [ + "\u2581liable", + -13.670926094055176 + ], + [ + "anensis", + -13.670937538146973 + ], + [ + "\u2581sfocia", + -13.670981407165527 + ], + [ + "\u2581figured", + -13.670985221862791 + ], + [ + "\u2581sonde", + -13.670987129211426 + ], + [ + "\u2581misterio", + -13.670989990234377 + ], + [ + "\u2581lbs", + -13.671008110046388 + ], + [ + "\u2581preparada", + -13.671035766601562 + ], + [ + "MATH", + -13.671037673950195 + ], + [ + "trug", + -13.671059608459473 + ], + [ + "marke", + -13.67114543914795 + ], + [ + "\u2581riep", + -13.671151161193848 + ], + [ + "appara", + -13.671162605285645 + ], + [ + "\u2581secund\u00e1rio", + -13.671212196350098 + ], + [ + "mechanismen", + -13.67128086090088 + ], + [ + "rperschaftsteuer", + -13.671286582946776 + ], + [ + "\u2581Hofmann", + -13.671327590942385 + ], + [ + "\u2581veinti", + -13.671334266662598 + ], + [ + "\u2581Verh\u00fctung", + -13.671338081359863 + ], + [ + "appartenenza", + -13.671348571777344 + ], + [ + "Kir", + -13.671353340148926 + ], + [ + "\u2581cartucho", + -13.67135524749756 + ], + [ + "\u2581Gewerkschaft", + -13.67137050628662 + ], + [ + "\u2581nachfolgende", + -13.671374320983888 + ], + [ + "\u2581areia", + -13.67138385772705 + ], + [ + "animazione", + -13.671426773071287 + ], + [ + "dall", + -13.671427726745604 + ], + [ + "\u2581stabiel", + -13.671467781066896 + ], + [ + "\u2581cubrir", + -13.671469688415527 + ], + [ + "\u2581ventes", + -13.671473503112791 + ], + [ + "\u2581contraint", + -13.67153549194336 + ], + [ + "\u2581Econ\u00f3mica", + -13.671550750732422 + ], + [ + "\u2581Riet", + -13.67155647277832 + ], + [ + "wormen", + -13.671588897705078 + ], + [ + "\u2581destacam", + -13.67159938812256 + ], + [ + "\u2581esporte", + -13.671600341796877 + ], + [ + "interview", + -13.671612739562988 + ], + [ + "\u2581Sucre", + -13.671621322631836 + ], + [ + "\u2581sueca", + -13.671631813049316 + ], + [ + "\u2581Spannungen", + -13.671675682067873 + ], + [ + "RANK", + -13.671696662902832 + ], + [ + "\u2581rever", + -13.671710968017578 + ], + [ + "tuoso", + -13.671717643737791 + ], + [ + "\u2581presentada", + -13.671772003173828 + ], + [ + "\u2581perdiendo", + -13.671788215637209 + ], + [ + "\u2581Poor", + -13.671802520751951 + ], + [ + "\u2581Erw\u00e4gungen", + -13.671819686889648 + ], + [ + "\u2581angerechnet", + -13.671826362609863 + ], + [ + "acional", + -13.671847343444824 + ], + [ + "kyu", + -13.671854972839355 + ], + [ + "modify", + -13.671863555908203 + ], + [ + "orker", + -13.671868324279783 + ], + [ + "\u2581Albi", + -13.671905517578123 + ], + [ + "\u2581Halt", + -13.671924591064451 + ], + [ + "\u2581intimate", + -13.671996116638184 + ], + [ + "\u2581h\u00e9roe", + -13.672048568725586 + ], + [ + "\u2581Indonesien", + -13.672069549560549 + ], + [ + "ENTER", + -13.672077178955078 + ], + [ + "\u2581aprobado", + -13.672083854675291 + ], + [ + "themen", + -13.672101974487305 + ], + [ + "\u2581gesenkt", + -13.67210292816162 + ], + [ + "igua", + -13.67216682434082 + ], + [ + "entrer", + -13.67217254638672 + ], + [ + "\u2581jenseits", + -13.672179222106934 + ], + [ + "almost", + -13.67220973968506 + ], + [ + "\u2581Koko", + -13.672225952148438 + ], + [ + "\u2581negociaciones", + -13.672226905822754 + ], + [ + "\u2581p\u00e1g", + -13.672232627868652 + ], + [ + "\u2581dichiarazioni", + -13.6722412109375 + ], + [ + "\u2581Dunque", + -13.672263145446776 + ], + [ + "\u2581Aufsichtsrat", + -13.672295570373535 + ], + [ + "\u2581kwa", + -13.672295570373535 + ], + [ + "\u2581universit\u00e9s", + -13.672304153442385 + ], + [ + "strogen", + -13.672365188598633 + ], + [ + "\u2581inl\u00e4ndischen", + -13.672454833984377 + ], + [ + "\u2581abuela", + -13.672471046447754 + ], + [ + "\u2581bamb", + -13.672493934631348 + ], + [ + "igliano", + -13.672527313232422 + ], + [ + "\u2581Koop", + -13.672527313232422 + ], + [ + "\u2581undergo", + -13.672529220581056 + ], + [ + "igaretten", + -13.672544479370115 + ], + [ + "\u2581nachfolgend", + -13.672563552856444 + ], + [ + "\u2581Ausstellungen", + -13.67258071899414 + ], + [ + "kriegs", + -13.672587394714355 + ], + [ + "\u2581Own", + -13.672587394714355 + ], + [ + "bedingung", + -13.672601699829102 + ], + [ + "\u2581invasie", + -13.672613143920898 + ], + [ + "\u2581variieren", + -13.672616958618164 + ], + [ + "Subst", + -13.67262363433838 + ], + [ + "gq", + -13.672699928283691 + ], + [ + "\u2581Aucun", + -13.672709465026855 + ], + [ + "mna", + -13.672771453857422 + ], + [ + "CTestCase", + -13.672796249389648 + ], + [ + "\u2581dochters", + -13.67281436920166 + ], + [ + "sanity", + -13.672842025756836 + ], + [ + "\u2581tempesta", + -13.672859191894531 + ], + [ + "\u2581Acantho", + -13.672887802124023 + ], + [ + "\u2581trennen", + -13.672914505004885 + ], + [ + "CIDR", + -13.672926902770996 + ], + [ + "\u2581Eust", + -13.672927856445312 + ], + [ + "\u00f3cio", + -13.672932624816896 + ], + [ + "\u2581dnf", + -13.672937393188477 + ], + [ + "gradua", + -13.67294216156006 + ], + [ + "indique", + -13.672943115234377 + ], + [ + "PROCESS", + -13.672951698303224 + ], + [ + "\u2581koers", + -13.672977447509766 + ], + [ + "\u2581Saur", + -13.672978401184082 + ], + [ + "\u2581editoriale", + -13.672988891601562 + ], + [ + "\u2581Caff", + -13.672996520996094 + ], + [ + "occa", + -13.67299747467041 + ], + [ + "quark", + -13.673001289367676 + ], + [ + "Excelsior", + -13.673020362854004 + ], + [ + "SEEDLINGS", + -13.673020362854004 + ], + [ + "\u2581\u00e9missions", + -13.673172950744627 + ], + [ + "it\u00e1ria", + -13.673178672790527 + ], + [ + "\u2581Finalement", + -13.673181533813477 + ], + [ + "\u2581greifen", + -13.673203468322754 + ], + [ + "nigsberg", + -13.673219680786133 + ], + [ + "cidos", + -13.673221588134766 + ], + [ + "CEST", + -13.673234939575195 + ], + [ + "\u2581Pang", + -13.673234939575195 + ], + [ + "Arthur", + -13.673243522644045 + ], + [ + "kreise", + -13.673247337341309 + ], + [ + "Energy", + -13.673256874084473 + ], + [ + "parents", + -13.673273086547852 + ], + [ + "phos", + -13.673274040222168 + ], + [ + "observe", + -13.6732816696167 + ], + [ + "koepel", + -13.673285484313965 + ], + [ + "\u2581impresso", + -13.67328929901123 + ], + [ + "\u2581priv\u00e9es", + -13.673290252685549 + ], + [ + "\u2581recuperado", + -13.673314094543455 + ], + [ + "\u2581contenus", + -13.673362731933594 + ], + [ + "neben", + -13.673426628112791 + ], + [ + "\u2581directrice", + -13.673432350158691 + ], + [ + "\u2581Napole", + -13.67344093322754 + ], + [ + "hasOwnProperty", + -13.673450469970703 + ], + [ + "\u2581endpoints", + -13.67345142364502 + ], + [ + "\u2581northwest", + -13.673500061035156 + ], + [ + "Alfred", + -13.673501968383787 + ], + [ + "auw", + -13.673519134521484 + ], + [ + "\u2581entrata", + -13.673537254333496 + ], + [ + "\u2581risultano", + -13.673561096191406 + ], + [ + "\u2581comunicare", + -13.673575401306152 + ], + [ + "vrouwen", + -13.673588752746582 + ], + [ + "issimi", + -13.673592567443848 + ], + [ + "azgo", + -13.67361831665039 + ], + [ + "\u2581conectado", + -13.673633575439451 + ], + [ + "\u2581prot\u00e9ines", + -13.673633575439451 + ], + [ + "\u2581canadense", + -13.67365837097168 + ], + [ + "\u2581jornais", + -13.67365837097168 + ], + [ + "p\u00e4d", + -13.673677444458008 + ], + [ + "\u2581confortable", + -13.673730850219728 + ], + [ + "d\u00e9termin\u00e9e", + -13.673784255981444 + ], + [ + "personenbezogene", + -13.673789024353027 + ], + [ + "\u2581Pedi", + -13.673800468444824 + ], + [ + "\u2581communs", + -13.673802375793455 + ], + [ + "\u2581matem\u00e1ticos", + -13.673808097839355 + ], + [ + "\u2581pienamente", + -13.673840522766112 + ], + [ + "\u2581Ricky", + -13.673876762390137 + ], + [ + "\u2581naquela", + -13.673884391784668 + ], + [ + "MarshalTo", + -13.673904418945312 + ], + [ + "\u2581Dixon", + -13.674015045166016 + ], + [ + "\u2581bedeutenden", + -13.674029350280762 + ], + [ + "\u2581evolucion", + -13.674057006835938 + ], + [ + "\u2581cuida", + -13.67405891418457 + ], + [ + "quaternion", + -13.674059867858888 + ], + [ + "skonzept", + -13.674059867858888 + ], + [ + "\u2581temporali", + -13.67413330078125 + ], + [ + "\u2581cuadros", + -13.6741361618042 + ], + [ + "\u2581enthielt", + -13.674139976501465 + ], + [ + "\u2581beschrijven", + -13.674142837524414 + ], + [ + "Servers", + -13.674185752868652 + ], + [ + "Setter", + -13.674192428588867 + ], + [ + "antine", + -13.674200057983398 + ], + [ + "wq", + -13.674242973327637 + ], + [ + "\u2581peruana", + -13.674272537231444 + ], + [ + "\u2581Carpenter", + -13.674280166625977 + ], + [ + "acess\u00edvel", + -13.674283981323242 + ], + [ + "\u2581Maschinenbau", + -13.674307823181152 + ], + [ + "pago", + -13.67436695098877 + ], + [ + "anischen", + -13.674383163452148 + ], + [ + "\u2581alternatieve", + -13.67440128326416 + ], + [ + "explosion", + -13.67446517944336 + ], + [ + "berti", + -13.67447280883789 + ], + [ + "\u2581Pensilvania", + -13.674494743347168 + ], + [ + "\u2581Rinascimento", + -13.674498558044434 + ], + [ + "\u2581Begegnung", + -13.67452335357666 + ], + [ + "viti", + -13.67452907562256 + ], + [ + "\u2581Vorbe", + -13.674599647521973 + ], + [ + "\u2581Falleci\u00f3", + -13.674606323242188 + ], + [ + "Bezeichnung", + -13.67460823059082 + ], + [ + "\u2581freuen", + -13.67462921142578 + ], + [ + "trale", + -13.674681663513184 + ], + [ + "sore", + -13.674699783325195 + ], + [ + "SAFE", + -13.67473316192627 + ], + [ + "\u2581respeita", + -13.674741744995115 + ], + [ + "\u2581Popolo", + -13.674768447875977 + ], + [ + "\u2581Intorno", + -13.674826622009276 + ], + [ + "landia", + -13.674853324890137 + ], + [ + "\u2581penale", + -13.674898147583008 + ], + [ + "Umanit\u00e0", + -13.674917221069336 + ], + [ + "\u2581Conhecer", + -13.674930572509766 + ], + [ + "felt", + -13.674946784973145 + ], + [ + "Urteil", + -13.674952507019045 + ], + [ + "\u2581cloth", + -13.674959182739258 + ], + [ + "\u2581Products", + -13.67496109008789 + ], + [ + "Outcome", + -13.674981117248535 + ], + [ + "khov", + -13.675015449523926 + ], + [ + "v\u00eda", + -13.675081253051758 + ], + [ + "guru", + -13.67508316040039 + ], + [ + "\u2581kaas", + -13.675090789794922 + ], + [ + "\u2581Democratische", + -13.67511749267578 + ], + [ + "\u2581ontwikkelingen", + -13.675121307373049 + ], + [ + "sendung", + -13.675138473510742 + ], + [ + "\u2581VIP", + -13.675143241882324 + ], + [ + "\u2581operare", + -13.675189018249512 + ], + [ + "\u2581millimeter", + -13.67520523071289 + ], + [ + "\u2581errichtete", + -13.675214767456056 + ], + [ + "Market", + -13.67522144317627 + ], + [ + "\u2581begr\u00fcndeten", + -13.675292015075684 + ], + [ + "\u2581esistere", + -13.675305366516112 + ], + [ + "\u2581femminili", + -13.675338745117188 + ], + [ + "\u2581switched", + -13.675342559814451 + ], + [ + "pau", + -13.67535400390625 + ], + [ + "\u2581Jordi", + -13.675368309020996 + ], + [ + "\u2581blockIdx", + -13.675371170043944 + ], + [ + "\u2581voters", + -13.675406455993652 + ], + [ + "\u2581Laplace", + -13.67541217803955 + ], + [ + "\u2581herstel", + -13.675429344177246 + ], + [ + "tatus", + -13.675466537475586 + ], + [ + "\u2581Portr\u00e4t", + -13.67546844482422 + ], + [ + "isomer", + -13.67548942565918 + ], + [ + "protoc", + -13.67551326751709 + ], + [ + "batches", + -13.675539016723633 + ], + [ + "PSS", + -13.675562858581545 + ], + [ + "\u00e9nie", + -13.675562858581545 + ], + [ + "retval", + -13.67556381225586 + ], + [ + "\u2581scoperte", + -13.675566673278809 + ], + [ + "\u2581geistigen", + -13.67559051513672 + ], + [ + "\u2581hiermit", + -13.675592422485352 + ], + [ + "Hart", + -13.675607681274414 + ], + [ + "ad\u00e4quate", + -13.67571258544922 + ], + [ + "\u2581Faser", + -13.675716400146484 + ], + [ + "\u2581fallu", + -13.675724029541016 + ], + [ + "\u2581ideolog\u00eda", + -13.675786972045898 + ], + [ + "l\u00e9n", + -13.675809860229492 + ], + [ + "\u2581Gosse", + -13.675814628601074 + ], + [ + "\u2581Industries", + -13.6758394241333 + ], + [ + "\u2581Summen", + -13.67584228515625 + ], + [ + "streich", + -13.675895690917969 + ], + [ + "adolescent", + -13.67590045928955 + ], + [ + "\u2581Makro", + -13.675921440124512 + ], + [ + "\u2581ethische", + -13.675921440124512 + ], + [ + "conta", + -13.675928115844728 + ], + [ + "\u2581Fils", + -13.675928115844728 + ], + [ + "\u2581falschen", + -13.67593765258789 + ], + [ + "Generating", + -13.675938606262209 + ], + [ + "\u2581Sergeant", + -13.675944328308104 + ], + [ + "\u2581mol\u00e9cules", + -13.675950050354004 + ], + [ + "ibm", + -13.675958633422852 + ], + [ + "SUPER", + -13.676012992858888 + ], + [ + "\u2581Personne", + -13.676021575927734 + ], + [ + "\u2581Kongo", + -13.676090240478516 + ], + [ + "\u2581bovin", + -13.676114082336426 + ], + [ + "\u2581neutrino", + -13.676129341125488 + ], + [ + "\u2581Fortune", + -13.676156997680664 + ], + [ + "\u2581Binnenmarkt", + -13.676167488098145 + ], + [ + "\u2581Beeinflussung", + -13.676182746887209 + ], + [ + "\u2581uncertain", + -13.676197052001951 + ], + [ + "DisplayName", + -13.67620086669922 + ], + [ + "mez", + -13.6762056350708 + ], + [ + "\u2581demonstrar", + -13.676228523254396 + ], + [ + "crum", + -13.67623805999756 + ], + [ + "\u2581Ego", + -13.676298141479492 + ], + [ + "manifests", + -13.676321029663086 + ], + [ + "\u2581godsdienst", + -13.67638111114502 + ], + [ + "\u2581Ratsdok", + -13.676386833190918 + ], + [ + "\u2581Honolulu", + -13.676390647888184 + ], + [ + "\u2581Ravenclaw", + -13.67639446258545 + ], + [ + "maru", + -13.676405906677246 + ], + [ + "\u2581wettbewerbs", + -13.67640781402588 + ], + [ + "\u2581entregado", + -13.676424980163574 + ], + [ + "\u2581exhibi", + -13.676424980163574 + ], + [ + "\u2581Cani", + -13.676434516906738 + ], + [ + "Carlo", + -13.676454544067385 + ], + [ + "Skill", + -13.67646026611328 + ], + [ + "EURO", + -13.67647933959961 + ], + [ + "Abd", + -13.676494598388672 + ], + [ + "induzierte", + -13.67650032043457 + ], + [ + "Frankreich", + -13.67650318145752 + ], + [ + "\u2581Rijnland", + -13.676517486572266 + ], + [ + "\u2581Trevi", + -13.676546096801758 + ], + [ + "\u2581Catch", + -13.676563262939451 + ], + [ + "issements", + -13.67656421661377 + ], + [ + "autonomia", + -13.676605224609377 + ], + [ + "\u2581generelle", + -13.676636695861816 + ], + [ + "strui", + -13.676666259765623 + ], + [ + "BBB", + -13.676680564880373 + ], + [ + "oppen", + -13.676690101623535 + ], + [ + "\u2581cl\u00e9s", + -13.6766996383667 + ], + [ + "\u2581sfuggire", + -13.676712036132812 + ], + [ + "\u2581zurecht", + -13.676712989807127 + ], + [ + "urant", + -13.676746368408203 + ], + [ + "\u2581celulares", + -13.676801681518556 + ], + [ + "Cattedrale", + -13.6768159866333 + ], + [ + "\u2581Manitoba", + -13.6768159866333 + ], + [ + "\u2581terreur", + -13.67685890197754 + ], + [ + "\u2581realizzate", + -13.676878929138184 + ], + [ + "\u2581bags", + -13.67691421508789 + ], + [ + "\u2581Chefe", + -13.67695426940918 + ], + [ + "\u2581Einwirkung", + -13.676979064941406 + ], + [ + "truth", + -13.677020072937012 + ], + [ + "Hohenzollern", + -13.677027702331545 + ], + [ + "strafrecht", + -13.677046775817873 + ], + [ + "lithium", + -13.6770601272583 + ], + [ + "\u2581Pretty", + -13.6770658493042 + ], + [ + "am\u00e9liorer", + -13.677066802978516 + ], + [ + "\u2581d\u00e9passe", + -13.677075386047363 + ], + [ + "\u2581Giornata", + -13.67709255218506 + ], + [ + "\u2581acreditava", + -13.677131652832031 + ], + [ + "\u2581lavorazione", + -13.67714023590088 + ], + [ + "\u2581wisten", + -13.6771821975708 + ], + [ + "ternal", + -13.67719554901123 + ], + [ + "\u2581pr\u00e4zise", + -13.677215576171877 + ], + [ + "scriptsize", + -13.67722225189209 + ], + [ + "\u2581decken", + -13.67723560333252 + ], + [ + "\u2581atento", + -13.677244186401367 + ], + [ + "Frage", + -13.677263259887695 + ], + [ + "erini", + -13.677292823791504 + ], + [ + "\u2581remor", + -13.67730712890625 + ], + [ + "\u2581elongat", + -13.677318572998049 + ], + [ + "\u2581Fourth", + -13.677329063415527 + ], + [ + "\u2581giunti", + -13.677451133728027 + ], + [ + "\u2581jefes", + -13.67746639251709 + ], + [ + "\u2581Imagem", + -13.677497863769531 + ], + [ + "PowerShell", + -13.67752742767334 + ], + [ + "Armata", + -13.677533149719238 + ], + [ + "ielgruppen", + -13.677534103393556 + ], + [ + "\u2581Gobernador", + -13.67758846282959 + ], + [ + "deutschland", + -13.677590370178224 + ], + [ + "\u2581condurre", + -13.677595138549805 + ], + [ + "\u2581Liegen", + -13.677627563476562 + ], + [ + "zonder", + -13.67763900756836 + ], + [ + "jat", + -13.677648544311523 + ], + [ + "stoten", + -13.677722930908203 + ], + [ + "\u2581feux", + -13.677780151367188 + ], + [ + "\u2581congreso", + -13.677818298339844 + ], + [ + "\u2581guardie", + -13.677868843078612 + ], + [ + "\u2581starker", + -13.677868843078612 + ], + [ + "\u2581Kalifornien", + -13.677873611450195 + ], + [ + "\u2581Syracuse", + -13.677873611450195 + ], + [ + "stante", + -13.67789363861084 + ], + [ + "\u2581g\u00fcnstigen", + -13.677915573120115 + ], + [ + "\u2581Witwe", + -13.677959442138672 + ], + [ + "\u2581pallid", + -13.678000450134276 + ], + [ + "\u2581angeli", + -13.678067207336426 + ], + [ + "\u2581porno", + -13.678077697753906 + ], + [ + "\u2581r\u00e9dig\u00e9", + -13.678085327148438 + ], + [ + "\u2581Justitie", + -13.678135871887209 + ], + [ + "versiche", + -13.678174018859863 + ], + [ + "\u2581Aix", + -13.678213119506836 + ], + [ + "\u2581concentrar", + -13.678269386291504 + ], + [ + "\u2581Theologe", + -13.678299903869627 + ], + [ + "\u2581Assuming", + -13.678314208984377 + ], + [ + "\u2581Marilyn", + -13.678324699401855 + ], + [ + "destructive", + -13.678335189819336 + ], + [ + "\u2581attaques", + -13.678343772888184 + ], + [ + "\u2581Onkel", + -13.678349494934082 + ], + [ + "\u2581Garb", + -13.678357124328612 + ], + [ + "\u2581painful", + -13.678390502929688 + ], + [ + "\u2581Motto", + -13.678411483764648 + ], + [ + "\u2581morro", + -13.678443908691406 + ], + [ + "\u2581Dodge", + -13.67847728729248 + ], + [ + "\u2581Avon", + -13.678479194641112 + ], + [ + "\u2581enclave", + -13.678504943847656 + ], + [ + "\u2581dictionnaire", + -13.678511619567873 + ], + [ + "graphical", + -13.678522109985352 + ], + [ + "\u2581discogr\u00e1fica", + -13.678532600402832 + ], + [ + "\u2581Khal", + -13.678550720214844 + ], + [ + "\u2581Erlangen", + -13.678597450256348 + ], + [ + "\u2581Bildschirm", + -13.678621292114258 + ], + [ + "\u2581Hava", + -13.678634643554688 + ], + [ + "\u2581vereinigt", + -13.6786527633667 + ], + [ + "brak", + -13.678683280944824 + ], + [ + "\u2581entstandene", + -13.678692817687988 + ], + [ + "\u2581senhor", + -13.678760528564451 + ], + [ + "\u2581organs", + -13.678813934326172 + ], + [ + "\u2581Anker", + -13.678824424743652 + ], + [ + "onderhandelingen", + -13.678826332092283 + ], + [ + "\u2581befindliche", + -13.678847312927246 + ], + [ + "\u2581unvollst\u00e4ndig", + -13.678871154785156 + ], + [ + "Brown", + -13.678878784179688 + ], + [ + "Vendor", + -13.6788911819458 + ], + [ + "silica", + -13.678899765014648 + ], + [ + "\u2581precisava", + -13.678900718688965 + ], + [ + "\u2581Engenharia", + -13.67893886566162 + ], + [ + "\u2581tocando", + -13.678964614868164 + ], + [ + "\u2581financieros", + -13.678969383239746 + ], + [ + "decrypt", + -13.679019927978516 + ], + [ + "\u2581entit\u00e0", + -13.679038047790527 + ], + [ + "anny", + -13.679080963134766 + ], + [ + "\u2581Tamb", + -13.679082870483398 + ], + [ + "cotto", + -13.679094314575195 + ], + [ + "classmethod", + -13.679101943969728 + ], + [ + "Darwin", + -13.67912769317627 + ], + [ + "\u2581endemisch", + -13.679136276245115 + ], + [ + "\u2581Fr\u00e9", + -13.67914867401123 + ], + [ + "Bestuur", + -13.679201126098633 + ], + [ + "lights", + -13.679228782653809 + ], + [ + "ishing", + -13.67928409576416 + ], + [ + "melin", + -13.679412841796877 + ], + [ + "\u2581supo", + -13.679442405700684 + ], + [ + "\u2581abgel", + -13.679465293884276 + ], + [ + "Cases", + -13.679487228393556 + ], + [ + "Servlet", + -13.679490089416504 + ], + [ + "france", + -13.67949676513672 + ], + [ + "\u2581Niels", + -13.679537773132324 + ], + [ + "\u2581Palmares", + -13.679553985595703 + ], + [ + "kten", + -13.679633140563965 + ], + [ + "civil", + -13.679640769958496 + ], + [ + "pola", + -13.679664611816406 + ], + [ + "\u2581rentre", + -13.67966651916504 + ], + [ + "lsb", + -13.67967700958252 + ], + [ + "stede", + -13.679677963256836 + ], + [ + "ECO", + -13.679707527160645 + ], + [ + "\u2581mistakes", + -13.679760932922363 + ], + [ + "\u2581comprensi\u00f3n", + -13.67977809906006 + ], + [ + "\u2581producers", + -13.679795265197754 + ], + [ + "diz", + -13.67979621887207 + ], + [ + "weige", + -13.679797172546388 + ], + [ + "Participant", + -13.679798126220703 + ], + [ + "africain", + -13.679802894592283 + ], + [ + "\u2581Indikator", + -13.679818153381348 + ], + [ + "cev", + -13.679829597473145 + ], + [ + "\u2581colazione", + -13.67983341217041 + ], + [ + "ULA", + -13.679838180541992 + ], + [ + "\u2581Motive", + -13.679841995239258 + ], + [ + "\u2581Ritual", + -13.679865837097168 + ], + [ + "cey", + -13.679872512817385 + ], + [ + "intensiven", + -13.679875373840332 + ], + [ + "\u2581jogou", + -13.679880142211914 + ], + [ + "szene", + -13.67990016937256 + ], + [ + "\u2581disposer", + -13.67992115020752 + ], + [ + "\u2581utilized", + -13.679939270019531 + ], + [ + "\u2581Constantino", + -13.679953575134276 + ], + [ + "PAG", + -13.67996883392334 + ], + [ + "\u2581\u00e9stos", + -13.679977416992188 + ], + [ + "LSTM", + -13.679978370666504 + ], + [ + "koek", + -13.679997444152832 + ], + [ + "\u2581Bandera", + -13.680011749267578 + ], + [ + "\u2581verbrand", + -13.68002223968506 + ], + [ + "nchen", + -13.680026054382324 + ], + [ + "vervoer", + -13.680026054382324 + ], + [ + "\u2581investigador", + -13.680047035217283 + ], + [ + "hits", + -13.68007469177246 + ], + [ + "kategorien", + -13.680079460144045 + ], + [ + "Campione", + -13.68008041381836 + ], + [ + "cripta", + -13.680093765258787 + ], + [ + "\u2581bake", + -13.680127143859863 + ], + [ + "\u2581Sergi", + -13.680139541625977 + ], + [ + "\u2581MarshalJSON", + -13.68015193939209 + ], + [ + "\u2581Gaga", + -13.680152893066406 + ], + [ + "\u2581plaques", + -13.680155754089355 + ], + [ + "\u2581bibli", + -13.680169105529783 + ], + [ + "\u2581Trelawney", + -13.68020248413086 + ], + [ + "USAGE", + -13.680203437805176 + ], + [ + "\u2581pasan", + -13.680204391479492 + ], + [ + "headline", + -13.680238723754885 + ], + [ + "auftr\u00e4ge", + -13.680248260498049 + ], + [ + "\u2581Gleichheit", + -13.680278778076172 + ], + [ + "\u2581colonias", + -13.680283546447754 + ], + [ + "\u2581liber", + -13.680292129516602 + ], + [ + "\u2581rinvenut", + -13.680352210998535 + ], + [ + "\u2581Tomatoes", + -13.680416107177734 + ], + [ + "advisor", + -13.680426597595217 + ], + [ + "\u2581continuando", + -13.680459022521973 + ], + [ + "\u2581reversed", + -13.680466651916504 + ], + [ + "\u2581ferries", + -13.680472373962402 + ], + [ + "\u2581previste", + -13.680489540100098 + ], + [ + "\u2581muestras", + -13.680513381958008 + ], + [ + "\u2581Gedanke", + -13.680546760559082 + ], + [ + "Speak", + -13.68056869506836 + ], + [ + "lote", + -13.680591583251951 + ], + [ + "eindruck", + -13.680642127990724 + ], + [ + "smtp", + -13.68069076538086 + ], + [ + "provincia", + -13.680694580078123 + ], + [ + "playing", + -13.680719375610352 + ], + [ + "\u2581spalla", + -13.680726051330566 + ], + [ + "\u2581attraversata", + -13.68075466156006 + ], + [ + "\u2581consorte", + -13.680768966674805 + ], + [ + "\u2581Mercat", + -13.6807861328125 + ], + [ + "pacific", + -13.680813789367676 + ], + [ + "ILO", + -13.680816650390623 + ], + [ + "\u2581Rhythm", + -13.68082332611084 + ], + [ + "\u2581Typs", + -13.680829048156738 + ], + [ + "\u2581niedrigere", + -13.680830001831056 + ], + [ + "\u2581Essay", + -13.680891036987305 + ], + [ + "\u2581luminosity", + -13.680892944335938 + ], + [ + "\u2581Koro", + -13.680896759033203 + ], + [ + "kulturen", + -13.68099594116211 + ], + [ + "\u2581ermita", + -13.68099880218506 + ], + [ + "\u2581produceerde", + -13.681015014648438 + ], + [ + "\u2581oranje", + -13.681017875671388 + ], + [ + "Goal", + -13.681022644042969 + ], + [ + "\u2581advogado", + -13.68105125427246 + ], + [ + "werg", + -13.681055068969728 + ], + [ + "\u2581proef", + -13.681058883666992 + ], + [ + "\u2581Hasselt", + -13.681077003479004 + ], + [ + "\u2581Rij", + -13.681081771850586 + ], + [ + "kr\u00e4ften", + -13.68112850189209 + ], + [ + "\u2581mudando", + -13.68112850189209 + ], + [ + "\u2581ajuste", + -13.68114185333252 + ], + [ + "\u2581patrono", + -13.681200981140137 + ], + [ + "athlet", + -13.681234359741213 + ], + [ + "sitzung", + -13.681234359741213 + ], + [ + "\u2581discr", + -13.681238174438477 + ], + [ + "arsenal", + -13.681262016296388 + ], + [ + "\u2581comprennent", + -13.681262969970703 + ], + [ + "ammer", + -13.681275367736816 + ], + [ + "\u2581democratico", + -13.681283950805664 + ], + [ + "conflict", + -13.681303977966309 + ], + [ + "\u2581visites", + -13.681309700012209 + ], + [ + "\u2581mold", + -13.681325912475586 + ], + [ + "stash", + -13.68136215209961 + ], + [ + "\u2581recebem", + -13.681452751159668 + ], + [ + "\u2581weigh", + -13.681452751159668 + ], + [ + "\u2581proceeds", + -13.681456565856934 + ], + [ + "tradition", + -13.681495666503906 + ], + [ + "\u2581escolta", + -13.681498527526855 + ], + [ + "ophorus", + -13.681519508361816 + ], + [ + "ALLOC", + -13.681527137756348 + ], + [ + "stabilit\u00e4t", + -13.681561470031738 + ], + [ + "\u00e4nde", + -13.681564331054688 + ], + [ + "\u2581Kabul", + -13.681571006774902 + ], + [ + "\u2581Weib", + -13.681578636169434 + ], + [ + "effizienz", + -13.681580543518066 + ], + [ + "adze", + -13.681607246398926 + ], + [ + "cartesian", + -13.681612014770508 + ], + [ + "\u2581Wohnen", + -13.681617736816406 + ], + [ + "sopraan", + -13.681623458862305 + ], + [ + "\u2581Marga", + -13.681634902954102 + ], + [ + "\u2581dot\u00e9", + -13.681641578674316 + ], + [ + "\u2581placebo", + -13.681665420532228 + ], + [ + "\u2581Comprende", + -13.681690216064451 + ], + [ + "Dimensions", + -13.681700706481934 + ], + [ + "\u2581ranked", + -13.681729316711426 + ], + [ + "\u2581Marines", + -13.681770324707031 + ], + [ + "\u2581revoca", + -13.681771278381348 + ], + [ + "negro", + -13.681774139404297 + ], + [ + "\u2581far\u00e1", + -13.681777000427246 + ], + [ + "\u2581\u00e9d", + -13.681822776794434 + ], + [ + "\u2581projetado", + -13.68182373046875 + ], + [ + "\u2581bezat", + -13.681862831115724 + ], + [ + "\u2581mad", + -13.681878089904783 + ], + [ + "\u2581Manda", + -13.681899070739746 + ], + [ + "\u2581Democracy", + -13.68190097808838 + ], + [ + "andel", + -13.681902885437012 + ], + [ + "\u2581Delphi", + -13.681940078735352 + ], + [ + "apparato", + -13.681962013244627 + ], + [ + "stom", + -13.681967735290527 + ], + [ + "\u2581Dig", + -13.681970596313477 + ], + [ + "\u2581junioren", + -13.68197536468506 + ], + [ + "signale", + -13.681999206542969 + ], + [ + "ROT", + -13.682024955749512 + ], + [ + "schalten", + -13.682056427001951 + ], + [ + "\u2581climatique", + -13.682065963745115 + ], + [ + "bares", + -13.682085990905762 + ], + [ + "tempel", + -13.682114601135254 + ], + [ + "\u2581retten", + -13.682114601135254 + ], + [ + "\u2581Velasco", + -13.68214511871338 + ], + [ + "CURL", + -13.682217597961426 + ], + [ + "\u2581Leuk", + -13.682228088378906 + ], + [ + "\u2581Karim", + -13.682232856750488 + ], + [ + "\u2581guarantees", + -13.682252883911133 + ], + [ + "\u2581Nissan", + -13.682256698608398 + ], + [ + "\u2581pastorale", + -13.682257652282717 + ], + [ + "\u2581stimmte", + -13.682265281677246 + ], + [ + "Continuous", + -13.682266235351562 + ], + [ + "culaire", + -13.682266235351562 + ], + [ + "\u2581auff\u00e4llig", + -13.682287216186523 + ], + [ + "\u2581walks", + -13.682291030883787 + ], + [ + "\u2581brasileiras", + -13.682320594787598 + ], + [ + "\u2581affreschi", + -13.682333946228027 + ], + [ + "ezze", + -13.682345390319824 + ], + [ + "\u2581Cappella", + -13.682348251342772 + ], + [ + "\u2581bovenste", + -13.682385444641112 + ], + [ + "RAD", + -13.682400703430176 + ], + [ + "Pac", + -13.682403564453123 + ], + [ + "Favorite", + -13.682412147521973 + ], + [ + "\u2581Tschechien", + -13.682413101196287 + ], + [ + "\u2581Valli", + -13.682424545288086 + ], + [ + "pager", + -13.682455062866213 + ], + [ + "\u2581nogal", + -13.682464599609377 + ], + [ + "jia", + -13.682482719421388 + ], + [ + "\u2581cabin", + -13.68248462677002 + ], + [ + "\u2581renunciar", + -13.68249797821045 + ], + [ + "\u2581photographs", + -13.682498931884766 + ], + [ + "\u2581causada", + -13.682525634765623 + ], + [ + "\u2581rivale", + -13.682531356811523 + ], + [ + "Kinshasa", + -13.682537078857422 + ], + [ + "\u2581Jard\u00edn", + -13.682539939880373 + ], + [ + "Pz", + -13.682540893554688 + ], + [ + "\u2581Schach", + -13.682549476623535 + ], + [ + "befehl", + -13.682551383972168 + ], + [ + "\u2581integrale", + -13.682561874389648 + ], + [ + "STM", + -13.682570457458496 + ], + [ + "gymnasium", + -13.682598114013672 + ], + [ + "vereinigung", + -13.682612419128418 + ], + [ + "httpd", + -13.682616233825684 + ], + [ + "\u2581sentiva", + -13.682635307312012 + ], + [ + "netti", + -13.682636260986328 + ], + [ + "\u2581balneari", + -13.682653427124023 + ], + [ + "ential", + -13.682662010192873 + ], + [ + "flexion", + -13.68266487121582 + ], + [ + "ignant", + -13.68271255493164 + ], + [ + "\u00e4ck", + -13.682732582092283 + ], + [ + "mputation", + -13.682754516601562 + ], + [ + "\u2581deveriam", + -13.682757377624512 + ], + [ + "ummel", + -13.682771682739258 + ], + [ + "preventDefault", + -13.682780265808104 + ], + [ + "isValid", + -13.682788848876951 + ], + [ + "\u2581Phra", + -13.682801246643066 + ], + [ + "\u2581ondergebracht", + -13.682823181152344 + ], + [ + "trekking", + -13.68282699584961 + ], + [ + "\u2581Unity", + -13.682889938354492 + ], + [ + "\u2581dominado", + -13.682921409606934 + ], + [ + "globals", + -13.68292236328125 + ], + [ + "Donald", + -13.68294906616211 + ], + [ + "\u2581portugais", + -13.682955741882324 + ], + [ + "\u2581Ulrike", + -13.68296241760254 + ], + [ + "\u2581creativo", + -13.682981491088867 + ], + [ + "\u2581mineur", + -13.682991981506348 + ], + [ + "\u2581Juda", + -13.683018684387209 + ], + [ + "\u2581instaura", + -13.68302059173584 + ], + [ + "\u2581Urkunde", + -13.683034896850586 + ], + [ + "\u2581voorkomende", + -13.683070182800291 + ], + [ + "\u2581.$(", + -13.683095932006836 + ], + [ + "combined", + -13.683096885681152 + ], + [ + "paiono", + -13.68310260772705 + ], + [ + "\u2581id\u00e9ias", + -13.683115005493164 + ], + [ + "Bass", + -13.683135986328123 + ], + [ + "\u2581rapporte", + -13.683140754699709 + ], + [ + "\u2581Grundsicherung", + -13.683159828186035 + ], + [ + "\u2581CONSE", + -13.683171272277832 + ], + [ + "adh\u00e9sion", + -13.68317413330078 + ], + [ + "\u2581Administrative", + -13.683177947998049 + ], + [ + "galerie", + -13.683198928833008 + ], + [ + "gyn", + -13.683198928833008 + ], + [ + "jira", + -13.683216094970703 + ], + [ + "\u2581n\u00e4chst", + -13.683222770690918 + ], + [ + "\u2581REM", + -13.683229446411133 + ], + [ + "werbe", + -13.683252334594728 + ], + [ + "apiserver", + -13.683255195617676 + ], + [ + "\u2581rekenen", + -13.683272361755373 + ], + [ + "\u2581ligar", + -13.683290481567385 + ], + [ + "BAD", + -13.683292388916016 + ], + [ + "\u2581opponent", + -13.683329582214355 + ], + [ + "\u2581verst\u00e4rkten", + -13.683353424072266 + ], + [ + "activit\u00e9s", + -13.683369636535645 + ], + [ + "\u2581Fahren", + -13.68337059020996 + ], + [ + "\u2581Feyenoord", + -13.68338680267334 + ], + [ + "\u2581J\u00e9rusalem", + -13.68338680267334 + ], + [ + "\u2581fahrl\u00e4ssig", + -13.683387756347656 + ], + [ + "\u2581formidable", + -13.68340301513672 + ], + [ + "\u2581destru\u00edda", + -13.68341064453125 + ], + [ + "abal", + -13.683428764343262 + ], + [ + "\u2581saca", + -13.68344783782959 + ], + [ + "zaak", + -13.683453559875488 + ], + [ + "Hb", + -13.683485984802246 + ], + [ + "ingredient", + -13.683493614196776 + ], + [ + "\u2581defecto", + -13.68349552154541 + ], + [ + "\u2581Verh\u00e4ltnism\u00e4", + -13.683526039123535 + ], + [ + "zungen", + -13.683538436889648 + ], + [ + "\u2581sicheren", + -13.68354320526123 + ], + [ + "\u2581Arbeitspl\u00e4tzen", + -13.683584213256836 + ], + [ + "\u2581Vorkommen", + -13.68360424041748 + ], + [ + "\u2581sofortige", + -13.683635711669922 + ], + [ + "\u2581licita", + -13.683673858642578 + ], + [ + "\u2581letzt", + -13.683687210083008 + ], + [ + "\u2581Abnehmer", + -13.683698654174805 + ], + [ + "\u2581temporaire", + -13.683727264404297 + ], + [ + "Scott", + -13.683740615844728 + ], + [ + "obli", + -13.683753967285156 + ], + [ + "\u2581pareva", + -13.683758735656738 + ], + [ + "\u2581Treb", + -13.683768272399902 + ], + [ + "kaz", + -13.683777809143066 + ], + [ + "plicht", + -13.683792114257812 + ], + [ + "\u2581retirarse", + -13.683834075927734 + ], + [ + "\u2581decorati", + -13.683847427368164 + ], + [ + "\u2581St\u00fccke", + -13.683890342712402 + ], + [ + "\u2581Sterne", + -13.683911323547363 + ], + [ + "\u2581Legislativa", + -13.683960914611816 + ], + [ + "\u2581veertig", + -13.683977127075195 + ], + [ + "\u2581Greci", + -13.684012413024902 + ], + [ + "\u2581courrier", + -13.68401336669922 + ], + [ + "\u2581manchas", + -13.684017181396484 + ], + [ + "\u2581convirtieron", + -13.684024810791016 + ], + [ + "Kubernetes", + -13.68404769897461 + ], + [ + "leren", + -13.684102058410645 + ], + [ + "\u2581VOC", + -13.684123039245604 + ], + [ + "gioni", + -13.684124946594238 + ], + [ + "\u2581Autobahnen", + -13.684130668640137 + ], + [ + "ilhas", + -13.68415069580078 + ], + [ + "\u2581progettato", + -13.684164047241213 + ], + [ + "kante", + -13.684173583984377 + ], + [ + "benz", + -13.684198379516602 + ], + [ + "\u2581cognome", + -13.684206008911133 + ], + [ + "\u2581Aminos\u00e4uren", + -13.684222221374512 + ], + [ + "oltre", + -13.68423843383789 + ], + [ + "\u2581Mobilfunk", + -13.68423843383789 + ], + [ + "\u2581Pizarro", + -13.68423843383789 + ], + [ + "bsd", + -13.684247016906738 + ], + [ + "batido", + -13.684267044067385 + ], + [ + "\u2581cl\u00e1usula", + -13.684293746948242 + ], + [ + "\u2581Trouble", + -13.68430233001709 + ], + [ + "\u2581vendi\u00f3", + -13.684334754943848 + ], + [ + "\u2581Condor", + -13.68433666229248 + ], + [ + "\u2581Eleanor", + -13.684344291687012 + ], + [ + "\u2581Sti", + -13.684381484985352 + ], + [ + "Community", + -13.684383392333984 + ], + [ + "\u2581deviendra", + -13.684408187866213 + ], + [ + "wrapping", + -13.684422492980955 + ], + [ + "Crop", + -13.684466361999512 + ], + [ + "\u2581substitu\u00edda", + -13.68447971343994 + ], + [ + "Prueba", + -13.684492111206056 + ], + [ + "abilmente", + -13.68449878692627 + ], + [ + "HIGH", + -13.684499740600586 + ], + [ + "\u2581soldato", + -13.684535026550291 + ], + [ + "geschichtliche", + -13.68455410003662 + ], + [ + "\u2581Pion", + -13.68455410003662 + ], + [ + "\u2581Curi", + -13.684572219848633 + ], + [ + "negatives", + -13.684581756591797 + ], + [ + "fundamentalmente", + -13.68459701538086 + ], + [ + "ssische", + -13.684633255004885 + ], + [ + "vata", + -13.68465518951416 + ], + [ + "\u2581Genf", + -13.684698104858398 + ], + [ + "\u2581rimasero", + -13.684717178344728 + ], + [ + "\u2581ordenada", + -13.684727668762209 + ], + [ + "\u2581Rif", + -13.68474006652832 + ], + [ + "\u2581homogene", + -13.684770584106444 + ], + [ + "chapel", + -13.684773445129396 + ], + [ + "\u2581Rp", + -13.684804916381836 + ], + [ + "\u2581precari", + -13.684856414794922 + ], + [ + "\u2581Treibhausgas", + -13.684876441955566 + ], + [ + "\u2581begrijpen", + -13.684880256652832 + ], + [ + "\u2581pensione", + -13.68494987487793 + ], + [ + "\u2581Myst", + -13.684972763061523 + ], + [ + "\u2581Acqua", + -13.684974670410156 + ], + [ + "\u2581Bomben", + -13.684974670410156 + ], + [ + "\u2581Nasce", + -13.684974670410156 + ], + [ + "suppress", + -13.684985160827637 + ], + [ + "\u2581cicatriz", + -13.685009956359863 + ], + [ + "\u2581r\u00e4umlich", + -13.685012817382812 + ], + [ + "\u2581civis", + -13.685051918029783 + ], + [ + "puis", + -13.685052871704102 + ], + [ + "\u2581soccer", + -13.685052871704102 + ], + [ + "\u2581breathing", + -13.685075759887695 + ], + [ + "\u2581alentours", + -13.685089111328123 + ], + [ + "\u2581Estudiantes", + -13.685114860534668 + ], + [ + "election", + -13.685123443603516 + ], + [ + "honden", + -13.685131072998049 + ], + [ + "\u2581Tis", + -13.685147285461426 + ], + [ + "\u2581classificados", + -13.68515968322754 + ], + [ + "\u2581Dica", + -13.685193061828612 + ], + [ + "\u2581Matthews", + -13.685200691223145 + ], + [ + "\u2581inviare", + -13.68520736694336 + ], + [ + "\u2581geforderten", + -13.685254096984863 + ], + [ + "Tp", + -13.685270309448242 + ], + [ + "\u2581Coureur", + -13.68528652191162 + ], + [ + "preises", + -13.685287475585938 + ], + [ + "typescript", + -13.68529987335205 + ], + [ + "\u2581defensiva", + -13.685303688049316 + ], + [ + "\u2581bevonden", + -13.685314178466797 + ], + [ + "These", + -13.685343742370604 + ], + [ + "Tl", + -13.685345649719238 + ], + [ + "\u2581crass", + -13.685358047485352 + ], + [ + "ddl", + -13.685361862182615 + ], + [ + "oskopische", + -13.685391426086426 + ], + [ + "\u2581Gav", + -13.685397148132324 + ], + [ + "Prediction", + -13.685412406921388 + ], + [ + "Mz", + -13.685420989990234 + ], + [ + "\u2581Folglich", + -13.68545150756836 + ], + [ + "openstack", + -13.685467720031738 + ], + [ + "falda", + -13.685535430908203 + ], + [ + "aji", + -13.685608863830566 + ], + [ + "abella", + -13.685609817504885 + ], + [ + "\u2581Recording", + -13.68561840057373 + ], + [ + "\u2581indiquer", + -13.685625076293944 + ], + [ + "luz", + -13.685632705688477 + ], + [ + "ulator", + -13.68564224243164 + ], + [ + "sided", + -13.685654640197754 + ], + [ + "\u2581Konjunktur", + -13.685729026794434 + ], + [ + "\u2581Suffolk", + -13.685729026794434 + ], + [ + "\u2581thematisiert", + -13.685744285583496 + ], + [ + "\u2581formerly", + -13.685752868652344 + ], + [ + "\u2581conferencias", + -13.685826301574709 + ], + [ + "\u2581cognition", + -13.685832023620604 + ], + [ + "certain", + -13.685835838317873 + ], + [ + "blast", + -13.685880661010742 + ], + [ + "saufgaben", + -13.685882568359377 + ], + [ + "\u2581duidelijke", + -13.685884475708008 + ], + [ + "prot", + -13.68589973449707 + ], + [ + "f\u00fch", + -13.685992240905762 + ], + [ + "chement", + -13.68601894378662 + ], + [ + "\u2581sovra", + -13.68604564666748 + ], + [ + "\u2581Kna", + -13.686091423034668 + ], + [ + "\u2581clarify", + -13.686121940612791 + ], + [ + "\u2581Gesichtspunkt", + -13.686147689819336 + ], + [ + "uanten", + -13.68617820739746 + ], + [ + "\u2581Hungerford", + -13.68617820739746 + ], + [ + "\u2581erden", + -13.68619441986084 + ], + [ + "\u2581sowjetischen", + -13.686199188232422 + ], + [ + "vorstellungen", + -13.686224937438965 + ], + [ + "\u2581Tango", + -13.68622589111328 + ], + [ + "\u2581opaque", + -13.686236381530762 + ], + [ + "Activation", + -13.686257362365724 + ], + [ + "\u2581Luftverkehrs", + -13.686270713806152 + ], + [ + "\u2581forniti", + -13.686290740966797 + ], + [ + "\u2581Tigre", + -13.686297416687012 + ], + [ + "\u2581cameras", + -13.68635082244873 + ], + [ + "\u2581Confina", + -13.686360359191896 + ], + [ + "\u2581converting", + -13.686368942260742 + ], + [ + "\u2581presentaron", + -13.686371803283691 + ], + [ + "\u2581hosting", + -13.68639087677002 + ], + [ + "\u2581Cane", + -13.686407089233398 + ], + [ + "\u2581subsiste", + -13.686487197875977 + ], + [ + "\u2581Uru", + -13.686493873596191 + ], + [ + "\u2581Artemis", + -13.686509132385254 + ], + [ + "\u2581convicted", + -13.686511039733888 + ], + [ + "\u2581compie", + -13.686511993408203 + ], + [ + "\u2581corpore", + -13.686532974243164 + ], + [ + "\u2581dar\u00e1", + -13.68655776977539 + ], + [ + "\u2581sondere", + -13.68658447265625 + ], + [ + "cile", + -13.686591148376465 + ], + [ + "\u2581vietnamita", + -13.686593055725098 + ], + [ + "\u2581Davidson", + -13.686598777770996 + ], + [ + "olvez", + -13.686599731445312 + ], + [ + "\u2581nebst", + -13.686613082885742 + ], + [ + "\u2581awake", + -13.686625480651855 + ], + [ + "\u2581G\u00e1", + -13.68663501739502 + ], + [ + "converter", + -13.68664836883545 + ], + [ + "crimina", + -13.686674118041992 + ], + [ + "\u2581connectivity", + -13.686677932739258 + ], + [ + "poel", + -13.686694145202637 + ], + [ + "\u2581Instru", + -13.686697959899902 + ], + [ + "sawa", + -13.686724662780762 + ], + [ + "Tax", + -13.68673324584961 + ], + [ + "\u2581Wad", + -13.68679141998291 + ], + [ + "\u2581\u00e4rztlichen", + -13.686797142028809 + ], + [ + "\u2581gasolina", + -13.68682861328125 + ], + [ + "celo", + -13.686830520629885 + ], + [ + "ipper", + -13.6868314743042 + ], + [ + "logits", + -13.68683910369873 + ], + [ + "\u2581spike", + -13.686853408813477 + ], + [ + "principalmente", + -13.686888694763184 + ], + [ + "protector", + -13.686888694763184 + ], + [ + "\u2581Braziliaans", + -13.686897277832031 + ], + [ + "bson", + -13.686908721923828 + ], + [ + "streven", + -13.686935424804688 + ], + [ + "ctal", + -13.68693733215332 + ], + [ + "\u2581GPA", + -13.686942100524902 + ], + [ + "\u2581\u00e9lev\u00e9s", + -13.68695068359375 + ], + [ + "\u2581abriu", + -13.686976432800291 + ], + [ + "\u2581aceptado", + -13.68697738647461 + ], + [ + "Classifiche", + -13.68700885772705 + ], + [ + "fixtures", + -13.687019348144531 + ], + [ + "\u2581Synoniemen", + -13.687097549438477 + ], + [ + "\u2581Gemisch", + -13.687122344970703 + ], + [ + "obble", + -13.687141418457031 + ], + [ + "\u2581pastoral", + -13.687143325805664 + ], + [ + "\u2581prim\u00e1rio", + -13.68716812133789 + ], + [ + "\u2581Gone", + -13.687190055847168 + ], + [ + "\u2581Kardinal", + -13.687230110168455 + ], + [ + "zzata", + -13.68723201751709 + ], + [ + "chief", + -13.687236785888672 + ], + [ + "Smooth", + -13.68724536895752 + ], + [ + "\u2581syndicat", + -13.687254905700684 + ], + [ + "\u2581Allison", + -13.687257766723633 + ], + [ + "\u2581grundlegend", + -13.68726921081543 + ], + [ + "\u2581povoado", + -13.68727970123291 + ], + [ + "\u2581Vast", + -13.687311172485352 + ], + [ + "\u2581Exposici\u00f3n", + -13.68731689453125 + ], + [ + "automatic", + -13.687372207641602 + ], + [ + "rive", + -13.687376976013184 + ], + [ + "\u2581Tartu", + -13.687393188476562 + ], + [ + "bunden", + -13.687411308288574 + ], + [ + "rlitz", + -13.687467575073242 + ], + [ + "\u2581fonctionnalit\u00e9s", + -13.687485694885254 + ], + [ + "\u2581stiamo", + -13.687530517578123 + ], + [ + "\u2581knie", + -13.68756866455078 + ], + [ + "t\u00fcmer", + -13.687569618225098 + ], + [ + "November", + -13.68758487701416 + ], + [ + "\u2581Rao", + -13.687644958496094 + ], + [ + "reading", + -13.687652587890623 + ], + [ + "\u2581depicted", + -13.687654495239258 + ], + [ + "\u2581B\u00e1", + -13.68767261505127 + ], + [ + "Fabric", + -13.687732696533203 + ], + [ + "translator", + -13.68774700164795 + ], + [ + "\u2581inaugur\u00f3", + -13.687864303588867 + ], + [ + "INGP", + -13.687909126281738 + ], + [ + "\u2581Maire", + -13.687915802001951 + ], + [ + "boud", + -13.687921524047852 + ], + [ + "ply", + -13.687925338745115 + ], + [ + "tlichen", + -13.687931060791016 + ], + [ + "\u2581lemon", + -13.68793487548828 + ], + [ + "\u2581introdujo", + -13.68793773651123 + ], + [ + "logout", + -13.687947273254396 + ], + [ + "Natur", + -13.687973976135254 + ], + [ + "Bigg", + -13.687989234924316 + ], + [ + "\u2581koninklijke", + -13.688042640686035 + ], + [ + "alaba", + -13.6881742477417 + ], + [ + "\u2581Caza", + -13.688214302062988 + ], + [ + "\u2581Sukh", + -13.688214302062988 + ], + [ + "\u2581futuras", + -13.688244819641112 + ], + [ + "\u2581scheu", + -13.688278198242188 + ], + [ + "SOC", + -13.688286781311035 + ], + [ + "xhr", + -13.688299179077148 + ], + [ + "Georg", + -13.688340187072754 + ], + [ + "boks", + -13.68837547302246 + ], + [ + "\u2581cach", + -13.688386917114258 + ], + [ + "negativ", + -13.68848991394043 + ], + [ + "\u2581embalagens", + -13.688508987426758 + ], + [ + "\u2581stol", + -13.688546180725098 + ], + [ + "\u2581sofrer", + -13.688559532165527 + ], + [ + "adopter", + -13.68856143951416 + ], + [ + "\u2581Penny", + -13.68857192993164 + ], + [ + "\u2581treedt", + -13.688573837280272 + ], + [ + "ugoslav", + -13.68858242034912 + ], + [ + "\u2581backwards", + -13.688612937927246 + ], + [ + "\u2581glanced", + -13.688613891601562 + ], + [ + "Getter", + -13.68863582611084 + ], + [ + "\u2581circulaire", + -13.688642501831056 + ], + [ + "\u2581Cambi", + -13.688644409179688 + ], + [ + "\u2581competence", + -13.688657760620115 + ], + [ + "ueel", + -13.688691139221191 + ], + [ + "\u2581magique", + -13.688706398010254 + ], + [ + "\u2581hedendaagse", + -13.688714981079102 + ], + [ + "\u2581Tolkien", + -13.68871784210205 + ], + [ + "\u2581throwing", + -13.688761711120604 + ], + [ + "\u2581comparer", + -13.688815116882324 + ], + [ + "\u2581est\u00e9n", + -13.68883228302002 + ], + [ + "Personen", + -13.688854217529297 + ], + [ + "\u2581exhaustive", + -13.688868522644045 + ], + [ + "\u2581recorrer", + -13.688882827758787 + ], + [ + "\u2581Hautes", + -13.68890380859375 + ], + [ + "\u2581interiores", + -13.688921928405762 + ], + [ + "iegler", + -13.688946723937988 + ], + [ + "\u2581indicam", + -13.688960075378418 + ], + [ + "\u2581liberta", + -13.689026832580566 + ], + [ + "\u2581plast", + -13.689042091369627 + ], + [ + "rootfs", + -13.689099311828612 + ], + [ + "\u2581mislukte", + -13.689139366149902 + ], + [ + "Alloc", + -13.68914794921875 + ], + [ + "\u2581Governance", + -13.6891508102417 + ], + [ + "pud", + -13.689167022705078 + ], + [ + "\u2581Pim", + -13.68921184539795 + ], + [ + "\u2581improvisa", + -13.689216613769531 + ], + [ + "\u2581PPP", + -13.689220428466797 + ], + [ + "\u2581Digi", + -13.689248085021973 + ], + [ + "\u2581contempl", + -13.689248085021973 + ], + [ + "operators", + -13.689257621765137 + ], + [ + "\u2581Rafa", + -13.689258575439451 + ], + [ + "\u2581Mehl", + -13.68931770324707 + ], + [ + "\u2581bovenstaande", + -13.689388275146484 + ], + [ + "\u2581murieron", + -13.689396858215332 + ], + [ + "\u2581materno", + -13.68943214416504 + ], + [ + "\u2581sequestra", + -13.68945026397705 + ], + [ + "verh\u00e4ltnisses", + -13.689493179321287 + ], + [ + "\u2581Sterbe", + -13.68952178955078 + ], + [ + "\u2581fremde", + -13.689525604248049 + ], + [ + "Technik", + -13.689539909362791 + ], + [ + "zoek", + -13.68954372406006 + ], + [ + "\u2581tranquila", + -13.68958568572998 + ], + [ + "relativ", + -13.68959140777588 + ], + [ + "\u2581unido", + -13.689593315124512 + ], + [ + "\u2581renseignements", + -13.68960189819336 + ], + [ + "\u2581soutient", + -13.689603805541992 + ], + [ + "\u2581asistir", + -13.689605712890623 + ], + [ + "\u2581\u00e4lterer", + -13.689615249633787 + ], + [ + "\u2581wished", + -13.689617156982422 + ], + [ + "\u2581Grenzwerte", + -13.689619064331056 + ], + [ + "\u2581Ticino", + -13.689647674560549 + ], + [ + "\u2581Frag", + -13.689651489257812 + ], + [ + "\u2581Amman", + -13.689737319946287 + ], + [ + "\u2581acreditam", + -13.689737319946287 + ], + [ + "\u2581NotImplemented", + -13.6897554397583 + ], + [ + "\u2581Volksrepublik", + -13.689801216125488 + ], + [ + "Voc", + -13.689854621887209 + ], + [ + "\u2581Donato", + -13.689857482910156 + ], + [ + "fago", + -13.689884185791016 + ], + [ + "ulen", + -13.689897537231444 + ], + [ + "SCI", + -13.689927101135254 + ], + [ + "shows", + -13.689937591552734 + ], + [ + "RFC", + -13.68995761871338 + ], + [ + "\u2581Ventura", + -13.689966201782228 + ], + [ + "\u2581vediamo", + -13.690000534057615 + ], + [ + "\u2581documenten", + -13.690021514892578 + ], + [ + "\u2581Recursos", + -13.690037727355955 + ], + [ + "\u2581examina", + -13.690069198608398 + ], + [ + "\u2581Vulcan", + -13.69007968902588 + ], + [ + "\u2581organisms", + -13.690093994140623 + ], + [ + "tyl", + -13.69011116027832 + ], + [ + "\u2581retrouv", + -13.6901216506958 + ], + [ + "\u2581Chinatown", + -13.690123558044434 + ], + [ + "Peak", + -13.690147399902344 + ], + [ + "\u2581ErrIntOverflow", + -13.690215110778809 + ], + [ + "sstrategie", + -13.69021987915039 + ], + [ + "\u2581Limoges", + -13.690223693847656 + ], + [ + "\u2581energetisch", + -13.690223693847656 + ], + [ + "\u2581Mehrwertsteuer", + -13.69023323059082 + ], + [ + "Hh", + -13.690271377563477 + ], + [ + "\u2581solicitado", + -13.69027614593506 + ], + [ + "\u2581gew\u00e4hrten", + -13.69029712677002 + ], + [ + "determinazione", + -13.690300941467283 + ], + [ + "acido", + -13.690302848815918 + ], + [ + "\u2581colpevole", + -13.690308570861816 + ], + [ + "ierbarkeit", + -13.690359115600586 + ], + [ + "\u2581stamt", + -13.6903657913208 + ], + [ + "CSI", + -13.690406799316406 + ], + [ + "nchengladbach", + -13.690428733825684 + ], + [ + "\u2581Infanter\u00eda", + -13.690444946289062 + ], + [ + "\u2581d\u00e9pos\u00e9", + -13.690447807312012 + ], + [ + "\u2581gratuiti", + -13.69045639038086 + ], + [ + "betrags", + -13.690457344055176 + ], + [ + "Avellino", + -13.690481185913086 + ], + [ + "\u2581Caz", + -13.690513610839844 + ], + [ + "\u2581useless", + -13.690519332885742 + ], + [ + "AFA", + -13.690549850463867 + ], + [ + "\u2581totalit\u00e0", + -13.690593719482422 + ], + [ + "\u2581kruising", + -13.690645217895508 + ], + [ + "\u2581Enteignung", + -13.690656661987305 + ], + [ + "\u2581Sobral", + -13.690686225891112 + ], + [ + "\u2581arbeid", + -13.690736770629885 + ], + [ + "\u2581Forschungen", + -13.690784454345703 + ], + [ + "t\u00e4tigkeiten", + -13.69080638885498 + ], + [ + "genotype", + -13.69084930419922 + ], + [ + "maya", + -13.690881729125977 + ], + [ + "Regel", + -13.690882682800291 + ], + [ + "\u2581Transports", + -13.69089126586914 + ], + [ + "\u2581teatrali", + -13.690911293029783 + ], + [ + "\u2581inciso", + -13.690947532653809 + ], + [ + "smerkmale", + -13.690951347351074 + ], + [ + "\u2581hablado", + -13.690972328186035 + ], + [ + "\u2581GoString", + -13.69100570678711 + ], + [ + "\u2581Contador", + -13.691048622131348 + ], + [ + "\u2581fabbriche", + -13.69107151031494 + ], + [ + "ARIO", + -13.691082000732422 + ], + [ + "\u2581Och", + -13.691085815429688 + ], + [ + "\u2581Cornwall", + -13.69108772277832 + ], + [ + "\u2581Vorhandensein", + -13.69109058380127 + ], + [ + "\u2581visitato", + -13.691092491149902 + ], + [ + "\u2581incidenti", + -13.691096305847168 + ], + [ + "\u2581teclados", + -13.69112777709961 + ], + [ + "Californi", + -13.69113540649414 + ], + [ + "\u2581preventiva", + -13.691136360168455 + ], + [ + "balanced", + -13.691158294677734 + ], + [ + "\u2581Pee", + -13.691161155700684 + ], + [ + "\u2581hauts", + -13.691176414489746 + ], + [ + "Nam", + -13.691256523132324 + ], + [ + "\u2581rustig", + -13.691265106201172 + ], + [ + "\u2581rechtm\u00e4", + -13.691283226013184 + ], + [ + "\u00e4\u00e4", + -13.69131565093994 + ], + [ + "\u2581B\u00fchne", + -13.691350936889648 + ], + [ + "\u2581Sakura", + -13.691377639770508 + ], + [ + "abbondante", + -13.691383361816406 + ], + [ + "\u2581talla", + -13.691388130187988 + ], + [ + "\u2581studios", + -13.691391944885254 + ], + [ + "\u2581hidrog", + -13.691404342651367 + ], + [ + "\u2581objetiva", + -13.691414833068848 + ], + [ + "bilities", + -13.691418647766112 + ], + [ + "Gruppen", + -13.69147777557373 + ], + [ + "auro", + -13.69150161743164 + ], + [ + "velle", + -13.691518783569336 + ], + [ + "\u2581operativa", + -13.691527366638184 + ], + [ + "\u2581Sturz", + -13.691542625427246 + ], + [ + "\u2581Hammond", + -13.691557884216309 + ], + [ + "\u2581conf\u00e9rences", + -13.691557884216309 + ], + [ + "\u2581Muerte", + -13.691570281982422 + ], + [ + "\u2581Teste", + -13.691658973693848 + ], + [ + "biblio", + -13.69167709350586 + ], + [ + "alit\u00e9", + -13.691691398620604 + ], + [ + "\u2581posizionat", + -13.691697120666504 + ], + [ + "icca", + -13.69172191619873 + ], + [ + "\u2581botanische", + -13.691770553588867 + ], + [ + "gyp", + -13.691777229309082 + ], + [ + "\u2581Belangrijk", + -13.691790580749512 + ], + [ + "\u2581perdite", + -13.69180965423584 + ], + [ + "\u2581enkelvoud", + -13.691823959350586 + ], + [ + "\u2581antibody", + -13.691893577575684 + ], + [ + "\u2581Partizipation", + -13.691934585571287 + ], + [ + "gebiets", + -13.69194507598877 + ], + [ + "Wood", + -13.692001342773438 + ], + [ + "Rapha", + -13.692011833190918 + ], + [ + "\u2581mechan", + -13.692021369934082 + ], + [ + "fitte", + -13.69202709197998 + ], + [ + "\u2581parental", + -13.692036628723145 + ], + [ + "especially", + -13.692044258117676 + ], + [ + "Evaluation", + -13.692093849182127 + ], + [ + "diffusion", + -13.692110061645508 + ], + [ + "\u2581Hock", + -13.692115783691406 + ], + [ + "\u2581Monkey", + -13.692115783691406 + ], + [ + "verg\u00fctungen", + -13.69212245941162 + ], + [ + "\u2581renforcer", + -13.692153930664062 + ], + [ + "Bz", + -13.69216251373291 + ], + [ + "\u2581Mok", + -13.69216537475586 + ], + [ + "\u2581Merlin", + -13.692185401916504 + ], + [ + "lmer", + -13.692230224609377 + ], + [ + "\u2581m\u00f3veis", + -13.692232131958008 + ], + [ + "\u2581Highland", + -13.692269325256348 + ], + [ + "\u2581Auszubildende", + -13.692293167114258 + ], + [ + "\u2581Florencia", + -13.692296028137209 + ], + [ + "\u2581cientistas", + -13.692299842834473 + ], + [ + "\u2581Apfel", + -13.692328453063965 + ], + [ + "\u2581$::", + -13.692392349243164 + ], + [ + "\u2581barbearia", + -13.692398071289062 + ], + [ + "autonom", + -13.692485809326172 + ], + [ + "\u2581liberalismo", + -13.692523956298828 + ], + [ + "soldaten", + -13.692541122436523 + ], + [ + "looking", + -13.692557334899902 + ], + [ + "h\u00e9ritier", + -13.692574501037598 + ], + [ + "\u2581SIMBAD", + -13.692575454711914 + ], + [ + "jul", + -13.69261074066162 + ], + [ + "\u2581gr\u00fcndlich", + -13.692621231079102 + ], + [ + "\u2581Often", + -13.692678451538086 + ], + [ + "\u2581fermo", + -13.692687034606934 + ], + [ + "ICHT", + -13.692688941955566 + ], + [ + "\u2581fuseerde", + -13.692692756652832 + ], + [ + "\u2581contigu", + -13.692736625671388 + ], + [ + "\u2581Wildlife", + -13.692824363708496 + ], + [ + "\u2581referentes", + -13.692828178405762 + ], + [ + "Rhein", + -13.692852973937988 + ], + [ + "recedence", + -13.692852973937988 + ], + [ + "\u2581Nordwest", + -13.69289207458496 + ], + [ + "Gesture", + -13.692898750305176 + ], + [ + "Formula", + -13.692901611328123 + ], + [ + "\u2581consapevole", + -13.692934036254885 + ], + [ + "awt", + -13.692951202392578 + ], + [ + "\u2581infantis", + -13.692995071411133 + ], + [ + "\u2581cannoni", + -13.69300365447998 + ], + [ + "\u2581Marvin", + -13.693007469177246 + ], + [ + "\u2581V\u00e1rios", + -13.69303035736084 + ], + [ + "\u2581cDNA", + -13.693039894104004 + ], + [ + "Already", + -13.693042755126951 + ], + [ + "\u2581rois", + -13.69304656982422 + ], + [ + "aragon", + -13.693062782287598 + ], + [ + "scandinav", + -13.693077087402344 + ], + [ + "\u2581desarrollada", + -13.693077087402344 + ], + [ + "\u2581suspendu", + -13.69317626953125 + ], + [ + "synonym", + -13.693222999572754 + ], + [ + "\u2581rimanda", + -13.693228721618652 + ], + [ + "\u2581bruto", + -13.693246841430664 + ], + [ + "\u2581pens\u00e9es", + -13.693257331848145 + ], + [ + "WORKING", + -13.693282127380373 + ], + [ + "Sharp", + -13.693329811096191 + ], + [ + "\u2581V\u00eddeo", + -13.693471908569336 + ], + [ + "buli", + -13.693476676940918 + ], + [ + "\u2581Touren", + -13.693509101867676 + ], + [ + "\u2581vrijwilligers", + -13.693564414978027 + ], + [ + "sinnig", + -13.693584442138672 + ], + [ + "dicaci\u00f3n", + -13.693597793579102 + ], + [ + "oucher", + -13.693602561950684 + ], + [ + "duzent", + -13.693638801574709 + ], + [ + "\u2581perfekt", + -13.693676948547363 + ], + [ + "olia", + -13.693693161010742 + ], + [ + "tiff", + -13.693707466125488 + ], + [ + "wek", + -13.693726539611816 + ], + [ + "kapitalistische", + -13.69376277923584 + ], + [ + "elina", + -13.693768501281738 + ], + [ + "\u2581igualdade", + -13.693807601928713 + ], + [ + "\u2581Classics", + -13.693809509277344 + ], + [ + "\u2581Auslagen", + -13.693822860717772 + ], + [ + "\u2581Werkstatt", + -13.693832397460938 + ], + [ + "Indonesia", + -13.69384479522705 + ], + [ + "\u2581Maatschappij", + -13.693849563598633 + ], + [ + "\u2581geselecteerd", + -13.693861961364746 + ], + [ + "\u2581itemprop", + -13.693962097167969 + ], + [ + "\u2581Peel", + -13.693999290466309 + ], + [ + "asan", + -13.694010734558104 + ], + [ + "\u2581reciproc", + -13.694049835205078 + ], + [ + "\u2581Secret\u00e1rio", + -13.694064140319824 + ], + [ + "\u2581vorgegebenen", + -13.69406795501709 + ], + [ + "MSE", + -13.694097518920898 + ], + [ + "lender", + -13.69411849975586 + ], + [ + "\u2581Truman", + -13.694127082824709 + ], + [ + "folio", + -13.694132804870604 + ], + [ + "\u2581akzeptieren", + -13.69414520263672 + ], + [ + "\u2581gepland", + -13.694162368774414 + ], + [ + "subsec", + -13.694177627563477 + ], + [ + "\u2581werkzaamheden", + -13.694191932678224 + ], + [ + "\u2581Tener", + -13.694207191467283 + ], + [ + "arbeitenden", + -13.69421100616455 + ], + [ + "\u2581decennia", + -13.694211959838867 + ], + [ + "restrict", + -13.694228172302246 + ], + [ + "\u2581oliva", + -13.694228172302246 + ], + [ + "\u2581sogna", + -13.694249153137209 + ], + [ + "Vk", + -13.694253921508787 + ], + [ + "\u2581eingebrachten", + -13.694254875183104 + ], + [ + "\u2581atendimento", + -13.694271087646484 + ], + [ + "Assembly", + -13.694401741027832 + ], + [ + "\u2581commentator", + -13.69442367553711 + ], + [ + "\u2581el\u00e9trons", + -13.694425582885742 + ], + [ + "\u2581miniature", + -13.694479942321776 + ], + [ + "\u2581transmite", + -13.694482803344728 + ], + [ + "\u2581Ohren", + -13.694491386413574 + ], + [ + "\u2581Verschillende", + -13.694506645202637 + ], + [ + "\u2581nocturne", + -13.694506645202637 + ], + [ + "\u2581terraferma", + -13.694506645202637 + ], + [ + "\u2581Lod", + -13.694524765014648 + ], + [ + "\u2581Magi", + -13.694531440734863 + ], + [ + "\u2581zur\u00fcckgewiesen", + -13.694533348083496 + ], + [ + "\u2581ambassador", + -13.69454574584961 + ], + [ + "\u2581Kapazit\u00e4ts", + -13.694561004638672 + ], + [ + "\u2581Visser", + -13.694565773010254 + ], + [ + "gion", + -13.694571495056152 + ], + [ + "\u2581illustri", + -13.69461441040039 + ], + [ + "Interceptor", + -13.694618225097656 + ], + [ + "Nun", + -13.694634437561035 + ], + [ + "yot", + -13.694662094116213 + ], + [ + "wirk", + -13.694666862487791 + ], + [ + "\u2581affli", + -13.694673538208008 + ], + [ + "gueiro", + -13.69468593597412 + ], + [ + "seitigen", + -13.694692611694336 + ], + [ + "locatie", + -13.694696426391602 + ], + [ + "\u2581Schutzma", + -13.694703102111816 + ], + [ + "ssystems", + -13.694710731506348 + ], + [ + "pulsion", + -13.694714546203612 + ], + [ + "arit\u00e4t", + -13.694731712341309 + ], + [ + "staub", + -13.694778442382812 + ], + [ + "\u2581erf\u00e4hrt", + -13.694790840148926 + ], + [ + "means", + -13.694857597351074 + ], + [ + "undesgesetzblatt", + -13.694891929626465 + ], + [ + "\u2581volatile", + -13.69489574432373 + ], + [ + "patia", + -13.694905281066896 + ], + [ + "\u2581iguales", + -13.694916725158691 + ], + [ + "\u2581soldat", + -13.6949462890625 + ], + [ + "\u2581BIP", + -13.694993019104004 + ], + [ + "Planfeststellung", + -13.695008277893066 + ], + [ + "amende", + -13.695009231567385 + ], + [ + "\u2581p\u00e9ri", + -13.69502067565918 + ], + [ + "\u2581Unsubscribe", + -13.695039749145508 + ], + [ + "\u2581competiciones", + -13.695083618164062 + ], + [ + "\u2581Carson", + -13.695125579833984 + ], + [ + "\u2581podr\u00e1n", + -13.695140838623049 + ], + [ + "\u2581Archa", + -13.695178985595703 + ], + [ + "\u2581circuitos", + -13.695178985595703 + ], + [ + "\u2581cuerdas", + -13.695183753967283 + ], + [ + "\u2581Judicial", + -13.6951904296875 + ], + [ + "\u2581pig", + -13.695236206054688 + ], + [ + "\u2581chiamava", + -13.695242881774902 + ], + [ + "kka", + -13.695244789123535 + ], + [ + "\u2581vliegtuigen", + -13.695261001586914 + ], + [ + "\u2581Savi", + -13.695292472839355 + ], + [ + "\u2581positives", + -13.695363998413086 + ], + [ + "hebdomadaire", + -13.695366859436035 + ], + [ + "vecchia", + -13.695366859436035 + ], + [ + "erlijke", + -13.695374488830566 + ], + [ + "mbach", + -13.695383071899414 + ], + [ + "\u2581rigor", + -13.695399284362791 + ], + [ + "orgaan", + -13.69541072845459 + ], + [ + "\u2581pr\u00e9c\u00e9dents", + -13.695462226867676 + ], + [ + "\u2581capisce", + -13.695466995239258 + ], + [ + "vidia", + -13.695481300354004 + ], + [ + "Arles", + -13.695509910583496 + ], + [ + "hti", + -13.695539474487305 + ], + [ + "Taranto", + -13.695548057556152 + ], + [ + "Symptom", + -13.695570945739746 + ], + [ + "Runnable", + -13.69557285308838 + ], + [ + "\u2581Athens", + -13.69561004638672 + ], + [ + "umana", + -13.6956205368042 + ], + [ + "abschnitte", + -13.69563102722168 + ], + [ + "\u2581barriers", + -13.695646286010742 + ], + [ + "\u2581Neuzeit", + -13.695663452148438 + ], + [ + "\u2581vidrio", + -13.695667266845703 + ], + [ + "\u2581trascina", + -13.695685386657717 + ], + [ + "\u2581Metropolitano", + -13.69569492340088 + ], + [ + "getType", + -13.695711135864258 + ], + [ + "\u2581zestiende", + -13.695723533630373 + ], + [ + "erik", + -13.695725440979004 + ], + [ + "\u2581ammira", + -13.695755004882812 + ], + [ + "Solo", + -13.69576930999756 + ], + [ + "\u2581Justo", + -13.695786476135254 + ], + [ + "bilidad", + -13.695798873901367 + ], + [ + "\u2581esencia", + -13.695802688598633 + ], + [ + "\u2581Meldungen", + -13.695818901062012 + ], + [ + "schmidt", + -13.69582176208496 + ], + [ + "\u2581viaggiano", + -13.695822715759276 + ], + [ + "\u2581kranten", + -13.69585132598877 + ], + [ + "\u2581R\u00e9forme", + -13.695886611938477 + ], + [ + "uat", + -13.695907592773438 + ], + [ + "zhou", + -13.695917129516602 + ], + [ + "\u2581Deutung", + -13.695938110351562 + ], + [ + "\u2581exceso", + -13.695959091186523 + ], + [ + "\u00e9ger", + -13.695963859558104 + ], + [ + "\u2581navigate", + -13.69599151611328 + ], + [ + "berichten", + -13.695998191833496 + ], + [ + "\u2581Leaf", + -13.696000099182127 + ], + [ + "\u2581coinvolti", + -13.696012496948242 + ], + [ + "abbat", + -13.696052551269531 + ], + [ + "\u2581Weder", + -13.696056365966797 + ], + [ + "ffd", + -13.696096420288086 + ], + [ + "orologio", + -13.696125984191896 + ], + [ + "az\u00f3n", + -13.696157455444336 + ], + [ + "\u2581unisce", + -13.69616985321045 + ], + [ + "\u2581educated", + -13.696186065673828 + ], + [ + "verandering", + -13.6962251663208 + ], + [ + "\u2581dependiente", + -13.696246147155762 + ], + [ + "\u2581Einheits", + -13.696310997009276 + ], + [ + "\u2581\u00e9tica", + -13.69633960723877 + ], + [ + "BRO", + -13.696359634399414 + ], + [ + "alom", + -13.696420669555664 + ], + [ + "Timeline", + -13.696444511413574 + ], + [ + "\u2581Savoy", + -13.696462631225586 + ], + [ + "\u2581instability", + -13.69647216796875 + ], + [ + "didas", + -13.696487426757812 + ], + [ + "\u2581politicamente", + -13.696496963500977 + ], + [ + "\u2581Moy", + -13.696521759033203 + ], + [ + "lega", + -13.696560859680176 + ], + [ + "lotto", + -13.696569442749023 + ], + [ + "uros", + -13.696573257446287 + ], + [ + "\u2581funcionalidades", + -13.69659423828125 + ], + [ + "\u2581Gaul", + -13.696600914001465 + ], + [ + "\u2581sixteen", + -13.696600914001465 + ], + [ + "hlich", + -13.696605682373049 + ], + [ + "\u2581comp\u00e9tence", + -13.69663429260254 + ], + [ + "\u2581Oto", + -13.696670532226562 + ], + [ + "\u2581penis", + -13.696677207946776 + ], + [ + "\u2581decisive", + -13.696735382080078 + ], + [ + "living", + -13.69675636291504 + ], + [ + "\u2581B\u00fcrgerkrieg", + -13.696781158447266 + ], + [ + "perate", + -13.696796417236328 + ], + [ + "STO", + -13.696806907653809 + ], + [ + "\u2581eliminare", + -13.696831703186035 + ], + [ + "\u2581huesos", + -13.69683837890625 + ], + [ + "\u2581perturbations", + -13.696904182434082 + ], + [ + "\u2581Oda", + -13.69692611694336 + ], + [ + "\u2581erwartenden", + -13.69693088531494 + ], + [ + "\u2581chimique", + -13.696939468383787 + ], + [ + "\u2581seduto", + -13.696941375732422 + ], + [ + "hug", + -13.696969985961914 + ], + [ + "\u2581horaires", + -13.69704818725586 + ], + [ + "usco", + -13.697053909301758 + ], + [ + "vermerk", + -13.697064399719238 + ], + [ + "\u2581pintada", + -13.697070121765137 + ], + [ + "sagen", + -13.6970796585083 + ], + [ + "\u2581consenti", + -13.697132110595703 + ], + [ + "verst", + -13.697144508361816 + ], + [ + "\u2581Insulin", + -13.697172164916992 + ], + [ + "rud", + -13.697176933288574 + ], + [ + "\u2581vivendo", + -13.697176933288574 + ], + [ + "\u2581Buses", + -13.697206497192385 + ], + [ + "\u2581conquistando", + -13.697208404541016 + ], + [ + "oglia", + -13.697224617004396 + ], + [ + "\u2581Infos", + -13.69724464416504 + ], + [ + "\u2581Vorsitz", + -13.69725227355957 + ], + [ + "\u2581dizia", + -13.697280883789062 + ], + [ + "Finder", + -13.697291374206545 + ], + [ + "\u2581S\u00f3crates", + -13.697308540344238 + ], + [ + "\u2581descendientes", + -13.697315216064451 + ], + [ + "\u2581cupo", + -13.69732666015625 + ], + [ + "\u2581Caldas", + -13.697338104248049 + ], + [ + "\u2581Chun", + -13.697339057922363 + ], + [ + "\u2581Standaard", + -13.697394371032717 + ], + [ + "wurde", + -13.697415351867676 + ], + [ + "inseln", + -13.697418212890623 + ], + [ + "\u2581opnemen", + -13.697463989257812 + ], + [ + "meda", + -13.69748306274414 + ], + [ + "\u2581jette", + -13.697484016418455 + ], + [ + "\u2581Chaves", + -13.697490692138672 + ], + [ + "\u2581Babel", + -13.697509765625 + ], + [ + "\u2581cumulative", + -13.697513580322266 + ], + [ + "\u2581Hygiene", + -13.697521209716797 + ], + [ + "\u00edsticos", + -13.69758129119873 + ], + [ + "extern", + -13.69762134552002 + ], + [ + "uerst", + -13.697627067565918 + ], + [ + "\u2581Patriarca", + -13.6976318359375 + ], + [ + "\u2581nowhere", + -13.697640419006348 + ], + [ + "\u2581refuerz", + -13.697711944580078 + ], + [ + "\u2581socialistas", + -13.69771957397461 + ], + [ + "Segunda", + -13.69773769378662 + ], + [ + "\u2581solch", + -13.69776725769043 + ], + [ + "\u2581Tropfen", + -13.697796821594238 + ], + [ + "\u2581Genauigkeit", + -13.697798728942873 + ], + [ + "\u2581orillas", + -13.69787311553955 + ], + [ + "\u2581Lois", + -13.697915077209473 + ], + [ + "\u2581ordinaria", + -13.697956085205078 + ], + [ + "Retention", + -13.697965621948242 + ], + [ + "\u2581Adels", + -13.697988510131836 + ], + [ + "\u2581cerveza", + -13.698007583618164 + ], + [ + "\u2581chimiques", + -13.698038101196287 + ], + [ + "\u2581toeschouwers", + -13.698040962219238 + ], + [ + "\u2581avvia", + -13.698057174682615 + ], + [ + "\u2581peli", + -13.69806957244873 + ], + [ + "\u2581verl\u00e4sst", + -13.698113441467283 + ], + [ + "\u2581Gabriela", + -13.698118209838867 + ], + [ + "\u2581reservado", + -13.698135375976562 + ], + [ + "herren", + -13.698145866394045 + ], + [ + "\u2581Demgegen\u00fcber", + -13.698175430297852 + ], + [ + "Corriere", + -13.698180198669434 + ], + [ + "\u2581oportun", + -13.698220252990724 + ], + [ + "\u2581Komma", + -13.698236465454102 + ], + [ + "Reggina", + -13.698246002197266 + ], + [ + "pov", + -13.698248863220217 + ], + [ + "tissimo", + -13.698282241821287 + ], + [ + "\u2581esclam", + -13.69828987121582 + ], + [ + "qh", + -13.698307991027832 + ], + [ + "\u2581Genu", + -13.698309898376465 + ], + [ + "tekening", + -13.69831657409668 + ], + [ + "\u2581riguardano", + -13.698320388793944 + ], + [ + "\u2581insetos", + -13.698330879211426 + ], + [ + "\u2581schijf", + -13.698338508605955 + ], + [ + "\u2581apparteneva", + -13.698415756225586 + ], + [ + "tration", + -13.698423385620115 + ], + [ + "ontwerp", + -13.698495864868164 + ], + [ + "inventory", + -13.698552131652832 + ], + [ + "\u2581aufgetreten", + -13.698555946350098 + ], + [ + "\u2581flaw", + -13.69857692718506 + ], + [ + "muis", + -13.698591232299805 + ], + [ + "\u2581Probabilmente", + -13.698603630065918 + ], + [ + "\u2581Bartolom\u00e9", + -13.698606491088867 + ], + [ + "\u2581quedarse", + -13.698615074157717 + ], + [ + "\u2581flowing", + -13.69865894317627 + ], + [ + "\u2581Walz", + -13.698659896850586 + ], + [ + "\u2581ambientados", + -13.698667526245115 + ], + [ + "Verhaltensweisen", + -13.698671340942385 + ], + [ + "Guin\u00e9e", + -13.69875717163086 + ], + [ + "\u2581Schoen", + -13.698760032653809 + ], + [ + "\u2581recib", + -13.698760986328123 + ], + [ + "\u2581collecte", + -13.698789596557615 + ], + [ + "\u2581offender", + -13.698789596557615 + ], + [ + "\u2581residencial", + -13.69879913330078 + ], + [ + "\u2581hervorgehoben", + -13.698824882507324 + ], + [ + "\u2581prenota", + -13.69883632659912 + ], + [ + "forest", + -13.698851585388184 + ], + [ + "\u2581compr\u00f3", + -13.698853492736816 + ], + [ + "\u2581declined", + -13.698875427246094 + ], + [ + "\u2581Ripp", + -13.698912620544434 + ], + [ + "ltiplas", + -13.69892120361328 + ], + [ + "Reaktion", + -13.698928833007812 + ], + [ + "\u2581Betrug", + -13.698945999145508 + ], + [ + "\u2581Rodovia", + -13.69896125793457 + ], + [ + "\u2581steal", + -13.69897174835205 + ], + [ + "\u2581Prison", + -13.69900131225586 + ], + [ + "american", + -13.69902229309082 + ], + [ + "\u2581recuperare", + -13.699024200439451 + ], + [ + "metragem", + -13.699050903320312 + ], + [ + "\u2581Siam", + -13.699060440063477 + ], + [ + "Festival", + -13.699089050292969 + ], + [ + "\u2581dauern", + -13.699148178100586 + ], + [ + "\u2581prosper", + -13.699189186096191 + ], + [ + "\u2581Gesichtspunkten", + -13.69919204711914 + ], + [ + "\u2581caliente", + -13.699230194091797 + ], + [ + "fedelt\u00e0", + -13.699248313903809 + ], + [ + "saxofoon", + -13.699254035949709 + ], + [ + "\u2581compl\u00e9ment", + -13.69927978515625 + ], + [ + "\u2581psicol\u00f3gico", + -13.699296951293944 + ], + [ + "\u2581sensing", + -13.69930362701416 + ], + [ + "\u2581perfeitamente", + -13.699328422546388 + ], + [ + "\u2581chopped", + -13.699333190917969 + ], + [ + "\u2581Alison", + -13.699336051940918 + ], + [ + "\u2581Holo", + -13.699370384216309 + ], + [ + "\u2581Deputados", + -13.699379920959473 + ], + [ + "\u2581recuerdos", + -13.699399948120115 + ], + [ + "monaco", + -13.699402809143066 + ], + [ + "\u2581Reality", + -13.69944190979004 + ], + [ + "temporada", + -13.699457168579102 + ], + [ + "\u2581tristeza", + -13.699480056762695 + ], + [ + "\u2581UIScene", + -13.699481010437012 + ], + [ + "fabrieken", + -13.699520111083984 + ], + [ + "zeitraum", + -13.699524879455566 + ], + [ + "\u2581estratto", + -13.699528694152832 + ], + [ + "\u2581unsicher", + -13.699600219726562 + ], + [ + "\u2581Eugenia", + -13.699645042419434 + ], + [ + "IEC", + -13.699670791625977 + ], + [ + "\u2581Spor", + -13.699677467346191 + ], + [ + "USB", + -13.69968032836914 + ], + [ + "\u2581broadcasting", + -13.699681282043455 + ], + [ + "\u2581Beast", + -13.699694633483888 + ], + [ + "poke", + -13.699734687805176 + ], + [ + "erstattung", + -13.699780464172363 + ], + [ + "\u2581gravar", + -13.699814796447754 + ], + [ + "\u2581\u00e9norme", + -13.699864387512209 + ], + [ + "pense", + -13.69989013671875 + ], + [ + "\u2581confundir", + -13.699896812438965 + ], + [ + "\u2581caratteristico", + -13.69990348815918 + ], + [ + "bouwer", + -13.699907302856444 + ], + [ + "\u2581Cosmo", + -13.699932098388672 + ], + [ + "\u2581geg", + -13.699968338012695 + ], + [ + "ignorance", + -13.69997787475586 + ], + [ + "\u2581sanft", + -13.69999885559082 + ], + [ + "SAC", + -13.700003623962402 + ], + [ + "\u2581Normandi", + -13.700024604797363 + ], + [ + "\u2581nadruk", + -13.700040817260742 + ], + [ + "\u2581Teodoro", + -13.700056076049805 + ], + [ + "getMessage", + -13.700090408325195 + ], + [ + "qv", + -13.700112342834473 + ], + [ + "dynamics", + -13.700115203857422 + ], + [ + "Kern", + -13.700128555297852 + ], + [ + "\u2581vals", + -13.700129508972168 + ], + [ + "\u2581Caraibi", + -13.7001314163208 + ], + [ + "\u2581Trab", + -13.700142860412598 + ], + [ + "titre", + -13.700173377990724 + ], + [ + "\u2581pelota", + -13.700173377990724 + ], + [ + "\u2581Soci", + -13.70017910003662 + ], + [ + "\u2581Omni", + -13.700234413146973 + ], + [ + "\u2581excelentes", + -13.70028018951416 + ], + [ + "Protected", + -13.70028305053711 + ], + [ + "\u2581sophisticated", + -13.700328826904297 + ], + [ + "\u2581Am\u00e9ricains", + -13.70033836364746 + ], + [ + "\u2581k\u00e4me", + -13.700342178344728 + ], + [ + "\u2581attira", + -13.70034408569336 + ], + [ + "dahl", + -13.70037841796875 + ], + [ + "Cartesian", + -13.700379371643066 + ], + [ + "tasi", + -13.700380325317385 + ], + [ + "\u2581Bevande", + -13.70039176940918 + ], + [ + "wur", + -13.700441360473633 + ], + [ + "\u2581chiamano", + -13.700489044189451 + ], + [ + "\u2581experimentellen", + -13.700501441955566 + ], + [ + "\u2581harsh", + -13.700509071350098 + ], + [ + "\u2581Canci\u00f3n", + -13.700546264648438 + ], + [ + "Diagnostic", + -13.700556755065918 + ], + [ + "\u2581Gestapo", + -13.70055866241455 + ], + [ + "\u2581Sende", + -13.700570106506348 + ], + [ + "\u2581overgebleven", + -13.700590133666992 + ], + [ + "\u2581Per\u00f3n", + -13.700641632080078 + ], + [ + "rois", + -13.700648307800291 + ], + [ + "\u2581parlant", + -13.700655937194824 + ], + [ + "enregistrer", + -13.70067024230957 + ], + [ + "continuous", + -13.700689315795898 + ], + [ + "\u2581Ausweis", + -13.700742721557615 + ], + [ + "\u2581silk", + -13.700743675231934 + ], + [ + "\u2581Schwierigkeit", + -13.700749397277832 + ], + [ + "zand", + -13.700754165649414 + ], + [ + "iddle", + -13.700772285461426 + ], + [ + "\u2581nederlaag", + -13.700772285461426 + ], + [ + "\u2581chineses", + -13.70077419281006 + ], + [ + "\u2581instructie", + -13.700790405273438 + ], + [ + "\u2581Margaretha", + -13.700791358947754 + ], + [ + "\u2581Empfang", + -13.70079231262207 + ], + [ + "\u2581Oxidation", + -13.700803756713867 + ], + [ + "estar", + -13.70080852508545 + ], + [ + "dnn", + -13.700851440429688 + ], + [ + "tah", + -13.700870513916016 + ], + [ + "\u2581Jal", + -13.700900077819824 + ], + [ + "\u2581Allgemeiner", + -13.700926780700684 + ], + [ + "\u2581sperm", + -13.700927734375 + ], + [ + "\u2581Regard", + -13.700933456420898 + ], + [ + "\u2581Vecchia", + -13.70094394683838 + ], + [ + "\u2581acquistati", + -13.700963973999023 + ], + [ + "\u2581avvenimenti", + -13.70097827911377 + ], + [ + "\u2581racioc\u00ednio", + -13.70097827911377 + ], + [ + "\u2581Correa", + -13.701006889343262 + ], + [ + "\u2581beits", + -13.70103645324707 + ], + [ + "Calcul", + -13.701037406921388 + ], + [ + "tsche", + -13.701123237609863 + ], + [ + "hoop", + -13.701125144958496 + ], + [ + "SSD", + -13.701139450073242 + ], + [ + "OSTRAT", + -13.701157569885254 + ], + [ + "\u2581erg\u00e4nzende", + -13.70115852355957 + ], + [ + "\u2581encabe", + -13.70116138458252 + ], + [ + "\u2581gialla", + -13.701176643371582 + ], + [ + "\u2581Montaigne", + -13.701216697692873 + ], + [ + "\u2581sceneggiatura", + -13.701217651367188 + ], + [ + "sprobleme", + -13.70122528076172 + ], + [ + "\u2581depressione", + -13.70124340057373 + ], + [ + "\u2581Urheber", + -13.70124626159668 + ], + [ + "Cached", + -13.701261520385742 + ], + [ + "attrice", + -13.70126724243164 + ], + [ + "\u2581sat\u00e9lites", + -13.701338768005373 + ], + [ + "Lake", + -13.70134449005127 + ], + [ + "Kim", + -13.701350212097168 + ], + [ + "\u2581incrementar", + -13.701350212097168 + ], + [ + "\u2581ordenador", + -13.70135498046875 + ], + [ + "\u2581taucht", + -13.70136833190918 + ], + [ + "\u2581Southwest", + -13.70139217376709 + ], + [ + "\u2581merce", + -13.701395988464355 + ], + [ + "\u2581Occupation", + -13.701398849487305 + ], + [ + "\u2581daarentegen", + -13.701415061950684 + ], + [ + "\u2581Localit\u00e9", + -13.70143222808838 + ], + [ + "\u2581parfaite", + -13.701433181762695 + ], + [ + "\u2581multivariate", + -13.701452255249023 + ], + [ + "\u2581UITableViewCell", + -13.701454162597656 + ], + [ + "Explicit", + -13.701467514038086 + ], + [ + "vis\u00edveis", + -13.7014799118042 + ], + [ + "\u2581signaux", + -13.70151138305664 + ], + [ + "kolonel", + -13.701515197753906 + ], + [ + "ASCII", + -13.70152187347412 + ], + [ + "enfer", + -13.701522827148438 + ], + [ + "atteggiamento", + -13.701532363891602 + ], + [ + "\u2581Tie", + -13.701563835144045 + ], + [ + "scorpi", + -13.70156955718994 + ], + [ + "bcd", + -13.701581954956056 + ], + [ + "\u2581pudiendo", + -13.701630592346191 + ], + [ + "mdozmorov", + -13.701661109924316 + ], + [ + "\u2581otimiza", + -13.701699256896973 + ], + [ + "hmqc", + -13.701703071594238 + ], + [ + "\u2581Bilan", + -13.70172882080078 + ], + [ + "verf\u00fcgung", + -13.701743125915527 + ], + [ + "Trojan", + -13.701759338378906 + ], + [ + "\u2581tomaron", + -13.7017822265625 + ], + [ + "\u2581Kuro", + -13.701820373535156 + ], + [ + "CMC", + -13.701834678649902 + ], + [ + "\u2581Aufzeichnungen", + -13.701834678649902 + ], + [ + "\u2581marxismo", + -13.701848030090332 + ], + [ + "\u2581verlenging", + -13.70185661315918 + ], + [ + "\u2581Innovationen", + -13.701865196228027 + ], + [ + "\u2581HBO", + -13.701910018920898 + ], + [ + "PIPE", + -13.701911926269531 + ], + [ + "\u2581festgestellten", + -13.70197296142578 + ], + [ + "Spacer", + -13.701983451843262 + ], + [ + "\u2581Beaumont", + -13.70200252532959 + ], + [ + "\u00e9p\u00e9e", + -13.702044486999512 + ], + [ + "\u2581riconosciuta", + -13.702061653137209 + ], + [ + "senza", + -13.70207977294922 + ], + [ + "\u2581formul\u00e1rio", + -13.702083587646484 + ], + [ + "\u2581Malerei", + -13.702089309692385 + ], + [ + "legge", + -13.702118873596191 + ], + [ + "\u2581appearances", + -13.702162742614746 + ], + [ + "\u2581St\u00e4mme", + -13.70219898223877 + ], + [ + "\u2581K\u00fcn", + -13.702199935913086 + ], + [ + "\u2581emplear", + -13.70222282409668 + ], + [ + "hmann", + -13.702260971069336 + ], + [ + "\u2581atroc", + -13.702271461486816 + ], + [ + "\u2581treasure", + -13.702354431152344 + ], + [ + "\u2581L\u00edder", + -13.702362060546877 + ], + [ + "\u2581opgerichte", + -13.702375411987305 + ], + [ + "illage", + -13.702383995056152 + ], + [ + "Spinner", + -13.702388763427734 + ], + [ + "effe", + -13.702394485473633 + ], + [ + "\u2581puxa", + -13.70240879058838 + ], + [ + "ixo", + -13.70241928100586 + ], + [ + "w\u00fcnsche", + -13.702425003051758 + ], + [ + "\u2581d\u00e9cider", + -13.702428817749023 + ], + [ + "\u2581Rhino", + -13.702431678771973 + ], + [ + "\u2581Viet", + -13.702463150024414 + ], + [ + "aktiviert", + -13.702468872070312 + ], + [ + "\u2581artesanato", + -13.702479362487791 + ], + [ + "\u2581Tiel", + -13.702481269836426 + ], + [ + "\u2581SmackDown", + -13.702494621276855 + ], + [ + "Cham", + -13.702495574951172 + ], + [ + "\u2581Priorit\u00e4t", + -13.702512741088867 + ], + [ + "Crypt", + -13.702521324157717 + ], + [ + "uerschnitt", + -13.702532768249512 + ], + [ + "\u2581Duas", + -13.70262050628662 + ], + [ + "\u2581Schwarzen", + -13.702630996704102 + ], + [ + "\u2581Sicil", + -13.702662467956545 + ], + [ + "\u2581Malin", + -13.702692031860352 + ], + [ + "Christophe", + -13.702692985534668 + ], + [ + "Erst", + -13.702693939208984 + ], + [ + "schr\u00e4nkung", + -13.702693939208984 + ], + [ + "conditions", + -13.70270824432373 + ], + [ + "\u2581modificada", + -13.70273208618164 + ], + [ + "\u2581marches", + -13.702740669250488 + ], + [ + "\u2581facilidad", + -13.702770233154297 + ], + [ + "\u2581Weitergabe", + -13.702786445617676 + ], + [ + "\u2581assistere", + -13.702882766723633 + ], + [ + "CFCFFF", + -13.702948570251465 + ], + [ + "pump", + -13.702950477600098 + ], + [ + "\u2581Etapa", + -13.702959060668944 + ], + [ + "\u2581desenvolvidos", + -13.702973365783691 + ], + [ + "Removed", + -13.70297908782959 + ], + [ + "\u2581destina", + -13.70299243927002 + ], + [ + "\u2581ambulance", + -13.702995300292969 + ], + [ + "\u2581trasmesso", + -13.70301914215088 + ], + [ + "\u2581evolved", + -13.70302963256836 + ], + [ + "\u2581Rabat", + -13.70304012298584 + ], + [ + "branchement", + -13.703095436096191 + ], + [ + "\u2581valutare", + -13.703096389770508 + ], + [ + "\u2581veertien", + -13.703132629394531 + ], + [ + "\u2581tekenen", + -13.70317554473877 + ], + [ + "\u2581soudain", + -13.703189849853516 + ], + [ + "nuragic", + -13.703203201293944 + ], + [ + "phra", + -13.703204154968262 + ], + [ + "\u2581intercambia", + -13.703225135803224 + ], + [ + "\u2581allenfalls", + -13.70322608947754 + ], + [ + "multipart", + -13.703251838684082 + ], + [ + "\u2581separata", + -13.703289031982422 + ], + [ + "blot", + -13.703289985656738 + ], + [ + "\u2581lakes", + -13.703289985656738 + ], + [ + "Hir", + -13.703291893005373 + ], + [ + "esclaves", + -13.703349113464355 + ], + [ + "\u2581clauses", + -13.703359603881836 + ], + [ + "\u2581Stevenson", + -13.70336627960205 + ], + [ + "\u2581vingtaine", + -13.703374862670898 + ], + [ + "\u2581w\u00fcnschen", + -13.703388214111328 + ], + [ + "\u2581ratification", + -13.703405380249023 + ], + [ + "\u2581platteland", + -13.703454971313477 + ], + [ + "\u2581travellers", + -13.703457832336426 + ], + [ + "\u2581groeit", + -13.70347499847412 + ], + [ + "analogia", + -13.703503608703612 + ], + [ + "\u2581Pascual", + -13.703529357910156 + ], + [ + "\u2581Leichen", + -13.703534126281738 + ], + [ + "ITT", + -13.703537940979004 + ], + [ + "IPAC", + -13.703551292419434 + ], + [ + "\u2581thun", + -13.7035551071167 + ], + [ + "hospitalisation", + -13.703608512878418 + ], + [ + "ulosa", + -13.703619956970217 + ], + [ + "\u2581Sortir", + -13.70362949371338 + ], + [ + "Increment", + -13.703673362731934 + ], + [ + "behavior", + -13.70370864868164 + ], + [ + "touren", + -13.703710556030272 + ], + [ + "\u2581provado", + -13.703710556030272 + ], + [ + "\u2581Functional", + -13.703737258911133 + ], + [ + "\u2581battuta", + -13.70373821258545 + ], + [ + "HANDLE", + -13.703741073608398 + ], + [ + "\u2581globally", + -13.7037935256958 + ], + [ + "\u00edcios", + -13.703804969787598 + ], + [ + "\u2581Aguirre", + -13.703811645507812 + ], + [ + "srahmen", + -13.703828811645508 + ], + [ + "\u2581prononc\u00e9", + -13.703845024108888 + ], + [ + "\u2581gentle", + -13.703849792480469 + ], + [ + "culos", + -13.703850746154783 + ], + [ + "\u2581encargo", + -13.70387840270996 + ], + [ + "ladas", + -13.703882217407228 + ], + [ + "\u2581alleinige", + -13.703892707824709 + ], + [ + "NWA", + -13.703959465026855 + ], + [ + "bersetzer", + -13.704015731811523 + ], + [ + "\u2581Tr\u00e4nen", + -13.704029083251951 + ], + [ + "\u2581pos\u00e9", + -13.704076766967772 + ], + [ + "readline", + -13.704082489013672 + ], + [ + "\u2581weitaus", + -13.704082489013672 + ], + [ + "\u2581Hamlet", + -13.704095840454102 + ], + [ + "DETAIL", + -13.704115867614746 + ], + [ + "abatt", + -13.704126358032228 + ], + [ + "Syndrom", + -13.704147338867188 + ], + [ + "klooster", + -13.704150199890137 + ], + [ + "\u00e9chantillon", + -13.704229354858398 + ], + [ + "\u2581Rindfleisch", + -13.704231262207031 + ], + [ + "\u2581Latinoam\u00e9rica", + -13.70424461364746 + ], + [ + "kkel", + -13.704265594482422 + ], + [ + "\u2581Pouco", + -13.704302787780762 + ], + [ + "inka", + -13.704306602478027 + ], + [ + "\u2581positively", + -13.70431137084961 + ], + [ + "\u2581expressar", + -13.70432949066162 + ], + [ + "\u2581gravedad", + -13.704338073730469 + ], + [ + "greif", + -13.704339027404783 + ], + [ + "Mur", + -13.704362869262695 + ], + [ + "osauri", + -13.704368591308594 + ], + [ + "\u2581pericolosi", + -13.704416275024414 + ], + [ + "MKL", + -13.70444107055664 + ], + [ + "hedral", + -13.70444679260254 + ], + [ + "\u2581Aurelia", + -13.704468727111816 + ], + [ + "gorod", + -13.704492568969728 + ], + [ + "Frames", + -13.704498291015623 + ], + [ + "\u2581Clase", + -13.70452117919922 + ], + [ + "\u2581sandwich", + -13.704545021057127 + ], + [ + "lton", + -13.704546928405762 + ], + [ + "riidae", + -13.70455837249756 + ], + [ + "clause", + -13.704586029052734 + ], + [ + "DEFINITIONS", + -13.704591751098633 + ], + [ + "foe", + -13.70459270477295 + ], + [ + "\u2581motivated", + -13.704607963562012 + ], + [ + "SiO", + -13.70466136932373 + ], + [ + "werbung", + -13.704675674438477 + ], + [ + "marck", + -13.70468807220459 + ], + [ + "cible", + -13.704693794250488 + ], + [ + "\u2581Francoforte", + -13.704697608947754 + ], + [ + "dipendente", + -13.704704284667969 + ], + [ + "\u2581Flan", + -13.704706192016602 + ], + [ + "\u2581lieten", + -13.704712867736816 + ], + [ + "ctic", + -13.70472812652588 + ], + [ + "\u2581atributo", + -13.704729080200195 + ], + [ + "\u2581tenendo", + -13.704731941223145 + ], + [ + "\u2581Bundespr\u00e4sident", + -13.70474338531494 + ], + [ + "cobra", + -13.704766273498535 + ], + [ + "r\u00e9es", + -13.704771995544434 + ], + [ + "universiteit", + -13.704805374145508 + ], + [ + "kiewicz", + -13.704812049865724 + ], + [ + "Detector", + -13.704830169677734 + ], + [ + "apan", + -13.704859733581545 + ], + [ + "filePath", + -13.70486068725586 + ], + [ + "\u2581Ceri", + -13.704872131347656 + ], + [ + "\u2581suceder", + -13.704879760742188 + ], + [ + "\u2581Col\u00e9gio", + -13.70488166809082 + ], + [ + "\u2581secund\u00e1ria", + -13.704886436462402 + ], + [ + "condicionado", + -13.704895973205566 + ], + [ + "\u2581toonde", + -13.704895973205566 + ], + [ + "akin", + -13.704912185668944 + ], + [ + "\u2581abdominal", + -13.704926490783691 + ], + [ + "\u2581prospective", + -13.704926490783691 + ], + [ + "\u2581Sanremo", + -13.704936981201172 + ], + [ + "\u2581trovavano", + -13.704960823059082 + ], + [ + "\u2581Straat", + -13.704962730407717 + ], + [ + "\u2581carburant", + -13.704962730407717 + ], + [ + "mittelalterliche", + -13.704983711242676 + ], + [ + "\u2581te\u00f3rico", + -13.705022811889648 + ], + [ + "revolucionario", + -13.705029487609863 + ], + [ + "\u2581representados", + -13.705041885375977 + ], + [ + "\u2581origins", + -13.70505428314209 + ], + [ + "\u2581Cotton", + -13.70509433746338 + ], + [ + "\u2581Insurance", + -13.70509910583496 + ], + [ + "\u2581apoptosis", + -13.70509910583496 + ], + [ + "\u2581Vernichtung", + -13.705102920532228 + ], + [ + "\u2581fibres", + -13.70510482788086 + ], + [ + "\u2581lesser", + -13.705133438110352 + ], + [ + "\u2581schaute", + -13.705161094665527 + ], + [ + "\u2581ex\u00e9cut\u00e9", + -13.705164909362791 + ], + [ + "ifndef", + -13.705185890197754 + ], + [ + "qualified", + -13.70520305633545 + ], + [ + "steiner", + -13.705209732055664 + ], + [ + "\u2581dedicate", + -13.70521354675293 + ], + [ + "tendendo", + -13.705225944519045 + ], + [ + "\u2581erwarteten", + -13.705249786376951 + ], + [ + "\u2581trofeo", + -13.7052583694458 + ], + [ + "maculata", + -13.705291748046877 + ], + [ + "\u2581cifras", + -13.705296516418455 + ], + [ + "\u2581Wittenberg", + -13.705327033996582 + ], + [ + "\u2581vincendo", + -13.705339431762695 + ], + [ + "\u2581ge\u00e4nderten", + -13.705363273620604 + ], + [ + "\u2581Teilnehmern", + -13.705378532409668 + ], + [ + "Anvers", + -13.705381393432615 + ], + [ + "tanh", + -13.705397605895996 + ], + [ + "\u2581puissent", + -13.705458641052246 + ], + [ + "\u2581protests", + -13.705480575561523 + ], + [ + "\u2581fotografa", + -13.705504417419434 + ], + [ + "\u2581cobrar", + -13.70553493499756 + ], + [ + "\u2581roast", + -13.705537796020508 + ], + [ + "\u2581Pr\u00e4mien", + -13.705561637878418 + ], + [ + "\u2581engan", + -13.705564498901367 + ], + [ + "ddy", + -13.705607414245604 + ], + [ + "\u2581Schimmel", + -13.705649375915527 + ], + [ + "\u2581ingenio", + -13.70567512512207 + ], + [ + "\u2581ocasiona", + -13.70568561553955 + ], + [ + "resten", + -13.70570182800293 + ], + [ + "\u2581dogma", + -13.705706596374512 + ], + [ + "\u2581diminue", + -13.705707550048828 + ], + [ + "skraft", + -13.705728530883787 + ], + [ + "\u2581candidati", + -13.705735206604004 + ], + [ + "\u2581sensibilit\u00e0", + -13.705793380737305 + ], + [ + "\u2581aperture", + -13.705843925476074 + ], + [ + "\u2581huevos", + -13.705876350402832 + ], + [ + "\u2581Dienstleis", + -13.70590877532959 + ], + [ + "\u2581UWG", + -13.705918312072754 + ], + [ + "\u2581consolid", + -13.705930709838867 + ], + [ + "\u2581Stoke", + -13.70599365234375 + ], + [ + "\u2581gamba", + -13.7059965133667 + ], + [ + "fr\u00e9", + -13.706013679504396 + ], + [ + "\u2581opslag", + -13.706029891967772 + ], + [ + "\u2581removes", + -13.706089973449709 + ], + [ + "\u2581Iwa", + -13.706124305725098 + ], + [ + "\u2581Leigh", + -13.706157684326172 + ], + [ + "sniff", + -13.706161499023438 + ], + [ + "schritten", + -13.706193923950195 + ], + [ + "\u2581RectangleBox", + -13.706194877624512 + ], + [ + "Percentage", + -13.706198692321776 + ], + [ + "Ethyl", + -13.70623016357422 + ], + [ + "LIA", + -13.706244468688965 + ], + [ + "\u2581Sabina", + -13.706259727478027 + ], + [ + "\u2581illustr\u00e9", + -13.70627784729004 + ], + [ + "GATT", + -13.7063627243042 + ], + [ + "\u2581inconnue", + -13.706363677978516 + ], + [ + "\u2581repli", + -13.706401824951172 + ], + [ + "\u2581ochenta", + -13.70641803741455 + ], + [ + "\u2581hubieran", + -13.706459999084473 + ], + [ + "\u2581continuidade", + -13.70648956298828 + ], + [ + "actuel", + -13.706602096557615 + ], + [ + "\u2581Linn", + -13.706610679626465 + ], + [ + "\u2581tast", + -13.706622123718262 + ], + [ + "\u2581Nass", + -13.70665168762207 + ], + [ + "usta", + -13.706657409667969 + ], + [ + "ocyt", + -13.706663131713867 + ], + [ + "\u2581stretti", + -13.706671714782717 + ], + [ + "\u2581tournage", + -13.706671714782717 + ], + [ + "\u2581volti", + -13.70668888092041 + ], + [ + "\u2581barata", + -13.70670223236084 + ], + [ + "\u2581Maut", + -13.706707954406738 + ], + [ + "\u2581resistir", + -13.706734657287598 + ], + [ + "\u2581patrim", + -13.706741333007812 + ], + [ + "\u2581administrativas", + -13.70675563812256 + ], + [ + "\u2581eredi", + -13.706790924072266 + ], + [ + "\u2581households", + -13.70680332183838 + ], + [ + "alternatives", + -13.706830024719238 + ], + [ + "\u2581peintures", + -13.706838607788086 + ], + [ + "\u2581m\u00e9ta", + -13.70684814453125 + ], + [ + "\u2581Shawn", + -13.706870079040527 + ], + [ + "\u2581rebeli", + -13.706872940063477 + ], + [ + "am\u00e9ricaine", + -13.70692539215088 + ], + [ + "inverted", + -13.70694065093994 + ], + [ + "\u2581demogr\u00e1fica", + -13.70694637298584 + ], + [ + "Winter", + -13.706998825073242 + ], + [ + "\u2581prevedeva", + -13.707008361816406 + ], + [ + "\u2581Gemeenschap", + -13.707014083862305 + ], + [ + "leri", + -13.707032203674316 + ], + [ + "\u2581Kompensation", + -13.707054138183594 + ], + [ + "\u2581gestita", + -13.707054138183594 + ], + [ + "\u2581vornherein", + -13.707056999206545 + ], + [ + "malige", + -13.70706558227539 + ], + [ + "trina", + -13.707071304321287 + ], + [ + "\u2581spettatori", + -13.707071304321287 + ], + [ + "\u2581Beitritts", + -13.707106590270996 + ], + [ + "\u2581Strasse", + -13.707114219665527 + ], + [ + "DISABLE", + -13.707130432128906 + ], + [ + "\u2581Fiume", + -13.707134246826172 + ], + [ + "ScrollView", + -13.707147598266602 + ], + [ + "taking", + -13.707191467285156 + ], + [ + "\u2581Chai", + -13.707223892211914 + ], + [ + "\u2581Staatsminister", + -13.707225799560549 + ], + [ + "efa", + -13.70726203918457 + ], + [ + "\u2581Algarve", + -13.707280158996582 + ], + [ + "\u2581rocas", + -13.707354545593262 + ], + [ + "\u2581musicians", + -13.70736312866211 + ], + [ + "\u2581Arist", + -13.707369804382324 + ], + [ + "ifique", + -13.707379341125488 + ], + [ + "\u2581Colon", + -13.707386016845703 + ], + [ + "\u2581Recepci\u00f3n", + -13.70740795135498 + ], + [ + "\u2581Taten", + -13.70741844177246 + ], + [ + "ANSI", + -13.707449913024902 + ], + [ + "\u2581mandou", + -13.707451820373535 + ], + [ + "\u2581Fanny", + -13.70745849609375 + ], + [ + "ismi", + -13.707460403442385 + ], + [ + "\u2581waterschap", + -13.707496643066406 + ], + [ + "SMTP", + -13.707507133483888 + ], + [ + "gitlab", + -13.707528114318848 + ], + [ + "\u2581P\u00e9rou", + -13.707557678222656 + ], + [ + "spannungs", + -13.707562446594238 + ], + [ + "orthodox", + -13.707575798034668 + ], + [ + "\u2581L\u00e4ngs", + -13.707615852355955 + ], + [ + "uijote", + -13.70765495300293 + ], + [ + "schieben", + -13.707698822021484 + ], + [ + "odra", + -13.707701683044434 + ], + [ + "\u2581Cordo", + -13.707746505737305 + ], + [ + "\u2581avrete", + -13.70774745941162 + ], + [ + "\u2581Almo", + -13.70777988433838 + ], + [ + "\u2581Pommer", + -13.70778465270996 + ], + [ + "\u2581recognised", + -13.707786560058594 + ], + [ + "\u2581Ucr", + -13.707926750183104 + ], + [ + "huan", + -13.707940101623535 + ], + [ + "\u2581Cours", + -13.707967758178713 + ], + [ + "conform", + -13.707972526550291 + ], + [ + "Verb", + -13.707999229431152 + ], + [ + "yrus", + -13.708054542541504 + ], + [ + "\u2581Chihuahua", + -13.70814609527588 + ], + [ + "\u2581palet", + -13.708151817321776 + ], + [ + "median", + -13.708168983459473 + ], + [ + "cheur", + -13.70818042755127 + ], + [ + "FAST", + -13.708196640014648 + ], + [ + "Gravity", + -13.708232879638672 + ], + [ + "\u2581feitelijk", + -13.708244323730469 + ], + [ + "versagen", + -13.70825481414795 + ], + [ + "Autor", + -13.708269119262695 + ], + [ + "\u2581Folie", + -13.708321571350098 + ], + [ + "\u2581reato", + -13.708325386047363 + ], + [ + "\u2581cooperativa", + -13.70833969116211 + ], + [ + "\u2581vermag", + -13.708358764648438 + ], + [ + "\u2581Stroh", + -13.708389282226562 + ], + [ + "olly", + -13.708399772644045 + ], + [ + "variablen", + -13.708406448364258 + ], + [ + "Pocket", + -13.708444595336914 + ], + [ + "\u2581folha", + -13.708466529846191 + ], + [ + "kapitel", + -13.708497047424316 + ], + [ + "\u2581Muro", + -13.708510398864746 + ], + [ + "\u2581Beute", + -13.708535194396973 + ], + [ + "\u2581Passiv", + -13.708569526672363 + ], + [ + "eik", + -13.708574295043944 + ], + [ + "gegraven", + -13.708580017089844 + ], + [ + "\u2581Bet\u00e4tigung", + -13.708581924438477 + ], + [ + "\u2581hierover", + -13.708582878112791 + ], + [ + "\u2581anomalies", + -13.708593368530272 + ], + [ + "\u2581Mondiali", + -13.708606719970703 + ], + [ + "\u2581coutume", + -13.70862102508545 + ], + [ + "\u2581montes", + -13.708650588989258 + ], + [ + "\u2581bemerkte", + -13.70865535736084 + ], + [ + "lasse", + -13.708659172058104 + ], + [ + "\u2581lobo", + -13.708691596984863 + ], + [ + "illusion", + -13.708703994750977 + ], + [ + "Licence", + -13.70871353149414 + ], + [ + "\u2581redistribu", + -13.708778381347656 + ], + [ + "\u2581forno", + -13.708799362182615 + ], + [ + "\u2581Saskatchewan", + -13.708800315856934 + ], + [ + "\u2581Arquivo", + -13.708818435668944 + ], + [ + "\u2581giornalieri", + -13.708823204040527 + ], + [ + "replica", + -13.70883560180664 + ], + [ + "\u2581zuurstof", + -13.70883560180664 + ], + [ + "\u2581Lombardi", + -13.708845138549805 + ], + [ + "\u2581Bent", + -13.708847999572754 + ], + [ + "icidae", + -13.70886516571045 + ], + [ + "\u2581Competi", + -13.70889663696289 + ], + [ + "typed", + -13.70889949798584 + ], + [ + "\u2581Mafia", + -13.7089204788208 + ], + [ + "\u2581striscia", + -13.708922386169434 + ], + [ + "dji", + -13.708945274353027 + ], + [ + "\u2581decorrer", + -13.70895004272461 + ], + [ + "exponents", + -13.708959579467772 + ], + [ + "r\u00e9cepteur", + -13.70896053314209 + ], + [ + "\u2581indicators", + -13.708986282348633 + ], + [ + "INGB", + -13.70900535583496 + ], + [ + "\u2581tarifa", + -13.709035873413086 + ], + [ + "\u2581Sigmund", + -13.70903778076172 + ], + [ + "gestoken", + -13.709068298339844 + ], + [ + "routen", + -13.709073066711426 + ], + [ + "\u2581Tiefen", + -13.70909309387207 + ], + [ + "schlossen", + -13.709112167358398 + ], + [ + "\u2581dependiendo", + -13.709117889404297 + ], + [ + "\u2581Mulher", + -13.709193229675291 + ], + [ + "UserId", + -13.709198951721191 + ], + [ + "assume", + -13.709205627441406 + ], + [ + "\u2581ajustar", + -13.709217071533203 + ], + [ + "\u2581comprado", + -13.709219932556152 + ], + [ + "\u2581Richtigkeit", + -13.709223747253418 + ], + [ + "\u2581bakstenen", + -13.709237098693848 + ], + [ + "\u2581vluchtelingen", + -13.709240913391112 + ], + [ + "\u2581polit", + -13.709251403808594 + ], + [ + "uranium", + -13.709275245666504 + ], + [ + "\u2581nederzetting", + -13.709287643432615 + ], + [ + "indel", + -13.70930290222168 + ], + [ + "\u2581Afbeeldingen", + -13.709348678588867 + ], + [ + "wold", + -13.70935344696045 + ], + [ + "\u2581physiological", + -13.709362030029297 + ], + [ + "ResponseOutput", + -13.709367752075195 + ], + [ + "\u2581Tercer", + -13.709368705749512 + ], + [ + "\u2581Sowjet", + -13.709394454956056 + ], + [ + "\u2581Infante", + -13.709431648254396 + ], + [ + "transformation", + -13.70944595336914 + ], + [ + "\u2581approaching", + -13.709449768066406 + ], + [ + "Bevolking", + -13.709453582763672 + ], + [ + "reuil", + -13.709453582763672 + ], + [ + "\u2581Medvedev", + -13.709454536437988 + ], + [ + "snp", + -13.709501266479492 + ], + [ + "\u2581procedente", + -13.709501266479492 + ], + [ + "\u2581Ruff", + -13.709505081176758 + ], + [ + "\u2581operando", + -13.709516525268556 + ], + [ + "\u2581provient", + -13.709524154663086 + ], + [ + "\u2581Lightning", + -13.709564208984377 + ], + [ + "\u2581motto", + -13.709580421447754 + ], + [ + "\u2581Schumann", + -13.709582328796388 + ], + [ + "\u2581zaten", + -13.709589004516602 + ], + [ + "\u2581utilizz", + -13.709596633911133 + ], + [ + "\u2581Barton", + -13.709602355957031 + ], + [ + "contest\u00f3", + -13.709649085998535 + ], + [ + "\u2581Oman", + -13.709680557250977 + ], + [ + "\u2581Soma", + -13.709684371948242 + ], + [ + "\u2581escuta", + -13.709688186645508 + ], + [ + "\u2581Logistik", + -13.70969009399414 + ], + [ + "WHITE", + -13.709691047668455 + ], + [ + "\u2581labbra", + -13.70973300933838 + ], + [ + "Tester", + -13.709749221801758 + ], + [ + "\u2581Libera", + -13.70975112915039 + ], + [ + "eitalter", + -13.709775924682615 + ], + [ + "gipfel", + -13.709782600402832 + ], + [ + "HELP", + -13.709783554077148 + ], + [ + "\u2581sinus", + -13.709787368774414 + ], + [ + "gewirkt", + -13.70982837677002 + ], + [ + "taxis", + -13.709846496582031 + ], + [ + "\u2581Barock", + -13.709887504577637 + ], + [ + "\u2581empregado", + -13.709891319274902 + ], + [ + "\u2581emitted", + -13.709897994995115 + ], + [ + "\u2581usages", + -13.709912300109863 + ], + [ + "uitgave", + -13.709924697875977 + ], + [ + "entrums", + -13.709935188293455 + ], + [ + "bium", + -13.709954261779783 + ], + [ + "orgel", + -13.709980010986328 + ], + [ + "\u2581baptis\u00e9", + -13.70998191833496 + ], + [ + "quera", + -13.710026741027832 + ], + [ + "sfaktoren", + -13.710061073303224 + ], + [ + "\u2581Bundesinstitut", + -13.710086822509766 + ], + [ + "\u2581franquicia", + -13.710110664367676 + ], + [ + "\u2581chapitres", + -13.710116386413574 + ], + [ + "\u2581coberta", + -13.710126876831056 + ], + [ + "dix", + -13.71013355255127 + ], + [ + "didaktisch", + -13.71017360687256 + ], + [ + "Anlagen", + -13.71018123626709 + ], + [ + "\u2581Ceca", + -13.710183143615724 + ], + [ + "erlijk", + -13.710195541381836 + ], + [ + "lacuna", + -13.710204124450684 + ], + [ + "\u2581composant", + -13.710227966308594 + ], + [ + "\u2581a\u00e9roports", + -13.710261344909668 + ], + [ + "lassungsdelikt", + -13.710282325744627 + ], + [ + "agawa", + -13.710298538208008 + ], + [ + "\u2581Toponymie", + -13.710338592529297 + ], + [ + "meli", + -13.710345268249512 + ], + [ + "\u2581r\u00e9side", + -13.710365295410156 + ], + [ + "\u2581pratico", + -13.710390090942385 + ], + [ + "diana", + -13.710396766662598 + ], + [ + "\u2581meervoud", + -13.710405349731444 + ], + [ + "exil", + -13.710415840148926 + ], + [ + "skippy", + -13.71042823791504 + ], + [ + "Grammar", + -13.710429191589355 + ], + [ + "\u2581hinab", + -13.710454940795898 + ], + [ + "\u2581Cl\u00e9", + -13.710494995117188 + ], + [ + "\u2581parecida", + -13.710503578186035 + ], + [ + "\u2581Sait", + -13.710535049438477 + ], + [ + "DEPENDENCIES", + -13.710546493530272 + ], + [ + "nuclear", + -13.710563659667969 + ], + [ + "\u2581Organismen", + -13.71058464050293 + ], + [ + "\u2581noturnas", + -13.710591316223145 + ], + [ + "\u2581Simulations", + -13.710593223571776 + ], + [ + "ebbi", + -13.710657119750977 + ], + [ + "\u2581troupe", + -13.710721015930176 + ], + [ + "\u2581coordina", + -13.710742950439451 + ], + [ + "\u2581Cameroun", + -13.71076774597168 + ], + [ + "\u2581eingeladen", + -13.71083927154541 + ], + [ + "\u2581canons", + -13.710843086242676 + ], + [ + "pfalz", + -13.710986137390137 + ], + [ + "\u2581rechtskr\u00e4ftig", + -13.711015701293944 + ], + [ + "\u2581Tung", + -13.71102237701416 + ], + [ + "j\u00e4hriger", + -13.711029052734377 + ], + [ + "\u2581Taro", + -13.71103286743164 + ], + [ + "\u2581weduwe", + -13.711057662963867 + ], + [ + "\u2581promette", + -13.71108055114746 + ], + [ + "c\u00f3mo", + -13.711084365844728 + ], + [ + "inscrit", + -13.71112060546875 + ], + [ + "\u2581Reuters", + -13.71114444732666 + ], + [ + "\u2581m\u00fcndliche", + -13.711180686950684 + ], + [ + "\u2581mosquito", + -13.71121311187744 + ], + [ + "\u2581Figlio", + -13.711284637451172 + ], + [ + "\u2581PSA", + -13.711292266845703 + ], + [ + "\u2581automatische", + -13.71129322052002 + ], + [ + "\u2581Bronx", + -13.711311340332031 + ], + [ + "\u2581Orientierungs", + -13.711329460144045 + ], + [ + "\u2581strains", + -13.711359024047852 + ], + [ + "entos", + -13.711397171020508 + ], + [ + "Aktenzeichen", + -13.711400985717772 + ], + [ + "\u2581citizenship", + -13.711441040039062 + ], + [ + "informativa", + -13.711453437805176 + ], + [ + "\u2581maestri", + -13.711455345153809 + ], + [ + "\u2581Lagoa", + -13.711463928222656 + ], + [ + "nigreichs", + -13.71147346496582 + ], + [ + "plom", + -13.711474418640137 + ], + [ + "teli", + -13.711485862731934 + ], + [ + "\u2581approvato", + -13.711498260498049 + ], + [ + "\u2581fumetti", + -13.711499214172363 + ], + [ + "needs", + -13.71160125732422 + ], + [ + "\u2581Cabral", + -13.711612701416016 + ], + [ + "\u2581Philippine", + -13.711627960205078 + ], + [ + "expires", + -13.711684226989746 + ], + [ + "zina", + -13.711689949035645 + ], + [ + "\u2581opbouw", + -13.711694717407228 + ], + [ + "wN", + -13.71169662475586 + ], + [ + "\u2581Lier", + -13.711727142333984 + ], + [ + "satellit", + -13.711739540100098 + ], + [ + "hund", + -13.711766242980955 + ], + [ + "spende", + -13.711774826049805 + ], + [ + "\u2581N\u00e4hrstoff", + -13.711830139160156 + ], + [ + "Predict", + -13.711854934692385 + ], + [ + "\u2581pict\u00f3rico", + -13.711858749389648 + ], + [ + "\u2581Vara", + -13.711885452270508 + ], + [ + "\u2581advers\u00e1rio", + -13.711885452270508 + ], + [ + "\u2581Caballeros", + -13.711889266967772 + ], + [ + "mettre", + -13.711891174316406 + ], + [ + "\u2581araba", + -13.711920738220217 + ], + [ + "sysctl", + -13.71196174621582 + ], + [ + "Heading", + -13.711963653564451 + ], + [ + "shita", + -13.711965560913086 + ], + [ + "\u2581Salinas", + -13.71197509765625 + ], + [ + "acetyl", + -13.711980819702148 + ], + [ + "\u2581Harmon", + -13.711986541748049 + ], + [ + "\u2581distin", + -13.711987495422363 + ], + [ + "\u2581Monopolkommissi", + -13.712011337280272 + ], + [ + "camo", + -13.712018013000488 + ], + [ + "vbox", + -13.712040901184082 + ], + [ + "\u2581Peng", + -13.712051391601562 + ], + [ + "\u2581referida", + -13.712074279785156 + ], + [ + "\u2581ENTSCHEIDUNG", + -13.712077140808104 + ], + [ + "\u2581battaglie", + -13.712079048156738 + ], + [ + "\u2581Applikation", + -13.71208381652832 + ], + [ + "ohm", + -13.7121000289917 + ], + [ + "assist", + -13.71211051940918 + ], + [ + "VERS", + -13.712124824523926 + ], + [ + "richtlinien", + -13.712162017822266 + ], + [ + "\u2581Trib", + -13.712187767028809 + ], + [ + "TRAN", + -13.712188720703123 + ], + [ + "\u2581Divide", + -13.71218967437744 + ], + [ + "\u2581discendenti", + -13.712241172790527 + ], + [ + "\u2581durchsetzen", + -13.712244987487791 + ], + [ + "\u2581Weile", + -13.71224594116211 + ], + [ + "\u2581hervorming", + -13.712250709533691 + ], + [ + "\u2581apresentando", + -13.712262153625488 + ], + [ + "\u2581personnels", + -13.712275505065918 + ], + [ + "mentation", + -13.712279319763184 + ], + [ + "\u2581Wertsch", + -13.712281227111816 + ], + [ + "\u2581bezittingen", + -13.71229648590088 + ], + [ + "\u2581Sure", + -13.71231460571289 + ], + [ + "\u2581banned", + -13.712321281433104 + ], + [ + "\u2581destinati", + -13.7123384475708 + ], + [ + "\u2581necesitan", + -13.71234130859375 + ], + [ + "\u2581anspruchsvoll", + -13.712347030639648 + ], + [ + "\u2581consist\u00eda", + -13.71241283416748 + ], + [ + "CGT", + -13.712458610534668 + ], + [ + "\u2581beschloss", + -13.712481498718262 + ], + [ + "\u00e9paisseur", + -13.712482452392578 + ], + [ + "\u2581verba", + -13.712489128112791 + ], + [ + "\u2581Profesor", + -13.712502479553224 + ], + [ + "SPARK", + -13.712531089782717 + ], + [ + "verna", + -13.712532997131348 + ], + [ + "us\u00e9", + -13.712563514709473 + ], + [ + "\u2581nerveux", + -13.712566375732422 + ], + [ + "aimer", + -13.712579727172852 + ], + [ + "pee", + -13.712587356567385 + ], + [ + "\u2581Areal", + -13.71259593963623 + ], + [ + "Strength", + -13.712645530700684 + ], + [ + "ificio", + -13.712682723999023 + ], + [ + "\u2581Lips", + -13.7127046585083 + ], + [ + "\u2581finishing", + -13.712733268737791 + ], + [ + "\u2581designados", + -13.712738037109377 + ], + [ + "\u2581Diocese", + -13.712739944458008 + ], + [ + "\u2581vorlegen", + -13.712756156921388 + ], + [ + "\u2581grapp", + -13.712788581848145 + ], + [ + "pureza", + -13.712790489196776 + ], + [ + "\u2581republicanos", + -13.712860107421877 + ], + [ + "immun", + -13.712862968444824 + ], + [ + "\u2581ervaringen", + -13.712871551513672 + ], + [ + "\u2581vis\u00edvel", + -13.712882041931152 + ], + [ + "EAD", + -13.712888717651367 + ], + [ + "\u2581zul\u00e4ssigen", + -13.712889671325684 + ], + [ + "\u2581Kritiker", + -13.712903022766112 + ], + [ + "\u2581schwedischen", + -13.712926864624023 + ], + [ + "\u2581geregelten", + -13.712944984436035 + ], + [ + "\u2581pathogen", + -13.712947845458984 + ], + [ + "\u2581cuerda", + -13.712965965270996 + ], + [ + "szcz", + -13.712980270385742 + ], + [ + "\u2581vorsehen", + -13.712993621826172 + ], + [ + "\u2581Ihm", + -13.71301555633545 + ], + [ + "\u2581Genera", + -13.713018417358398 + ], + [ + "\u2581souhait", + -13.71302890777588 + ], + [ + "\u2581griechische", + -13.71308708190918 + ], + [ + "\u2581initiiert", + -13.713165283203123 + ], + [ + "\u2581adhere", + -13.713216781616213 + ], + [ + "nost", + -13.713227272033691 + ], + [ + "beitrags", + -13.713261604309082 + ], + [ + "\u2581peligroso", + -13.713296890258787 + ], + [ + "iffern", + -13.713305473327637 + ], + [ + "\u2581Tribu", + -13.713329315185549 + ], + [ + "\u2581minds", + -13.713350296020508 + ], + [ + "\u2581stagn", + -13.713373184204102 + ], + [ + "\u2581hind", + -13.713384628295898 + ], + [ + "\u2581exitoso", + -13.713387489318848 + ], + [ + "\u2581coalizione", + -13.71339225769043 + ], + [ + "\u2581soglia", + -13.71339988708496 + ], + [ + "\u2581Saw", + -13.71341609954834 + ], + [ + "\u2581diametro", + -13.713425636291504 + ], + [ + "\u2581knees", + -13.713449478149414 + ], + [ + "alkali", + -13.713458061218262 + ], + [ + "\u2581Sesto", + -13.713470458984377 + ], + [ + "\u2581impliqu\u00e9", + -13.713471412658691 + ], + [ + "\u2581proofs", + -13.713485717773438 + ], + [ + "\u2581Spil", + -13.713508605957031 + ], + [ + "wendet", + -13.713518142700195 + ], + [ + "\u2581medalh", + -13.71352481842041 + ], + [ + "\u2581Italienisch", + -13.713560104370115 + ], + [ + "\u2581atuar", + -13.713593482971191 + ], + [ + "Onorificenze", + -13.713610649108888 + ], + [ + "\u2581\"}\"}]}],", + -13.71362018585205 + ], + [ + "ulaire", + -13.71365737915039 + ], + [ + "\u2581contiennent", + -13.71366024017334 + ], + [ + "\u2581crep", + -13.713665008544922 + ], + [ + "\u2581Humor", + -13.713666915893556 + ], + [ + "\u2581Referat", + -13.7136869430542 + ], + [ + "opp", + -13.713725090026855 + ], + [ + "\u2581Volga", + -13.713726997375488 + ], + [ + "lierung", + -13.71372890472412 + ], + [ + "Abteilung", + -13.71377944946289 + ], + [ + "Danke", + -13.713808059692385 + ], + [ + "\u2581din\u00e1mica", + -13.713837623596191 + ], + [ + "\u2581Parkway", + -13.713847160339355 + ], + [ + "\u2581novanta", + -13.713915824890137 + ], + [ + "COMMENT", + -13.71391773223877 + ], + [ + "\u2581\u00e1cidos", + -13.71392822265625 + ], + [ + "\u2581chrono", + -13.713953971862791 + ], + [ + "rgico", + -13.713959693908691 + ], + [ + "\u2581landed", + -13.71397876739502 + ], + [ + "\u2581retreat", + -13.713988304138184 + ], + [ + "gedanken", + -13.714025497436523 + ], + [ + "\u2581Lach", + -13.714046478271484 + ], + [ + "\u2581examinar", + -13.714088439941406 + ], + [ + "\u2581ungarische", + -13.714104652404783 + ], + [ + "\u2581chocolat", + -13.71412181854248 + ], + [ + "\u2581Valentino", + -13.71412467956543 + ], + [ + "quille", + -13.71413803100586 + ], + [ + "\u2581medievali", + -13.71413803100586 + ], + [ + "\u2581Desp", + -13.714147567749023 + ], + [ + "\u2581Bezieh", + -13.714152336120604 + ], + [ + "estetica", + -13.714174270629885 + ], + [ + "t\u00e4tig", + -13.714224815368652 + ], + [ + "bies", + -13.714225769042969 + ], + [ + "willigen", + -13.7142915725708 + ], + [ + "rera", + -13.714306831359863 + ], + [ + "\u2581Conf\u00e9rence", + -13.714356422424316 + ], + [ + "\u2581betonte", + -13.714370727539062 + ], + [ + "\u2581Superliga", + -13.714385986328123 + ], + [ + "\u2581Gers", + -13.714396476745604 + ], + [ + "\u2581pr\u00e9f\u00e9rable", + -13.714414596557615 + ], + [ + "\u2581Wesentliche", + -13.71444320678711 + ], + [ + "schwarz", + -13.714473724365234 + ], + [ + "\u2581Samenvatting", + -13.714487075805664 + ], + [ + "\u2581sofre", + -13.714489936828612 + ], + [ + "\u2581Midnight", + -13.714499473571776 + ], + [ + "\u2581pydoc", + -13.714513778686523 + ], + [ + "kleidet", + -13.714529037475586 + ], + [ + "\u2581Nymph", + -13.71453094482422 + ], + [ + "\u2581rurais", + -13.714542388916016 + ], + [ + "\u2581montan", + -13.714547157287598 + ], + [ + "\u2581catalyst", + -13.714553833007812 + ], + [ + "\u2581navegar", + -13.714567184448242 + ], + [ + "\u2581Wyatt", + -13.71457290649414 + ], + [ + "tachi", + -13.71462059020996 + ], + [ + "Logical", + -13.714635848999023 + ], + [ + "\u2581orts", + -13.714638710021973 + ], + [ + "waitFor", + -13.714643478393556 + ], + [ + "\u2581combinada", + -13.714656829833984 + ], + [ + "\u2581anstatt", + -13.714710235595703 + ], + [ + "abha", + -13.714713096618652 + ], + [ + "shoot", + -13.71474552154541 + ], + [ + "\u2581proceder", + -13.71475315093994 + ], + [ + "\u2581contradict", + -13.71477508544922 + ], + [ + "\u2581qu\u00edmicas", + -13.71478271484375 + ], + [ + "\u2581groeps", + -13.714804649353027 + ], + [ + "\u2581lectores", + -13.71485424041748 + ], + [ + "\u2581Toshi", + -13.714856147766112 + ], + [ + "\u2581empregados", + -13.714872360229492 + ], + [ + "\u2581Hana", + -13.714887619018556 + ], + [ + "\u2581Wulf", + -13.714887619018556 + ], + [ + "\u2581danneggia", + -13.714919090270996 + ], + [ + "\u2581Peptid", + -13.714929580688477 + ], + [ + "horreur", + -13.714930534362791 + ], + [ + "\u2581organique", + -13.714930534362791 + ], + [ + "OPENSSL", + -13.71494483947754 + ], + [ + "\u2581consentimiento", + -13.714946746826172 + ], + [ + "izes", + -13.71494960784912 + ], + [ + "\u2581Mull", + -13.715025901794434 + ], + [ + "\u2581mostrada", + -13.715027809143066 + ], + [ + "incredibile", + -13.715028762817385 + ], + [ + "ammo", + -13.715093612670898 + ], + [ + "\u2581enigma", + -13.71510124206543 + ], + [ + "\u2581Spoo", + -13.71510887145996 + ], + [ + "befragung", + -13.715150833129885 + ], + [ + "\u2581tendenze", + -13.715158462524414 + ], + [ + "\u2581Ciro", + -13.71517562866211 + ], + [ + "\u2581minoranza", + -13.715211868286133 + ], + [ + "\u2581jij", + -13.715238571166992 + ], + [ + "\u2581wanting", + -13.715256690979004 + ], + [ + "bildende", + -13.715319633483888 + ], + [ + "\u2581Depot", + -13.715368270874023 + ], + [ + "ilian", + -13.71536922454834 + ], + [ + "\u2581eclesi\u00e1stica", + -13.71540641784668 + ], + [ + "mack", + -13.71543025970459 + ], + [ + "\u2581surnomm\u00e9", + -13.715431213378906 + ], + [ + "\u2581Lucer", + -13.715450286865234 + ], + [ + "\u2581jantar", + -13.71546745300293 + ], + [ + "\u2581chicos", + -13.71547031402588 + ], + [ + "uanti", + -13.71547508239746 + ], + [ + "hilf", + -13.71547794342041 + ], + [ + "\u2581investors", + -13.715494155883787 + ], + [ + "\u2581aurez", + -13.715526580810549 + ], + [ + "\u2581Moreira", + -13.71554183959961 + ], + [ + "\u2581trafficat", + -13.715550422668455 + ], + [ + "\u2581\u00fcberm\u00e4", + -13.71555233001709 + ], + [ + "directional", + -13.715575218200684 + ], + [ + "\u2581colaborou", + -13.715584754943848 + ], + [ + "estrazione", + -13.715662002563477 + ], + [ + "Ej", + -13.715664863586426 + ], + [ + "\u2581toro", + -13.715696334838867 + ], + [ + "mijnen", + -13.715713500976562 + ], + [ + "Into", + -13.715761184692385 + ], + [ + "\u2581violations", + -13.71577262878418 + ], + [ + "\u2581Experimentelle", + -13.715775489807127 + ], + [ + "Societ\u00e0", + -13.715779304504396 + ], + [ + "\u2581crashed", + -13.715792655944824 + ], + [ + "\u2581residue", + -13.715795516967772 + ], + [ + "chromat", + -13.715827941894531 + ], + [ + "\u2581Osteuropa", + -13.715837478637695 + ], + [ + "UBA", + -13.715877532958984 + ], + [ + "\u2581JFK", + -13.715882301330566 + ], + [ + "zeugt", + -13.715902328491213 + ], + [ + "\u2581voyait", + -13.715946197509766 + ], + [ + "organen", + -13.715974807739258 + ], + [ + "\u2581chiedendo", + -13.715987205505373 + ], + [ + "\u2581Willems", + -13.716009140014648 + ], + [ + "\u2581westelijk", + -13.716023445129396 + ], + [ + "cium", + -13.71602725982666 + ], + [ + "\u2581cartelli", + -13.716055870056152 + ], + [ + "\u2581t\u00f3pico", + -13.71606159210205 + ], + [ + "FOO", + -13.716065406799316 + ], + [ + "\u00e4hren", + -13.716078758239746 + ], + [ + "\u2581proximal", + -13.716087341308594 + ], + [ + "\u2581Harp", + -13.716094017028809 + ], + [ + "\u2581atentado", + -13.716110229492188 + ], + [ + "\u2581Steffen", + -13.716111183166504 + ], + [ + "abilidad", + -13.71611499786377 + ], + [ + "\u2581concretamente", + -13.71611785888672 + ], + [ + "\u2581relev\u00e9", + -13.716169357299805 + ], + [ + "\u2581oponente", + -13.716172218322754 + ], + [ + "qk", + -13.716203689575195 + ], + [ + "billing", + -13.716242790222168 + ], + [ + "\u2581curs", + -13.716337203979492 + ], + [ + "sonate", + -13.716341972351074 + ], + [ + "minas", + -13.716415405273438 + ], + [ + "trem", + -13.716450691223145 + ], + [ + "\u2581gramatical", + -13.716466903686523 + ], + [ + "\u2581Gr\u00fc", + -13.71650218963623 + ], + [ + "\u2581fracas", + -13.716516494750977 + ], + [ + "\u2581rapin", + -13.716524124145508 + ], + [ + "\u2581schiavit", + -13.71657371520996 + ], + [ + "\u2581cavalieri", + -13.71658706665039 + ], + [ + "\u2581tendre", + -13.716602325439451 + ], + [ + "\u2581Afganist\u00e1n", + -13.716683387756348 + ], + [ + "rfern", + -13.71668815612793 + ], + [ + "t\u00f3rios", + -13.716703414916992 + ], + [ + "\u2581Arias", + -13.716719627380373 + ], + [ + "\u2581profite", + -13.716732025146484 + ], + [ + "\u2581T\u00fc", + -13.716819763183594 + ], + [ + "\u2581sour", + -13.716819763183594 + ], + [ + "dara", + -13.71684741973877 + ], + [ + "Allocation", + -13.716876029968262 + ], + [ + "J\u00e4hrige", + -13.716880798339844 + ], + [ + "Besch\u00fctzergarant", + -13.716904640197754 + ], + [ + "\u2581Willi", + -13.716923713684082 + ], + [ + "\u2581Moz", + -13.716944694519045 + ], + [ + "\u2581Pachy", + -13.716947555541992 + ], + [ + "\u2581Titelgruppe", + -13.716958999633787 + ], + [ + "\u2581Hungria", + -13.716962814331056 + ], + [ + "\u2581organisierten", + -13.716992378234863 + ], + [ + "\u2581funcionando", + -13.71699333190918 + ], + [ + "kula", + -13.717001914978027 + ], + [ + "\u2581Fische", + -13.717007637023926 + ], + [ + "pura", + -13.717111587524414 + ], + [ + "Gleichung", + -13.717124938964844 + ], + [ + "\u2581impiegato", + -13.71714210510254 + ], + [ + "hydrate", + -13.717158317565918 + ], + [ + "\u2581Junioren", + -13.717178344726562 + ], + [ + "\u2581linke", + -13.7172212600708 + ], + [ + "\u2581utilidade", + -13.7172212600708 + ], + [ + "\u2581Designer", + -13.717230796813965 + ], + [ + "\u2581Jeruzalem", + -13.717238426208496 + ], + [ + "uarterly", + -13.717241287231444 + ], + [ + "\u2581stadje", + -13.717244148254396 + ], + [ + "\u2581matou", + -13.717280387878418 + ], + [ + "Cant", + -13.717339515686035 + ], + [ + "abil", + -13.717357635498049 + ], + [ + "inden", + -13.71737575531006 + ], + [ + "\u2581distingu", + -13.71739673614502 + ], + [ + "Pick", + -13.717426300048828 + ], + [ + "\u2581discutere", + -13.717429161071776 + ], + [ + "\u2581steigender", + -13.717463493347168 + ], + [ + "\u2581aussehen", + -13.717476844787598 + ], + [ + "\u2581Sch\u00fctzen", + -13.717507362365724 + ], + [ + "\u2581Operaci\u00f3n", + -13.717585563659668 + ], + [ + "inghi", + -13.71759033203125 + ], + [ + "\u2581majest", + -13.71760082244873 + ], + [ + "\u2581comitato", + -13.717652320861816 + ], + [ + "\u2581postmodern", + -13.717660903930664 + ], + [ + "\u2581declaraciones", + -13.717694282531738 + ], + [ + "lampen", + -13.71772289276123 + ], + [ + "zender", + -13.717748641967772 + ], + [ + "\u2581cruce", + -13.717748641967772 + ], + [ + "\u2581Systematik", + -13.717782974243164 + ], + [ + "\u2581gewidmet", + -13.71778392791748 + ], + [ + "\u2581Utiliza", + -13.717809677124023 + ], + [ + "\u2581Credo", + -13.717850685119627 + ], + [ + "\u2581truffa", + -13.717897415161133 + ], + [ + "\u2581pench", + -13.71790599822998 + ], + [ + "ar\u00e1n", + -13.717938423156738 + ], + [ + "\u2581cabr", + -13.717938423156738 + ], + [ + "Coverage", + -13.717957496643066 + ], + [ + "mmed", + -13.717968940734863 + ], + [ + "\u2581elektronisch", + -13.717970848083496 + ], + [ + "\u2581Tritt", + -13.717987060546877 + ], + [ + "\u2581Diensten", + -13.71799659729004 + ], + [ + "\u2581privil\u00e9gi\u00e9", + -13.718003273010254 + ], + [ + "\u2581giovanili", + -13.718069076538086 + ], + [ + "\u2581vertrieben", + -13.718080520629885 + ], + [ + "\u2581Best\u00e4nde", + -13.71809196472168 + ], + [ + "\u2581capta", + -13.718099594116213 + ], + [ + "katholischer", + -13.718100547790527 + ], + [ + "shev", + -13.71811294555664 + ], + [ + "\u2581programmazione", + -13.71812343597412 + ], + [ + "\u2581conforto", + -13.718127250671388 + ], + [ + "lori", + -13.71812915802002 + ], + [ + "\u2581Priest", + -13.718164443969728 + ], + [ + "\u2581Mister", + -13.718165397644045 + ], + [ + "\u2581Guns", + -13.718174934387209 + ], + [ + "\u2581URLs", + -13.71819019317627 + ], + [ + "Preparer", + -13.71823024749756 + ], + [ + "\u2581Verbleib", + -13.718241691589355 + ], + [ + "compatible", + -13.71829605102539 + ], + [ + "\u2581trabalhadora", + -13.71832275390625 + ], + [ + "\u2581scheiding", + -13.718326568603516 + ], + [ + "\u2581proportions", + -13.718338966369627 + ], + [ + "ofen", + -13.718341827392578 + ], + [ + "Agg", + -13.71834659576416 + ], + [ + "Listen", + -13.718354225158691 + ], + [ + "\u2581extrait", + -13.718356132507324 + ], + [ + "\u2581complicada", + -13.71835708618164 + ], + [ + "\u2581nucl\u00e9aires", + -13.718358039855955 + ], + [ + "coq", + -13.718377113342283 + ], + [ + "\u2581Kerala", + -13.718378067016602 + ], + [ + "\u2581sacrifici", + -13.718393325805664 + ], + [ + "zik", + -13.71840476989746 + ], + [ + "Idle", + -13.718414306640623 + ], + [ + "\u2581verdedigen", + -13.718445777893066 + ], + [ + "itus", + -13.71845531463623 + ], + [ + "\u2581tunnels", + -13.718462944030762 + ], + [ + "\u2581clinique", + -13.71848201751709 + ], + [ + "\u2581vorrebbe", + -13.718490600585938 + ], + [ + "\u2581Hampton", + -13.718501091003418 + ], + [ + "\u2581asisti\u00f3", + -13.718507766723633 + ], + [ + "\u2581fixiert", + -13.718551635742188 + ], + [ + "olata", + -13.71860694885254 + ], + [ + "\u2581organischen", + -13.718650817871094 + ], + [ + "\u2581validit\u00e0", + -13.718655586242676 + ], + [ + "SETUPTOOLS", + -13.718669891357422 + ], + [ + "\u2581Geldstrafe", + -13.718676567077637 + ], + [ + "\u2581partant", + -13.718706130981444 + ], + [ + "\u2581s\u00e9ptimo", + -13.718728065490724 + ], + [ + "\u2581visando", + -13.718744277954102 + ], + [ + "Eingabe", + -13.718748092651367 + ], + [ + "\u2581discarded", + -13.718748092651367 + ], + [ + "zard", + -13.718791961669922 + ], + [ + "\u2581Posee", + -13.718823432922363 + ], + [ + "\u2581Apost", + -13.718825340270996 + ], + [ + "CNN", + -13.718833923339844 + ], + [ + "\u2581qualities", + -13.718863487243652 + ], + [ + "\u2581entiers", + -13.718870162963867 + ], + [ + "Detailed", + -13.718891143798828 + ], + [ + "emon", + -13.71889877319336 + ], + [ + "buri", + -13.718913078308104 + ], + [ + "tup", + -13.718913078308104 + ], + [ + "\u2581vinculada", + -13.718955993652344 + ], + [ + "\u2581recalled", + -13.71895980834961 + ], + [ + "\u2581arquiteto", + -13.71904182434082 + ], + [ + "grafen", + -13.719056129455566 + ], + [ + "Margins", + -13.719108581542969 + ], + [ + "\u2581masas", + -13.719114303588867 + ], + [ + "Demografia", + -13.719120979309082 + ], + [ + "wrong", + -13.719148635864258 + ], + [ + "\u2581normalement", + -13.71915054321289 + ], + [ + "\u2581receta", + -13.719191551208496 + ], + [ + "\u2581beenden", + -13.719223022460938 + ], + [ + "\u2581persecuci\u00f3n", + -13.719234466552734 + ], + [ + "LAH", + -13.719255447387695 + ], + [ + "\u2581australien", + -13.7193021774292 + ], + [ + "\u2581distinguere", + -13.719304084777832 + ], + [ + "MENTS", + -13.719316482543944 + ], + [ + "krachtig", + -13.719329833984377 + ], + [ + "\u2581stairs", + -13.719366073608398 + ], + [ + "\u2581Angriffe", + -13.71937084197998 + ], + [ + "\u2581Breit", + -13.719398498535156 + ], + [ + "\u2581irgendwo", + -13.719401359558104 + ], + [ + "\u2581Shiva", + -13.719456672668455 + ], + [ + "\u2581tratada", + -13.719490051269531 + ], + [ + "\u2581R\u00e1", + -13.719525337219238 + ], + [ + "\u2581Dama", + -13.719592094421388 + ], + [ + "courir", + -13.719619750976562 + ], + [ + "\u2581Surrey", + -13.719661712646484 + ], + [ + "\u2581daquela", + -13.719661712646484 + ], + [ + "\u2581Schultern", + -13.719691276550291 + ], + [ + "\u2581gegenseitigen", + -13.719748497009276 + ], + [ + "ouch", + -13.719752311706545 + ], + [ + "\u2581restait", + -13.719767570495604 + ], + [ + "\u2581caros", + -13.719783782958984 + ], + [ + "illier", + -13.719797134399414 + ], + [ + "lsdb", + -13.719878196716309 + ], + [ + "organisaties", + -13.719918251037598 + ], + [ + "\u2581broader", + -13.719951629638672 + ], + [ + "\u2581conoscono", + -13.719974517822266 + ], + [ + "\u2581letterario", + -13.71998405456543 + ], + [ + "\u2581Berechtigung", + -13.719988822937012 + ], + [ + "Configure", + -13.720023155212402 + ], + [ + "Geral", + -13.720026016235352 + ], + [ + "\u2581behalen", + -13.720041275024414 + ], + [ + "sraten", + -13.720072746276855 + ], + [ + "\u2581suppos\u00e9", + -13.72007656097412 + ], + [ + "\u2581claras", + -13.720084190368652 + ], + [ + "\u2581voisine", + -13.720145225524902 + ], + [ + "\u2581coca", + -13.720158576965332 + ], + [ + "ancestor", + -13.720173835754396 + ], + [ + "clad", + -13.720209121704102 + ], + [ + "\u2581hinzugef\u00fcgt", + -13.720210075378418 + ], + [ + "\u2581sulfur", + -13.720230102539062 + ], + [ + "\u2581fuggi", + -13.720255851745604 + ], + [ + "ccata", + -13.720281600952148 + ], + [ + "Amand", + -13.720380783081056 + ], + [ + "\u2581entreg\u00f3", + -13.72038745880127 + ], + [ + "aantallen", + -13.720391273498535 + ], + [ + "\u2581esercitare", + -13.720426559448242 + ], + [ + "marshall", + -13.720444679260254 + ], + [ + "\u2581dep\u00f3sitos", + -13.720458030700684 + ], + [ + "\u2581Raketen", + -13.72047233581543 + ], + [ + "\u2581cortado", + -13.720503807067873 + ], + [ + "\u2581Wildtyp", + -13.720513343811035 + ], + [ + "\u2581aapt", + -13.7205171585083 + ], + [ + "nummern", + -13.72054958343506 + ], + [ + "\u2581Constance", + -13.720573425292969 + ], + [ + "\u2581Bub", + -13.720582008361816 + ], + [ + "lish", + -13.72059154510498 + ], + [ + "\u2581presidi", + -13.720621109008787 + ], + [ + "\u2581Fora", + -13.720625877380373 + ], + [ + "\u2581Violin", + -13.720636367797852 + ], + [ + "\u2581Sunshine", + -13.720648765563965 + ], + [ + "\u2581Kaiserslautern", + -13.720678329467772 + ], + [ + "\u2581ritirato", + -13.720714569091797 + ], + [ + "tidy", + -13.720725059509276 + ], + [ + "\u2581protestas", + -13.72074031829834 + ], + [ + "\u2581identificaci\u00f3n", + -13.720745086669922 + ], + [ + "\u2581beginnend", + -13.720779418945312 + ], + [ + "turen", + -13.720782279968262 + ], + [ + "\u2581venduti", + -13.72080898284912 + ], + [ + "sch\u00e4tze", + -13.7208251953125 + ], + [ + "\u2581puissante", + -13.720843315124512 + ], + [ + "\u2581pr\u00e9caution", + -13.720870018005373 + ], + [ + "\u2581Asylbewerber", + -13.720871925354004 + ], + [ + "\u2581ripreso", + -13.720871925354004 + ], + [ + "PATTERN", + -13.720874786376951 + ], + [ + "Tmp", + -13.720874786376951 + ], + [ + "\u2581Varianz", + -13.720906257629396 + ], + [ + "\u2581Indy", + -13.720911026000977 + ], + [ + "sbury", + -13.720921516418455 + ], + [ + "\u2581Sachs", + -13.720925331115724 + ], + [ + "vlakte", + -13.720941543579102 + ], + [ + "\u2581collaborative", + -13.720956802368164 + ], + [ + "ODE", + -13.720982551574709 + ], + [ + "helfen", + -13.720993995666504 + ], + [ + "\u2581proyect", + -13.721019744873049 + ], + [ + "brac", + -13.721029281616213 + ], + [ + "\u2581chimica", + -13.72107982635498 + ], + [ + "\u2581profeti", + -13.721083641052246 + ], + [ + "Bj", + -13.72108554840088 + ], + [ + "\u2581Sibi", + -13.721089363098145 + ], + [ + "\u2581manualmente", + -13.721089363098145 + ], + [ + "\u2581fist", + -13.72109317779541 + ], + [ + "OTT", + -13.721144676208496 + ], + [ + "\u2581transizione", + -13.72117042541504 + ], + [ + "ppm", + -13.72117805480957 + ], + [ + "\u2581indign", + -13.72119140625 + ], + [ + "\u2581comodo", + -13.721192359924316 + ], + [ + "\u2581reproducci\u00f3n", + -13.721216201782228 + ], + [ + "\u2581met\u00e1lico", + -13.721227645874023 + ], + [ + "transparency", + -13.721319198608398 + ], + [ + "Candidat", + -13.721335411071776 + ], + [ + "\u2581qualora", + -13.72134780883789 + ], + [ + "Sampler", + -13.72136116027832 + ], + [ + "\u2581climatiques", + -13.72136116027832 + ], + [ + "\u2581Cambio", + -13.721407890319824 + ], + [ + "\u2581Sonia", + -13.721429824829102 + ], + [ + "\u2581Kopie", + -13.721479415893556 + ], + [ + "\u2581Primero", + -13.721492767333984 + ], + [ + "\u2581circulaci\u00f3n", + -13.72150993347168 + ], + [ + "\u2581altrui", + -13.721540451049805 + ], + [ + "\u2581Protagonist", + -13.72154426574707 + ], + [ + "appelait", + -13.721551895141602 + ], + [ + "bamba", + -13.721596717834473 + ], + [ + "\u2581cofre", + -13.72162628173828 + ], + [ + "distributed", + -13.721646308898926 + ], + [ + "\u2581diversamente", + -13.721647262573242 + ], + [ + "\u2581operaia", + -13.721660614013672 + ], + [ + "\u2581conducir", + -13.721712112426758 + ], + [ + "\u2581contienen", + -13.721712112426758 + ], + [ + "\u2581organismi", + -13.721722602844238 + ], + [ + "eront", + -13.721726417541504 + ], + [ + "\u2581PNASNet", + -13.721732139587402 + ], + [ + "Aktivit\u00e4t", + -13.721742630004885 + ], + [ + "Flensburg", + -13.721757888793944 + ], + [ + "\u2581G\u00fcterverkehr", + -13.721759796142578 + ], + [ + "\u2581behavioral", + -13.721782684326172 + ], + [ + "\u2581Kip", + -13.721879959106444 + ], + [ + "although", + -13.721911430358888 + ], + [ + "\u2581spacetime", + -13.721928596496582 + ], + [ + "Bev", + -13.721956253051758 + ], + [ + "affirmation", + -13.721965789794922 + ], + [ + "\u2581Aram", + -13.72197151184082 + ], + [ + "\u2581paleo", + -13.721972465515137 + ], + [ + "\u2581Varios", + -13.72198486328125 + ], + [ + "rova", + -13.722026824951172 + ], + [ + "\u2581dismissed", + -13.72207736968994 + ], + [ + "uvor", + -13.72208023071289 + ], + [ + "\u2581votaci\u00f3n", + -13.72211742401123 + ], + [ + "SCAN", + -13.722183227539062 + ], + [ + "bevoegd", + -13.72219467163086 + ], + [ + "\u2581westerse", + -13.722212791442873 + ], + [ + "\u2581spine", + -13.72222137451172 + ], + [ + "udel", + -13.722229957580566 + ], + [ + "\u2581geringem", + -13.722275733947754 + ], + [ + "\u2581Minerva", + -13.72231101989746 + ], + [ + "owsky", + -13.722372055053713 + ], + [ + "\u2581Bezugnahme", + -13.722378730773926 + ], + [ + "\u2581Wechselwirkung", + -13.722383499145508 + ], + [ + "\u2581ladr", + -13.722397804260254 + ], + [ + "\u2581pensamentos", + -13.722412109375 + ], + [ + "\u2581abilities", + -13.722440719604492 + ], + [ + "vegetation", + -13.722448348999023 + ], + [ + "elot", + -13.722491264343262 + ], + [ + "Perspective", + -13.72251033782959 + ], + [ + "colta", + -13.722512245178224 + ], + [ + "\u2581densities", + -13.722522735595703 + ], + [ + "Colo", + -13.722524642944336 + ], + [ + "licia", + -13.72253704071045 + ], + [ + "\u2581Jahrzehnte", + -13.722543716430664 + ], + [ + "quisition", + -13.722556114196776 + ], + [ + "\u2581sentier", + -13.722557067871094 + ], + [ + "\u2581classificado", + -13.72258472442627 + ], + [ + "Empiri", + -13.722588539123535 + ], + [ + "istischer", + -13.722616195678713 + ], + [ + "\u2581Erw\u00e4hnung", + -13.722637176513672 + ], + [ + "\u2581Millennium", + -13.722637176513672 + ], + [ + "ACM", + -13.722647666931152 + ], + [ + "Prefeito", + -13.722648620605469 + ], + [ + "\u2581Aberforth", + -13.722660064697266 + ], + [ + "\u2581goleador", + -13.722660064697266 + ], + [ + "\u2581quasiment", + -13.722684860229492 + ], + [ + "\u2581Emergency", + -13.722716331481934 + ], + [ + "\u2581naso", + -13.722731590270996 + ], + [ + "atteindre", + -13.722752571105955 + ], + [ + "\u2581viv\u00edan", + -13.7227783203125 + ], + [ + "\u2581plastica", + -13.722826957702637 + ], + [ + "\u2581interchange", + -13.72283935546875 + ], + [ + "Appennino", + -13.722858428955078 + ], + [ + "\u2581barreira", + -13.722875595092772 + ], + [ + "Israele", + -13.722877502441406 + ], + [ + "Komp", + -13.722902297973633 + ], + [ + "\u2581oriund", + -13.722912788391112 + ], + [ + "romana", + -13.722947120666504 + ], + [ + "\u2581nachteilig", + -13.722962379455566 + ], + [ + "Giron", + -13.723031044006348 + ], + [ + "\u2581comprobar", + -13.72309112548828 + ], + [ + "\u2581direkter", + -13.723106384277344 + ], + [ + "luth", + -13.72311305999756 + ], + [ + "\u2581Intelligenz", + -13.723124504089355 + ], + [ + "stoot", + -13.723184585571287 + ], + [ + "\u2581klanten", + -13.72320556640625 + ], + [ + "\u2581E\u00e9n", + -13.723240852355955 + ], + [ + "\u2581aprendiz", + -13.723295211791992 + ], + [ + "\u2581dios", + -13.723328590393066 + ], + [ + "\u2581Guia", + -13.723336219787598 + ], + [ + "uffi", + -13.723368644714355 + ], + [ + "\u2581gekend", + -13.723381042480469 + ], + [ + "\u2581Menschheit", + -13.723395347595217 + ], + [ + "Uu", + -13.723396301269531 + ], + [ + "Connell", + -13.72342586517334 + ], + [ + "\u2581cumbre", + -13.723480224609377 + ], + [ + "\u2581Erneuerbare", + -13.723481178283691 + ], + [ + "bea", + -13.723525047302246 + ], + [ + "\u2581Gleichwohl", + -13.72353172302246 + ], + [ + "ILLE", + -13.72353458404541 + ], + [ + "OCI", + -13.723551750183104 + ], + [ + "\u2581viviendo", + -13.723556518554688 + ], + [ + "\u2581Asher", + -13.723562240600586 + ], + [ + "leis", + -13.723638534545898 + ], + [ + "elektrische", + -13.723654747009276 + ], + [ + "Purpose", + -13.723657608032228 + ], + [ + "\u2581Chia", + -13.723678588867188 + ], + [ + "\u2581dropping", + -13.72370719909668 + ], + [ + "diger", + -13.723712921142578 + ], + [ + "\u2581ontdekking", + -13.723714828491213 + ], + [ + "\u2581Dirigent", + -13.723724365234377 + ], + [ + "\u2581Toernooischema", + -13.72374439239502 + ], + [ + "elseif", + -13.723785400390623 + ], + [ + "feest", + -13.72378921508789 + ], + [ + "\u2581Teilung", + -13.723841667175291 + ], + [ + "\u2581Aktuelle", + -13.723949432373049 + ], + [ + "Stock", + -13.72396183013916 + ], + [ + "senha", + -13.723987579345703 + ], + [ + "\u2581Tup", + -13.723998069763184 + ], + [ + "generative", + -13.724019050598145 + ], + [ + "\u2581vorgegeben", + -13.724023818969728 + ], + [ + "estino", + -13.72404670715332 + ], + [ + "Requested", + -13.724093437194824 + ], + [ + "\u2581funktionale", + -13.724096298217772 + ], + [ + "abkommens", + -13.72410011291504 + ], + [ + "\u2581disegna", + -13.72414207458496 + ], + [ + "\u2581hing", + -13.724184036254885 + ], + [ + "anzeige", + -13.7241849899292 + ], + [ + "\u2581Baie", + -13.7241849899292 + ], + [ + "villano", + -13.724202156066896 + ], + [ + "\u2581Chir", + -13.724257469177246 + ], + [ + "\u2581melodie", + -13.724257469177246 + ], + [ + "\u2581s\u00edntomas", + -13.724287033081056 + ], + [ + "Citt\u00e0", + -13.72430419921875 + ], + [ + "\u2581malgrado", + -13.72430419921875 + ], + [ + "going", + -13.724322319030762 + ], + [ + "\u2581tipologia", + -13.724323272705078 + ], + [ + "\u2581PGC", + -13.724393844604492 + ], + [ + "\u2581Seminario", + -13.724403381347656 + ], + [ + "\u2581auditor", + -13.724406242370604 + ], + [ + "\u2581confedera", + -13.724428176879885 + ], + [ + "patterns", + -13.72445011138916 + ], + [ + "\u2581sobrino", + -13.724474906921388 + ], + [ + "\u2581buik", + -13.724566459655762 + ], + [ + "EFF", + -13.724574089050291 + ], + [ + "\u2581Berne", + -13.72461223602295 + ], + [ + "\u2581coupable", + -13.724638938903809 + ], + [ + "\u2581Senna", + -13.724661827087402 + ], + [ + "noir", + -13.7246732711792 + ], + [ + "\u2581naufrag", + -13.724678993225098 + ], + [ + "erend", + -13.72469425201416 + ], + [ + "\u2581vertrat", + -13.72471809387207 + ], + [ + "\u2581finaliza", + -13.724719047546388 + ], + [ + "kick", + -13.72472858428955 + ], + [ + "\u2581tenne", + -13.724769592285156 + ], + [ + "\u2581aufgegriffen", + -13.724797248840332 + ], + [ + "\u2581fazenda", + -13.724807739257812 + ], + [ + "disco", + -13.724858283996582 + ], + [ + "\u2581zeil", + -13.72486400604248 + ], + [ + "tossic", + -13.724865913391112 + ], + [ + "\u2581determinati", + -13.724871635437012 + ], + [ + "jamb", + -13.724895477294922 + ], + [ + "orbit", + -13.72490119934082 + ], + [ + "\u2581southwest", + -13.724905967712402 + ], + [ + "\u2581rilevante", + -13.72490692138672 + ], + [ + "\u2581entscheidenden", + -13.724909782409668 + ], + [ + "unis", + -13.724937438964844 + ], + [ + "\u2581bain", + -13.724946022033691 + ], + [ + "izador", + -13.724946975708008 + ], + [ + "\u2581bilaterale", + -13.724952697753906 + ], + [ + "\u2581conservador", + -13.724983215332031 + ], + [ + "\u2581atrev", + -13.724998474121094 + ], + [ + "cedi\u00f3", + -13.725027084350586 + ], + [ + "dampf", + -13.725048065185549 + ], + [ + "adja", + -13.725051879882812 + ], + [ + "Aube", + -13.72506046295166 + ], + [ + "SPR", + -13.725146293640137 + ], + [ + "\u2581ext\u00e9rieure", + -13.725152969360352 + ], + [ + "\u2581r\u00e9publicain", + -13.725156784057615 + ], + [ + "m\u00e4nner", + -13.725192070007324 + ], + [ + "ontologie", + -13.725245475769045 + ], + [ + "werp", + -13.725253105163574 + ], + [ + "\u2581Fueron", + -13.725278854370115 + ], + [ + "\u2581continuato", + -13.72532081604004 + ], + [ + "\u2581gered", + -13.725336074829102 + ], + [ + "\u2581Juliette", + -13.725343704223633 + ], + [ + "raki", + -13.72536849975586 + ], + [ + "\u2581parlamentarisch", + -13.72536849975586 + ], + [ + "\u2581Raphael", + -13.7253999710083 + ], + [ + "\u2581acted", + -13.7253999710083 + ], + [ + "Speeches", + -13.725417137145996 + ], + [ + "\u2581triunfa", + -13.72544002532959 + ], + [ + "remaining", + -13.725458145141602 + ], + [ + "MyS", + -13.725460052490234 + ], + [ + "\u2581Gilberto", + -13.725526809692385 + ], + [ + "\u2581classificata", + -13.725542068481444 + ], + [ + "digd", + -13.725566864013672 + ], + [ + "Say", + -13.725574493408203 + ], + [ + "\u2581Alpin", + -13.725622177124023 + ], + [ + "\u2581registrados", + -13.725640296936035 + ], + [ + "\u2581Baixa", + -13.725675582885742 + ], + [ + "\u2581naturalista", + -13.72571086883545 + ], + [ + "minio", + -13.725719451904297 + ], + [ + "\u2581tropicais", + -13.72576141357422 + ], + [ + "\u2581Geb\u00e4udes", + -13.725769996643066 + ], + [ + "WINDOWS", + -13.725821495056152 + ], + [ + "\u2581po\u00e9tica", + -13.725824356079102 + ], + [ + "g\u00e4ngen", + -13.725831031799316 + ], + [ + "\u2581ejerci\u00f3", + -13.725831031799316 + ], + [ + "\u2581inaugurato", + -13.725849151611328 + ], + [ + "\u2581legislature", + -13.725852966308594 + ], + [ + "\u2581riviste", + -13.725857734680176 + ], + [ + "\u2581mobility", + -13.725918769836426 + ], + [ + "str\u00e4ger", + -13.725932121276855 + ], + [ + "\u2581sfruttamento", + -13.725984573364258 + ], + [ + "\u2581mutma", + -13.726001739501951 + ], + [ + "\u2581furto", + -13.726006507873535 + ], + [ + "Mh", + -13.72602367401123 + ], + [ + "reaktionen", + -13.726024627685549 + ], + [ + "melting", + -13.726031303405762 + ], + [ + "\u2581Motorrad", + -13.72603988647461 + ], + [ + "\u2581leggero", + -13.72603988647461 + ], + [ + "\u2581deslocamento", + -13.726067543029783 + ], + [ + "\u2581Tribune", + -13.726070404052734 + ], + [ + "\u2581defects", + -13.726079940795898 + ], + [ + "wv", + -13.726106643676758 + ], + [ + "libtool", + -13.726117134094238 + ], + [ + "\u2581Demonstration", + -13.72614860534668 + ], + [ + "census", + -13.726163864135742 + ], + [ + "clau", + -13.72616481781006 + ], + [ + "schei", + -13.726184844970703 + ], + [ + "\u2581psichic", + -13.726239204406738 + ], + [ + "\u2581inibi", + -13.726240158081056 + ], + [ + "\u2581pelu", + -13.726241111755373 + ], + [ + "nalit\u00e9", + -13.726259231567385 + ], + [ + "grain", + -13.726266860961914 + ], + [ + "\u2581grita", + -13.726338386535645 + ], + [ + "\u2581Aucune", + -13.72634220123291 + ], + [ + "\u2581Estr", + -13.726359367370604 + ], + [ + "\u2581constitutes", + -13.72637176513672 + ], + [ + "GestureRecognize", + -13.726375579833984 + ], + [ + "svorhaben", + -13.72639274597168 + ], + [ + "deriving", + -13.72640895843506 + ], + [ + "\u2581Pianist", + -13.726463317871094 + ], + [ + "\u2581cavalos", + -13.726468086242676 + ], + [ + "\u2581Concurso", + -13.726521492004396 + ], + [ + "\u2581uitgerust", + -13.726529121398926 + ], + [ + "gewichtet", + -13.726588249206545 + ], + [ + "\u2581mitochondrial", + -13.726593017578123 + ], + [ + "\u2581compartment", + -13.726616859436035 + ], + [ + "gilde", + -13.726655960083008 + ], + [ + "llg\u00e4u", + -13.72666072845459 + ], + [ + "CPI", + -13.726662635803224 + ], + [ + "\u2581m\u00e9dical", + -13.726696014404297 + ], + [ + "\u2581Optionen", + -13.726696968078612 + ], + [ + "\u2581einmalige", + -13.726725578308104 + ], + [ + "correspondientes", + -13.72675323486328 + ], + [ + "\u2581Napole\u00f3n", + -13.726797103881836 + ], + [ + "descriptors", + -13.726829528808594 + ], + [ + "MSS", + -13.72686004638672 + ], + [ + "schutzgebiet", + -13.726877212524414 + ], + [ + "\u2581j\u00fcdische", + -13.726888656616213 + ], + [ + "venaient", + -13.72689437866211 + ], + [ + "\u2581esprits", + -13.726917266845703 + ], + [ + "\u2581nominaciones", + -13.726932525634766 + ], + [ + "latina", + -13.72695255279541 + ], + [ + "\u2581Eerder", + -13.726964950561523 + ], + [ + "\u2581dauerhafte", + -13.727007865905762 + ], + [ + "\u2581confrontation", + -13.727009773254396 + ], + [ + "\u2581dites", + -13.727009773254396 + ], + [ + "dilla", + -13.727017402648926 + ], + [ + "\u2581r\u00e9gulat", + -13.727033615112305 + ], + [ + "addons", + -13.727067947387695 + ], + [ + "\u2581Infantil", + -13.72707176208496 + ], + [ + "\u2581semanal", + -13.727096557617188 + ], + [ + "\u2581telefonia", + -13.727110862731934 + ], + [ + "\u2581Clayton", + -13.727120399475098 + ], + [ + "gifte", + -13.727126121520996 + ], + [ + "\u2581tripula", + -13.727131843566896 + ], + [ + "SCALE", + -13.72713851928711 + ], + [ + "retries", + -13.727165222167969 + ], + [ + "\u2581Umfrage", + -13.727166175842283 + ], + [ + "\u2581j\u00fcngsten", + -13.72718334197998 + ], + [ + "versement", + -13.727227210998535 + ], + [ + "\u2581Chiese", + -13.727228164672852 + ], + [ + "kT", + -13.7272310256958 + ], + [ + "\u2581olandesi", + -13.727255821228027 + ], + [ + "\u2581Heirat", + -13.727270126342772 + ], + [ + "\u2581Vorw\u00fcrfe", + -13.72731590270996 + ], + [ + "\u2581zweit", + -13.72733211517334 + ], + [ + "\u2581insigni", + -13.727337837219238 + ], + [ + "\u2581produzieren", + -13.727362632751465 + ], + [ + "\u2581a\u00ed", + -13.727375984191896 + ], + [ + "\u2581configurado", + -13.72740364074707 + ], + [ + "noord", + -13.727429389953612 + ], + [ + "atomi", + -13.727468490600586 + ], + [ + "\u2581inertia", + -13.727493286132812 + ], + [ + "\u2581mangels", + -13.72751235961914 + ], + [ + "\u2581Croazia", + -13.72751522064209 + ], + [ + "\u2581RAID", + -13.727526664733888 + ], + [ + "\u2581respuestas", + -13.72754955291748 + ], + [ + "\u00e1ceo", + -13.727560997009276 + ], + [ + "\u2581condutor", + -13.727577209472656 + ], + [ + "\u2581lanci", + -13.727591514587402 + ], + [ + "\u2581zwemmen", + -13.727622032165527 + ], + [ + "\u2581plantea", + -13.727625846862791 + ], + [ + "hacer", + -13.727630615234377 + ], + [ + "\u2581Players", + -13.727662086486816 + ], + [ + "\u2581Digitale", + -13.72768211364746 + ], + [ + "\u2581Staatliche", + -13.727690696716309 + ], + [ + "Uniform", + -13.727707862854004 + ], + [ + "\u2581anniversaire", + -13.727737426757812 + ], + [ + "elective", + -13.72774600982666 + ], + [ + "\u2581libssl", + -13.727747917175291 + ], + [ + "\u2581giudici", + -13.727749824523926 + ], + [ + "\u2581verwijderen", + -13.727775573730469 + ], + [ + "\u2581zachte", + -13.727787971496582 + ], + [ + "\u2581Tonight", + -13.727800369262695 + ], + [ + "\u2581Alde", + -13.727816581726074 + ], + [ + "\u2581Wut", + -13.727819442749023 + ], + [ + "\u2581Atlantis", + -13.727876663208008 + ], + [ + "\u2581utilidad", + -13.727934837341309 + ], + [ + "\u2581hysteria", + -13.727970123291016 + ], + [ + "\u2581lujo", + -13.727980613708496 + ], + [ + "gespeeld", + -13.727993965148926 + ], + [ + "\u2581Cherry", + -13.72804832458496 + ], + [ + "montre", + -13.72805881500244 + ], + [ + "\u2581financiero", + -13.728072166442873 + ], + [ + "tokenize", + -13.728093147277832 + ], + [ + "\u2581strategica", + -13.728094100952148 + ], + [ + "\u2581Neuf", + -13.728103637695312 + ], + [ + "datepicker", + -13.728111267089844 + ], + [ + "zna", + -13.728118896484377 + ], + [ + "\u2581sbaglia", + -13.728154182434082 + ], + [ + "\u2581Transmission", + -13.728157997131348 + ], + [ + "\u2581Silent", + -13.728188514709473 + ], + [ + "\u2581Pfeffer", + -13.728189468383787 + ], + [ + "politic", + -13.728191375732422 + ], + [ + "hale", + -13.728199005126951 + ], + [ + "\u2581Br\u00e9", + -13.728211402893066 + ], + [ + "Lauf", + -13.728229522705078 + ], + [ + "\u2581interacting", + -13.728229522705078 + ], + [ + "Schule", + -13.72825527191162 + ], + [ + "vietnam", + -13.728283882141112 + ], + [ + "entgelt", + -13.728297233581545 + ], + [ + "\u2581transf\u00e9r\u00e9", + -13.728330612182615 + ], + [ + "\u2581Asti", + -13.728368759155272 + ], + [ + "\u2581ringrazia", + -13.728376388549805 + ], + [ + "\u2581Jalisco", + -13.72840690612793 + ], + [ + "\u2581behoud", + -13.728439331054688 + ], + [ + "\u2581Kanon", + -13.728450775146484 + ], + [ + "\u2581universitaires", + -13.72845458984375 + ], + [ + "\u2581Berichten", + -13.728482246398926 + ], + [ + "\u2581gesetzlicher", + -13.728487014770508 + ], + [ + "\u2581jacket", + -13.728487014770508 + ], + [ + "gestuurd", + -13.728506088256836 + ], + [ + "kay", + -13.728510856628418 + ], + [ + "\u2581presunto", + -13.728511810302734 + ], + [ + "\u2581doctorado", + -13.72851848602295 + ], + [ + "\u2581Darauf", + -13.728523254394531 + ], + [ + "drog", + -13.72853660583496 + ], + [ + "\u2581benissimo", + -13.72853660583496 + ], + [ + "\u2581avaliado", + -13.728559494018556 + ], + [ + "\u2581Fuss", + -13.72856616973877 + ], + [ + "Firewall", + -13.728583335876465 + ], + [ + "\u2581cosecha", + -13.72864818572998 + ], + [ + "\u2581Sector", + -13.728671073913574 + ], + [ + "Rivi", + -13.728681564331056 + ], + [ + "TIS", + -13.728754043579102 + ], + [ + "\u2581skipped", + -13.72877311706543 + ], + [ + "\u2581Verlagerung", + -13.728822708129885 + ], + [ + "\u2581basgitaar", + -13.728845596313477 + ], + [ + "\u2581moedas", + -13.728849411010742 + ], + [ + "razo", + -13.72885036468506 + ], + [ + "\u2581Chil", + -13.728933334350586 + ], + [ + "\u2581hobby", + -13.72897720336914 + ], + [ + "\u2581spieg", + -13.72899055480957 + ], + [ + "\u00fcbernahme", + -13.728995323181152 + ], + [ + "\u2581eliminaci\u00f3n", + -13.728996276855469 + ], + [ + "\u2581Canadiens", + -13.729011535644531 + ], + [ + "ended", + -13.729052543640137 + ], + [ + "\u2581Resonanz", + -13.729113578796388 + ], + [ + "\u2581Tambo", + -13.729124069213867 + ], + [ + "wikkeling", + -13.729131698608398 + ], + [ + "\u2581vriendin", + -13.729192733764648 + ], + [ + "scholen", + -13.72919464111328 + ], + [ + "CAC", + -13.729235649108888 + ], + [ + "volunt\u00e1ri", + -13.729247093200684 + ], + [ + "hito", + -13.72925090789795 + ], + [ + "tivity", + -13.729251861572266 + ], + [ + "\u2581Bezeichnungen", + -13.729263305664062 + ], + [ + "altung", + -13.729313850402832 + ], + [ + "Continu", + -13.729314804077148 + ], + [ + "\u2581pupil", + -13.729324340820312 + ], + [ + "\u2581stabilit\u00e0", + -13.729329109191896 + ], + [ + "\u2581fantastique", + -13.729373931884766 + ], + [ + "\u2581aufgetragen", + -13.729390144348145 + ], + [ + "\u00f3nicos", + -13.729393005371094 + ], + [ + "omgeving", + -13.729394912719728 + ], + [ + "\u2581descendre", + -13.729415893554688 + ], + [ + "Ford", + -13.729434967041016 + ], + [ + "Guinness", + -13.729434967041016 + ], + [ + "\u2581addressing", + -13.729472160339355 + ], + [ + "\u2581deboli", + -13.729514122009276 + ], + [ + "\u2581Legislaturperio", + -13.729515075683594 + ], + [ + "NORMAL", + -13.729519844055176 + ], + [ + "\u2581ambulanten", + -13.729574203491213 + ], + [ + "Iterable", + -13.72957706451416 + ], + [ + "\u2581Salom", + -13.729595184326172 + ], + [ + "HOO", + -13.729602813720703 + ], + [ + "wertes", + -13.729631423950195 + ], + [ + "\u2581Einzelne", + -13.729668617248535 + ], + [ + "\u2581lacking", + -13.72971248626709 + ], + [ + "\u2581requisito", + -13.729778289794922 + ], + [ + "\u2581terrorista", + -13.72978973388672 + ], + [ + "\u2581manten\u00eda", + -13.729796409606934 + ], + [ + "qubits", + -13.729808807373049 + ], + [ + "\u2581fant", + -13.72982406616211 + ], + [ + "\u2581cortina", + -13.72982692718506 + ], + [ + "\u2581Sartre", + -13.729830741882324 + ], + [ + "zuschreiben", + -13.729893684387209 + ], + [ + "\u2581internally", + -13.729910850524902 + ], + [ + "LIS", + -13.72996425628662 + ], + [ + "\u2581canceled", + -13.72996711730957 + ], + [ + "\u2581severo", + -13.729984283447266 + ], + [ + "anova", + -13.730077743530272 + ], + [ + "\u2581llevando", + -13.73007869720459 + ], + [ + "\u2581autorizza", + -13.730084419250488 + ], + [ + "\u2581flamme", + -13.730117797851562 + ], + [ + "Gott", + -13.730143547058104 + ], + [ + "backends", + -13.730182647705078 + ], + [ + "\u2581befassen", + -13.730199813842772 + ], + [ + "\u2581analyzing", + -13.730219841003418 + ], + [ + "\u2581Opern", + -13.730230331420898 + ], + [ + "\u00e9pin", + -13.730243682861328 + ], + [ + "POOL", + -13.73024845123291 + ], + [ + "\u2581senatore", + -13.73027229309082 + ], + [ + "Rv", + -13.7302827835083 + ], + [ + "\u2581afgerond", + -13.730319023132324 + ], + [ + "\u2581Schacht", + -13.730327606201172 + ], + [ + "indigd", + -13.730342864990234 + ], + [ + "\u2581filosofico", + -13.730380058288574 + ], + [ + "supp", + -13.730399131774902 + ], + [ + "\u2581worauf", + -13.73040771484375 + ], + [ + "linde", + -13.730441093444824 + ], + [ + "\u2581zugute", + -13.73046588897705 + ], + [ + "Rw", + -13.730524063110352 + ], + [ + "\u2581Lep", + -13.730575561523438 + ], + [ + "netzes", + -13.730583190917969 + ], + [ + "Macro", + -13.730589866638184 + ], + [ + "\u2581Compton", + -13.73059368133545 + ], + [ + "\u2581partilha", + -13.73060703277588 + ], + [ + "\u2581entrate", + -13.73063850402832 + ], + [ + "\u2581relaxed", + -13.730655670166016 + ], + [ + "DCFA", + -13.730673789978027 + ], + [ + "Symbols", + -13.730680465698242 + ], + [ + "bepaling", + -13.73068618774414 + ], + [ + "\u2581Crus", + -13.730697631835938 + ], + [ + "vakken", + -13.730737686157228 + ], + [ + "\u2581Formosa", + -13.730740547180176 + ], + [ + "rnn", + -13.730742454528809 + ], + [ + "\u2581r\u00e9alis\u00e9s", + -13.730838775634766 + ], + [ + "\u2581Statue", + -13.730849266052246 + ], + [ + "\u2581Officier", + -13.730873107910156 + ], + [ + "ension", + -13.730876922607422 + ], + [ + "\u2581Ehre", + -13.730876922607422 + ], + [ + "Pressure", + -13.7308988571167 + ], + [ + "\u2581alimentaci\u00f3n", + -13.730904579162598 + ], + [ + "\u2581posture", + -13.730931282043455 + ], + [ + "innovativ", + -13.73095989227295 + ], + [ + "\u2581Th\u00fcr", + -13.73099136352539 + ], + [ + "\u2581Benson", + -13.731001853942873 + ], + [ + "noninteractive", + -13.731013298034668 + ], + [ + "zieht", + -13.731029510498049 + ], + [ + "\u2581coordena", + -13.73103141784668 + ], + [ + "streams", + -13.731063842773438 + ], + [ + "FLOW", + -13.731066703796388 + ], + [ + "\u2581Torri", + -13.73106861114502 + ], + [ + "\u2581Parkpl\u00e4tze", + -13.731072425842283 + ], + [ + "grow", + -13.73109531402588 + ], + [ + "Gem", + -13.73111343383789 + ], + [ + "\u2581absorbed", + -13.73111343383789 + ], + [ + "\u2581erstrecken", + -13.73114013671875 + ], + [ + "\u2581korrigiert", + -13.731161117553713 + ], + [ + "\u2581crowded", + -13.73118495941162 + ], + [ + "\u2581esportes", + -13.731268882751465 + ], + [ + "Pp", + -13.731289863586426 + ], + [ + "majoor", + -13.731304168701172 + ], + [ + "prefer", + -13.731304168701172 + ], + [ + "VIe", + -13.731317520141602 + ], + [ + "\u2581sostituire", + -13.73132038116455 + ], + [ + "\u2581Minimal", + -13.731342315673828 + ], + [ + "\u2581Metr", + -13.731364250183104 + ], + [ + "Schnittstelle", + -13.731383323669434 + ], + [ + "\u2581Goodman", + -13.73140811920166 + ], + [ + "\u2581tiros", + -13.731473922729492 + ], + [ + "\u2581obsessional", + -13.731524467468262 + ], + [ + "\u2581accepting", + -13.731531143188477 + ], + [ + "\u2581sch\u00fctzt", + -13.73153305053711 + ], + [ + "wirkt", + -13.73154067993164 + ], + [ + "\u2581Hage", + -13.73154640197754 + ], + [ + "\u2581bishop", + -13.73154640197754 + ], + [ + "\u2581austriaca", + -13.731548309326172 + ], + [ + "\u2581Grundst\u00fccken", + -13.731596946716309 + ], + [ + "\u2581reign", + -13.731618881225586 + ], + [ + "\u2581pinch", + -13.731637954711914 + ], + [ + "\u2581stabili", + -13.73166275024414 + ], + [ + "\u2581Insoweit", + -13.73169231414795 + ], + [ + "elius", + -13.731748580932615 + ], + [ + "\u2581individually", + -13.7317533493042 + ], + [ + "\u2581ladder", + -13.73181438446045 + ], + [ + "APIVersion", + -13.73183822631836 + ], + [ + "\u2581formaba", + -13.731841087341309 + ], + [ + "California", + -13.731857299804688 + ], + [ + "NATIVE", + -13.731873512268066 + ], + [ + "syslog", + -13.731928825378418 + ], + [ + "\u2581Faul", + -13.731959342956545 + ], + [ + "awsAws", + -13.731988906860352 + ], + [ + "luizen", + -13.732015609741213 + ], + [ + "cian", + -13.732023239135742 + ], + [ + "\u2581Tenor", + -13.732025146484377 + ], + [ + "\u00e9l\u00e9ments", + -13.732067108154297 + ], + [ + "\u2581Loco", + -13.732112884521484 + ], + [ + "\u2581bui", + -13.732125282287598 + ], + [ + "\u2581deserve", + -13.732138633728027 + ], + [ + "Druck", + -13.732145309448242 + ], + [ + "niidae", + -13.732151985168455 + ], + [ + "\u2581Ukrainian", + -13.732221603393556 + ], + [ + "\u2581widersprechen", + -13.73226833343506 + ], + [ + "\u2581Mimi", + -13.73227596282959 + ], + [ + "\u2581Rover", + -13.732287406921388 + ], + [ + "\u2581Maia", + -13.732311248779297 + ], + [ + "\u2581coeur", + -13.732410430908203 + ], + [ + "\u2581bachelor", + -13.732416152954102 + ], + [ + "\u2581fallecimiento", + -13.732426643371582 + ], + [ + "movi", + -13.732465744018556 + ], + [ + "\u2581cattle", + -13.732487678527832 + ], + [ + "classification", + -13.73251724243164 + ], + [ + "PORTS", + -13.732537269592283 + ], + [ + "reizen", + -13.732545852661133 + ], + [ + "Krause", + -13.73256015777588 + ], + [ + "\u2581servida", + -13.732579231262209 + ], + [ + "gresi\u00f3n", + -13.732588768005373 + ], + [ + "\u2581unerheblich", + -13.73261260986328 + ], + [ + "\u2581hangen", + -13.73261547088623 + ], + [ + "\u2581p\u00e9trole", + -13.732647895812988 + ], + [ + "\u2581Calling", + -13.73264980316162 + ], + [ + "animatie", + -13.73266315460205 + ], + [ + "\u2581portait", + -13.732669830322266 + ], + [ + "enham", + -13.732671737670898 + ], + [ + "\u2581paviment", + -13.732695579528809 + ], + [ + "\u2581Berufsbildungs", + -13.732699394226074 + ], + [ + "Axiom", + -13.732706069946287 + ], + [ + "\u2581linearly", + -13.732714653015137 + ], + [ + "focused", + -13.732721328735352 + ], + [ + "\u2581Ull", + -13.73272705078125 + ], + [ + "\u2581historicus", + -13.732758522033691 + ], + [ + "\u2581pol\u00e9mica", + -13.73280906677246 + ], + [ + "\u2581Azz", + -13.73288917541504 + ], + [ + "mp\u00e9rial", + -13.732903480529783 + ], + [ + "\u2581intervient", + -13.73294448852539 + ], + [ + "\u2581eigenvalue", + -13.732954025268556 + ], + [ + "\u2581Franzosen", + -13.732980728149414 + ], + [ + "\u2581caracterizada", + -13.732998847961426 + ], + [ + "\u00e4hl", + -13.73303508758545 + ], + [ + "\u2581ganho", + -13.733112335205078 + ], + [ + "\u2581schwierigen", + -13.733113288879396 + ], + [ + "\u2581Calcutta", + -13.733145713806152 + ], + [ + "\u2581Aston", + -13.733221054077148 + ], + [ + "cominciarono", + -13.733243942260742 + ], + [ + "\u2581Democratico", + -13.73329257965088 + ], + [ + "\u2581pubs", + -13.733369827270508 + ], + [ + "tropical", + -13.73337459564209 + ], + [ + "\u2581comentar", + -13.733420372009276 + ], + [ + "financi", + -13.733448028564451 + ], + [ + "\u2581Raumtemperatur", + -13.733448028564451 + ], + [ + "\u2581autentic", + -13.733480453491213 + ], + [ + "frauen", + -13.733487129211426 + ], + [ + "assemblage", + -13.733491897583008 + ], + [ + "\u2581letterlijk", + -13.73349952697754 + ], + [ + "\u2581portate", + -13.733518600463867 + ], + [ + "telefon", + -13.733526229858398 + ], + [ + "\u2581inequalities", + -13.733529090881348 + ], + [ + "Jn", + -13.733543395996094 + ], + [ + "zheim", + -13.73354721069336 + ], + [ + "akker", + -13.733563423156738 + ], + [ + "\u2581tomb\u00e9", + -13.733627319335938 + ], + [ + "\u2581dough", + -13.73365306854248 + ], + [ + "\u2581reporters", + -13.73366355895996 + ], + [ + "\u2581twaalfde", + -13.733665466308594 + ], + [ + "\u2581illustrations", + -13.733685493469238 + ], + [ + "Gegen", + -13.733697891235352 + ], + [ + "\u2581Ampli", + -13.733734130859377 + ], + [ + "\u2581Gela", + -13.733744621276855 + ], + [ + "pr\u00e4mie", + -13.73376178741455 + ], + [ + "\u2581garantia", + -13.733762741088867 + ], + [ + "\u2581Antonin", + -13.73380184173584 + ], + [ + "\u2581decreta", + -13.733811378479004 + ], + [ + "decomp", + -13.733850479125977 + ], + [ + "kologisch", + -13.73386001586914 + ], + [ + "\u2581attrezzat", + -13.733901977539062 + ], + [ + "nachweis", + -13.73391819000244 + ], + [ + "quantity", + -13.733954429626465 + ], + [ + "\u2581Fl\u00f3rida", + -13.733981132507324 + ], + [ + "\u2581Schwerin", + -13.73398494720459 + ], + [ + "SRV", + -13.734007835388184 + ], + [ + "SVM", + -13.734033584594728 + ], + [ + "\u2581Castela", + -13.734050750732422 + ], + [ + "\u2581Almen", + -13.734061241149902 + ], + [ + "\u2581clandestin", + -13.734063148498535 + ], + [ + "\u2581Km", + -13.734068870544434 + ], + [ + "\u2581disks", + -13.734167098999023 + ], + [ + "merkmal", + -13.73417854309082 + ], + [ + "\u2581Deelnemer", + -13.734208106994627 + ], + [ + "\u2581Pacheco", + -13.734209060668944 + ], + [ + "explique", + -13.734230041503906 + ], + [ + "rgy", + -13.734238624572754 + ], + [ + "\u2581retablo", + -13.7342529296875 + ], + [ + "\u2581Behalve", + -13.734272956848145 + ], + [ + "\u2581gravita", + -13.734295845031738 + ], + [ + "\u2581trovarsi", + -13.73431396484375 + ], + [ + "Weapon", + -13.73433780670166 + ], + [ + "\u2581Guam", + -13.734347343444824 + ], + [ + "\u2581charbon", + -13.734355926513672 + ], + [ + "\u2581liquor", + -13.73436450958252 + ], + [ + "\u2581Graben", + -13.734395027160645 + ], + [ + "Antiquit\u00e9", + -13.73442840576172 + ], + [ + "\u2581Socrates", + -13.734436988830566 + ], + [ + "\u2581Wanderer", + -13.734539031982422 + ], + [ + "\u2581d\u00e9sire", + -13.734549522399902 + ], + [ + "\u2581Fins", + -13.734623908996582 + ], + [ + "\u2581convive", + -13.734631538391112 + ], + [ + "\u2581tabac", + -13.734660148620604 + ], + [ + "datatype", + -13.734705924987791 + ], + [ + "\u00edrio", + -13.734712600708008 + ], + [ + "\u2581patrona", + -13.734759330749512 + ], + [ + "\u2581Cassa", + -13.734764099121094 + ], + [ + "\u2581Luxor", + -13.734776496887209 + ], + [ + "\u2581polonaise", + -13.7347993850708 + ], + [ + "\u2581Ilustra", + -13.734816551208496 + ], + [ + "erton", + -13.73482894897461 + ], + [ + "ingegnere", + -13.734856605529783 + ], + [ + "\u2581busto", + -13.73487377166748 + ], + [ + "trend", + -13.734874725341797 + ], + [ + "uaternion", + -13.734890937805176 + ], + [ + "Otto", + -13.734911918640137 + ], + [ + "\u2581corretta", + -13.734919548034668 + ], + [ + "\u2581Gebet", + -13.734929084777832 + ], + [ + "\u2581sportivi", + -13.734935760498049 + ], + [ + "\u2581hierarchical", + -13.73497200012207 + ], + [ + "\u2581Raul", + -13.734986305236816 + ], + [ + "\u2581guided", + -13.735003471374512 + ], + [ + "brenn", + -13.735010147094728 + ], + [ + "dding", + -13.735010147094728 + ], + [ + "\u2581sequel", + -13.735032081604004 + ], + [ + "besch", + -13.73503303527832 + ], + [ + "\u2581confusa", + -13.735052108764648 + ], + [ + "titan", + -13.735078811645508 + ], + [ + "rensis", + -13.73508358001709 + ], + [ + "\u2581speeds", + -13.735095977783203 + ], + [ + "\u2581Nathalie", + -13.735099792480469 + ], + [ + "\u2581piston", + -13.735100746154783 + ], + [ + "\u2581kwijt", + -13.735102653503418 + ], + [ + "\u2581surplus", + -13.735116004943848 + ], + [ + "\u2581debuutalbum", + -13.73516082763672 + ], + [ + "gegner", + -13.735177993774414 + ], + [ + "\u2581randomized", + -13.735182762145996 + ], + [ + "\u2581benign", + -13.735190391540527 + ], + [ + "Hp", + -13.735198974609377 + ], + [ + "\u2581sollicit", + -13.73520278930664 + ], + [ + "hashi", + -13.735251426696776 + ], + [ + "\u2581B\u00fcrgerlichen", + -13.735280990600586 + ], + [ + "\u2581Olimpiadi", + -13.73528289794922 + ], + [ + "\u2581Purtroppo", + -13.735323905944824 + ], + [ + "\u2581BMV", + -13.73533821105957 + ], + [ + "\u2581emigr", + -13.735342025756836 + ], + [ + "saufwand", + -13.735371589660645 + ], + [ + "sut", + -13.73537254333496 + ], + [ + "agisce", + -13.735455513000488 + ], + [ + "\u2581gerado", + -13.735466957092283 + ], + [ + "ocho", + -13.73547077178955 + ], + [ + "getData", + -13.735480308532717 + ], + [ + "\u2581Clearly", + -13.735546112060549 + ], + [ + "\u2581friendship", + -13.735557556152344 + ], + [ + "\u2581Verb\u00e4nden", + -13.735560417175291 + ], + [ + "Pale", + -13.735581398010254 + ], + [ + "qO", + -13.735595703125 + ], + [ + "Challenge", + -13.735596656799316 + ], + [ + "pian", + -13.735605239868164 + ], + [ + "implies", + -13.735639572143556 + ], + [ + "\u2581piet\u00e0", + -13.735651969909668 + ], + [ + "\u2581Koningin", + -13.735671997070312 + ], + [ + "\u2581grabada", + -13.735679626464844 + ], + [ + "\u2581Velha", + -13.73568058013916 + ], + [ + "\u2581rab", + -13.735682487487791 + ], + [ + "\u2581marted", + -13.73570728302002 + ], + [ + "\u2581patina", + -13.735739707946776 + ], + [ + "\u2581Volkes", + -13.735748291015623 + ], + [ + "\u2581Aguas", + -13.73574924468994 + ], + [ + "\u2581uitleg", + -13.735755920410156 + ], + [ + "\u2581amplo", + -13.735763549804688 + ], + [ + "\u2581tobacco", + -13.73578929901123 + ], + [ + "\u2581Inmiddels", + -13.735791206359863 + ], + [ + "dactyl", + -13.735793113708496 + ], + [ + "\u2581midnight", + -13.735799789428713 + ], + [ + "pistole", + -13.73581314086914 + ], + [ + "\u2581Sra", + -13.735832214355469 + ], + [ + "\u2581Regelm\u00e4", + -13.73583698272705 + ], + [ + "roos", + -13.73583984375 + ], + [ + "PURE", + -13.735904693603516 + ], + [ + "cinct", + -13.735907554626465 + ], + [ + "\u2581scheda", + -13.735931396484377 + ], + [ + "\u2581comprendeva", + -13.735944747924805 + ], + [ + "\u2581spielten", + -13.735994338989258 + ], + [ + "\u2581Neuseeland", + -13.735997200012209 + ], + [ + "Positions", + -13.736035346984863 + ], + [ + "recipe", + -13.736037254333496 + ], + [ + "colla", + -13.736068725585938 + ], + [ + "\u2581Sch\u00fctz", + -13.736120223999023 + ], + [ + "t\u00e4r", + -13.73613739013672 + ], + [ + "\u2581naive", + -13.736156463623049 + ], + [ + "broken", + -13.736157417297363 + ], + [ + "\u2581Mechanics", + -13.73618221282959 + ], + [ + "\u2581Conservatorio", + -13.736225128173828 + ], + [ + "Alaska", + -13.736235618591309 + ], + [ + "\u2581Atelier", + -13.736245155334473 + ], + [ + "instanz", + -13.736258506774902 + ], + [ + "BOOT", + -13.73629379272461 + ], + [ + "\u2581\u00e9quipements", + -13.736310958862305 + ], + [ + "NOTE", + -13.736322402954102 + ], + [ + "\u2581observaci\u00f3n", + -13.736384391784668 + ], + [ + "\u2581consecutiva", + -13.736393928527832 + ], + [ + "luca", + -13.736403465270996 + ], + [ + "weide", + -13.736452102661133 + ], + [ + "\u2581Perebas", + -13.73646354675293 + ], + [ + "\u2581Chryso", + -13.736492156982422 + ], + [ + "vok", + -13.736523628234863 + ], + [ + "\u2581riservato", + -13.736552238464355 + ], + [ + "\u2581bijeen", + -13.73656177520752 + ], + [ + "\u2581lasciano", + -13.73657512664795 + ], + [ + "legais", + -13.736589431762695 + ], + [ + "EMAIL", + -13.736601829528809 + ], + [ + "\u2581Freg", + -13.736615180969238 + ], + [ + "\u2581diesbez\u00fcglich", + -13.736620903015137 + ], + [ + "\u2581K\u00fchn", + -13.736627578735352 + ], + [ + "Verm", + -13.736664772033691 + ], + [ + "vlokreeftensoort", + -13.736668586730955 + ], + [ + "\u2581Guevara", + -13.736669540405272 + ], + [ + "\u2581abbraccia", + -13.736676216125488 + ], + [ + "\u2581velen", + -13.736730575561523 + ], + [ + "\u2581tribes", + -13.736754417419434 + ], + [ + "spreadsheet", + -13.736770629882812 + ], + [ + "\u2581Bernie", + -13.736774444580078 + ], + [ + "\u2581Toby", + -13.736776351928713 + ], + [ + "\u2581Texten", + -13.736788749694824 + ], + [ + "\u2581Rechnungs", + -13.736827850341797 + ], + [ + "\u2581Chandra", + -13.736846923828123 + ], + [ + "\u2581Giant", + -13.736848831176758 + ], + [ + "\u2581Dritt", + -13.736878395080566 + ], + [ + "qz", + -13.736937522888184 + ], + [ + "\u2581r\u00e9servation", + -13.73698616027832 + ], + [ + "enhagen", + -13.736992835998535 + ], + [ + "qemu", + -13.73701286315918 + ], + [ + "\u2581gecre", + -13.737025260925291 + ], + [ + "beuk", + -13.73704433441162 + ], + [ + "\u2581dibuja", + -13.737049102783203 + ], + [ + "\u2581berechneten", + -13.737053871154783 + ], + [ + "frog", + -13.737095832824709 + ], + [ + "EDF", + -13.737098693847656 + ], + [ + "combo", + -13.737138748168944 + ], + [ + "\u2581met\u00e1lica", + -13.737156867980955 + ], + [ + "\u2581religioni", + -13.73716640472412 + ], + [ + "averne", + -13.737200736999512 + ], + [ + "\u2581diverg", + -13.737202644348145 + ], + [ + "orchestra", + -13.737244606018066 + ], + [ + "choices", + -13.73725128173828 + ], + [ + "\u2581douane", + -13.737265586853027 + ], + [ + "\u2581compteur", + -13.737272262573242 + ], + [ + "organo", + -13.737312316894531 + ], + [ + "\u2581asiento", + -13.737322807312012 + ], + [ + "computerspel", + -13.73733139038086 + ], + [ + "\u2581Toulon", + -13.737337112426758 + ], + [ + "Amministrazione", + -13.73734188079834 + ], + [ + "\u2581improves", + -13.737372398376465 + ], + [ + "\u2581avances", + -13.737386703491213 + ], + [ + "\u2581\u00fcberzeugen", + -13.737399101257324 + ], + [ + "\u2581crit\u00e9rios", + -13.737404823303224 + ], + [ + "battere", + -13.737441062927246 + ], + [ + "\u2581intelectuales", + -13.737444877624512 + ], + [ + "\u2581reconstitu", + -13.737446784973145 + ], + [ + "\u2581neutre", + -13.737454414367676 + ], + [ + "aeger", + -13.737472534179688 + ], + [ + "provided", + -13.737504959106444 + ], + [ + "\u2581salient", + -13.737536430358888 + ], + [ + "\u2581Farn", + -13.737550735473633 + ], + [ + "\u2581Danilo", + -13.737573623657228 + ], + [ + "\u2581riuscirono", + -13.737588882446287 + ], + [ + "scheine", + -13.737669944763184 + ], + [ + "unterlagen", + -13.737768173217772 + ], + [ + "l\u00e4sst", + -13.73776912689209 + ], + [ + "\u2581Dha", + -13.737852096557615 + ], + [ + "\u2581Mineiro", + -13.737865447998049 + ], + [ + "gelezen", + -13.73786735534668 + ], + [ + "\u2581Routine", + -13.737870216369627 + ], + [ + "\u2581griglia", + -13.737913131713867 + ], + [ + "\u2581sonidos", + -13.7379150390625 + ], + [ + "\u2581Miha", + -13.737932205200195 + ], + [ + "\u2581Strafrechts", + -13.738024711608888 + ], + [ + "canonical", + -13.73805809020996 + ], + [ + "\u2581fr\u00e9quent", + -13.738070487976074 + ], + [ + "lusive", + -13.738106727600098 + ], + [ + "utility", + -13.738120079040527 + ], + [ + "\u2581receita", + -13.73817539215088 + ], + [ + "herrsch", + -13.738188743591309 + ], + [ + "\u2581Seuil", + -13.738216400146484 + ], + [ + "eltern", + -13.738282203674316 + ], + [ + "ggono", + -13.73829460144043 + ], + [ + "goma", + -13.73830223083496 + ], + [ + "abschl\u00fcsse", + -13.738332748413086 + ], + [ + "stufft", + -13.73834228515625 + ], + [ + "\u2581Haare", + -13.738374710083008 + ], + [ + "\u00e4rzt", + -13.73842430114746 + ], + [ + "\u2581Fairfax", + -13.738473892211914 + ], + [ + "Wohn", + -13.73849391937256 + ], + [ + "meldung", + -13.73850440979004 + ], + [ + "liant", + -13.738550186157228 + ], + [ + "\u2581tangente", + -13.738560676574709 + ], + [ + "geroepen", + -13.73857593536377 + ], + [ + "Wikipedia", + -13.738628387451172 + ], + [ + "\u2581planeet", + -13.7386474609375 + ], + [ + "\u2581benoemde", + -13.73866081237793 + ], + [ + "\u2581Infantry", + -13.738689422607422 + ], + [ + "\u2581verwierf", + -13.738690376281738 + ], + [ + "bonne", + -13.738703727722168 + ], + [ + "hopper", + -13.73870849609375 + ], + [ + "naro", + -13.738722801208496 + ], + [ + "rhiz", + -13.73873233795166 + ], + [ + "\u2581Sze", + -13.738759994506836 + ], + [ + "\u2581influencias", + -13.73877239227295 + ], + [ + "vignette", + -13.738777160644531 + ], + [ + "Infof", + -13.738784790039062 + ], + [ + "gnolo", + -13.738795280456545 + ], + [ + "\u2581dispos\u00e9", + -13.738795280456545 + ], + [ + "\u2581Steigung", + -13.738842010498049 + ], + [ + "Bindung", + -13.738858222961426 + ], + [ + "\u2581afectada", + -13.738883018493652 + ], + [ + "Referenties", + -13.738899230957031 + ], + [ + "\u2581avanzada", + -13.738905906677246 + ], + [ + "rbios", + -13.738930702209473 + ], + [ + "\u2581Instrumenten", + -13.738953590393066 + ], + [ + "\u2581pedestrian", + -13.738983154296877 + ], + [ + "cados", + -13.73902416229248 + ], + [ + "\u2581Lina", + -13.739025115966797 + ], + [ + "\u2581campioni", + -13.73902702331543 + ], + [ + "\u00fcckt", + -13.739048957824709 + ], + [ + "\u2581Rechtsstaat", + -13.739049911499023 + ], + [ + "atomen", + -13.7390775680542 + ], + [ + "\u2581d\u00e9place", + -13.739089965820312 + ], + [ + "t\u00e9m", + -13.739091873168944 + ], + [ + "\u2581tradimento", + -13.739106178283691 + ], + [ + "\u2581renova", + -13.739107131958008 + ], + [ + "\u2581Fiona", + -13.739118576049805 + ], + [ + "erwartung", + -13.739121437072754 + ], + [ + "\u2581impiegati", + -13.739126205444336 + ], + [ + "\u2581Hastings", + -13.739141464233398 + ], + [ + "\u2581confusing", + -13.73914623260498 + ], + [ + "\u2581congestion", + -13.73916244506836 + ], + [ + "tester", + -13.739187240600586 + ], + [ + "intellect", + -13.739225387573242 + ], + [ + "\u2581Fabi", + -13.739259719848633 + ], + [ + "\u2581indicata", + -13.739288330078123 + ], + [ + "aguar", + -13.739291191101074 + ], + [ + "\u2581Avoid", + -13.739291191101074 + ], + [ + "\u2581cerchi", + -13.73932647705078 + ], + [ + "PLUS", + -13.739338874816896 + ], + [ + "\u2581Jamb", + -13.73934555053711 + ], + [ + "Valenciennes", + -13.73936367034912 + ], + [ + "\u2581befahren", + -13.73936939239502 + ], + [ + "\u2581giun", + -13.739426612854004 + ], + [ + "Deadline", + -13.739503860473633 + ], + [ + "Fault", + -13.739535331726074 + ], + [ + "\u2581Rovers", + -13.73955535888672 + ], + [ + "cor\u00e9en", + -13.739562034606934 + ], + [ + "\u2581veroverd", + -13.739563941955566 + ], + [ + "\u2581railroad", + -13.739596366882324 + ], + [ + "\u2581comportements", + -13.73961353302002 + ], + [ + "lichem", + -13.739636421203612 + ], + [ + "\u2581Overijssel", + -13.739667892456056 + ], + [ + "\u2581analogie", + -13.739670753479004 + ], + [ + "Firebase", + -13.739679336547852 + ], + [ + "\u2581pretend\u00eda", + -13.739688873291016 + ], + [ + "\u2581riportati", + -13.739724159240724 + ], + [ + "HET", + -13.739727973937988 + ], + [ + "\u2581Kram", + -13.73975944519043 + ], + [ + "discovery", + -13.73976230621338 + ], + [ + "\u2581insetti", + -13.739766120910645 + ], + [ + "corpora", + -13.739827156066896 + ], + [ + "illiard", + -13.739838600158691 + ], + [ + "illion", + -13.739839553833008 + ], + [ + "\u2581uneingeschr\u00e4nkt", + -13.739875793457031 + ], + [ + "\u2581burla", + -13.73987865447998 + ], + [ + "\u2581chapeau", + -13.739880561828612 + ], + [ + "\u2581Rubi", + -13.73990249633789 + ], + [ + "\u2581duramente", + -13.739906311035156 + ], + [ + "\u2581Liam", + -13.73997974395752 + ], + [ + "\u2581transcri", + -13.740017890930176 + ], + [ + "\u2581Murat", + -13.740019798278809 + ], + [ + "\u2581Einkaufsm", + -13.740026473999023 + ], + [ + "Infrastructure", + -13.740031242370604 + ], + [ + "\u2581expenditure", + -13.740032196044922 + ], + [ + "DOUBLE", + -13.74003791809082 + ], + [ + "uwendungsempf\u00e4ng", + -13.74008083343506 + ], + [ + "AGENT", + -13.740083694458008 + ], + [ + "pG", + -13.740090370178224 + ], + [ + "\u2581schizophrenia", + -13.740093231201172 + ], + [ + "\u2581sommets", + -13.740118026733398 + ], + [ + "\u2581Flugzeuge", + -13.74018669128418 + ], + [ + "esterday", + -13.74020004272461 + ], + [ + "\u2581conjugate", + -13.740217208862305 + ], + [ + "ulaci\u00f3n", + -13.740232467651367 + ], + [ + "tijdperk", + -13.740276336669922 + ], + [ + "\u2581'{}'", + -13.740314483642578 + ], + [ + "\u2581obtenue", + -13.740314483642578 + ], + [ + "\u2581Modelos", + -13.740321159362791 + ], + [ + "\u2581log\u00edstica", + -13.740346908569336 + ], + [ + "lgaro", + -13.74039363861084 + ], + [ + "\u2581poorly", + -13.740402221679688 + ], + [ + "\u2581newspapers", + -13.74040412902832 + ], + [ + "\u2581Hauptgruppe", + -13.740423202514648 + ], + [ + "\u2581redonda", + -13.74042510986328 + ], + [ + "schutzgesetz", + -13.740456581115724 + ], + [ + "pi\u00e9", + -13.740460395812988 + ], + [ + "\u2581harbour", + -13.740504264831545 + ], + [ + "\u2581clasificado", + -13.74052906036377 + ], + [ + "\u2581Serpent", + -13.740532875061035 + ], + [ + "\u2581Dienstleistung", + -13.740558624267578 + ], + [ + "\u2581pointers", + -13.74059772491455 + ], + [ + "\u00e4g", + -13.740622520446776 + ], + [ + "\u2581pasada", + -13.740625381469728 + ], + [ + "\u2581Chacun", + -13.74062728881836 + ], + [ + "\u2581omhoog", + -13.740686416625977 + ], + [ + "\u2581espero", + -13.74069881439209 + ], + [ + "\u2581guai", + -13.740700721740724 + ], + [ + "\u2581zur\u00fcckzu", + -13.740711212158203 + ], + [ + "\u2581Botafogo", + -13.740718841552734 + ], + [ + "\u2581negotiations", + -13.74071979522705 + ], + [ + "blicken", + -13.740736961364746 + ], + [ + "\u2581financeira", + -13.740753173828123 + ], + [ + "\u2581comunicazioni", + -13.74077033996582 + ], + [ + "beschwerde", + -13.740790367126465 + ], + [ + "\u2581ettari", + -13.74079418182373 + ], + [ + "tierten", + -13.740845680236816 + ], + [ + "\u2581Blok", + -13.740856170654297 + ], + [ + "\u2581policier", + -13.74087905883789 + ], + [ + "\u2581vertellen", + -13.740880966186523 + ], + [ + "\u2581bother", + -13.740917205810549 + ], + [ + "\u2581CSI", + -13.740936279296877 + ], + [ + "\u2581Elisabetta", + -13.740939140319824 + ], + [ + "\u2581enfrentamiento", + -13.740954399108888 + ], + [ + "\u2581lezione", + -13.740981101989746 + ], + [ + "\u2581Allegro", + -13.740985870361328 + ], + [ + "\u2581istituti", + -13.741012573242188 + ], + [ + "Grosseto", + -13.741018295288086 + ], + [ + "FINAL", + -13.741024017333984 + ], + [ + "lavi", + -13.74103832244873 + ], + [ + "Selbstbestimmung", + -13.74105167388916 + ], + [ + "p\u00e4dagogische", + -13.741114616394045 + ], + [ + "\u2581Mathe", + -13.74114990234375 + ], + [ + "\u2581Benachteiligung", + -13.741165161132812 + ], + [ + "\u2581hoofdzakelijk", + -13.741165161132812 + ], + [ + "Preference", + -13.741183280944824 + ], + [ + "splash", + -13.741195678710938 + ], + [ + "\u2581Hungary", + -13.741212844848633 + ], + [ + "krebs", + -13.741215705871582 + ], + [ + "\u2581rendimento", + -13.741222381591797 + ], + [ + "\u2581Wish", + -13.741246223449709 + ], + [ + "nito", + -13.741259574890137 + ], + [ + "modifier", + -13.741291999816896 + ], + [ + "\u2581eindigen", + -13.741294860839844 + ], + [ + "\u2581Koalitions", + -13.741337776184082 + ], + [ + "conditional", + -13.741410255432127 + ], + [ + "falado", + -13.74142360687256 + ], + [ + "\u2581damp", + -13.741439819335938 + ], + [ + "\u2581grueso", + -13.741464614868164 + ], + [ + "\u2581sento", + -13.741488456726074 + ], + [ + "\u2581Webseiten", + -13.74152946472168 + ], + [ + "tekst", + -13.74155330657959 + ], + [ + "dhi", + -13.741557121276855 + ], + [ + "\u2581vorgestellten", + -13.741559028625488 + ], + [ + "\u2581negare", + -13.741570472717283 + ], + [ + "\u2581queimadas", + -13.7415771484375 + ], + [ + "cern", + -13.741594314575195 + ], + [ + "\u2581bastard", + -13.741601943969728 + ], + [ + "\u2581\u00fcberwinden", + -13.74160861968994 + ], + [ + "\u2581sp\u00fcrbar", + -13.74161434173584 + ], + [ + "\u2581brutale", + -13.741631507873535 + ], + [ + "attiva", + -13.741649627685549 + ], + [ + "\u2581Monumentos", + -13.741658210754396 + ], + [ + "\u2581manzana", + -13.741693496704102 + ], + [ + "konflikt", + -13.741695404052734 + ], + [ + "\u2581heerlijkheid", + -13.74169635772705 + ], + [ + "\u2581terminada", + -13.741697311401367 + ], + [ + "prognose", + -13.74169921875 + ], + [ + "immediata", + -13.74170207977295 + ], + [ + "\u2581banho", + -13.74172306060791 + ], + [ + "liminar", + -13.741761207580566 + ], + [ + "maggiore", + -13.74180793762207 + ], + [ + "ennetz", + -13.74181079864502 + ], + [ + "\u2581agregar", + -13.741811752319336 + ], + [ + "\u2581\u00e9tnicos", + -13.741813659667969 + ], + [ + "\u2581klaren", + -13.741832733154297 + ], + [ + "\u2581uniche", + -13.74183750152588 + ], + [ + "\u2581spy", + -13.741840362548828 + ], + [ + "\u2581grabaciones", + -13.741853713989258 + ], + [ + "\u2581Berechtigten", + -13.741908073425291 + ], + [ + "\u2581corridoio", + -13.741933822631836 + ], + [ + "religi", + -13.74194622039795 + ], + [ + "\u2581revisar", + -13.741971015930176 + ], + [ + "\u2581esterne", + -13.742032051086426 + ], + [ + "tzky", + -13.742035865783691 + ], + [ + "Individual", + -13.742045402526855 + ], + [ + "\u2581Elektronik", + -13.742077827453612 + ], + [ + "\u2581cachorro", + -13.742098808288574 + ], + [ + "Halve", + -13.74215030670166 + ], + [ + "ARB", + -13.742159843444824 + ], + [ + "\u2581Absorption", + -13.742170333862305 + ], + [ + "\u2581Reifen", + -13.742173194885254 + ], + [ + "tegui", + -13.742210388183594 + ], + [ + "\u2581gegliedert", + -13.74223518371582 + ], + [ + "\u2581indigen", + -13.742237091064451 + ], + [ + "organismen", + -13.742249488830566 + ], + [ + "\u2581equival", + -13.742250442504885 + ], + [ + "buildah", + -13.74228286743164 + ], + [ + "rmitage", + -13.74229621887207 + ], + [ + "\u2581toeristische", + -13.74231243133545 + ], + [ + "guen", + -13.742354393005373 + ], + [ + "\u2581rivoluzionario", + -13.74236011505127 + ], + [ + "\u2581C\u00f3r", + -13.742365837097168 + ], + [ + "\u2581conversione", + -13.742384910583496 + ], + [ + "\u2581Goldman", + -13.742390632629396 + ], + [ + "scula", + -13.742473602294922 + ], + [ + "expliquer", + -13.742474555969238 + ], + [ + "\u2581Victory", + -13.74251651763916 + ], + [ + "RIC", + -13.742591857910156 + ], + [ + "\u2581dahingehend", + -13.742594718933104 + ], + [ + "\u2581decorado", + -13.742616653442385 + ], + [ + "zwischenzeitlich", + -13.742626190185549 + ], + [ + "\u2581lourd", + -13.742670059204102 + ], + [ + "ckmann", + -13.742698669433594 + ], + [ + "\u2581dertiende", + -13.742704391479492 + ], + [ + "\u2581travers\u00e9", + -13.742722511291504 + ], + [ + "\u2581Inferior", + -13.742746353149414 + ], + [ + "\u2581mortes", + -13.74276065826416 + ], + [ + "\u2581Teilt", + -13.742788314819336 + ], + [ + "insect", + -13.742815971374512 + ], + [ + "\u2581Geheimnis", + -13.74281883239746 + ], + [ + "\u2581d\u00e9tour", + -13.74282455444336 + ], + [ + "\u2581vorzu", + -13.74289321899414 + ], + [ + "\u2581fibro", + -13.742952346801758 + ], + [ + "Usted", + -13.743008613586426 + ], + [ + "\u2581Bard", + -13.743108749389648 + ], + [ + "chado", + -13.743119239807127 + ], + [ + "empfehlungen", + -13.743125915527344 + ], + [ + "\u2581constat\u00e9", + -13.743146896362305 + ], + [ + "\u2581bepaalt", + -13.743196487426758 + ], + [ + "\u2581cer\u00e1mica", + -13.743196487426758 + ], + [ + "Staats", + -13.74321746826172 + ], + [ + "\u2581Abr", + -13.743229866027832 + ], + [ + "lebt", + -13.743264198303224 + ], + [ + "thum", + -13.74326992034912 + ], + [ + "\u2581significativos", + -13.743279457092283 + ], + [ + "\u2581conquistare", + -13.743290901184082 + ], + [ + "\u00e4um", + -13.74329948425293 + ], + [ + "\u2581opuesto", + -13.743362426757812 + ], + [ + "\u2581Taste", + -13.743363380432127 + ], + [ + "\u2581wijst", + -13.743366241455078 + ], + [ + "\u2581Fundstelle", + -13.743370056152344 + ], + [ + "sentence", + -13.74338436126709 + ], + [ + "\u2581garganta", + -13.74342155456543 + ], + [ + "\u2581compleet", + -13.74342441558838 + ], + [ + "\u2581centaine", + -13.743453979492188 + ], + [ + "\u2581Patients", + -13.743518829345703 + ], + [ + "viendra", + -13.743538856506348 + ], + [ + "schreven", + -13.743544578552246 + ], + [ + "\u2581Vollzeit", + -13.743562698364258 + ], + [ + "glib", + -13.743578910827637 + ], + [ + "\u2581Chab", + -13.74359893798828 + ], + [ + "\u2581Raffaele", + -13.743645668029783 + ], + [ + "verantwortlichen", + -13.743650436401367 + ], + [ + "er\u00fchmt", + -13.743654251098633 + ], + [ + "\u2581Chick", + -13.743695259094238 + ], + [ + "\u2581presentador", + -13.743696212768556 + ], + [ + "\u2581Lodi", + -13.743704795837402 + ], + [ + "apparatuur", + -13.743708610534668 + ], + [ + "\u2581reuni\u00f3", + -13.743717193603516 + ], + [ + "ifi\u00e9e", + -13.743720054626465 + ], + [ + "ptero", + -13.74372100830078 + ], + [ + "\u2581Seh", + -13.743730545043944 + ], + [ + "treffer", + -13.743770599365234 + ], + [ + "\u2581Paramaribo", + -13.743830680847168 + ], + [ + "\u2581Vierten", + -13.743871688842772 + ], + [ + "\u2581sauvages", + -13.743896484375 + ], + [ + "Stagione", + -13.743926048278809 + ], + [ + "agro", + -13.743945121765137 + ], + [ + "\u2581Lowe", + -13.743963241577148 + ], + [ + "\u2581gemeinsamer", + -13.74396514892578 + ], + [ + "\u2581citoyen", + -13.743998527526855 + ], + [ + "\u2581drogue", + -13.74400806427002 + ], + [ + "farbig", + -13.74405574798584 + ], + [ + "\u2581frammenti", + -13.744098663330078 + ], + [ + "\u2581Noroeste", + -13.744108200073242 + ], + [ + "hoogte", + -13.744111061096191 + ], + [ + "autorizzazione", + -13.744120597839355 + ], + [ + "Diagnostics", + -13.744126319885254 + ], + [ + "fr\u00fcchte", + -13.744141578674316 + ], + [ + "Flash", + -13.744254112243652 + ], + [ + "unov", + -13.744301795959473 + ], + [ + "\u2581raffin", + -13.744322776794434 + ], + [ + "\u2581umbenannt", + -13.74432373046875 + ], + [ + "hnte", + -13.744340896606444 + ], + [ + "hebung", + -13.744355201721191 + ], + [ + "\u2581Knights", + -13.744414329528809 + ], + [ + "\u2581sorprende", + -13.744430541992188 + ], + [ + "t\u00e4ter", + -13.744440078735352 + ], + [ + "\u2581desenhos", + -13.744455337524414 + ], + [ + "\u2581disposal", + -13.744457244873049 + ], + [ + "\u2581erw\u00e4hnte", + -13.744462966918944 + ], + [ + "\u2581Autobus", + -13.744502067565918 + ], + [ + "\u2581lounge", + -13.744511604309082 + ], + [ + "Gj", + -13.744565963745115 + ], + [ + "\u2581grammatica", + -13.744599342346191 + ], + [ + "\u2581verarbeiten", + -13.74464511871338 + ], + [ + "\u2581Severus", + -13.744650840759276 + ], + [ + "\u2581sanctuaire", + -13.744690895080566 + ], + [ + "\u2581sanction", + -13.744693756103516 + ], + [ + "\u2581tr\u00ed", + -13.744746208190918 + ], + [ + "Oostenrijk", + -13.744795799255373 + ], + [ + "Mgr", + -13.7448148727417 + ], + [ + "\u2581expects", + -13.744840621948242 + ], + [ + "\u2581Bolt", + -13.74484920501709 + ], + [ + "irm", + -13.744855880737305 + ], + [ + "\u2581hongrois", + -13.744857788085938 + ], + [ + "\u2581eliminated", + -13.744861602783203 + ], + [ + "\u2581Sense", + -13.74487018585205 + ], + [ + "\u2581agregados", + -13.744898796081545 + ], + [ + "oeien", + -13.744913101196287 + ], + [ + "Discover", + -13.744918823242188 + ], + [ + "\u2581lieve", + -13.744930267333984 + ], + [ + "titis", + -13.7449312210083 + ], + [ + "archie", + -13.744935989379885 + ], + [ + "GDK", + -13.744938850402832 + ], + [ + "ndula", + -13.744938850402832 + ], + [ + "\u2581cpdef", + -13.744940757751465 + ], + [ + "\u2581logros", + -13.744946479797363 + ], + [ + "Grow", + -13.744976997375488 + ], + [ + "drug", + -13.745003700256348 + ], + [ + "\u2581clever", + -13.745075225830078 + ], + [ + "\u2581Pariser", + -13.745110511779783 + ], + [ + "ordinamento", + -13.745129585266112 + ], + [ + "Pulse", + -13.745140075683594 + ], + [ + "\u2581finanzieren", + -13.745146751403809 + ], + [ + "\u2581Django", + -13.745157241821287 + ], + [ + "\u2581Cain", + -13.745158195495604 + ], + [ + "\u2581farmac", + -13.745171546936035 + ], + [ + "\u2581atribuindo", + -13.745261192321776 + ], + [ + "\u2581schakel", + -13.745308876037598 + ], + [ + "metav", + -13.745389938354492 + ], + [ + "\u2581Ducato", + -13.745406150817873 + ], + [ + "\u2581Voleibol", + -13.74543571472168 + ], + [ + "ksen", + -13.74544620513916 + ], + [ + "extractor", + -13.745450019836426 + ], + [ + "zijdig", + -13.745455741882324 + ], + [ + "bato", + -13.745490074157717 + ], + [ + "schor", + -13.7455415725708 + ], + [ + "British", + -13.74559497833252 + ], + [ + "rith", + -13.745604515075684 + ], + [ + "\u2581conducting", + -13.74563217163086 + ], + [ + "Ord", + -13.745660781860352 + ], + [ + "\u2581Poetas", + -13.745672225952148 + ], + [ + "verdi", + -13.745680809020996 + ], + [ + "\u2581Eulophidae", + -13.745680809020996 + ], + [ + "umidit\u00e0", + -13.74570655822754 + ], + [ + "\u2581executes", + -13.745718955993652 + ], + [ + "\u2581Susanna", + -13.745732307434082 + ], + [ + "\u2581McE", + -13.745769500732422 + ], + [ + "sgr\u00fcnde", + -13.745779037475586 + ], + [ + "\u2581Baha", + -13.745820045471191 + ], + [ + "particles", + -13.74583339691162 + ], + [ + "runners", + -13.745847702026367 + ], + [ + "SEM", + -13.745866775512695 + ], + [ + "wanderung", + -13.745884895324709 + ], + [ + "StringPtrOutput", + -13.745890617370604 + ], + [ + "\u2581Villiers", + -13.745927810668944 + ], + [ + "Derivat", + -13.745975494384766 + ], + [ + "village", + -13.74598217010498 + ], + [ + "ttinger", + -13.745985984802246 + ], + [ + "\u2581sorties", + -13.74600315093994 + ], + [ + "dula", + -13.746010780334473 + ], + [ + "EMBRE", + -13.74604606628418 + ], + [ + "\u2581tenuti", + -13.746048927307127 + ], + [ + "\u2581Ell", + -13.746070861816406 + ], + [ + "\u2581Bewertungen", + -13.746075630187988 + ], + [ + "\u2581spanische", + -13.746091842651367 + ], + [ + "\u2581maci", + -13.74609661102295 + ], + [ + "\u2581achttiende", + -13.74612045288086 + ], + [ + "\u2581Toujours", + -13.746133804321287 + ], + [ + "winnaar", + -13.746138572692873 + ], + [ + "fobia", + -13.746170997619627 + ], + [ + "\u2581acknowledged", + -13.746190071105955 + ], + [ + "mkl", + -13.746212005615234 + ], + [ + "THIS", + -13.74624252319336 + ], + [ + "IBA", + -13.746256828308104 + ], + [ + "BIND", + -13.746293067932127 + ], + [ + "Collision", + -13.74635887145996 + ], + [ + "\u2581kreeftachtigen", + -13.746359825134276 + ], + [ + "UIApplication", + -13.746360778808594 + ], + [ + "\u2581encarg\u00f3", + -13.746360778808594 + ], + [ + "\u2581Wise", + -13.746383666992188 + ], + [ + "invalidParams", + -13.746397018432615 + ], + [ + "\u2581ladrillo", + -13.746402740478516 + ], + [ + "\u2581Harn", + -13.746404647827148 + ], + [ + "colour", + -13.74648380279541 + ], + [ + "\u2581inserire", + -13.74652862548828 + ], + [ + "\u2581Bed\u00fcrfnissen", + -13.74653434753418 + ], + [ + "plode", + -13.746546745300291 + ], + [ + "Lazare", + -13.746559143066406 + ], + [ + "\u2581gioi", + -13.746575355529783 + ], + [ + "Eso", + -13.746617317199709 + ], + [ + "barrier", + -13.746642112731934 + ], + [ + "\u2581exceptional", + -13.746665000915527 + ], + [ + "\u2581celebration", + -13.746684074401855 + ], + [ + "\u2581expressing", + -13.74671745300293 + ], + [ + "NAV", + -13.746729850769045 + ], + [ + "\u2581d\u00e9rive", + -13.74673843383789 + ], + [ + "\u2581Luka", + -13.74674129486084 + ], + [ + "midrule", + -13.746752738952637 + ], + [ + "\u2581Mazz", + -13.74675750732422 + ], + [ + "\u2581pioneer", + -13.746767044067385 + ], + [ + "NIL", + -13.74677276611328 + ], + [ + "panzer", + -13.746785163879396 + ], + [ + "Croix", + -13.74679946899414 + ], + [ + "\u2581pseudoniem", + -13.746813774108888 + ], + [ + "ossip", + -13.746817588806152 + ], + [ + "umano", + -13.746820449829102 + ], + [ + "\u2581provocado", + -13.746896743774414 + ], + [ + "informa", + -13.746959686279297 + ], + [ + "muur", + -13.74698543548584 + ], + [ + "\u2581Actrice", + -13.746996879577637 + ], + [ + "br\u00fccken", + -13.747020721435549 + ], + [ + "selections", + -13.74703598022461 + ], + [ + "skov", + -13.74703598022461 + ], + [ + "\u2581sombras", + -13.747058868408203 + ], + [ + "\u2581bienestar", + -13.74710178375244 + ], + [ + "\u2581Duch", + -13.74712085723877 + ], + [ + "\u2581inflammation", + -13.747191429138184 + ], + [ + "\u2581highlights", + -13.747207641601562 + ], + [ + "\u2581homog", + -13.747222900390623 + ], + [ + "\u2581Gemeindegebiet", + -13.747237205505373 + ], + [ + "\u2581linguistica", + -13.747262954711914 + ], + [ + "\u2581descriptive", + -13.747269630432127 + ], + [ + "ansicht", + -13.747278213500977 + ], + [ + "\u2581geom\u00e9trica", + -13.747278213500977 + ], + [ + "\u2581cerr\u00f3", + -13.747279167175291 + ], + [ + "\u2581analogy", + -13.747356414794922 + ], + [ + "busch", + -13.747390747070312 + ], + [ + "DED", + -13.747396469116213 + ], + [ + "purpose", + -13.747467041015623 + ], + [ + "shuis", + -13.747481346130373 + ], + [ + "\u2581pique", + -13.747504234313965 + ], + [ + "\u2581Lehrstuhl", + -13.74750518798828 + ], + [ + "Angebot", + -13.747570037841797 + ], + [ + "drum", + -13.747578620910645 + ], + [ + "\u2581signifikanter", + -13.747591018676758 + ], + [ + "ickel", + -13.747669219970703 + ], + [ + "\u2581omgezet", + -13.74770736694336 + ], + [ + "\u2581escondida", + -13.747715950012209 + ], + [ + "\u2581ugualmente", + -13.747720718383787 + ], + [ + "\u2581Urspr\u00fcnglich", + -13.747723579406738 + ], + [ + "reide", + -13.747783660888672 + ], + [ + "Jud", + -13.747791290283203 + ], + [ + "Does", + -13.74781894683838 + ], + [ + "Rou", + -13.747838020324709 + ], + [ + "\u2581escalera", + -13.747872352600098 + ], + [ + "\u2581transnational", + -13.747884750366213 + ], + [ + "\u2581obes", + -13.747891426086426 + ], + [ + "edd", + -13.747897148132324 + ], + [ + "Jos", + -13.747906684875488 + ], + [ + "\u2581folklore", + -13.747952461242676 + ], + [ + "\u2581Cauchy", + -13.747957229614258 + ], + [ + "\u2581tatua", + -13.747968673706056 + ], + [ + "\u2581verbetering", + -13.748004913330078 + ], + [ + "\u2581robo", + -13.748019218444824 + ], + [ + "\u2581Unterlassung", + -13.748027801513672 + ], + [ + "levant", + -13.74803352355957 + ], + [ + "STRA", + -13.748096466064451 + ], + [ + "\u2581bevatte", + -13.748112678527832 + ], + [ + "\u2581Kling", + -13.74813175201416 + ], + [ + "\u2581announce", + -13.748135566711426 + ], + [ + "\u2581M\u00fche", + -13.748162269592283 + ], + [ + "brecher", + -13.748178482055664 + ], + [ + "\u2581vampire", + -13.748196601867676 + ], + [ + "Fase", + -13.748197555541992 + ], + [ + "\u2581conobbe", + -13.748198509216309 + ], + [ + "\u2581individuel", + -13.748205184936523 + ], + [ + "nO", + -13.748220443725586 + ], + [ + "mingw", + -13.748228073120115 + ], + [ + "\u2581d\u00e9pit", + -13.748233795166016 + ], + [ + "\u2581Frankie", + -13.748291969299316 + ], + [ + "\u2581mesurer", + -13.748292922973633 + ], + [ + "MIME", + -13.748366355895996 + ], + [ + "sow", + -13.748397827148438 + ], + [ + "spanne", + -13.748398780822754 + ], + [ + "zusetzen", + -13.748470306396484 + ], + [ + "AAD", + -13.74848175048828 + ], + [ + "URLSession", + -13.748485565185549 + ], + [ + "st\u00e4ndige", + -13.748498916625977 + ], + [ + "\u2581socios", + -13.748513221740724 + ], + [ + "adore", + -13.748529434204102 + ], + [ + "bear", + -13.74853801727295 + ], + [ + "\u2581harp", + -13.748565673828123 + ], + [ + "\u2581Heizung", + -13.748616218566896 + ], + [ + "\u2581meccanismi", + -13.748628616333008 + ], + [ + "woman", + -13.748641967773438 + ], + [ + "norte", + -13.748674392700195 + ], + [ + "herty", + -13.74867820739746 + ], + [ + "\u2581Invisibilidade", + -13.74868869781494 + ], + [ + "sourceforge", + -13.7487154006958 + ], + [ + "\u2581distruggere", + -13.748726844787598 + ], + [ + "\u2581Polizia", + -13.748745918273926 + ], + [ + "Reduction", + -13.748761177062988 + ], + [ + "\u2581fuertemente", + -13.748791694641112 + ], + [ + "\u2581successore", + -13.748799324035645 + ], + [ + "\u2581Sox", + -13.748812675476074 + ], + [ + "\u2581Waals", + -13.748846054077148 + ], + [ + "\u2581\")\"}],", + -13.74885368347168 + ], + [ + "\u2581constructing", + -13.748873710632324 + ], + [ + "Chen", + -13.748894691467283 + ], + [ + "gew\u00e4sser", + -13.74892807006836 + ], + [ + "\u2581tribune", + -13.748933792114258 + ], + [ + "Bataillon", + -13.748944282531738 + ], + [ + "\u2581difende", + -13.749041557312012 + ], + [ + "\u2581hospitals", + -13.749046325683594 + ], + [ + "trot", + -13.749048233032228 + ], + [ + "\u2581Lecco", + -13.749064445495604 + ], + [ + "\u2581Republicano", + -13.74907398223877 + ], + [ + "\u2581Munt", + -13.749104499816896 + ], + [ + "kist", + -13.749107360839844 + ], + [ + "\u2581annovera", + -13.74911403656006 + ], + [ + "butyl", + -13.749116897583008 + ], + [ + "RIE", + -13.749235153198242 + ], + [ + "\u2581Mobili", + -13.74924659729004 + ], + [ + "h\u00e4ndig", + -13.749250411987305 + ], + [ + "izzazioni", + -13.749260902404783 + ], + [ + "\u2581onderste", + -13.749261856079102 + ], + [ + "\u2581debout", + -13.74927043914795 + ], + [ + "\u2581vegetais", + -13.749302864074709 + ], + [ + "\u2581habl\u00f3", + -13.74932098388672 + ], + [ + "\u2581entour\u00e9", + -13.7493314743042 + ], + [ + "\u2581Lester", + -13.74933910369873 + ], + [ + "\u2581Bas\u00edlica", + -13.749342918395996 + ], + [ + "\u2581Animales", + -13.749343872070312 + ], + [ + "jerk", + -13.74936580657959 + ], + [ + "\u2581protecting", + -13.749372482299805 + ], + [ + "falo", + -13.749433517456056 + ], + [ + "\u2581Pill", + -13.749442100524902 + ], + [ + "\u2581Floren", + -13.749462127685549 + ], + [ + "\u2581Peck", + -13.749469757080078 + ], + [ + "\u2581producciones", + -13.749478340148926 + ], + [ + "\u2581inutili", + -13.749483108520508 + ], + [ + "profiles", + -13.749505043029783 + ], + [ + "ALIAS", + -13.749510765075684 + ], + [ + "BUNDLE", + -13.749536514282228 + ], + [ + "\u2581Erholungs", + -13.749577522277832 + ], + [ + "\u2581prive", + -13.749593734741213 + ], + [ + "\u2581podiam", + -13.74959659576416 + ], + [ + "STE", + -13.749608993530272 + ], + [ + "risco", + -13.749629974365234 + ], + [ + "spann", + -13.749635696411133 + ], + [ + "\u2581Motta", + -13.749675750732422 + ], + [ + "parks", + -13.7496976852417 + ], + [ + "Rabbit", + -13.749703407287598 + ], + [ + "scheibe", + -13.749716758728027 + ], + [ + "\u2581Linke", + -13.74972152709961 + ], + [ + "\u2581Angelina", + -13.749735832214355 + ], + [ + "\u2581exporta", + -13.749746322631836 + ], + [ + "Anatoli", + -13.749760627746582 + ], + [ + "\u2581tekenaar", + -13.749841690063477 + ], + [ + "rojectsLocations", + -13.749850273132324 + ], + [ + "amiral", + -13.749900817871094 + ], + [ + "d\u00e9m", + -13.74991226196289 + ], + [ + "\u2581k\u00fcndigte", + -13.749967575073242 + ], + [ + "\u2581tweekleppigen", + -13.749992370605469 + ], + [ + "\u2581vochtige", + -13.750008583068848 + ], + [ + "\u2581disposent", + -13.750025749206545 + ], + [ + "\u2581geogr\u00e1ficos", + -13.750043869018556 + ], + [ + "\u2581praten", + -13.750075340270996 + ], + [ + "Latin", + -13.750082969665527 + ], + [ + "\u2581Ruinen", + -13.75008487701416 + ], + [ + "NFS", + -13.750103950500488 + ], + [ + "Concern", + -13.75013828277588 + ], + [ + "\u2581prescrit", + -13.750199317932127 + ], + [ + "\u2581vit\u00f3rias", + -13.750229835510254 + ], + [ + "\u2581contexts", + -13.750253677368164 + ], + [ + "Wien", + -13.750283241271973 + ], + [ + "BIC", + -13.750314712524414 + ], + [ + "\u2581elogia", + -13.750367164611816 + ], + [ + "vollzug", + -13.750370025634766 + ], + [ + "nitri", + -13.750391006469728 + ], + [ + "\u2581sindical", + -13.750394821166992 + ], + [ + "vod", + -13.750426292419434 + ], + [ + "REPOSITOR", + -13.750444412231444 + ], + [ + "\u2581Giancarlo", + -13.750447273254396 + ], + [ + "\u2581soberan\u00eda", + -13.750447273254396 + ], + [ + "\u2581Roumanie", + -13.750448226928713 + ], + [ + "\u2581selbst\u00e4ndige", + -13.750468254089355 + ], + [ + "\u2581Carmel", + -13.750473976135254 + ], + [ + "\u2581cit\u00e9s", + -13.750528335571287 + ], + [ + "PSC", + -13.750539779663086 + ], + [ + "\u2581precoce", + -13.750560760498049 + ], + [ + "\u2581Borghi", + -13.75057888031006 + ], + [ + "braces", + -13.75058364868164 + ], + [ + "\u2581Manaus", + -13.75058650970459 + ], + [ + "\u2581expos\u00e9e", + -13.750629425048828 + ], + [ + "\u2581W\u00fcnsche", + -13.75064754486084 + ], + [ + "\u2581entendimento", + -13.750653266906738 + ], + [ + "enfels", + -13.750693321228027 + ], + [ + "\u2581zahlreicher", + -13.75069522857666 + ], + [ + "tografia", + -13.750710487365724 + ], + [ + "singular", + -13.750713348388672 + ], + [ + "ntino", + -13.750717163085938 + ], + [ + "\u2581Vanden", + -13.750725746154783 + ], + [ + "\u2581Hogan", + -13.750754356384276 + ], + [ + "\u00e9tie", + -13.750767707824709 + ], + [ + "\u2581moderniza", + -13.750837326049805 + ], + [ + "vello", + -13.750853538513184 + ], + [ + "reux", + -13.750931739807127 + ], + [ + "\u2581sp\u00e9cialis\u00e9", + -13.750972747802734 + ], + [ + "\u2581Influence", + -13.750994682312012 + ], + [ + "\u2581democratica", + -13.751008987426758 + ], + [ + "Mitte", + -13.751030921936035 + ], + [ + "Teacher", + -13.751033782958984 + ], + [ + "\u2581rifa", + -13.751033782958984 + ], + [ + "\u2581Soest", + -13.7510404586792 + ], + [ + "Dao", + -13.751052856445312 + ], + [ + "\u2581aim\u00e9", + -13.751054763793944 + ], + [ + "podes", + -13.751110076904297 + ], + [ + "wier", + -13.751115798950195 + ], + [ + "unification", + -13.751222610473633 + ], + [ + "\u2581Artur", + -13.75123691558838 + ], + [ + "\u2581prestaties", + -13.751259803771973 + ], + [ + "\u2581parto", + -13.751270294189451 + ], + [ + "Pap", + -13.751276969909668 + ], + [ + "\u2581triplet", + -13.751302719116213 + ], + [ + "\u2581distribuir", + -13.751368522644045 + ], + [ + "\u2581sonore", + -13.751387596130373 + ], + [ + "\u2581devise", + -13.75146770477295 + ], + [ + "\u2581Kund", + -13.751482963562012 + ], + [ + "\u2581articola", + -13.751498222351074 + ], + [ + "\u2581diving", + -13.751516342163086 + ], + [ + "\u2581ciclisti", + -13.751554489135742 + ], + [ + "ivildienst", + -13.751557350158691 + ], + [ + "\u2581subordinada", + -13.751592636108398 + ], + [ + "\u2581terminer", + -13.75159740447998 + ], + [ + "aqua", + -13.751599311828612 + ], + [ + "nsten", + -13.751659393310549 + ], + [ + "f\u00e4rbung", + -13.751694679260254 + ], + [ + "invenzione", + -13.751775741577148 + ], + [ + "scoop", + -13.751787185668944 + ], + [ + "RNAs", + -13.751806259155272 + ], + [ + "tuvo", + -13.75180721282959 + ], + [ + "\u2581gewerbliche", + -13.751808166503906 + ], + [ + "\u2581Trondheim", + -13.75181007385254 + ], + [ + "adiacente", + -13.751816749572754 + ], + [ + "prism", + -13.751816749572754 + ], + [ + "\u2581morgens", + -13.751856803894045 + ], + [ + "\u2581Conway", + -13.75186824798584 + ], + [ + "\u2581Bommel", + -13.751935958862305 + ], + [ + "\u2581wereldbeker", + -13.751945495605469 + ], + [ + "\u2581erw", + -13.751964569091797 + ], + [ + "\u2581Rams", + -13.75198745727539 + ], + [ + "riez", + -13.752063751220703 + ], + [ + "Notas", + -13.75207805633545 + ], + [ + "oxysubsubsection", + -13.752123832702637 + ], + [ + "\u2581Moch", + -13.75220012664795 + ], + [ + "\u2581sacrament", + -13.752214431762695 + ], + [ + "\u2581wipe", + -13.752232551574709 + ], + [ + "CONT", + -13.752243041992188 + ], + [ + "Voi", + -13.752281188964844 + ], + [ + "geschilderd", + -13.752341270446776 + ], + [ + "arrel", + -13.752359390258787 + ], + [ + "\u2581cadenas", + -13.752401351928713 + ], + [ + "\u2581cordon", + -13.752443313598633 + ], + [ + "\u2581Nearctisch", + -13.752493858337402 + ], + [ + "DOTNET", + -13.752501487731934 + ], + [ + "\u2581prestige", + -13.75256061553955 + ], + [ + "cessi", + -13.752596855163574 + ], + [ + "\u2581wahre", + -13.752604484558104 + ], + [ + "\u2581usi", + -13.752605438232422 + ], + [ + "\u2581supermarket", + -13.7526216506958 + ], + [ + "firebase", + -13.75263214111328 + ], + [ + "\u2581Pilger", + -13.752640724182127 + ], + [ + "Organizations", + -13.752650260925291 + ], + [ + "softmax", + -13.752650260925291 + ], + [ + "\u2581Pons", + -13.75266170501709 + ], + [ + "\u2581Jets", + -13.752687454223633 + ], + [ + "\u2581passiva", + -13.752696990966797 + ], + [ + "LAR", + -13.75269889831543 + ], + [ + "\u2581exprimiert", + -13.752713203430176 + ], + [ + "\u2581estacionamento", + -13.752721786499023 + ], + [ + "ir\u00e1", + -13.752752304077148 + ], + [ + "Foss", + -13.752765655517578 + ], + [ + "\u2581Estilo", + -13.752769470214844 + ], + [ + "\u2581Ubica", + -13.7528076171875 + ], + [ + "\u2581thermische", + -13.75283908843994 + ], + [ + "\u2581prie", + -13.752854347229004 + ], + [ + "\u2581vestito", + -13.75290584564209 + ], + [ + "\u2581cuivre", + -13.752933502197266 + ], + [ + "izzate", + -13.752935409545898 + ], + [ + "Keep", + -13.752944946289062 + ], + [ + "echter", + -13.752965927124023 + ], + [ + "\u2581thorough", + -13.753012657165527 + ], + [ + "\u2581rainfall", + -13.753036499023438 + ], + [ + "\u2581provoquer", + -13.75304889678955 + ], + [ + "\u2581Brewer", + -13.753056526184082 + ], + [ + "\u00fcbereinkommen", + -13.753057479858398 + ], + [ + "\u2581farmaco", + -13.753096580505373 + ], + [ + "brig", + -13.75309944152832 + ], + [ + "\u2581civilian", + -13.7531099319458 + ], + [ + "\u2581skull", + -13.753191947937012 + ], + [ + "\u2581Nicolau", + -13.75320816040039 + ], + [ + "\u2581verbleibenden", + -13.753213882446287 + ], + [ + "ROLL", + -13.753215789794922 + ], + [ + "soddisfazione", + -13.753223419189451 + ], + [ + "\u2581metaphor", + -13.753257751464844 + ], + [ + "objets", + -13.753271102905272 + ], + [ + "dote", + -13.753278732299805 + ], + [ + "\u2581porzione", + -13.753302574157717 + ], + [ + "Nv", + -13.753308296203612 + ], + [ + "\u2581statues", + -13.753310203552246 + ], + [ + "\u2581controverse", + -13.753317832946776 + ], + [ + "ans\u00e4ssigen", + -13.753321647644045 + ], + [ + "\u2581ihrerseits", + -13.753406524658203 + ], + [ + "\u2581eventuele", + -13.75340747833252 + ], + [ + "\u2581displaying", + -13.753417015075684 + ], + [ + "\u2581waarheid", + -13.753417015075684 + ], + [ + "trage", + -13.753422737121582 + ], + [ + "\u2581subjektiven", + -13.753425598144531 + ], + [ + "unidade", + -13.753437995910645 + ], + [ + "ttling", + -13.753440856933594 + ], + [ + "sfera", + -13.753458023071287 + ], + [ + "\u2581incurred", + -13.753467559814451 + ], + [ + "\u2581decoraci\u00f3n", + -13.753525733947754 + ], + [ + "\u2581anticipa", + -13.753564834594728 + ], + [ + "\u2581Turc", + -13.753594398498535 + ], + [ + "\u2581Richelieu", + -13.753600120544434 + ], + [ + "\u2581Sander", + -13.753623962402344 + ], + [ + "vindo", + -13.75376319885254 + ], + [ + "ruhen", + -13.753769874572754 + ], + [ + "\u2581indossare", + -13.753849029541016 + ], + [ + "\u2581Antwerp", + -13.75385284423828 + ], + [ + "\u2581contributing", + -13.753859519958496 + ], + [ + "lepis", + -13.753865242004396 + ], + [ + "\u2581collegate", + -13.753870964050291 + ], + [ + "\u2581verving", + -13.753877639770508 + ], + [ + "\u2581dif\u00edciles", + -13.753889083862305 + ], + [ + "kinetic", + -13.75389003753662 + ], + [ + "\u2581Anschlag", + -13.753898620605469 + ], + [ + "\u2581Mailand", + -13.753912925720217 + ], + [ + "\u2581rivendica", + -13.753914833068848 + ], + [ + "\u2581positiver", + -13.753915786743164 + ], + [ + "\u2581oxidative", + -13.753931045532228 + ], + [ + "strike", + -13.753969192504885 + ], + [ + "\u2581fever", + -13.753976821899414 + ], + [ + "bez\u00fcge", + -13.753990173339844 + ], + [ + "\u2581Havel", + -13.753997802734377 + ], + [ + "\u2581beschreef", + -13.753998756408691 + ], + [ + "\u2581sp\u00e9cialement", + -13.75400447845459 + ], + [ + "\u2581manifestaciones", + -13.754021644592283 + ], + [ + "\u2581Pter", + -13.75404167175293 + ], + [ + "\u2581Seng", + -13.754054069519045 + ], + [ + "\u2581incita", + -13.754054069519045 + ], + [ + "\u2581Tailandia", + -13.754096031188965 + ], + [ + "\u2581conservado", + -13.75412654876709 + ], + [ + "\u2581contemporaneo", + -13.754180908203123 + ], + [ + "lano", + -13.754188537597656 + ], + [ + "Walk", + -13.754194259643556 + ], + [ + "\u2581inferred", + -13.7542142868042 + ], + [ + "\u2581r\u00e9solu", + -13.7542142868042 + ], + [ + "\u2581Marcia", + -13.754236221313477 + ], + [ + "kurz", + -13.754242897033691 + ], + [ + "\u00edlio", + -13.754265785217283 + ], + [ + "\u2581ausgesch", + -13.754284858703612 + ], + [ + "\u2581furniture", + -13.754318237304688 + ], + [ + "\u2581bilhetes", + -13.754377365112305 + ], + [ + "\u2581Obispo", + -13.75438117980957 + ], + [ + "\u2581opgezet", + -13.754388809204102 + ], + [ + "\u2581compartimento", + -13.754403114318848 + ], + [ + "getClass", + -13.754411697387695 + ], + [ + "apartheid", + -13.754433631896973 + ], + [ + "\u2581Clubs", + -13.754511833190918 + ], + [ + "\u2581collectivit\u00e9s", + -13.75451946258545 + ], + [ + "\u2581elfde", + -13.754524230957031 + ], + [ + "\u2581istruzioni", + -13.754524230957031 + ], + [ + "kram", + -13.754576683044434 + ], + [ + "llige", + -13.75467586517334 + ], + [ + "\u2581gungen", + -13.754721641540527 + ], + [ + "Canal", + -13.754752159118652 + ], + [ + "kloster", + -13.754799842834473 + ], + [ + "\u2581Herkunfts", + -13.754817008972168 + ], + [ + "Battery", + -13.754820823669434 + ], + [ + "\u2581synthetische", + -13.754820823669434 + ], + [ + "\u2581Apu", + -13.754843711853027 + ], + [ + "\u2581ondula", + -13.75484561920166 + ], + [ + "gewiesen", + -13.754870414733888 + ], + [ + "DetailsResponse", + -13.7548828125 + ], + [ + "elig", + -13.7548828125 + ], + [ + "\u2581protocole", + -13.754897117614746 + ], + [ + "\u2581financeiro", + -13.754935264587402 + ], + [ + "viral", + -13.754939079284668 + ], + [ + "\u2581manovra", + -13.754958152770996 + ], + [ + "\u2581baign", + -13.754985809326172 + ], + [ + "\u2581getiteld", + -13.755003929138184 + ], + [ + "GEM", + -13.755023002624512 + ], + [ + "issez", + -13.755059242248535 + ], + [ + "\u2581bolet", + -13.755126953125 + ], + [ + "Normalize", + -13.755160331726074 + ], + [ + "\u2581garrafa", + -13.755167007446287 + ], + [ + "consuming", + -13.755178451538086 + ], + [ + "\u2581incre\u00edble", + -13.755200386047363 + ], + [ + "\u2581Pinheiro", + -13.755206108093262 + ], + [ + "\u2581ospite", + -13.755206108093262 + ], + [ + "Pues", + -13.755223274230955 + ], + [ + "\u2581quadrant", + -13.75522518157959 + ], + [ + "tical", + -13.755252838134766 + ], + [ + "\u2581malato", + -13.755290031433104 + ], + [ + "\u2581fundi", + -13.75529956817627 + ], + [ + "\u2581gustar\u00eda", + -13.755351066589355 + ], + [ + "TagBox", + -13.755355834960938 + ], + [ + "\u2581Buchung", + -13.755367279052734 + ], + [ + "\u2581nomin", + -13.755383491516112 + ], + [ + "\u2581Shock", + -13.755386352539062 + ], + [ + "Concurrent", + -13.755441665649414 + ], + [ + "folgt", + -13.755449295043944 + ], + [ + "\u2581melan", + -13.755449295043944 + ], + [ + "\u2581Rege", + -13.755456924438477 + ], + [ + "Automobile", + -13.75546169281006 + ], + [ + "ambtenaar", + -13.755463600158691 + ], + [ + "\u2581PSD", + -13.75546932220459 + ], + [ + "\u2581Nokia", + -13.755529403686523 + ], + [ + "\u2581Piotr", + -13.755529403686523 + ], + [ + "icke", + -13.755584716796877 + ], + [ + "\u2581{![", + -13.75558853149414 + ], + [ + "probability", + -13.75563144683838 + ], + [ + "\u2581Erbringung", + -13.75563144683838 + ], + [ + "\u2581individuelles", + -13.755638122558594 + ], + [ + "bed\u00fcrftigkeit", + -13.755644798278809 + ], + [ + "Rg", + -13.755647659301758 + ], + [ + "\u2581sobborghi", + -13.755688667297363 + ], + [ + "\u2581guerrier", + -13.755699157714844 + ], + [ + "\u2581Maldonado", + -13.75570011138916 + ], + [ + "\u2581Dentre", + -13.755715370178224 + ], + [ + "\u2581samengevoegd", + -13.755719184875488 + ], + [ + "\u2581Appeal", + -13.75574016571045 + ], + [ + "\u2581degradatie", + -13.755784034729004 + ], + [ + "\u2581Autoridad", + -13.75579833984375 + ], + [ + "\u2581Reu", + -13.755809783935549 + ], + [ + "\u2581Virgilio", + -13.755816459655762 + ], + [ + "LIBPATH", + -13.755826950073242 + ], + [ + "Produce", + -13.75584888458252 + ], + [ + "\u2581dominato", + -13.755857467651367 + ], + [ + "\u2581incapace", + -13.755926132202148 + ], + [ + "\u2581indirectly", + -13.75595760345459 + ], + [ + "uninstall", + -13.755962371826172 + ], + [ + "taco", + -13.75596523284912 + ], + [ + "\u2581inkomsten", + -13.75597858428955 + ], + [ + "\u2581riesgos", + -13.756010055541992 + ], + [ + "\u2581huelga", + -13.756033897399902 + ], + [ + "\u2581art\u00edsticos", + -13.756038665771484 + ], + [ + "Komplexe", + -13.756064414978027 + ], + [ + "\u2581doppiato", + -13.75608730316162 + ], + [ + "Mitsubishi", + -13.756146430969238 + ], + [ + "\u2581Szenen", + -13.75615692138672 + ], + [ + "ophthalm", + -13.756203651428224 + ], + [ + "\u2581Routen", + -13.756223678588867 + ], + [ + "informatie", + -13.756226539611816 + ], + [ + "\u2581garlic", + -13.75624656677246 + ], + [ + "peil", + -13.756251335144045 + ], + [ + "misero", + -13.756261825561523 + ], + [ + "\u2581trece", + -13.75627613067627 + ], + [ + "\u2581el\u00e9trico", + -13.756309509277344 + ], + [ + "issait", + -13.75632667541504 + ], + [ + "\u2581vergelijken", + -13.75638198852539 + ], + [ + "\u2581crainte", + -13.756385803222656 + ], + [ + "phrodi", + -13.756389617919922 + ], + [ + "\u2581paquete", + -13.756402015686035 + ], + [ + "schutzerkl\u00e4rung", + -13.756423950195312 + ], + [ + "sommer", + -13.756447792053224 + ], + [ + "gamos", + -13.756481170654297 + ], + [ + "\u00edcula", + -13.75650691986084 + ], + [ + "\u2581spider", + -13.756566047668455 + ], + [ + "expectation", + -13.756568908691406 + ], + [ + "\u2581Kan\u00e4le", + -13.756576538085938 + ], + [ + "construction", + -13.75658130645752 + ], + [ + "lekken", + -13.75658130645752 + ], + [ + "Archiv", + -13.756583213806152 + ], + [ + "zink", + -13.756585121154783 + ], + [ + "\u2581Hemm", + -13.756609916687012 + ], + [ + "\u2581contenir", + -13.756630897521973 + ], + [ + "\u2581Caserta", + -13.756647109985352 + ], + [ + "\u2581Landesamt", + -13.75666046142578 + ], + [ + "\u2581pontefice", + -13.756685256958008 + ], + [ + "\u2581ehrlich", + -13.756691932678224 + ], + [ + "\u2581Royale", + -13.756726264953612 + ], + [ + "k\u00fcndigt", + -13.756759643554688 + ], + [ + "\u2581Aver", + -13.756762504577637 + ], + [ + "\u2581proximidades", + -13.75676441192627 + ], + [ + "\u2581Hens", + -13.756765365600586 + ], + [ + "stancia", + -13.75678539276123 + ], + [ + "mech", + -13.75678825378418 + ], + [ + "\u2581principessa", + -13.75680160522461 + ], + [ + "\u2581Erlebnis", + -13.756811141967772 + ], + [ + "\u2581llanura", + -13.756834983825684 + ], + [ + "\u2581irreducible", + -13.756842613220217 + ], + [ + "\u2581coinvolge", + -13.756844520568848 + ], + [ + "\u2581salaire", + -13.756853103637695 + ], + [ + "\u2581ingenu", + -13.756881713867188 + ], + [ + "\u2581yacimiento", + -13.756891250610352 + ], + [ + "petro", + -13.756893157958984 + ], + [ + "\u2581lexic", + -13.756930351257324 + ], + [ + "\u2581Cartoon", + -13.756936073303224 + ], + [ + "\u2581Chambers", + -13.756975173950195 + ], + [ + "\u2581abundant", + -13.756982803344728 + ], + [ + "smoothing", + -13.757006645202637 + ], + [ + "\u2581Lebensraum", + -13.757019996643066 + ], + [ + "tala", + -13.757036209106444 + ], + [ + "cierto", + -13.757047653198242 + ], + [ + "ferri", + -13.757058143615724 + ], + [ + "tension", + -13.757092475891112 + ], + [ + "\u2581maintenu", + -13.757134437561035 + ], + [ + "idee", + -13.757166862487791 + ], + [ + "sauro", + -13.757172584533691 + ], + [ + "\u2581Sonata", + -13.757173538208008 + ], + [ + "\u2581gew\u00fcnschte", + -13.757176399230955 + ], + [ + "adin", + -13.757216453552246 + ], + [ + "\u2581cautiv", + -13.757220268249512 + ], + [ + "scheide", + -13.757221221923828 + ], + [ + "erordentlich", + -13.757254600524902 + ], + [ + "\u2581corretas", + -13.757259368896484 + ], + [ + "Etiopia", + -13.757290840148926 + ], + [ + "\u2581Principles", + -13.75731086730957 + ], + [ + "Libraries", + -13.75732421875 + ], + [ + "\u2581panorami", + -13.757351875305176 + ], + [ + "occurrence", + -13.757383346557615 + ], + [ + "Selbst", + -13.757390975952148 + ], + [ + "\u2581excava", + -13.757400512695312 + ], + [ + "\u2581Politiek", + -13.757410049438477 + ], + [ + "\u2581concludere", + -13.757455825805664 + ], + [ + "tteri", + -13.75746726989746 + ], + [ + "\u2581Paleo", + -13.757479667663574 + ], + [ + "ittori", + -13.757490158081056 + ], + [ + "\u2581aceito", + -13.757491111755373 + ], + [ + "\u2581supermercati", + -13.757519721984863 + ], + [ + "\u2581contes", + -13.75753688812256 + ], + [ + "\u2581seemingly", + -13.757539749145508 + ], + [ + "\u2581colpisce", + -13.757542610168455 + ], + [ + "ADV", + -13.757561683654783 + ], + [ + "Marcel", + -13.757573127746582 + ], + [ + "\u2581Esperanza", + -13.757665634155272 + ], + [ + "Instrument", + -13.757705688476562 + ], + [ + "\u2581progressivo", + -13.757723808288574 + ], + [ + "\u2581organisierte", + -13.757728576660156 + ], + [ + "Informer", + -13.757739067077637 + ], + [ + "\u2581simb\u00f3lico", + -13.757750511169434 + ], + [ + "\u2581geschlossene", + -13.757769584655762 + ], + [ + "Faixas", + -13.757780075073242 + ], + [ + "\u2581suggestiv", + -13.757790565490724 + ], + [ + "\u2581kDa", + -13.75779628753662 + ], + [ + "\u2581Gruppi", + -13.75779914855957 + ], + [ + "\u2581enviou", + -13.757803916931152 + ], + [ + "\u2581scooter", + -13.757807731628418 + ], + [ + "\u2581Ota", + -13.75788116455078 + ], + [ + "receiver", + -13.757890701293944 + ], + [ + "\u2581Muri\u00f3", + -13.757923126220703 + ], + [ + "\u2581spaziale", + -13.757932662963867 + ], + [ + "anion", + -13.75796127319336 + ], + [ + "\u2581renunci\u00f3", + -13.757977485656738 + ], + [ + "angelegenheiten", + -13.75801944732666 + ], + [ + "\u2581Pontificia", + -13.758041381835938 + ], + [ + "\u2581adottato", + -13.75804328918457 + ], + [ + "\u2581Gastronomie", + -13.758044242858888 + ], + [ + "Americanos", + -13.758051872253418 + ], + [ + "\u2581grati", + -13.758054733276367 + ], + [ + "\u2581Contrat", + -13.75805950164795 + ], + [ + "\u2581\"\"}", + -13.758065223693848 + ], + [ + "\u2581Debut\u00f3", + -13.758070945739746 + ], + [ + "aptitude", + -13.758071899414062 + ], + [ + "Layers", + -13.758148193359377 + ], + [ + "\u2581Jess", + -13.758156776428224 + ], + [ + "\u2581contempo", + -13.75818920135498 + ], + [ + "imitar", + -13.75819492340088 + ], + [ + "Stern", + -13.75820255279541 + ], + [ + "\u2581traguardo", + -13.758217811584473 + ], + [ + "r\u00e4der", + -13.758254051208496 + ], + [ + "\u2581propietarios", + -13.758294105529783 + ], + [ + "treue", + -13.758323669433594 + ], + [ + "\u2581costiere", + -13.7583589553833 + ], + [ + "m\u00fctig", + -13.75838851928711 + ], + [ + "mj", + -13.758418083190918 + ], + [ + "Assemblea", + -13.758448600769045 + ], + [ + "\u2581Douro", + -13.758460998535156 + ], + [ + "vka", + -13.758467674255373 + ], + [ + "quisito", + -13.758487701416016 + ], + [ + "\u2581metafisica", + -13.758517265319824 + ], + [ + "\u2581gevechten", + -13.75852108001709 + ], + [ + "\u2581Forrest", + -13.758522033691406 + ], + [ + "\u2581gelangte", + -13.758536338806152 + ], + [ + "\u2581Jak", + -13.758551597595217 + ], + [ + "\u2581imperi", + -13.758551597595217 + ], + [ + "\u2581Bibbia", + -13.758562088012695 + ], + [ + "\u2581semillas", + -13.758585929870604 + ], + [ + "\u2581sentiers", + -13.758588790893556 + ], + [ + "\u2581Judas", + -13.758596420288086 + ], + [ + "\u2581verreden", + -13.758618354797363 + ], + [ + "\u2581Minist", + -13.758624076843262 + ], + [ + "\u2581stockage", + -13.758626937866213 + ], + [ + "authenticated", + -13.758627891540527 + ], + [ + "\u2581Schwankungen", + -13.758665084838867 + ], + [ + "iyya", + -13.758672714233398 + ], + [ + "Aldrich", + -13.758676528930664 + ], + [ + "cards", + -13.758689880371094 + ], + [ + "\u2581Pfund", + -13.758780479431152 + ], + [ + "\u2581\"*.", + -13.758797645568848 + ], + [ + "\u2581eccellente", + -13.758829116821287 + ], + [ + "guest", + -13.758832931518556 + ], + [ + "\u2581manifesto", + -13.758844375610352 + ], + [ + "\u2581teclas", + -13.758868217468262 + ], + [ + "\u2581lasciate", + -13.75888442993164 + ], + [ + "\u2581nomenclatura", + -13.758893966674805 + ], + [ + "\u2581ergens", + -13.75889492034912 + ], + [ + "\u2581suggerisce", + -13.75889778137207 + ], + [ + "dependentemente", + -13.758959770202637 + ], + [ + "\u2581Terzo", + -13.75896167755127 + ], + [ + "\u2581Faune", + -13.758992195129396 + ], + [ + "\u2581Corti", + -13.759018898010254 + ], + [ + "Rotate", + -13.759027481079102 + ], + [ + "schwelle", + -13.759063720703123 + ], + [ + "ideale", + -13.7590913772583 + ], + [ + "EigsVector", + -13.75912380218506 + ], + [ + "\u2581inclined", + -13.75913429260254 + ], + [ + "IPV", + -13.759153366088867 + ], + [ + "Handel", + -13.759162902832031 + ], + [ + "\u2581Castili", + -13.759181022644045 + ], + [ + "Komitee", + -13.759190559387209 + ], + [ + "\u2581sal\u00eda", + -13.759207725524902 + ], + [ + "\u2581Vormaterialien", + -13.759222030639648 + ], + [ + "\u2581stai", + -13.759248733520508 + ], + [ + "insertion", + -13.759271621704102 + ], + [ + "\u2581avverti", + -13.759284019470217 + ], + [ + "\u2581Caspar", + -13.75929069519043 + ], + [ + "\u2581Gibb", + -13.759299278259276 + ], + [ + "identificazione", + -13.759302139282228 + ], + [ + "\u2581liberty", + -13.75931453704834 + ], + [ + "\u2581Pozna", + -13.759318351745604 + ], + [ + "elikopter", + -13.759371757507324 + ], + [ + "\u2581recebera", + -13.759389877319336 + ], + [ + "\u2581bspw", + -13.759417533874512 + ], + [ + "\u2581Sacra", + -13.75943660736084 + ], + [ + "\u2581sedere", + -13.759438514709473 + ], + [ + "\u2581Feu", + -13.759444236755373 + ], + [ + "teardown", + -13.759451866149902 + ], + [ + "\u2581plotted", + -13.759461402893066 + ], + [ + "FPGA", + -13.759480476379396 + ], + [ + "tendente", + -13.75948715209961 + ], + [ + "\u2581descendente", + -13.759493827819824 + ], + [ + "\u2581privil", + -13.759499549865724 + ], + [ + "\u2581Thromb", + -13.759507179260254 + ], + [ + "\u2581observando", + -13.759520530700684 + ], + [ + "configurable", + -13.75954246520996 + ], + [ + "faces", + -13.759560585021973 + ], + [ + "\u2581Michail", + -13.759564399719238 + ], + [ + "\u2581Pride", + -13.75957489013672 + ], + [ + "ornith", + -13.75959014892578 + ], + [ + "\u2581r\u00e1pidos", + -13.759607315063477 + ], + [ + "sfondo", + -13.75967502593994 + ], + [ + "\u2581productivity", + -13.759686470031738 + ], + [ + "qb", + -13.759708404541016 + ], + [ + "anais", + -13.759735107421877 + ], + [ + "usci", + -13.759771347045898 + ], + [ + "DIFF", + -13.75979995727539 + ], + [ + "\u2581fil\u00f3sofos", + -13.75980281829834 + ], + [ + "ibverse", + -13.759805679321287 + ], + [ + "ressourcen", + -13.759811401367188 + ], + [ + "istiek", + -13.759819984436035 + ], + [ + "\u2581violate", + -13.759843826293944 + ], + [ + "\u2581\u00f3tima", + -13.759855270385742 + ], + [ + "spora", + -13.759859085083008 + ], + [ + "diocese", + -13.759880065917969 + ], + [ + "rdinaten", + -13.759899139404297 + ], + [ + "\u2581wiederholte", + -13.759934425354004 + ], + [ + "\u2581Fica", + -13.75996208190918 + ], + [ + "\u2581cometa", + -13.759973526000977 + ], + [ + "icker", + -13.75997543334961 + ], + [ + "\u2581autogenerated", + -13.75997829437256 + ], + [ + "\u2581vasos", + -13.760007858276367 + ], + [ + "NEL", + -13.760018348693848 + ], + [ + "frontal", + -13.760027885437012 + ], + [ + "\u2581APIs", + -13.760027885437012 + ], + [ + "attesa", + -13.760039329528809 + ], + [ + "\u2581Gouda", + -13.760095596313477 + ], + [ + "\u2581deinem", + -13.760095596313477 + ], + [ + "\u2581num\u00e9ros", + -13.760102272033691 + ], + [ + "Hl", + -13.760132789611816 + ], + [ + "\u2581toekomstige", + -13.76016902923584 + ], + [ + "Atmosph", + -13.760199546813965 + ], + [ + "\u2581resi", + -13.760223388671877 + ], + [ + "\u2581herido", + -13.760272979736328 + ], + [ + "\u2581Souvenirs", + -13.76032543182373 + ], + [ + "\u2581aggiornate", + -13.760380744934082 + ], + [ + "saki", + -13.76038932800293 + ], + [ + "know", + -13.760390281677246 + ], + [ + "\u2581tabaco", + -13.760441780090332 + ], + [ + "\u2581Voli", + -13.760462760925291 + ], + [ + "w\u00e4hrung", + -13.760475158691406 + ], + [ + "\u2581Flusses", + -13.760550498962402 + ], + [ + "gaf", + -13.760614395141602 + ], + [ + "\u2581Wohlstand", + -13.760615348815918 + ], + [ + "\u2581Ja\u00e9n", + -13.760658264160156 + ], + [ + "\u2581ritir", + -13.760666847229004 + ], + [ + "EDI", + -13.760690689086914 + ], + [ + "\u2581modeled", + -13.760725021362305 + ], + [ + "\u2581attending", + -13.760775566101074 + ], + [ + "\u2581Eben", + -13.760783195495604 + ], + [ + "\u2581Vorhersage", + -13.760822296142578 + ], + [ + "\u2581accu", + -13.760866165161133 + ], + [ + "\u2581luces", + -13.760879516601562 + ], + [ + "\u2581s\u00e9pare", + -13.760899543762209 + ], + [ + "Tex", + -13.760916709899902 + ], + [ + "\u2581Genet", + -13.760918617248535 + ], + [ + "symmetrische", + -13.760951042175291 + ], + [ + "Napoli", + -13.760978698730469 + ], + [ + "qx", + -13.761059761047363 + ], + [ + "jedi", + -13.761065483093262 + ], + [ + "\u2581Vik", + -13.761067390441896 + ], + [ + "\u2581cancha", + -13.761157035827637 + ], + [ + "\u2581aufgelistet", + -13.761191368103027 + ], + [ + "\u2581mosaico", + -13.761194229125977 + ], + [ + "r\u00e4u", + -13.761201858520508 + ], + [ + "nii", + -13.761262893676758 + ], + [ + "adeguata", + -13.76130485534668 + ], + [ + "\u2581Rekonstruktion", + -13.761308670043944 + ], + [ + "\u2581vleugels", + -13.761308670043944 + ], + [ + "\u2581'-'", + -13.761309623718262 + ], + [ + "\u2581vertrokken", + -13.761357307434082 + ], + [ + "\u2581lavorano", + -13.76138401031494 + ], + [ + "kreisen", + -13.761388778686523 + ], + [ + "\u2581hindurch", + -13.761391639709473 + ], + [ + "\u2581Sachverhalte", + -13.761397361755373 + ], + [ + "\u2581behaupten", + -13.76142692565918 + ], + [ + "Frameworks", + -13.761433601379396 + ], + [ + "morfismo", + -13.761436462402344 + ], + [ + "\u2581forteresse", + -13.761462211608888 + ], + [ + "\u2581bolsillo", + -13.761470794677734 + ], + [ + "guel", + -13.761528968811035 + ], + [ + "\u2581struggling", + -13.76165008544922 + ], + [ + "\u2581Lebanon", + -13.761655807495115 + ], + [ + "\u2581Firm", + -13.76166534423828 + ], + [ + "\u2581Becher", + -13.761698722839355 + ], + [ + "\u2581Luzern", + -13.761716842651367 + ], + [ + "\u2581astron", + -13.761740684509276 + ], + [ + "cactus", + -13.761752128601074 + ], + [ + "\u2581concernent", + -13.761817932128906 + ], + [ + "\u2581Unbe", + -13.761839866638184 + ], + [ + "\u2581rivali", + -13.761860847473145 + ], + [ + "Nominal", + -13.76186466217041 + ], + [ + "\u2581clasifica", + -13.761911392211914 + ], + [ + "\u2581habituellement", + -13.761923789978027 + ], + [ + "\u2581attribuito", + -13.76192855834961 + ], + [ + "\u2581Vorwurf", + -13.761959075927734 + ], + [ + "\u2581nobres", + -13.761998176574709 + ], + [ + "eckel", + -13.76200008392334 + ], + [ + "rsene", + -13.762064933776855 + ], + [ + "fallversicherung", + -13.76208209991455 + ], + [ + "lemme", + -13.76209545135498 + ], + [ + "\u2581Ann\u00e4herung", + -13.762110710144045 + ], + [ + "HAR", + -13.762113571166992 + ], + [ + "\u2581Compte", + -13.762124061584473 + ], + [ + "\u2581parlata", + -13.762124061584473 + ], + [ + "\u2581Pall", + -13.762137413024902 + ], + [ + "\u2581humili", + -13.762150764465332 + ], + [ + "goal", + -13.762167930603027 + ], + [ + "ogr\u00e1ficos", + -13.762184143066406 + ], + [ + "\u2581affidata", + -13.76225471496582 + ], + [ + "joined", + -13.762276649475098 + ], + [ + "\u2581Perkins", + -13.762314796447754 + ], + [ + "bner", + -13.762327194213867 + ], + [ + "\u2581vegetaci\u00f3n", + -13.762328147888184 + ], + [ + "Lifetime", + -13.762344360351562 + ], + [ + "frig", + -13.76234531402588 + ], + [ + "onnet", + -13.76236629486084 + ], + [ + "\u2581Hungarian", + -13.762370109558104 + ], + [ + "accompagn", + -13.762372016906738 + ], + [ + "\u2581versch\u00e4rft", + -13.76239776611328 + ], + [ + "gement", + -13.762413024902344 + ], + [ + "\u2581onderscheiding", + -13.762420654296877 + ], + [ + "\u2581eseguito", + -13.762526512145996 + ], + [ + "\u2581poesie", + -13.762584686279297 + ], + [ + "informatik", + -13.76266098022461 + ], + [ + "Nh", + -13.76268482208252 + ], + [ + "FEC", + -13.762701988220217 + ], + [ + "gestaan", + -13.762713432312012 + ], + [ + "\u2581coureurs", + -13.762721061706545 + ], + [ + "\u2581r\u00e9alis", + -13.762771606445312 + ], + [ + "\u2581rispettare", + -13.762786865234377 + ], + [ + "\u2581compi", + -13.762788772583008 + ], + [ + "\u2581parvenir", + -13.762809753417969 + ], + [ + "\u2581Adriaan", + -13.762823104858398 + ], + [ + "r\u00e9gion", + -13.762824058532717 + ], + [ + "\u2581Odo", + -13.762825012207031 + ], + [ + "esigenza", + -13.762829780578612 + ], + [ + "\u2581H\u00e4usern", + -13.76290512084961 + ], + [ + "\u2581exhibited", + -13.762939453125 + ], + [ + "semifinali", + -13.76294994354248 + ], + [ + "ieken", + -13.762951850891112 + ], + [ + "\u2581Katrin", + -13.762995719909668 + ], + [ + "\u2581accord\u00e9", + -13.763029098510742 + ], + [ + "\u2581contenere", + -13.763035774230955 + ], + [ + "\u2581muerta", + -13.763073921203612 + ], + [ + "\u2581d\u00e9pendant", + -13.763120651245115 + ], + [ + "\u2581vrouwelijk", + -13.763141632080078 + ], + [ + "destructor", + -13.763154029846191 + ], + [ + "\u2581teatri", + -13.763160705566406 + ], + [ + "\u2581controles", + -13.76318359375 + ], + [ + "INGR", + -13.763200759887695 + ], + [ + "\u2581inclu\u00edda", + -13.763212203979492 + ], + [ + "\u2581vendedor", + -13.763232231140137 + ], + [ + "Atual", + -13.763245582580566 + ], + [ + "MACHINE", + -13.763260841369627 + ], + [ + "\u2581dif\u00edceis", + -13.763260841369627 + ], + [ + "\u2581stattfand", + -13.763264656066896 + ], + [ + "Vg", + -13.763278007507324 + ], + [ + "\u2581Paci", + -13.76328468322754 + ], + [ + "\u2581traslado", + -13.763313293457031 + ], + [ + "\u2581Blackburn", + -13.763331413269045 + ], + [ + "teelt", + -13.763349533081056 + ], + [ + "\u2581Studiums", + -13.763373374938965 + ], + [ + "\u2581malas", + -13.763431549072266 + ], + [ + "\u2581Codex", + -13.763436317443848 + ], + [ + "Partidos", + -13.76344394683838 + ], + [ + "ARTICLE", + -13.763445854187012 + ], + [ + "\u2581fieldNumber", + -13.763446807861328 + ], + [ + "izzle", + -13.763457298278809 + ], + [ + "\u2581Suez", + -13.763463020324709 + ], + [ + "\u2581coer", + -13.763467788696287 + ], + [ + "\u2581dolorosa", + -13.763505935668944 + ], + [ + "\u2581Hermandad", + -13.763537406921388 + ], + [ + "GLOB", + -13.763543128967283 + ], + [ + "\u2581levaram", + -13.763579368591309 + ], + [ + "\u2581migratori", + -13.763602256774902 + ], + [ + "presa", + -13.763627052307127 + ], + [ + "\u2581Folgendes", + -13.763651847839355 + ], + [ + "\u2581Alk", + -13.763729095458984 + ], + [ + "\u2581musiciens", + -13.76374340057373 + ], + [ + "\u2581Einsatzes", + -13.76376247406006 + ], + [ + "\u2581EdgeForm", + -13.763772010803224 + ], + [ + "\u2581Atores", + -13.763782501220703 + ], + [ + "\u2581arrastra", + -13.763819694519045 + ], + [ + "\u2581Investi", + -13.763832092285156 + ], + [ + "\u2581Vaughan", + -13.763840675354004 + ], + [ + "similitud", + -13.76384449005127 + ], + [ + "DBUS", + -13.763853073120115 + ], + [ + "GAG", + -13.7638578414917 + ], + [ + "\u2581Euri", + -13.763875961303713 + ], + [ + "logfile", + -13.76388454437256 + ], + [ + "\u2581viendo", + -13.763912200927734 + ], + [ + "\u2581deuren", + -13.763965606689451 + ], + [ + "\u2581Bris", + -13.763976097106934 + ], + [ + "\u2581Loreto", + -13.763976097106934 + ], + [ + "\u2581spiegato", + -13.763980865478516 + ], + [ + "\u2581piazze", + -13.764019012451172 + ], + [ + "\u2581hiding", + -13.764039039611816 + ], + [ + "\u2581inconveniente", + -13.764043807983398 + ], + [ + "\u2581fossi", + -13.76404857635498 + ], + [ + "ulan", + -13.764057159423828 + ], + [ + "\u2581reli\u00e9e", + -13.764115333557127 + ], + [ + "BUCKET", + -13.764165878295898 + ], + [ + "nvcc", + -13.764165878295898 + ], + [ + "\u2581englischer", + -13.764166831970217 + ], + [ + "mozilla", + -13.764201164245604 + ], + [ + "\u2581cottage", + -13.764201164245604 + ], + [ + "\u2581sinnvolle", + -13.764215469360352 + ], + [ + "Wp", + -13.76424503326416 + ], + [ + "zuschuss", + -13.764256477355955 + ], + [ + "\u2581Bloc", + -13.764266967773438 + ], + [ + "\u2581pescatori", + -13.764273643493652 + ], + [ + "\u2581Assa", + -13.76430606842041 + ], + [ + "\u2581calculator", + -13.764311790466309 + ], + [ + "\u2581avve", + -13.764345169067385 + ], + [ + "cario", + -13.764371871948242 + ], + [ + "muggen", + -13.764500617980955 + ], + [ + "kite", + -13.764531135559082 + ], + [ + "\u2581Wiese", + -13.764559745788574 + ], + [ + "\u2581Str\u00e4nde", + -13.76458740234375 + ], + [ + "Wirtschafts", + -13.764599800109863 + ], + [ + "\u2581Rapp", + -13.76462745666504 + ], + [ + "\u2581documentazione", + -13.76467514038086 + ], + [ + "Tooltip", + -13.76467990875244 + ], + [ + "\u2581Hik", + -13.76468563079834 + ], + [ + "\u2581trattare", + -13.764737129211426 + ], + [ + "\u2581Fantasti", + -13.764760971069336 + ], + [ + "\u2581erudito", + -13.764781951904297 + ], + [ + "\u2581westliche", + -13.764796257019045 + ], + [ + "Boston", + -13.764845848083496 + ], + [ + "Phrase", + -13.764849662780762 + ], + [ + "\u2581ricercatori", + -13.764850616455078 + ], + [ + "Indre", + -13.764874458312988 + ], + [ + "\u2581hervorgerufen", + -13.764887809753418 + ], + [ + "\u2581Sch\u00e4tz", + -13.764901161193848 + ], + [ + "\u2581ocidentais", + -13.764902114868164 + ], + [ + "schiera", + -13.76490592956543 + ], + [ + "\u2581Corinthians", + -13.764922142028809 + ], + [ + "\u2581Advent", + -13.764941215515137 + ], + [ + "IDAD", + -13.764946937561035 + ], + [ + "kq", + -13.764946937561035 + ], + [ + "\u2581Geruch", + -13.7649564743042 + ], + [ + "\u2581l\u00e4ndliche", + -13.765043258666992 + ], + [ + "\u2581Birmania", + -13.765047073364258 + ], + [ + "\u2581maneja", + -13.765070915222168 + ], + [ + "\u2581Falt", + -13.765080451965332 + ], + [ + "\u2581herkennen", + -13.765108108520508 + ], + [ + "\u2581averlo", + -13.765113830566406 + ], + [ + "matischen", + -13.765169143676758 + ], + [ + "\u2581Maggio", + -13.76520824432373 + ], + [ + "\u2581libretto", + -13.765247344970703 + ], + [ + "exporter", + -13.76524829864502 + ], + [ + "\u2581Leng", + -13.76527500152588 + ], + [ + "\u2581vuelos", + -13.76528263092041 + ], + [ + "abonnement", + -13.765298843383787 + ], + [ + "contentType", + -13.765329360961914 + ], + [ + "\u00f3ptico", + -13.765336990356444 + ], + [ + "\u2581exemplarisch", + -13.76539421081543 + ], + [ + "daily", + -13.765402793884276 + ], + [ + "\u2581democratie", + -13.76544189453125 + ], + [ + "\u2581savent", + -13.765472412109377 + ], + [ + "Bron", + -13.765498161315918 + ], + [ + "CARD", + -13.76552963256836 + ], + [ + "viren", + -13.765542984008787 + ], + [ + "\u2581administered", + -13.7655668258667 + ], + [ + "\u2581R\u00fcckzug", + -13.765655517578123 + ], + [ + "\u2581depresi\u00f3n", + -13.765674591064451 + ], + [ + "mium", + -13.765725135803224 + ], + [ + "elyn", + -13.765742301940918 + ], + [ + "rello", + -13.76576805114746 + ], + [ + "\u2581Tenn", + -13.765792846679688 + ], + [ + "\u2581Hern\u00e1n", + -13.765795707702637 + ], + [ + "\u2581chic", + -13.765795707702637 + ], + [ + "\u2581satelliet", + -13.76580047607422 + ], + [ + "\u2581auxiliares", + -13.765809059143066 + ], + [ + "\u2581semblable", + -13.76581859588623 + ], + [ + "\u2581N\u00e1", + -13.765899658203123 + ], + [ + "afl", + -13.765951156616213 + ], + [ + "\u2581Moreau", + -13.766051292419434 + ], + [ + "epo", + -13.76607608795166 + ], + [ + "\u2581nat\u00fcrlicher", + -13.766079902648926 + ], + [ + "\u2581espalha", + -13.766108512878418 + ], + [ + "\u2581Spra", + -13.766125679016112 + ], + [ + "helfer", + -13.766151428222656 + ], + [ + "demand", + -13.766161918640137 + ], + [ + "\u2581Gebietsk", + -13.766186714172363 + ], + [ + "leurs", + -13.766194343566896 + ], + [ + "Irak", + -13.766204833984377 + ], + [ + "theoretic", + -13.766205787658691 + ], + [ + "\u2581herencia", + -13.766215324401855 + ], + [ + "\u2581talleres", + -13.766221046447754 + ], + [ + "\u2581probabilidad", + -13.766230583190918 + ], + [ + "\u2581bureaucratiques", + -13.766265869140623 + ], + [ + "styl", + -13.766310691833496 + ], + [ + "\u2581Histo", + -13.766318321228027 + ], + [ + "\u2581converts", + -13.766324043273926 + ], + [ + "tamos", + -13.766364097595217 + ], + [ + "pict", + -13.766468048095703 + ], + [ + "\u2581Cunningham", + -13.766490936279297 + ], + [ + "\u2581d\u00e9truire", + -13.766490936279297 + ], + [ + "\u2581ilustrado", + -13.766529083251951 + ], + [ + "\u2581chronische", + -13.766546249389648 + ], + [ + "\u2581raads", + -13.766582489013672 + ], + [ + "directed", + -13.766596794128418 + ], + [ + "gek\u00fchlt", + -13.76661491394043 + ], + [ + "\u2581republicana", + -13.766616821289062 + ], + [ + "\u2581spectacles", + -13.766626358032228 + ], + [ + "\u2581secuela", + -13.766664505004885 + ], + [ + "\u2581Lakes", + -13.766674041748049 + ], + [ + "\u2581favoriser", + -13.766676902770996 + ], + [ + "\u2581Karak", + -13.766678810119627 + ], + [ + "\u2581Guiana", + -13.766708374023438 + ], + [ + "Physical", + -13.76671028137207 + ], + [ + "\u2581VwVfG", + -13.766722679138184 + ], + [ + "\u2581Mal\u00e1sia", + -13.76673412322998 + ], + [ + "dW", + -13.766740798950195 + ], + [ + "\u2581Silo", + -13.766776084899902 + ], + [ + "\u2581explosie", + -13.766816139221191 + ], + [ + "\u2581asamblea", + -13.76681900024414 + ], + [ + "\u2581Antarctica", + -13.766825675964355 + ], + [ + "asio", + -13.766839027404783 + ], + [ + "\u2581raisonnement", + -13.76684284210205 + ], + [ + "\u2581t\u00e9moigne", + -13.766923904418944 + ], + [ + "iteration", + -13.766926765441896 + ], + [ + "\u2581predomina", + -13.76693630218506 + ], + [ + "\u2581Knut", + -13.766940116882324 + ], + [ + "Heinz", + -13.766944885253906 + ], + [ + "\u2581S\u00e9rgio", + -13.766953468322754 + ], + [ + "\u2581psicol\u00f3gica", + -13.766963958740234 + ], + [ + "\u2581juda\u00edsmo", + -13.766983032226562 + ], + [ + "\u2581treino", + -13.766989707946776 + ], + [ + "\u2581Michal", + -13.766996383666992 + ], + [ + "\u2581notti", + -13.76700210571289 + ], + [ + "\u2581Shelley", + -13.76703643798828 + ], + [ + "\u2581H\u00fctten", + -13.767046928405762 + ], + [ + "\u2581baseadas", + -13.767066955566406 + ], + [ + "mull", + -13.76709270477295 + ], + [ + "\u2581Hinterbliebenen", + -13.767131805419922 + ], + [ + "c\u00e9d\u00e9", + -13.76714038848877 + ], + [ + "\u2581wiens", + -13.76722240447998 + ], + [ + "tomidae", + -13.76722812652588 + ], + [ + "\u2581respiratory", + -13.767230033874512 + ], + [ + "ribe", + -13.767289161682127 + ], + [ + "statique", + -13.76729965209961 + ], + [ + "j\u00e4ger", + -13.767306327819824 + ], + [ + "\u2581Gentil", + -13.767330169677734 + ], + [ + "IPO", + -13.767333984375 + ], + [ + "Preises", + -13.767369270324709 + ], + [ + "\u2581Damien", + -13.767391204833984 + ], + [ + "\u2581remonter", + -13.7673921585083 + ], + [ + "poner", + -13.767446517944336 + ], + [ + "astype", + -13.767461776733398 + ], + [ + "infiziert", + -13.767463684082031 + ], + [ + "\u2581entrichten", + -13.767498016357422 + ], + [ + "\u2581productions", + -13.767501831054688 + ], + [ + "\u2581vacation", + -13.767502784729004 + ], + [ + "\u2581Bulgar", + -13.767532348632812 + ], + [ + "\u2581Lembre", + -13.767569541931152 + ], + [ + "\u2581entgegenstehen", + -13.76758098602295 + ], + [ + "uteilung", + -13.76759910583496 + ], + [ + "cieux", + -13.76760959625244 + ], + [ + "nog", + -13.767617225646973 + ], + [ + "\u2581bilheterias", + -13.767705917358398 + ], + [ + "\u2581Lint", + -13.767743110656738 + ], + [ + "Gleichbehandlung", + -13.76777172088623 + ], + [ + "\u2581reduzida", + -13.767788887023926 + ], + [ + "voorde", + -13.767791748046877 + ], + [ + "Mari", + -13.767792701721191 + ], + [ + "\u2581Delf", + -13.767820358276367 + ], + [ + "foreign", + -13.76785659790039 + ], + [ + "intensive", + -13.767867088317873 + ], + [ + "\u2581habr\u00edan", + -13.76787281036377 + ], + [ + "abbondanza", + -13.767887115478516 + ], + [ + "\u2581Badajoz", + -13.767889022827148 + ], + [ + "\u00edcola", + -13.76789379119873 + ], + [ + "Motion", + -13.767966270446776 + ], + [ + "\u2581verspreiding", + -13.76796817779541 + ], + [ + "\u2581d\u00e9clara", + -13.767982482910156 + ], + [ + "PARAMS", + -13.767990112304688 + ], + [ + "\u2581frank", + -13.76799488067627 + ], + [ + "fiets", + -13.767998695373535 + ], + [ + "\u2581Fille", + -13.768021583557127 + ], + [ + "\u2581persiste", + -13.768028259277344 + ], + [ + "\u2581peggiore", + -13.768054008483888 + ], + [ + "Locations", + -13.768080711364746 + ], + [ + "\u2581diverge", + -13.768109321594238 + ], + [ + "\u2581transplant", + -13.768110275268556 + ], + [ + "\u2581Kolumbien", + -13.7681245803833 + ], + [ + "\u2581Tuch", + -13.768174171447754 + ], + [ + "Reino", + -13.768272399902344 + ], + [ + "\u2581ralenti", + -13.768285751342772 + ], + [ + "patent", + -13.768293380737305 + ], + [ + "\u2581varinhas", + -13.768301010131836 + ], + [ + "\u2581Lucha", + -13.768322944641112 + ], + [ + "\u2581assurd", + -13.768328666687012 + ], + [ + "Sistema", + -13.76837921142578 + ], + [ + "VCPKG", + -13.768399238586426 + ], + [ + "\u2581combatir", + -13.76840877532959 + ], + [ + "klage", + -13.768424987792969 + ], + [ + "liert", + -13.768461227416992 + ], + [ + "\u2581angrenzenden", + -13.76846408843994 + ], + [ + "\u2581Gr\u00e4", + -13.768465042114258 + ], + [ + "DOCT", + -13.768509864807127 + ], + [ + "affari", + -13.768511772155762 + ], + [ + "\u2581rudiment", + -13.768547058105469 + ], + [ + "uration", + -13.768580436706545 + ], + [ + "wad", + -13.76859188079834 + ], + [ + "cmds", + -13.768604278564451 + ], + [ + "\u2581Ethno", + -13.768621444702148 + ], + [ + "\u2581fermarsi", + -13.768716812133787 + ], + [ + "eines", + -13.7687406539917 + ], + [ + "nimmt", + -13.768769264221191 + ], + [ + "\u2581nobilt\u00e0", + -13.768805503845217 + ], + [ + "UNKNOWN", + -13.768811225891112 + ], + [ + "Dem", + -13.768827438354492 + ], + [ + "noarch", + -13.76883316040039 + ], + [ + "Providers", + -13.768834114074709 + ], + [ + "\u2581prolong", + -13.768841743469238 + ], + [ + "\u2581boodschap", + -13.768872261047363 + ], + [ + "\u2581Wouter", + -13.768877029418944 + ], + [ + "maco", + -13.768882751464844 + ], + [ + "tuned", + -13.768888473510742 + ], + [ + "WISE", + -13.768982887268066 + ], + [ + "\u2581Desporto", + -13.769013404846191 + ], + [ + "\u2581Beitragssatz", + -13.769021034240724 + ], + [ + "\u2581moti", + -13.769035339355469 + ], + [ + "\u2581practically", + -13.769035339355469 + ], + [ + "\u2581Beschaffenheit", + -13.769036293029783 + ], + [ + "\u2581antibodies", + -13.769057273864746 + ], + [ + "attempt", + -13.769085884094238 + ], + [ + "Londres", + -13.769100189208984 + ], + [ + "\u2581acababa", + -13.76914405822754 + ], + [ + "disciplina", + -13.769159317016602 + ], + [ + "cimiento", + -13.769240379333496 + ], + [ + "\u2581creativa", + -13.76925277709961 + ], + [ + "\u2581pastore", + -13.76925277709961 + ], + [ + "Taxonomy", + -13.769268989562988 + ], + [ + "\u2581K\u00e4lber", + -13.769269943237305 + ], + [ + "\u2581pedi", + -13.769338607788086 + ], + [ + "\u2581beneficiar", + -13.769360542297363 + ], + [ + "\u2581Dress", + -13.76943302154541 + ], + [ + "intrigue", + -13.769447326660156 + ], + [ + "ulteriore", + -13.769460678100586 + ], + [ + "\u2581divieto", + -13.769518852233888 + ], + [ + "\u2581edel", + -13.769594192504885 + ], + [ + "\u2581Sarra", + -13.769615173339844 + ], + [ + "\u2581idiot", + -13.769622802734377 + ], + [ + "SUDO", + -13.769655227661133 + ], + [ + "Esercito", + -13.769732475280762 + ], + [ + "\u2581perguntar", + -13.769739151000977 + ], + [ + "Maintenance", + -13.769804954528809 + ], + [ + "\u2581racines", + -13.769821166992188 + ], + [ + "\u2581brauche", + -13.769829750061035 + ], + [ + "\u2581mathematician", + -13.769829750061035 + ], + [ + "\u2581leather", + -13.769847869873049 + ], + [ + "euge", + -13.769882202148438 + ], + [ + "voxel", + -13.769886016845703 + ], + [ + "\u2581caus\u00f3", + -13.769893646240234 + ], + [ + "\u2581colecciones", + -13.769937515258787 + ], + [ + "bobobobobo", + -13.769964218139648 + ], + [ + "\u2581Corrientes", + -13.76997184753418 + ], + [ + "doto", + -13.769979476928713 + ], + [ + "\u2581Concilio", + -13.77000331878662 + ], + [ + "\u2581betrof", + -13.770004272460938 + ], + [ + "\u2581rumo", + -13.770090103149414 + ], + [ + "\u2581Eerst", + -13.770097732543944 + ], + [ + "ulated", + -13.770099639892578 + ], + [ + "\u2581Rodo", + -13.770123481750488 + ], + [ + "\u2581Lehrgang", + -13.770174026489258 + ], + [ + "\u2581turc", + -13.770182609558104 + ], + [ + "Rename", + -13.770219802856444 + ], + [ + "\u2581waterstof", + -13.770231246948242 + ], + [ + "menschlich", + -13.77026081085205 + ], + [ + "\u2581cabelo", + -13.7703275680542 + ], + [ + "\u2581fundar", + -13.770328521728516 + ], + [ + "\u2581rejection", + -13.770344734191896 + ], + [ + "phora", + -13.770381927490234 + ], + [ + "\u2581gedachte", + -13.77038288116455 + ], + [ + "Angular", + -13.77040958404541 + ], + [ + "\u2581collettiva", + -13.770413398742676 + ], + [ + "\u2581C\u00edrculo", + -13.770427703857422 + ], + [ + "\u2581povera", + -13.770432472229004 + ], + [ + "\u2581estrat\u00e9gias", + -13.770496368408203 + ], + [ + "\u2581conserv\u00e9e", + -13.770524978637695 + ], + [ + "prefetch", + -13.770546913146973 + ], + [ + "\u2581Gu\u00e9", + -13.770593643188477 + ], + [ + "rapid", + -13.77060317993164 + ], + [ + "\u2581pagano", + -13.770621299743652 + ], + [ + "fazer", + -13.7706298828125 + ], + [ + "\u2581dividing", + -13.770686149597168 + ], + [ + "ologiques", + -13.770746231079102 + ], + [ + "avions", + -13.77074909210205 + ], + [ + "\u2581filtre", + -13.770760536193848 + ], + [ + "\u2581Schreiber", + -13.770807266235352 + ], + [ + "\u2581conquistado", + -13.770807266235352 + ], + [ + "\u2581contextos", + -13.770831108093262 + ], + [ + "stubs", + -13.77086353302002 + ], + [ + "\u2581grigio", + -13.77091121673584 + ], + [ + "\u2581presunta", + -13.770915031433104 + ], + [ + "onChange", + -13.770915985107422 + ], + [ + "\u2581Grammatik", + -13.770920753479004 + ], + [ + "\u2581competenza", + -13.770920753479004 + ], + [ + "diagonal", + -13.770959854125977 + ], + [ + "\u2581cinematografica", + -13.77098274230957 + ], + [ + "\u2581l\u00e9gale", + -13.77099609375 + ], + [ + "labelled", + -13.770999908447266 + ], + [ + "tice", + -13.771023750305176 + ], + [ + "\u2581Rovi", + -13.7710542678833 + ], + [ + "\u2581sometido", + -13.771103858947754 + ], + [ + "\u2581pertenecen", + -13.771162033081056 + ], + [ + "\u2581etnische", + -13.771181106567385 + ], + [ + "\u2581Autorin", + -13.771224975585938 + ], + [ + "Schicht", + -13.771232604980469 + ], + [ + "\u2581Esp\u00e9cies", + -13.771248817443848 + ], + [ + "\u2581Anger", + -13.771276473999023 + ], + [ + "cuna", + -13.77130889892578 + ], + [ + "\u2581creencias", + -13.771326065063477 + ], + [ + "\u2581diablo", + -13.77142333984375 + ], + [ + "\u2581Watts", + -13.771431922912598 + ], + [ + "logische", + -13.77144718170166 + ], + [ + "vela", + -13.771464347839355 + ], + [ + "contro", + -13.771510124206545 + ], + [ + "\u2581schiav", + -13.771525382995604 + ], + [ + "\u2581contamination", + -13.771586418151855 + ], + [ + "\u2581medaglie", + -13.771599769592283 + ], + [ + "\u2581huir", + -13.77160358428955 + ], + [ + "moy", + -13.771604537963867 + ], + [ + "\u2581Acer", + -13.77161979675293 + ], + [ + "\u2581coaches", + -13.77161979675293 + ], + [ + "Donnell", + -13.771641731262209 + ], + [ + "\u2581mithin", + -13.771671295166016 + ], + [ + "\u2581Gina", + -13.77168083190918 + ], + [ + "\u2581r\u00e9fl\u00e9chi", + -13.771681785583496 + ], + [ + "\u2581Daisy", + -13.771683692932127 + ], + [ + "\u2581outlined", + -13.771689414978027 + ], + [ + "\u2581steil", + -13.771718978881836 + ], + [ + "onique", + -13.771737098693848 + ], + [ + "gef\u00e4hrdung", + -13.771774291992188 + ], + [ + "Boden", + -13.771790504455566 + ], + [ + "erville", + -13.771817207336426 + ], + [ + "\u2581M\u00e1ximo", + -13.771820068359377 + ], + [ + "\u2581Sasso", + -13.771820068359377 + ], + [ + "\u2581Schools", + -13.77182674407959 + ], + [ + "vergunning", + -13.771827697753906 + ], + [ + "\u2581tromp", + -13.771845817565918 + ], + [ + "gedraaid", + -13.771856307983398 + ], + [ + "\u2581interpreti", + -13.771860122680664 + ], + [ + "\u2581enterr\u00e9", + -13.771862030029297 + ], + [ + "nivel", + -13.771879196166992 + ], + [ + "\u2581Kaspar", + -13.771944046020508 + ], + [ + "ab\u00f3", + -13.771947860717772 + ], + [ + "flugzeug", + -13.7720308303833 + ], + [ + "agio", + -13.772032737731934 + ], + [ + "\u2581Sami", + -13.7720365524292 + ], + [ + "\u2581gloire", + -13.772082328796388 + ], + [ + "\u2581Enciclopedia", + -13.77208423614502 + ], + [ + "\u2581Deventer", + -13.772089004516602 + ], + [ + "TTO", + -13.772095680236816 + ], + [ + "\u2581fiss", + -13.77210521697998 + ], + [ + "\u2581Humberto", + -13.77212142944336 + ], + [ + "strooi", + -13.772134780883787 + ], + [ + "\u2581luminoso", + -13.77216339111328 + ], + [ + "uai", + -13.772164344787598 + ], + [ + "\u2581Miembro", + -13.77217960357666 + ], + [ + "vige", + -13.772221565246582 + ], + [ + "ungspflichtig", + -13.772274017333984 + ], + [ + "paid", + -13.772316932678224 + ], + [ + "\u2581begleiten", + -13.772360801696776 + ], + [ + "apping", + -13.77238941192627 + ], + [ + "RuntimeException", + -13.772406578063965 + ], + [ + "sraad", + -13.772422790527344 + ], + [ + "ugel", + -13.772425651550291 + ], + [ + "\u2581Hari", + -13.77244758605957 + ], + [ + "\u2581magnesi", + -13.77246379852295 + ], + [ + "venait", + -13.772467613220217 + ], + [ + "\u2581ableiten", + -13.77247142791748 + ], + [ + "\u2581multiplied", + -13.772499084472656 + ], + [ + "\u2581Berm", + -13.772503852844238 + ], + [ + "armonia", + -13.772505760192873 + ], + [ + "\u2581sappia", + -13.77251434326172 + ], + [ + "\u2581staal", + -13.772582054138184 + ], + [ + "\u2581Neve", + -13.772656440734863 + ], + [ + "audience", + -13.772686958312988 + ], + [ + "\u2581B\u00fchnen", + -13.772747039794922 + ], + [ + "\u2581Redaktionelle", + -13.772749900817873 + ], + [ + "Writable", + -13.772750854492188 + ], + [ + "\u2581prints", + -13.772757530212402 + ], + [ + "\u2581Loma", + -13.772759437561035 + ], + [ + "\u2581Travail", + -13.772775650024414 + ], + [ + "gebrauch", + -13.77277946472168 + ], + [ + "\u2581veranstaltet", + -13.772786140441896 + ], + [ + "\u2581duplas", + -13.772796630859377 + ], + [ + "\u2581Francisca", + -13.772808074951172 + ], + [ + "\u2581whispered", + -13.77281379699707 + ], + [ + "sbetrag", + -13.772920608520508 + ], + [ + "\u2581figlie", + -13.772948265075684 + ], + [ + "\u2581traveled", + -13.77296543121338 + ], + [ + "Automation", + -13.772978782653809 + ], + [ + "\u2581piega", + -13.772989273071287 + ], + [ + "\u2581planilha", + -13.772991180419922 + ], + [ + "\u2581Taf", + -13.77303981781006 + ], + [ + "leone", + -13.773045539855955 + ], + [ + "\u2581producteurs", + -13.773053169250488 + ], + [ + "typische", + -13.773058891296388 + ], + [ + "\u2581advise", + -13.773058891296388 + ], + [ + "throttle", + -13.773070335388184 + ], + [ + "\u2581Versetzung", + -13.77310562133789 + ], + [ + "stow", + -13.773117065429688 + ], + [ + "tq", + -13.77313995361328 + ], + [ + "icismo", + -13.773144721984863 + ], + [ + "\u2581recopila", + -13.77321720123291 + ], + [ + "issime", + -13.773234367370604 + ], + [ + "\u2581donkere", + -13.773249626159668 + ], + [ + "ubu", + -13.773252487182615 + ], + [ + "\u2581Mensen", + -13.773268699645996 + ], + [ + "\u2581valiosa", + -13.773270606994627 + ], + [ + "VGG", + -13.773311614990234 + ], + [ + "IOC", + -13.773385047912598 + ], + [ + "\u2581Jaw", + -13.77340602874756 + ], + [ + "angeboten", + -13.773409843444824 + ], + [ + "\u2581Hick", + -13.773486137390137 + ], + [ + "\u2581Sisters", + -13.773488998413086 + ], + [ + "lijm", + -13.773489952087402 + ], + [ + "\u2581heerser", + -13.773508071899414 + ], + [ + "riedade", + -13.77351188659668 + ], + [ + "feng", + -13.773524284362791 + ], + [ + "\u2581convaincu", + -13.773529052734377 + ], + [ + "CENTER", + -13.773542404174805 + ], + [ + "\u2581Blech", + -13.773547172546388 + ], + [ + "gerungen", + -13.7735595703125 + ], + [ + "\u2581Induktion", + -13.773560523986816 + ], + [ + "Crotone", + -13.773564338684082 + ], + [ + "\u2581Heid", + -13.773576736450195 + ], + [ + "\u2581Inhibi", + -13.77358055114746 + ], + [ + "auern", + -13.773585319519045 + ], + [ + "\u2581golfe", + -13.77360725402832 + ], + [ + "\u2581favourite", + -13.773629188537598 + ], + [ + "\u2581habilita", + -13.77363109588623 + ], + [ + "EGO", + -13.773640632629396 + ], + [ + "\u2581exhibits", + -13.773649215698242 + ], + [ + "\u2581M\u00fcn", + -13.773667335510254 + ], + [ + "originale", + -13.773677825927734 + ], + [ + "\u2581Goldberg", + -13.773695945739746 + ], + [ + "\u2581franja", + -13.773707389831545 + ], + [ + "\u2581Billie", + -13.773743629455566 + ], + [ + "\u2581finanziari", + -13.773747444152832 + ], + [ + "\u2581Dokumenten", + -13.773778915405272 + ], + [ + "\u2581ondergrond", + -13.773818016052246 + ], + [ + "willing", + -13.773882865905762 + ], + [ + "\u2581Capilla", + -13.77389907836914 + ], + [ + "\u2581verbracht", + -13.77392578125 + ], + [ + "\u2581virtuos", + -13.773934364318848 + ], + [ + "\u2581lama", + -13.773941040039062 + ], + [ + "erhaltung", + -13.773972511291504 + ], + [ + "\u2581whisky", + -13.77397632598877 + ], + [ + "\u2581familial", + -13.773993492126465 + ], + [ + "\u2581fires", + -13.77405071258545 + ], + [ + "estri", + -13.774056434631348 + ], + [ + "platin", + -13.774100303649902 + ], + [ + "zzoli", + -13.77410125732422 + ], + [ + "\u2581accettano", + -13.7741117477417 + ], + [ + "\u2581Above", + -13.77413272857666 + ], + [ + "\u2581Roel", + -13.77413845062256 + ], + [ + "\u2581Geheimdienst", + -13.774154663085938 + ], + [ + "\u2581Weltkrieges", + -13.774155616760254 + ], + [ + "\u2581atletismo", + -13.774158477783203 + ], + [ + "Scratch", + -13.774163246154783 + ], + [ + "\u2581belas", + -13.774199485778809 + ], + [ + "\u2581affonda", + -13.774239540100098 + ], + [ + "datastore", + -13.774249076843262 + ], + [ + "\u2581quadrati", + -13.77428150177002 + ], + [ + "benchmarks", + -13.774286270141602 + ], + [ + "\u2581downward", + -13.774321556091309 + ], + [ + "maatregel", + -13.774340629577637 + ], + [ + "\u2581summ", + -13.77434539794922 + ], + [ + "\u2581divertido", + -13.774348258972168 + ], + [ + "\u2581seasonal", + -13.774358749389648 + ], + [ + "\u2581converti", + -13.774372100830078 + ], + [ + "\u2581dependente", + -13.774389266967772 + ], + [ + "\u2581Millimeter", + -13.774396896362305 + ], + [ + "\u2581Gerichtsbarkeit", + -13.774405479431152 + ], + [ + "\u2581Prend", + -13.774413108825684 + ], + [ + "\u2581Vizepr\u00e4sident", + -13.77445125579834 + ], + [ + "sentscheidung", + -13.774455070495604 + ], + [ + "gerissen", + -13.774468421936035 + ], + [ + "grading", + -13.774497032165527 + ], + [ + "direkt", + -13.774538040161133 + ], + [ + "\u2581surgiram", + -13.774539947509766 + ], + [ + "\u2581necesariamente", + -13.774540901184082 + ], + [ + "TOC", + -13.774556159973145 + ], + [ + "\u2581Beurlaubung", + -13.774612426757812 + ], + [ + "\u2581s\u00edlaba", + -13.77462673187256 + ], + [ + "\u2581concejo", + -13.774656295776367 + ], + [ + "\u2581loisirs", + -13.774665832519531 + ], + [ + "atische", + -13.774720191955566 + ], + [ + "\u2581t\u00fcrkische", + -13.774733543395996 + ], + [ + "dome", + -13.774741172790527 + ], + [ + "apprendre", + -13.774782180786133 + ], + [ + "\u2581Haushaltsplan", + -13.774807929992676 + ], + [ + "\u2581feminist", + -13.774825096130373 + ], + [ + "\u2581cr\u00edmenes", + -13.774849891662598 + ], + [ + "neberg", + -13.774866104125977 + ], + [ + "ELS", + -13.774869918823242 + ], + [ + "gros", + -13.774872779846191 + ], + [ + "oneta", + -13.77489948272705 + ], + [ + "phane", + -13.775054931640623 + ], + [ + "\u2581svizzero", + -13.775069236755373 + ], + [ + "kontext", + -13.775080680847168 + ], + [ + "hielt", + -13.775089263916016 + ], + [ + "\u2581antiken", + -13.775111198425291 + ], + [ + "CTC", + -13.77516269683838 + ], + [ + "codage", + -13.7752046585083 + ], + [ + "\u2581cartoon", + -13.775230407714844 + ], + [ + "libdir", + -13.77523422241211 + ], + [ + "Inc", + -13.775256156921388 + ], + [ + "binnen", + -13.775257110595703 + ], + [ + "gredi", + -13.775272369384766 + ], + [ + "\u2581anh\u00e4ngig", + -13.775310516357422 + ], + [ + "\u2581Kyo", + -13.775376319885254 + ], + [ + "\u2581DCAT", + -13.775385856628418 + ], + [ + "USP", + -13.775403022766112 + ], + [ + "\u2581verlief", + -13.775456428527832 + ], + [ + "\u2581impegnato", + -13.775482177734377 + ], + [ + "Tiny", + -13.775494575500488 + ], + [ + "\u2581notifica", + -13.77549648284912 + ], + [ + "leiste", + -13.775531768798828 + ], + [ + "\u2581Canberra", + -13.77554416656494 + ], + [ + "\u2581presentaba", + -13.77556037902832 + ], + [ + "iyah", + -13.775562286376951 + ], + [ + "\u2581Galaxie", + -13.775596618652344 + ], + [ + "Objeto", + -13.775640487670898 + ], + [ + "RAG", + -13.77566146850586 + ], + [ + "Lv", + -13.775718688964844 + ], + [ + "GMA", + -13.77573585510254 + ], + [ + "lupo", + -13.775779724121094 + ], + [ + "rolo", + -13.77581024169922 + ], + [ + "\u2581conferir", + -13.77586269378662 + ], + [ + "\u2581ernstige", + -13.775885581970217 + ], + [ + "witness", + -13.775901794433594 + ], + [ + "unie", + -13.775907516479492 + ], + [ + "\u2581trovata", + -13.775933265686035 + ], + [ + "\u2581forestier", + -13.775943756103516 + ], + [ + "\u2581bekanntesten", + -13.77595043182373 + ], + [ + "feto", + -13.775970458984377 + ], + [ + "BVA", + -13.775976181030272 + ], + [ + "Cruz", + -13.775995254516602 + ], + [ + "\u2581Bundesministeri", + -13.775996208190918 + ], + [ + "privileged", + -13.776012420654297 + ], + [ + "\u2581Ranch", + -13.776023864746094 + ], + [ + "\u2581parisienne", + -13.77603244781494 + ], + [ + "hnliches", + -13.77609920501709 + ], + [ + "\u2581Krankenkasse", + -13.776138305664062 + ], + [ + "punha", + -13.77614688873291 + ], + [ + "v\u00e4", + -13.776158332824709 + ], + [ + "\u2581d\u00e9passer", + -13.77616024017334 + ], + [ + "\u2581Soit", + -13.776166915893556 + ], + [ + "dirty", + -13.77619743347168 + ], + [ + "intermediate", + -13.776200294494627 + ], + [ + "\u2581Galle", + -13.776226043701172 + ], + [ + "ROLE", + -13.776243209838867 + ], + [ + "\u2581difficilmente", + -13.776244163513184 + ], + [ + "\u2581impuesto", + -13.776283264160156 + ], + [ + "murmur", + -13.776345252990724 + ], + [ + "\u2581Gaunt", + -13.776394844055176 + ], + [ + "\u2581Geneva", + -13.776433944702148 + ], + [ + "\u2581divertimento", + -13.776443481445312 + ], + [ + "Interno", + -13.776450157165527 + ], + [ + "\u2581aprendido", + -13.776458740234377 + ], + [ + "\u2581reminded", + -13.776473999023438 + ], + [ + "krachten", + -13.776481628417969 + ], + [ + "\u2581Summerlee", + -13.776487350463867 + ], + [ + "Tam", + -13.776494026184082 + ], + [ + "merkmale", + -13.776548385620115 + ], + [ + "maxResults", + -13.776558876037598 + ], + [ + "\u2581televisive", + -13.776598930358888 + ], + [ + "ltr", + -13.776615142822266 + ], + [ + "verhaal", + -13.77663803100586 + ], + [ + "\u2581Houten", + -13.77664566040039 + ], + [ + "\u2581r\u00e9cente", + -13.77664852142334 + ], + [ + "havn", + -13.776651382446287 + ], + [ + "\u2581cadeau", + -13.77669906616211 + ], + [ + "\u2581stabilize", + -13.776700019836426 + ], + [ + "sigs", + -13.776702880859377 + ], + [ + "\u00e4den", + -13.776721000671388 + ], + [ + "\u2581Entw\u00fcrfe", + -13.776721954345703 + ], + [ + "\u2581Regal", + -13.776762008666992 + ], + [ + "\u2581materialen", + -13.77678394317627 + ], + [ + "\u2581Pola", + -13.776788711547852 + ], + [ + "wochen", + -13.776864051818848 + ], + [ + "atini", + -13.776906967163086 + ], + [ + "\u2581addosso", + -13.77691650390625 + ], + [ + "teros", + -13.776927947998049 + ], + [ + "\u2581dealt", + -13.776933670043944 + ], + [ + "\u2581economisch", + -13.776936531066896 + ], + [ + "EventListener", + -13.77694034576416 + ], + [ + "\u2581chinos", + -13.776949882507324 + ], + [ + "thai", + -13.77695655822754 + ], + [ + "jury", + -13.776965141296388 + ], + [ + "Reading", + -13.776983261108398 + ], + [ + "Advisor", + -13.77699089050293 + ], + [ + "obst", + -13.777012825012209 + ], + [ + "\u2581Boud", + -13.777050971984863 + ], + [ + "\u2581sopa", + -13.777074813842772 + ], + [ + "assoc", + -13.777106285095217 + ], + [ + "\u2581raggiungendo", + -13.777116775512695 + ], + [ + "pixels", + -13.77712059020996 + ], + [ + "strias", + -13.777128219604492 + ], + [ + "liness", + -13.777159690856934 + ], + [ + "Kay", + -13.777175903320312 + ], + [ + "\u2581d\u00e9l\u00e9gation", + -13.77719020843506 + ], + [ + "\u2581men\u00e9", + -13.777206420898438 + ], + [ + "queries", + -13.777222633361816 + ], + [ + "\u2581\u00e9motions", + -13.777230262756348 + ], + [ + "Billing", + -13.77724266052246 + ], + [ + "stitution", + -13.777244567871094 + ], + [ + "nning", + -13.777276039123535 + ], + [ + "\u2581Distritos", + -13.777342796325684 + ], + [ + "griechisch", + -13.777344703674316 + ], + [ + "g\u00e9nero", + -13.777372360229492 + ], + [ + "ollsatz", + -13.77739143371582 + ], + [ + "ENDER", + -13.777392387390137 + ], + [ + "\u2581terrorisme", + -13.777398109436035 + ], + [ + "\u2581zeldzaam", + -13.777420997619627 + ], + [ + "School", + -13.777425765991213 + ], + [ + "\u2581Chopin", + -13.777427673339844 + ], + [ + "l\u00edmpi", + -13.77745246887207 + ], + [ + "automation", + -13.777499198913574 + ], + [ + "ablauf", + -13.777532577514648 + ], + [ + "\u2581isolato", + -13.77753734588623 + ], + [ + "\u2581interagir", + -13.77755641937256 + ], + [ + "\u2581quil\u00f3metro", + -13.77756118774414 + ], + [ + "auv", + -13.77756690979004 + ], + [ + "\u2581dauerte", + -13.777573585510254 + ], + [ + "\u2581suoni", + -13.777573585510254 + ], + [ + "\u2581forstwirtschaft", + -13.777580261230469 + ], + [ + "naud", + -13.777581214904783 + ], + [ + "Achievement", + -13.777645111083984 + ], + [ + "\u2581Daimler", + -13.7776460647583 + ], + [ + "\u2581Halifax", + -13.777647972106934 + ], + [ + "atica", + -13.777649879455566 + ], + [ + "Universidad", + -13.777708053588867 + ], + [ + "\u2581dificulta", + -13.777742385864258 + ], + [ + "\u2581langere", + -13.777749061584473 + ], + [ + "\u2581cumprir", + -13.777779579162598 + ], + [ + "\u2581brevet", + -13.777790069580078 + ], + [ + "\u2581spectaculaire", + -13.777814865112305 + ], + [ + "inco", + -13.77781867980957 + ], + [ + "\u2581submarine", + -13.777827262878418 + ], + [ + "zuka", + -13.777938842773438 + ], + [ + "\u2581r\u00e9unis", + -13.777948379516602 + ], + [ + "\u2581quadrup", + -13.777956008911133 + ], + [ + "\u2581Wessel", + -13.77800750732422 + ], + [ + "\u2581Stur", + -13.77801513671875 + ], + [ + "Protection", + -13.77802562713623 + ], + [ + "Modern", + -13.778057098388672 + ], + [ + "Itali", + -13.77805995941162 + ], + [ + "omycin", + -13.77807331085205 + ], + [ + "\u2581Brus", + -13.778162956237791 + ], + [ + "\u2581Generell", + -13.778169631958008 + ], + [ + "\u2581Bienen", + -13.778181076049805 + ], + [ + "gdef", + -13.778250694274902 + ], + [ + "\u2581$|\\", + -13.778255462646484 + ], + [ + "\u2581musicien", + -13.778264999389648 + ], + [ + "\u2581Leonid", + -13.778310775756836 + ], + [ + "drecht", + -13.778314590454102 + ], + [ + "\u2581Arist\u00f3teles", + -13.778346061706545 + ], + [ + "\u2581regimes", + -13.778355598449709 + ], + [ + "ettle", + -13.778389930725098 + ], + [ + "\u2581valse", + -13.778396606445312 + ], + [ + "\u2581Venta", + -13.77840518951416 + ], + [ + "\u2581vermelding", + -13.77846908569336 + ], + [ + "\u2581autoris\u00e9", + -13.778523445129396 + ], + [ + "\u2581invent\u00e9", + -13.778564453125 + ], + [ + "webView", + -13.778627395629885 + ], + [ + "archivio", + -13.77863883972168 + ], + [ + "parade", + -13.778677940368652 + ], + [ + "orphan", + -13.778682708740234 + ], + [ + "fSLO", + -13.778700828552246 + ], + [ + "\u2581budista", + -13.77875518798828 + ], + [ + "Nick", + -13.778763771057127 + ], + [ + "Ende", + -13.778768539428713 + ], + [ + "rovi", + -13.778776168823242 + ], + [ + "abul", + -13.77878475189209 + ], + [ + "\u2581isolada", + -13.77879810333252 + ], + [ + "\u2581Regia", + -13.77880573272705 + ], + [ + "\u2581temer", + -13.778818130493164 + ], + [ + "\u2581rivolte", + -13.77884006500244 + ], + [ + "\u2581involucrado", + -13.778852462768556 + ], + [ + "wilder", + -13.778857231140137 + ], + [ + "\u2581rechaza", + -13.778885841369627 + ], + [ + "\u2581Kari", + -13.77889347076416 + ], + [ + "traumatic", + -13.77891445159912 + ], + [ + "\u2581umgehen", + -13.77894401550293 + ], + [ + "\u2581Cria", + -13.778949737548828 + ], + [ + "\u2581geographical", + -13.778970718383787 + ], + [ + "\u2581spre", + -13.778972625732422 + ], + [ + "\u2581Atletas", + -13.778985023498535 + ], + [ + "movable", + -13.778989791870115 + ], + [ + "\u2581unterzogen", + -13.7789945602417 + ], + [ + "\u2581asombr", + -13.779030799865724 + ], + [ + "\u2581Gob", + -13.779035568237305 + ], + [ + "Spatial", + -13.77904224395752 + ], + [ + "UnsafeMutable", + -13.779047012329102 + ], + [ + "\u2581publicitaire", + -13.779056549072266 + ], + [ + "Brussel", + -13.77908992767334 + ], + [ + "ellina", + -13.779095649719238 + ], + [ + "\u2581Chev", + -13.779107093811035 + ], + [ + "Dispatcher", + -13.77914333343506 + ], + [ + "nern", + -13.77920913696289 + ], + [ + "\u2581Sonn", + -13.779229164123535 + ], + [ + "\u2581uruguayo", + -13.779253005981444 + ], + [ + "artiglieria", + -13.779285430908203 + ], + [ + "\u2581bourse", + -13.77936553955078 + ], + [ + "\u2581Mitsu", + -13.779370307922363 + ], + [ + "\u2581appropriately", + -13.77940845489502 + ], + [ + "\u2581sag", + -13.779433250427246 + ], + [ + "\u2581Passau", + -13.779474258422852 + ], + [ + "\u2581komplexer", + -13.779497146606444 + ], + [ + "\u2581crops", + -13.77950954437256 + ], + [ + "Concrete", + -13.779522895812988 + ], + [ + "\u2581Geschwister", + -13.779528617858888 + ], + [ + "\u2581Hancock", + -13.779550552368164 + ], + [ + "taken", + -13.779559135437012 + ], + [ + "\u2581rinvia", + -13.77956771850586 + ], + [ + "\u2581christliche", + -13.77957820892334 + ], + [ + "\u2581inzicht", + -13.77961254119873 + ], + [ + "\u2581introducir", + -13.779624938964844 + ], + [ + "\u2581mamm", + -13.77963638305664 + ], + [ + "\u2581Abenteuer", + -13.779645919799805 + ], + [ + "lva", + -13.779677391052246 + ], + [ + "\u2581abbattut", + -13.779691696166992 + ], + [ + "atteinte", + -13.77969455718994 + ], + [ + "\u2581protestantes", + -13.77969741821289 + ], + [ + "lexikon", + -13.779704093933104 + ], + [ + "Montserrat", + -13.779749870300291 + ], + [ + "nensis", + -13.779823303222656 + ], + [ + "\u2581lungomare", + -13.779829025268556 + ], + [ + "\u2581Sidi", + -13.779830932617188 + ], + [ + "ducing", + -13.779850959777832 + ], + [ + "\u2581schiena", + -13.77988338470459 + ], + [ + "imenta", + -13.779913902282717 + ], + [ + "accelerator", + -13.779935836791992 + ], + [ + "developers", + -13.779969215393066 + ], + [ + "\u2581Arl", + -13.779970169067385 + ], + [ + "\u2581Reviews", + -13.779977798461914 + ], + [ + "\u2581consiguiente", + -13.779984474182127 + ], + [ + "\u2581distinci\u00f3n", + -13.780044555664062 + ], + [ + "\u00edculos", + -13.78005313873291 + ], + [ + "dlichen", + -13.780085563659668 + ], + [ + "ecession", + -13.780094146728516 + ], + [ + "\u2581H\u00fcl", + -13.780102729797363 + ], + [ + "lungen", + -13.780122756958008 + ], + [ + "\u2581Kawasaki", + -13.780122756958008 + ], + [ + "\u2581int\u00e9rprete", + -13.780158042907717 + ], + [ + "\u2581fixo", + -13.780159950256348 + ], + [ + "\u2581moltiplica", + -13.780187606811523 + ], + [ + "\u2581teriam", + -13.780206680297852 + ], + [ + "\u2581mittelalterlich", + -13.78025245666504 + ], + [ + "\u2581taxon", + -13.780261993408203 + ], + [ + "\u2581mittelfristig", + -13.780378341674805 + ], + [ + "thym", + -13.780390739440918 + ], + [ + "sienta", + -13.780404090881348 + ], + [ + "\u2581Trauma", + -13.780405044555664 + ], + [ + "PET", + -13.780407905578612 + ], + [ + "JavaScript", + -13.780447959899902 + ], + [ + "etia", + -13.780473709106444 + ], + [ + "\u2581overgebracht", + -13.78048610687256 + ], + [ + "\u2581retenu", + -13.780505180358888 + ], + [ + "\u2581Schwimm", + -13.780509948730469 + ], + [ + "kommer", + -13.78055191040039 + ], + [ + "\u2581proc\u00e9dures", + -13.780555725097656 + ], + [ + "\u2581Malik", + -13.780584335327148 + ], + [ + "molecular", + -13.780596733093262 + ], + [ + "achte", + -13.780598640441896 + ], + [ + "clair", + -13.780620574951172 + ], + [ + "\u2581construits", + -13.780634880065918 + ], + [ + "\u2581auction", + -13.780649185180664 + ], + [ + "preload", + -13.780658721923828 + ], + [ + "\u2581Figures", + -13.780661582946776 + ], + [ + "\u2581bilateralen", + -13.78067398071289 + ], + [ + "\u2581averti", + -13.780698776245115 + ], + [ + "\u2581Enschede", + -13.780699729919434 + ], + [ + "aerts", + -13.780720710754396 + ], + [ + "ellkultur", + -13.78073024749756 + ], + [ + "\u2581densit\u00e0", + -13.780755043029783 + ], + [ + "\u2581rebuild", + -13.780757904052734 + ], + [ + "parlamentarische", + -13.780763626098633 + ], + [ + "\u2581federf\u00fchrenden", + -13.780799865722656 + ], + [ + "Overige", + -13.780817031860352 + ], + [ + "\u2581Amalia", + -13.780817985534668 + ], + [ + "\u2581ontbreken", + -13.780855178833008 + ], + [ + "\u2581bevanda", + -13.780860900878906 + ], + [ + "\u2581St\u00e4ndigen", + -13.780878067016602 + ], + [ + "cantada", + -13.780887603759766 + ], + [ + "timeResolution", + -13.78090476989746 + ], + [ + "projection", + -13.780949592590332 + ], + [ + "rossa", + -13.780990600585938 + ], + [ + "\u2581Emirates", + -13.78099536895752 + ], + [ + "inventaire", + -13.781051635742188 + ], + [ + "manufa", + -13.781055450439451 + ], + [ + "\u2581onver", + -13.781094551086426 + ], + [ + "heta", + -13.781119346618652 + ], + [ + "\u2581Abruf", + -13.781131744384766 + ], + [ + "Pontevedra", + -13.781156539916992 + ], + [ + "\u2581Hitchcock", + -13.781158447265623 + ], + [ + "\u2581Lippe", + -13.781213760375977 + ], + [ + "\u2581Reyn", + -13.781238555908203 + ], + [ + "\u2581Nichts", + -13.781278610229492 + ], + [ + "billa", + -13.78128433227539 + ], + [ + "trices", + -13.781307220458984 + ], + [ + "AFL", + -13.781370162963867 + ], + [ + "menhir", + -13.78139591217041 + ], + [ + "\u2581sveglia", + -13.781407356262209 + ], + [ + "gnome", + -13.78140926361084 + ], + [ + "critic", + -13.781412124633787 + ], + [ + "\u2581R\u00fcstungs", + -13.781431198120115 + ], + [ + "Caval", + -13.781475067138672 + ], + [ + "\u2581sporc", + -13.781490325927734 + ], + [ + "\u2581constate", + -13.78149700164795 + ], + [ + "\u2581circondario", + -13.781500816345217 + ], + [ + "\u2581europeia", + -13.781539916992188 + ], + [ + "erling", + -13.78154182434082 + ], + [ + "\u2581hierboven", + -13.78154754638672 + ], + [ + "\u2581contamin", + -13.781549453735352 + ], + [ + "\u2581requisiti", + -13.7815523147583 + ], + [ + "\u2581intensiver", + -13.781675338745115 + ], + [ + "verschiebung", + -13.781704902648926 + ], + [ + "\u2581documentario", + -13.781720161437988 + ], + [ + "\u2581proc\u00e9der", + -13.78173828125 + ], + [ + "Summe", + -13.781755447387695 + ], + [ + "\u2581verdwijnen", + -13.78175926208496 + ], + [ + "coop", + -13.781771659851074 + ], + [ + "ducir", + -13.781805038452148 + ], + [ + "\u2581induces", + -13.781807899475098 + ], + [ + "uelli", + -13.781820297241213 + ], + [ + "\u2581oudheid", + -13.781821250915527 + ], + [ + "\u00e1til", + -13.781869888305664 + ], + [ + "\u2581Neigung", + -13.781872749328612 + ], + [ + "erlegung", + -13.781880378723145 + ], + [ + "\u2581Krankenh\u00e4usern", + -13.781936645507812 + ], + [ + "\u2581disposizioni", + -13.78194522857666 + ], + [ + "krater", + -13.782001495361328 + ], + [ + "\u2581orbitales", + -13.78209114074707 + ], + [ + "\u2581Gij\u00f3n", + -13.782110214233398 + ], + [ + "retain", + -13.78212547302246 + ], + [ + "\u2581venganza", + -13.782126426696776 + ], + [ + "schmerz", + -13.78214168548584 + ], + [ + "\u2581Melk", + -13.782156944274902 + ], + [ + "\u2581rilasciato", + -13.7821626663208 + ], + [ + "SIA", + -13.782169342041016 + ], + [ + "\u2581Melanie", + -13.782187461853027 + ], + [ + "\u2581Catal", + -13.782220840454102 + ], + [ + "improvvisa", + -13.782233238220217 + ], + [ + "\u2581exp\u00e9riment", + -13.782238960266112 + ], + [ + "Fan", + -13.782264709472656 + ], + [ + "outre", + -13.782269477844238 + ], + [ + "\u2581merkt", + -13.782286643981934 + ], + [ + "Rating", + -13.78233242034912 + ], + [ + "\u2581\u00e9labor\u00e9", + -13.782337188720703 + ], + [ + "\u2581Volvo", + -13.782367706298828 + ], + [ + "\u2581K\u00fcrzung", + -13.782389640808104 + ], + [ + "\u2581plazas", + -13.782408714294434 + ], + [ + "serm\u00e4chtigungen", + -13.782423973083496 + ], + [ + "brou", + -13.782452583312988 + ], + [ + "acche", + -13.782458305358888 + ], + [ + "\u2581p\u00e9rdidas", + -13.78248119354248 + ], + [ + "planner", + -13.782492637634276 + ], + [ + "riem", + -13.782519340515137 + ], + [ + "objectMap", + -13.782581329345703 + ], + [ + "\u2581indicadores", + -13.782599449157717 + ], + [ + "\u2581Geographic", + -13.78262424468994 + ], + [ + "Dense", + -13.782631874084473 + ], + [ + "\u2581poetica", + -13.7826509475708 + ], + [ + "\u2581delitos", + -13.782660484313965 + ], + [ + "\u2581Ressort", + -13.782669067382812 + ], + [ + "Sharing", + -13.782671928405762 + ], + [ + "achtigen", + -13.782685279846191 + ], + [ + "nood", + -13.782685279846191 + ], + [ + "\u2581kwaad", + -13.78272819519043 + ], + [ + "PRIMAR", + -13.782743453979492 + ], + [ + "stek", + -13.782772064208984 + ], + [ + "\u2581Talbot", + -13.7827787399292 + ], + [ + "\u2581tavole", + -13.782785415649414 + ], + [ + "ferir", + -13.78285312652588 + ], + [ + "\u2581erneuten", + -13.782876014709473 + ], + [ + "cirq", + -13.782892227172852 + ], + [ + "\u2581mudado", + -13.782901763916016 + ], + [ + "lais", + -13.782915115356444 + ], + [ + "\u00e9rateur", + -13.782937049865724 + ], + [ + "\u2581SARS", + -13.78294563293457 + ], + [ + "Chinese", + -13.782962799072266 + ], + [ + "\u00fcsse", + -13.782970428466797 + ], + [ + "\u2581Arce", + -13.782971382141112 + ], + [ + "\u2581fluviale", + -13.783004760742188 + ], + [ + "kammern", + -13.783019065856934 + ], + [ + "\u2581controversy", + -13.783034324645996 + ], + [ + "\u2581Kilogramm", + -13.783041000366213 + ], + [ + "gonal", + -13.783048629760742 + ], + [ + "illac", + -13.78306484222412 + ], + [ + "\u2581confessa", + -13.783077239990234 + ], + [ + "spline", + -13.7831392288208 + ], + [ + "\u2581sol\u00eda", + -13.7831392288208 + ], + [ + "utu", + -13.783169746398926 + ], + [ + "\u2581Anspr\u00fcchen", + -13.783177375793455 + ], + [ + "ggiato", + -13.783221244812012 + ], + [ + "liano", + -13.783285140991213 + ], + [ + "Auch", + -13.783287048339844 + ], + [ + "jiang", + -13.783307075500488 + ], + [ + "Beta", + -13.783329963684082 + ], + [ + "Novo", + -13.783365249633787 + ], + [ + "\u2581inspiraci\u00f3n", + -13.783385276794434 + ], + [ + "Prob", + -13.783392906188965 + ], + [ + "\u2581subscript", + -13.783434867858888 + ], + [ + "\u2581homosexual", + -13.78344440460205 + ], + [ + "eyn", + -13.783496856689451 + ], + [ + "Affect", + -13.783504486083984 + ], + [ + "elipses", + -13.783530235290527 + ], + [ + "\u2581healing", + -13.783530235290527 + ], + [ + "\u2581involucra", + -13.78356647491455 + ], + [ + "\u2581Amos", + -13.783635139465332 + ], + [ + "\u2581Lic", + -13.783649444580078 + ], + [ + "\u2581Rifle", + -13.783685684204102 + ], + [ + "\u2581adellijke", + -13.78368854522705 + ], + [ + "adoption", + -13.783719062805176 + ], + [ + "\u2581germano", + -13.783731460571287 + ], + [ + "\u2581uniquely", + -13.783732414245604 + ], + [ + "\u2581bathroom", + -13.783802032470703 + ], + [ + "\u2581Niederschlag", + -13.783808708190918 + ], + [ + "\u2581progenitor", + -13.783812522888184 + ], + [ + "\u2581Appena", + -13.78382682800293 + ], + [ + "FUN", + -13.78383445739746 + ], + [ + "\u2581rodeada", + -13.7838716506958 + ], + [ + "\u2581paire", + -13.783900260925291 + ], + [ + "waai", + -13.78398895263672 + ], + [ + "\u2581ausreichenden", + -13.784025192260742 + ], + [ + "attentat", + -13.784117698669434 + ], + [ + "\u2581did\u00e1tic", + -13.784150123596191 + ], + [ + "\u2581creencia", + -13.784189224243164 + ], + [ + "\u2581Kasse", + -13.78419589996338 + ], + [ + "PKC", + -13.78423023223877 + ], + [ + "Posici\u00f3n", + -13.784247398376465 + ], + [ + "\u2581sessuali", + -13.784278869628906 + ], + [ + "\u2581viejos", + -13.78431224822998 + ], + [ + "brei", + -13.784314155578612 + ], + [ + "\u2581dahinter", + -13.784378051757812 + ], + [ + "\u00e9sie", + -13.784382820129396 + ], + [ + "\u2581negativas", + -13.78440284729004 + ], + [ + "schatten", + -13.78441047668457 + ], + [ + "\u2581Libano", + -13.784425735473633 + ], + [ + "operand", + -13.784439086914062 + ], + [ + "\u2581fonder", + -13.784442901611328 + ], + [ + "onny", + -13.784460067749023 + ], + [ + "liff", + -13.784475326538086 + ], + [ + "mplifica", + -13.784502983093262 + ], + [ + "\u2581Hulk", + -13.784528732299805 + ], + [ + "golven", + -13.784538269042969 + ], + [ + "\u2581ausreichen", + -13.784539222717283 + ], + [ + "Abandon", + -13.784542083740234 + ], + [ + "leutnant", + -13.784553527832031 + ], + [ + "\u2581encargada", + -13.784582138061523 + ], + [ + "\u2581diriger", + -13.784616470336914 + ], + [ + "trompet", + -13.784648895263672 + ], + [ + "\u2581Coraz\u00f3n", + -13.78469467163086 + ], + [ + "\u2581publicaties", + -13.784748077392578 + ], + [ + "\u2581T\u00ed", + -13.784796714782717 + ], + [ + "ruiter", + -13.784811973571776 + ], + [ + "\u2581mercoled", + -13.784817695617676 + ], + [ + "gespannt", + -13.784862518310549 + ], + [ + "Beispiel", + -13.784870147705078 + ], + [ + "\u2581t\u00f3picos", + -13.784915924072266 + ], + [ + "\u2581hom\u00f3nimo", + -13.784920692443848 + ], + [ + "\u2581aperfei", + -13.784921646118164 + ], + [ + "ipped", + -13.784944534301758 + ], + [ + "cheng", + -13.784948348999023 + ], + [ + "Friedrich", + -13.784991264343262 + ], + [ + "\u2581produisent", + -13.78502368927002 + ], + [ + "\u2581metodologia", + -13.785039901733398 + ], + [ + "\u2581popularidade", + -13.785042762756348 + ], + [ + "\u2581conflu", + -13.785070419311523 + ], + [ + "werkers", + -13.785101890563965 + ], + [ + "Observ", + -13.785120010375977 + ], + [ + "\u2581Betreuer", + -13.785150527954102 + ], + [ + "\u2581Metacritic", + -13.785160064697266 + ], + [ + "cton", + -13.785173416137695 + ], + [ + "\u2581fantas", + -13.78518295288086 + ], + [ + "Encoded", + -13.785188674926758 + ], + [ + "\u2581cosmopolita", + -13.78520679473877 + ], + [ + "breed", + -13.78520965576172 + ], + [ + "\u2581partent", + -13.785223007202148 + ], + [ + "\u2581fermare", + -13.785286903381348 + ], + [ + "\u2581befragten", + -13.785317420959473 + ], + [ + "Instrumental", + -13.78532886505127 + ], + [ + "\u2581Valeri", + -13.78534984588623 + ], + [ + "\u2581Damon", + -13.785351753234863 + ], + [ + "\u2581Jer\u00f3nimo", + -13.785390853881836 + ], + [ + "\u2581Crane", + -13.785402297973633 + ], + [ + "\u2581Dionys", + -13.78547191619873 + ], + [ + "\u2581Sulf", + -13.785484313964844 + ], + [ + "avvio", + -13.785547256469728 + ], + [ + "\u2581risparmia", + -13.785557746887209 + ], + [ + "\u2581Eindklassement", + -13.785572052001951 + ], + [ + "\u2581slaat", + -13.785612106323242 + ], + [ + "ducation", + -13.785633087158203 + ], + [ + "\u2581compacta", + -13.785650253295898 + ], + [ + "\u2581Enzyme", + -13.785654067993164 + ], + [ + "CSF", + -13.785672187805176 + ], + [ + "ulum", + -13.785744667053224 + ], + [ + "\u2581letztendlich", + -13.785748481750488 + ], + [ + "Shin", + -13.785781860351562 + ], + [ + "spoon", + -13.785804748535156 + ], + [ + "\u2581Trieb", + -13.785812377929688 + ], + [ + "pegue", + -13.785818099975586 + ], + [ + "\u2581Pampa", + -13.785840034484863 + ], + [ + "\u2581contaminat", + -13.785846710205078 + ], + [ + "venu", + -13.785859107971191 + ], + [ + "nascida", + -13.785877227783203 + ], + [ + "kku", + -13.78587818145752 + ], + [ + "Wasserversorgung", + -13.785897254943848 + ], + [ + "boxed", + -13.785903930664062 + ], + [ + "\u2581talents", + -13.785924911499023 + ], + [ + "hincha", + -13.785930633544922 + ], + [ + "\u2581Valeria", + -13.785930633544922 + ], + [ + "einfluss", + -13.785943984985352 + ], + [ + "\u2581Stations", + -13.785961151123049 + ], + [ + "registered", + -13.786023139953612 + ], + [ + "\u2581Patron", + -13.786023139953612 + ], + [ + "\u2581Tottenham", + -13.786033630371094 + ], + [ + "lieb", + -13.786046028137209 + ], + [ + "\u2581mitolog\u00eda", + -13.786046981811523 + ], + [ + "\u2581reproche", + -13.786054611206056 + ], + [ + "\u2581executados", + -13.786059379577637 + ], + [ + "\u2581intimamente", + -13.78609561920166 + ], + [ + "\u2581wildlife", + -13.786121368408203 + ], + [ + "interpretation", + -13.786131858825684 + ], + [ + "DESTINATION", + -13.786133766174316 + ], + [ + "\u2581Punto", + -13.786157608032228 + ], + [ + "\u2581masiva", + -13.786165237426758 + ], + [ + "\u2581incoraggia", + -13.786175727844238 + ], + [ + "\u2581Brusselse", + -13.786181449890137 + ], + [ + "\u2581Battaglia", + -13.7861967086792 + ], + [ + "\u2581riforme", + -13.786206245422363 + ], + [ + "\u2581Udine", + -13.786255836486816 + ], + [ + "\u2581concessione", + -13.786274909973145 + ], + [ + "\u2581Freddie", + -13.786279678344728 + ], + [ + "\u2581Lingua", + -13.78629207611084 + ], + [ + "\u2581vents", + -13.78629207611084 + ], + [ + "\u2581incompleto", + -13.786346435546877 + ], + [ + "\u2581suicid", + -13.786354064941406 + ], + [ + "meas", + -13.786436080932615 + ], + [ + "cise", + -13.786438941955566 + ], + [ + "\u2581erobert", + -13.786454200744627 + ], + [ + "waal", + -13.786459922790527 + ], + [ + "Exclude", + -13.786468505859377 + ], + [ + "\u2581Cuy", + -13.786498069763184 + ], + [ + "meldungen", + -13.786504745483398 + ], + [ + "Mira", + -13.786518096923828 + ], + [ + "lumen", + -13.78652286529541 + ], + [ + "farbe", + -13.786547660827637 + ], + [ + "\u2581autumn", + -13.786596298217772 + ], + [ + "\u2581Argelia", + -13.78660488128662 + ], + [ + "\u2581Pensions", + -13.786617279052734 + ], + [ + "\u2581Valentina", + -13.786635398864746 + ], + [ + "coerce", + -13.78665256500244 + ], + [ + "\u2581recoger", + -13.786656379699709 + ], + [ + "\u2581Dendro", + -13.786664009094238 + ], + [ + "\u2581restera", + -13.786763191223145 + ], + [ + "philosophische", + -13.78676414489746 + ], + [ + "\u2581Edoardo", + -13.786808013916016 + ], + [ + "\u2581Exekutiv", + -13.786808967590332 + ], + [ + "elige", + -13.786824226379396 + ], + [ + "Hq", + -13.786836624145508 + ], + [ + "\u2581Sudamericana", + -13.786879539489746 + ], + [ + "\u2581libere", + -13.786885261535645 + ], + [ + "\u2581attain", + -13.78688907623291 + ], + [ + "auban", + -13.786901473999023 + ], + [ + "\u2581esclav", + -13.78696346282959 + ], + [ + "\u2581unions", + -13.786989212036133 + ], + [ + "Calculation", + -13.786996841430664 + ], + [ + "\u2581th\u00e9or", + -13.787015914916992 + ], + [ + "\u2581Rijksmonument", + -13.787038803100586 + ], + [ + "parlament", + -13.787049293518066 + ], + [ + "\u2581beobachtete", + -13.787059783935549 + ], + [ + "frequent", + -13.78708267211914 + ], + [ + "consume", + -13.787092208862305 + ], + [ + "\u2581domestici", + -13.78711986541748 + ], + [ + "quali", + -13.787121772766112 + ], + [ + "\u2581metalli", + -13.787128448486328 + ], + [ + "Recorder", + -13.787139892578123 + ], + [ + "\u2581Mahn", + -13.78714084625244 + ], + [ + "LTS", + -13.78717041015625 + ], + [ + "\u2581Christentum", + -13.787190437316896 + ], + [ + "CONST", + -13.78720760345459 + ], + [ + "\u2581profiss", + -13.78720760345459 + ], + [ + "\u2581inmediata", + -13.78721523284912 + ], + [ + "\u2581MBEDTLS", + -13.787220001220703 + ], + [ + "longrightarrow", + -13.787229537963867 + ], + [ + "h\u00f3", + -13.787267684936523 + ], + [ + "wahrnehmung", + -13.787274360656738 + ], + [ + "\u2581Leuc", + -13.78730583190918 + ], + [ + "LTLINK", + -13.787357330322266 + ], + [ + "communications", + -13.787357330322266 + ], + [ + "Voll", + -13.78736686706543 + ], + [ + "indische", + -13.787385940551758 + ], + [ + "multiply", + -13.787393569946287 + ], + [ + "ilina", + -13.787418365478516 + ], + [ + "\u2581marcados", + -13.787433624267578 + ], + [ + "\u2581improbabil", + -13.787480354309082 + ], + [ + "lichamen", + -13.787514686584473 + ], + [ + "isEnabled", + -13.787532806396484 + ], + [ + "\u2581polemica", + -13.787542343139648 + ], + [ + "\u2581trasera", + -13.787568092346191 + ], + [ + "prueb", + -13.787569999694824 + ], + [ + "\u2581preuves", + -13.78759479522705 + ], + [ + "UES", + -13.78762912750244 + ], + [ + "\u2581solidariet\u00e0", + -13.787673950195312 + ], + [ + "\u2581deputy", + -13.787679672241213 + ], + [ + "\u2581Joven", + -13.78769874572754 + ], + [ + "baller", + -13.787726402282717 + ], + [ + "\u2581Gestein", + -13.78773021697998 + ], + [ + "\u2581arquip\u00e9lago", + -13.78774356842041 + ], + [ + "\u2581Portsmouth", + -13.787744522094728 + ], + [ + "\u2581seeks", + -13.787755966186523 + ], + [ + "\u2581heridas", + -13.787766456604004 + ], + [ + "\u2581turchi", + -13.78777313232422 + ], + [ + "repertoire", + -13.787789344787598 + ], + [ + "Elektro", + -13.787811279296877 + ], + [ + "Epoch", + -13.78785228729248 + ], + [ + "\u2581Biological", + -13.78788948059082 + ], + [ + "\u2581ausgeschieden", + -13.787896156311035 + ], + [ + "doctoral", + -13.78791046142578 + ], + [ + "\u2581dichas", + -13.787915229797363 + ], + [ + "Linien", + -13.787919044494627 + ], + [ + "rterung", + -13.787928581237791 + ], + [ + "\u2581Volkswirtschaft", + -13.787933349609377 + ], + [ + "\u2581Bologne", + -13.787939071655272 + ], + [ + "\u2581Jahreszeit", + -13.787954330444336 + ], + [ + "izen", + -13.787959098815918 + ], + [ + "BACKGROUND", + -13.787979125976562 + ], + [ + "BVerwG", + -13.78798007965088 + ], + [ + "\u2581trams", + -13.787981986999512 + ], + [ + "maid", + -13.788009643554688 + ], + [ + "\u2581riduce", + -13.788019180297852 + ], + [ + "\u2581Guara", + -13.788023948669434 + ], + [ + "maze", + -13.788114547729492 + ], + [ + "\u2581Sforza", + -13.788132667541504 + ], + [ + "corso", + -13.788137435913086 + ], + [ + "\u2581MAINTAINER", + -13.788137435913086 + ], + [ + "\u2581Fahrzeit", + -13.788155555725098 + ], + [ + "\u2581Prozessen", + -13.788158416748049 + ], + [ + "scrivendo", + -13.78817081451416 + ], + [ + "aurora", + -13.788215637207031 + ], + [ + "\u2581avultada", + -13.788215637207031 + ], + [ + "Salticidae", + -13.78822898864746 + ], + [ + "\u2581rumores", + -13.788252830505373 + ], + [ + "msterdam", + -13.78825569152832 + ], + [ + "\u2581recepci\u00f3n", + -13.78825569152832 + ], + [ + "tilo", + -13.788275718688965 + ], + [ + "\u2581celebrated", + -13.78831672668457 + ], + [ + "rijp", + -13.788331031799316 + ], + [ + "\u00e9go", + -13.788382530212402 + ], + [ + "fiziert", + -13.788402557373049 + ], + [ + "arbus", + -13.788433074951172 + ], + [ + "\u2581continuidad", + -13.78847885131836 + ], + [ + "Php", + -13.788487434387209 + ], + [ + "\u2581Imagen", + -13.788493156433104 + ], + [ + "\u2581presidenciales", + -13.788568496704102 + ], + [ + "\u2581contratar", + -13.788581848144531 + ], + [ + "\u2581socialmente", + -13.788594245910645 + ], + [ + "\u2581padri", + -13.788625717163086 + ], + [ + "Analytic", + -13.788647651672363 + ], + [ + "\u2581T\u00e4", + -13.788649559020996 + ], + [ + "\u2581secou", + -13.78872013092041 + ], + [ + "angel", + -13.788726806640623 + ], + [ + "zuweisen", + -13.788738250732422 + ], + [ + "\u2581Venice", + -13.788743019104004 + ], + [ + "cmovl", + -13.788748741149902 + ], + [ + "\u2581pilotes", + -13.788775444030762 + ], + [ + "\u2581conservan", + -13.788811683654783 + ], + [ + "IENT", + -13.788814544677734 + ], + [ + "\u2581mensual", + -13.788818359375 + ], + [ + "razzo", + -13.788830757141112 + ], + [ + "\u2581risposto", + -13.788875579833984 + ], + [ + "\u2581Patterson", + -13.78892421722412 + ], + [ + "RIO", + -13.788934707641602 + ], + [ + "\u2581Joanna", + -13.788945198059082 + ], + [ + "\u2581Befestigung", + -13.788949966430664 + ], + [ + "\u2581missioni", + -13.789039611816406 + ], + [ + "\u2581anarchist", + -13.789050102233888 + ], + [ + "egs", + -13.789084434509276 + ], + [ + "\u2581vijftiende", + -13.789085388183594 + ], + [ + "invite", + -13.789113998413086 + ], + [ + "\u2581pr\u00e9pare", + -13.789128303527832 + ], + [ + "\u2581raggiungibili", + -13.78916072845459 + ], + [ + "\u2581engineers", + -13.789176940917969 + ], + [ + "darkgrey", + -13.78918743133545 + ], + [ + "litt\u00e9ralement", + -13.78919506072998 + ], + [ + "Trivia", + -13.789295196533203 + ], + [ + "earth", + -13.78930950164795 + ], + [ + "\u2581m\u00e9di\u00e9vale", + -13.789324760437012 + ], + [ + "weighted", + -13.789368629455566 + ], + [ + "TIVO", + -13.789377212524414 + ], + [ + "\u2581Nguyen", + -13.78939723968506 + ], + [ + "\u2581Anordnungen", + -13.78940200805664 + ], + [ + "EAG", + -13.789409637451172 + ], + [ + "\u2581effektiven", + -13.789422035217283 + ], + [ + "\u2581Kopp", + -13.789443016052246 + ], + [ + "\u2581Roxton", + -13.789468765258787 + ], + [ + "\u2581Geoff", + -13.78947925567627 + ], + [ + "indexes", + -13.789584159851074 + ], + [ + "\u2581dorpje", + -13.789603233337402 + ], + [ + "\u2581zuverl\u00e4ssige", + -13.789633750915527 + ], + [ + "\u2581mentir", + -13.78964138031006 + ], + [ + "\u2581durou", + -13.789645195007324 + ], + [ + "\u2581fehlender", + -13.789647102355955 + ], + [ + "\u2581Marko", + -13.789648056030272 + ], + [ + "\u2581Kni", + -13.789668083190918 + ], + [ + "d\u00e9c", + -13.78966999053955 + ], + [ + "\u2581seguiu", + -13.78966999053955 + ], + [ + "\u2581Cable", + -13.789743423461914 + ], + [ + "\u2581cognitivo", + -13.789749145507812 + ], + [ + "Patterns", + -13.789764404296877 + ], + [ + "integral", + -13.789772987365724 + ], + [ + "\u2581favol", + -13.789779663085938 + ], + [ + "\u2581Bauteil", + -13.78978157043457 + ], + [ + "\u2581Nemo", + -13.78990364074707 + ], + [ + "seguono", + -13.789912223815918 + ], + [ + "Sicherheitsrat", + -13.789915084838867 + ], + [ + "skal", + -13.789999008178713 + ], + [ + "meria", + -13.790006637573242 + ], + [ + "zierte", + -13.790011405944824 + ], + [ + "\u2581schwieriger", + -13.790014266967772 + ], + [ + "\u2581Animago", + -13.790023803710938 + ], + [ + "\u2581afstanden", + -13.79002571105957 + ], + [ + "citt\u00e0", + -13.790035247802734 + ], + [ + "\u2581mat\u00e9rielle", + -13.790037155151367 + ], + [ + "\u2581toneelstuk", + -13.790085792541504 + ], + [ + "Bezienswaardighe", + -13.790106773376465 + ], + [ + "asaki", + -13.790111541748049 + ], + [ + "\u2581Bryant", + -13.79014015197754 + ], + [ + "\u2581trastorno", + -13.79014492034912 + ], + [ + "\u2581supuso", + -13.790163040161133 + ], + [ + "Daemon", + -13.790172576904297 + ], + [ + "\u2581ottomano", + -13.79017448425293 + ], + [ + "cionales", + -13.790205001831056 + ], + [ + "\u2581predictive", + -13.790250778198242 + ], + [ + "\u2581imprevis", + -13.790285110473633 + ], + [ + "szeitpunkt", + -13.790323257446287 + ], + [ + "Rewrite", + -13.790342330932615 + ], + [ + "\u2581Machiavelli", + -13.790343284606934 + ], + [ + "\u2581preoccupazione", + -13.790343284606934 + ], + [ + "\u2581g\u00e9n\u00e9rations", + -13.790360450744627 + ], + [ + "\u2581zeitgen", + -13.79037857055664 + ], + [ + "zyn", + -13.79038906097412 + ], + [ + "\u2581woods", + -13.790406227111816 + ], + [ + "\u2581vacaciones", + -13.790410995483398 + ], + [ + "\u2581Bekleidung", + -13.790440559387209 + ], + [ + "ushroom", + -13.790444374084473 + ], + [ + "handwerk", + -13.79045295715332 + ], + [ + "\u2581parejas", + -13.7904634475708 + ], + [ + "MTS", + -13.7904691696167 + ], + [ + "gehenden", + -13.790472984313965 + ], + [ + "\u2581Holger", + -13.790499687194824 + ], + [ + "\u2581Haagse", + -13.790508270263672 + ], + [ + "\u2581Florenz", + -13.790539741516112 + ], + [ + "pressi", + -13.790568351745604 + ], + [ + "vais", + -13.79058837890625 + ], + [ + "\u2581chapa", + -13.7905912399292 + ], + [ + "printStackTrace", + -13.790595054626465 + ], + [ + "rmel", + -13.790620803833008 + ], + [ + "PUB", + -13.790639877319336 + ], + [ + "\u2581\u00f3timo", + -13.79064655303955 + ], + [ + "\u2581upset", + -13.790651321411133 + ], + [ + "ab\u00e1", + -13.79066562652588 + ], + [ + "\u2581protetti", + -13.790669441223145 + ], + [ + "\u2581promulg", + -13.790693283081056 + ], + [ + "\u2581consolidar", + -13.790782928466797 + ], + [ + "huisje", + -13.790794372558594 + ], + [ + "\u2581undici", + -13.790826797485352 + ], + [ + "Roy", + -13.790834426879885 + ], + [ + "\u2581Lehn", + -13.790860176086426 + ], + [ + "\u2581Liang", + -13.79086208343506 + ], + [ + "incident", + -13.79086685180664 + ], + [ + "\u2581Siedlungen", + -13.790875434875488 + ], + [ + "\u2581demandes", + -13.790903091430664 + ], + [ + "\u2581condivide", + -13.790915489196776 + ], + [ + "\u2581Breve", + -13.790938377380373 + ], + [ + "gesprochen", + -13.79095458984375 + ], + [ + "\u2581vertici", + -13.790956497192385 + ], + [ + "\u2581capri", + -13.79098892211914 + ], + [ + "semantic", + -13.791008949279783 + ], + [ + "\u2581G\u00fctern", + -13.791014671325684 + ], + [ + "\u2581Occitanie", + -13.791022300720217 + ], + [ + "\u2581blocs", + -13.791032791137695 + ], + [ + "obobobob", + -13.79104709625244 + ], + [ + "\u2581ripro", + -13.79104995727539 + ], + [ + "\u2581poker", + -13.791091918945312 + ], + [ + "\u2581cuidadosamente", + -13.791112899780272 + ], + [ + "erbach", + -13.791126251220703 + ], + [ + "\u2581germanic", + -13.79113483428955 + ], + [ + "\u2581sensations", + -13.791156768798828 + ], + [ + "CDG", + -13.791196823120115 + ], + [ + "\u2581verzameld", + -13.79120635986328 + ], + [ + "AIDS", + -13.79123592376709 + ], + [ + "\u2581participent", + -13.791254043579102 + ], + [ + "\u2581psychologique", + -13.791254997253418 + ], + [ + "passionate", + -13.791297912597656 + ], + [ + "\u2581Sektion", + -13.791305541992188 + ], + [ + "Willenserkl\u00e4rung", + -13.791340827941896 + ], + [ + "Inject", + -13.791361808776855 + ], + [ + "\u2581giuridica", + -13.791379928588867 + ], + [ + "\u2581meridional", + -13.791388511657717 + ], + [ + "rdermittel", + -13.79140281677246 + ], + [ + "grijpen", + -13.79140853881836 + ], + [ + "\u2581totali", + -13.791426658630373 + ], + [ + "\u2581Schell", + -13.791462898254396 + ], + [ + "\u2581Gori", + -13.791513442993164 + ], + [ + "st\u00e4n", + -13.79154109954834 + ], + [ + "\u2581abzuschlie", + -13.791542053222656 + ], + [ + "\u2581brancas", + -13.791544914245604 + ], + [ + "legging", + -13.791545867919922 + ], + [ + "unrise", + -13.791600227355955 + ], + [ + "\u2581Pota", + -13.79160976409912 + ], + [ + "Valle", + -13.79161262512207 + ], + [ + "\u2581ciudadano", + -13.791614532470703 + ], + [ + "\u2581distinte", + -13.791618347167969 + ], + [ + "\u2581detuvo", + -13.791654586791992 + ], + [ + "\u2581r\u00e9f", + -13.791668891906738 + ], + [ + "invention", + -13.791674613952637 + ], + [ + "\u2581alsmede", + -13.791748046875 + ], + [ + "Iowa", + -13.791787147521973 + ], + [ + "Tipo", + -13.791797637939451 + ], + [ + "\u2581Maurits", + -13.79179859161377 + ], + [ + "Combined", + -13.7918062210083 + ], + [ + "schnitten", + -13.791828155517578 + ], + [ + "printer", + -13.791829109191896 + ], + [ + "MODULES", + -13.791837692260742 + ], + [ + "zusammenhang", + -13.791908264160156 + ], + [ + "Regierungsbezirk", + -13.791919708251951 + ], + [ + "Vergleich", + -13.79194164276123 + ], + [ + "Badge", + -13.791945457458496 + ], + [ + "\u2581linearen", + -13.791958808898926 + ], + [ + "\u2581verhaftet", + -13.792007446289062 + ], + [ + "filosofi", + -13.79207992553711 + ], + [ + "\u2581oppositie", + -13.79207992553711 + ], + [ + "\u2581Cori", + -13.792139053344728 + ], + [ + "\u2581domin\u00e9", + -13.79214859008789 + ], + [ + "\u2581jardines", + -13.792219161987305 + ], + [ + "\u2581invadi", + -13.792221069335938 + ], + [ + "\u2581expositions", + -13.792222023010254 + ], + [ + "\u2581larva", + -13.792228698730469 + ], + [ + "Tettigoniidae", + -13.792236328125 + ], + [ + "\u2581probl\u00e9matique", + -13.792238235473633 + ], + [ + "stati", + -13.792278289794922 + ], + [ + "Perch\u00e9", + -13.792335510253906 + ], + [ + "\u2581travaillent", + -13.792363166809082 + ], + [ + "didReceive", + -13.792384147644045 + ], + [ + "\u2581Depending", + -13.79244899749756 + ], + [ + "fcc", + -13.792455673217772 + ], + [ + "SIGNING", + -13.79246711730957 + ], + [ + "\u2581Cantabria", + -13.792479515075684 + ], + [ + "notte", + -13.792503356933594 + ], + [ + "LIVE", + -13.792510986328123 + ], + [ + "\u2581trennt", + -13.792583465576172 + ], + [ + "\u2581t\u00e9rmica", + -13.79258918762207 + ], + [ + "\u2581Pup", + -13.792608261108398 + ], + [ + "\u2581Athena", + -13.792637825012209 + ], + [ + "\u2581elevar", + -13.7926664352417 + ], + [ + "\u2581\u00e9tendu", + -13.792669296264648 + ], + [ + "FUList", + -13.792762756347656 + ], + [ + "\u2581Aufarbeitung", + -13.792780876159668 + ], + [ + "diagnostic", + -13.792823791503906 + ], + [ + "ephyr", + -13.792823791503906 + ], + [ + "\u2581Ronaldo", + -13.792842864990234 + ], + [ + "\u2581generaciones", + -13.792850494384766 + ], + [ + "\u2581fled", + -13.792865753173828 + ], + [ + "veli", + -13.792886734008787 + ], + [ + "Spa", + -13.7929048538208 + ], + [ + "plotly", + -13.792906761169434 + ], + [ + "\u2581rinunciare", + -13.792927742004396 + ], + [ + "bic", + -13.792951583862305 + ], + [ + "\u2581Bosnien", + -13.79297161102295 + ], + [ + "bez", + -13.792973518371582 + ], + [ + "\u2581d\u00e9plac\u00e9", + -13.79298496246338 + ], + [ + "syst", + -13.79298973083496 + ], + [ + "Esto", + -13.792999267578123 + ], + [ + "\u2581T\u00fcrk", + -13.793007850646973 + ], + [ + "Cause", + -13.793060302734377 + ], + [ + "\u2581Rood", + -13.79306697845459 + ], + [ + "TBB", + -13.793068885803224 + ], + [ + "\u2581permise", + -13.79307460784912 + ], + [ + "\u2581ind\u00e9pendants", + -13.793088912963867 + ], + [ + "folger", + -13.79313850402832 + ], + [ + "\u2581convite", + -13.79316234588623 + ], + [ + "\u2581Genk", + -13.793167114257812 + ], + [ + "\u2581Stimul", + -13.793169975280762 + ], + [ + "genetic", + -13.79319190979004 + ], + [ + "\u2581beherrschen", + -13.793231964111328 + ], + [ + "\u2581impegna", + -13.793251037597656 + ], + [ + "\u2581interrogativ", + -13.79326343536377 + ], + [ + "\u2581associati", + -13.79328155517578 + ], + [ + "vergabe", + -13.793293952941896 + ], + [ + "verteidigung", + -13.79332447052002 + ], + [ + "\u2581telefonisch", + -13.793325424194336 + ], + [ + "h\u00e9n", + -13.793340682983398 + ], + [ + "illusione", + -13.793405532836914 + ], + [ + "eugnisse", + -13.79340934753418 + ], + [ + "\u2581worn", + -13.793431282043455 + ], + [ + "\u2581prepar", + -13.793479919433594 + ], + [ + "\u2581osservato", + -13.793490409851074 + ], + [ + "\u2581decides", + -13.793522834777832 + ], + [ + "\u2581beslist", + -13.793536186218262 + ], + [ + "\u2581Mexicaanse", + -13.7935791015625 + ], + [ + "embedding", + -13.793588638305664 + ], + [ + "ripe", + -13.793594360351562 + ], + [ + "tracks", + -13.793618202209473 + ], + [ + "cencia", + -13.793639183044434 + ], + [ + "dique", + -13.793655395507812 + ], + [ + "\u2581hect\u00e1reas", + -13.793662071228027 + ], + [ + "\u2581ermordet", + -13.79366397857666 + ], + [ + "\u2581bombardamenti", + -13.79366683959961 + ], + [ + "\u2581Friburgo", + -13.793671607971191 + ], + [ + "\u2581basadas", + -13.793716430664062 + ], + [ + "itore", + -13.79371738433838 + ], + [ + "Tau", + -13.7937593460083 + ], + [ + "\u2581pertenec\u00eda", + -13.793828964233398 + ], + [ + "Registered", + -13.793846130371094 + ], + [ + "\u2581Brauerei", + -13.793861389160156 + ], + [ + "\u2581Distinctions", + -13.793865203857422 + ], + [ + "\u2581Nizza", + -13.793878555297852 + ], + [ + "wijzen", + -13.793883323669434 + ], + [ + "abra", + -13.793903350830078 + ], + [ + "CLA", + -13.793920516967772 + ], + [ + "\u2581Dragons", + -13.793933868408203 + ], + [ + "tr\u00f3", + -13.79396915435791 + ], + [ + "\u2581minor\u00eda", + -13.794039726257324 + ], + [ + "\u2581islamique", + -13.794060707092283 + ], + [ + "Picture", + -13.794066429138184 + ], + [ + "\u2581atm\u00f3sfera", + -13.794137001037598 + ], + [ + "itano", + -13.794144630432127 + ], + [ + "\u2581gesundheitliche", + -13.794146537780762 + ], + [ + "\u2581adresses", + -13.794153213500977 + ], + [ + "\u2581camar", + -13.794153213500977 + ], + [ + "EncodingError", + -13.794212341308594 + ], + [ + "wish", + -13.794212341308594 + ], + [ + "\u2581abends", + -13.79423713684082 + ], + [ + "handled", + -13.794267654418944 + ], + [ + "\u2581extender", + -13.79427433013916 + ], + [ + "ornata", + -13.794276237487791 + ], + [ + "ped\u00eda", + -13.794285774230955 + ], + [ + "abitudine", + -13.794398307800291 + ], + [ + "\u2581discriminator", + -13.794426918029783 + ], + [ + "\u2581paragona", + -13.794463157653809 + ], + [ + "\u2581habitaciones", + -13.79448699951172 + ], + [ + "cycles", + -13.794554710388184 + ], + [ + "ixe", + -13.794631958007812 + ], + [ + "\u2581compromisso", + -13.794649124145508 + ], + [ + "\u00e9motion", + -13.794672966003418 + ], + [ + "\u2581clas", + -13.794696807861328 + ], + [ + "\u2581Ethni", + -13.794722557067873 + ], + [ + "\u2581hebreo", + -13.794734954833984 + ], + [ + "\u2581liberales", + -13.794767379760742 + ], + [ + "\u2581Indonesian", + -13.794788360595703 + ], + [ + "Centre", + -13.794795036315918 + ], + [ + "\u2581Popula", + -13.794809341430664 + ], + [ + "NUL", + -13.794818878173828 + ], + [ + "\u2581acud", + -13.794839859008787 + ], + [ + "Malpensa", + -13.794840812683104 + ], + [ + "\u2581Roemeense", + -13.79485034942627 + ], + [ + "rbac", + -13.794855117797852 + ], + [ + "Karte", + -13.794892311096191 + ], + [ + "\u2581Simmons", + -13.794892311096191 + ], + [ + "\u2581g\u00e9r\u00e9", + -13.79495906829834 + ], + [ + "reale", + -13.794961929321287 + ], + [ + "ield", + -13.79499340057373 + ], + [ + "\u2581incidentes", + -13.79499340057373 + ], + [ + "NOTOC", + -13.795021057128906 + ], + [ + "Blur", + -13.795031547546388 + ], + [ + "laient", + -13.795085906982422 + ], + [ + "estructura", + -13.795089721679688 + ], + [ + "\u2581facilit\u00e9", + -13.795096397399902 + ], + [ + "HEN", + -13.795103073120115 + ], + [ + "\u2581ausf\u00fchrliche", + -13.795109748840332 + ], + [ + "\u2581ganas", + -13.795143127441406 + ], + [ + "\u2581Spell", + -13.795190811157228 + ], + [ + "\u2581Proust", + -13.795241355895996 + ], + [ + "abbia", + -13.795260429382324 + ], + [ + "Bomb", + -13.795292854309082 + ], + [ + "\u2581m\u00e9tiers", + -13.79530429840088 + ], + [ + "\u2581Shira", + -13.795310974121094 + ], + [ + "distinct", + -13.795323371887209 + ], + [ + "\u2581R\u00e9gi", + -13.7953519821167 + ], + [ + "risi", + -13.795368194580078 + ], + [ + "\u2581disability", + -13.795392990112305 + ], + [ + "\u2581compilar", + -13.795430183410645 + ], + [ + "\u2581prestigioso", + -13.795440673828123 + ], + [ + "\u2581minimaal", + -13.795443534851074 + ], + [ + "\u2581computacional", + -13.795489311218262 + ], + [ + "Schau", + -13.795525550842283 + ], + [ + "alaya", + -13.795539855957031 + ], + [ + "\u2581Anteriormente", + -13.79556369781494 + ], + [ + "vang", + -13.795570373535156 + ], + [ + "Gent", + -13.795586585998535 + ], + [ + "Hierarchy", + -13.795598030090332 + ], + [ + "\u2581Flavio", + -13.795618057250977 + ], + [ + "\u2581irgend", + -13.79563808441162 + ], + [ + "\u2581praise", + -13.795659065246582 + ], + [ + "\u2581Textes", + -13.795672416687012 + ], + [ + "\u2581Scu", + -13.795717239379885 + ], + [ + "\u2581pray", + -13.795720100402832 + ], + [ + "\u2581Mead", + -13.795724868774414 + ], + [ + "\u2581Moldavi", + -13.795762062072754 + ], + [ + "\u2581Gewissen", + -13.795821189880373 + ], + [ + "FAC", + -13.795893669128418 + ], + [ + "anism", + -13.795928955078123 + ], + [ + "\u2581bef\u00fcrchtet", + -13.796003341674805 + ], + [ + "eccesso", + -13.796075820922852 + ], + [ + "dieser", + -13.796109199523926 + ], + [ + "\u2581innovations", + -13.796122550964355 + ], + [ + "erlei", + -13.796150207519531 + ], + [ + "\u2581prenda", + -13.796151161193848 + ], + [ + "gruppo", + -13.79616355895996 + ], + [ + "wol", + -13.796188354492188 + ], + [ + "\u2581congru", + -13.79619312286377 + ], + [ + "ISM", + -13.796222686767578 + ], + [ + "amici", + -13.796226501464844 + ], + [ + "\u2581beweisen", + -13.796229362487791 + ], + [ + "Coup", + -13.79623031616211 + ], + [ + "\u2581Selektion", + -13.796246528625488 + ], + [ + "\u2581aiuti", + -13.796256065368652 + ], + [ + "\u2581Nadu", + -13.796276092529297 + ], + [ + "\u2581veertiende", + -13.79630184173584 + ], + [ + "\u2581cuesta", + -13.796302795410156 + ], + [ + "AUTHOR", + -13.796316146850586 + ], + [ + "\u2581Nea", + -13.796380996704102 + ], + [ + "zust\u00e4nde", + -13.796424865722656 + ], + [ + "farm", + -13.796426773071287 + ], + [ + "orchester", + -13.796473503112791 + ], + [ + "\u2581syntaxe", + -13.79647731781006 + ], + [ + "\u2581mittlerer", + -13.796515464782717 + ], + [ + "\u2581mystery", + -13.796525955200195 + ], + [ + "\u2581rijst", + -13.79653549194336 + ], + [ + "\u2581Veranstalter", + -13.796567916870115 + ], + [ + "rash", + -13.796592712402344 + ], + [ + "\u2581prestare", + -13.796627044677734 + ], + [ + "\u2581nobleza", + -13.796675682067873 + ], + [ + "\u2581Abri", + -13.796676635742188 + ], + [ + "ENI", + -13.796687126159668 + ], + [ + "gespr\u00e4che", + -13.796796798706056 + ], + [ + "uwanderung", + -13.796801567077637 + ], + [ + "\u2581introduces", + -13.796808242797852 + ], + [ + "\u2581cogliere", + -13.79683780670166 + ], + [ + "\u2581Visto", + -13.796856880187988 + ], + [ + "\u2581Pato", + -13.796868324279783 + ], + [ + "\u2581protetor", + -13.796957015991213 + ], + [ + "\u2581possedeva", + -13.796961784362791 + ], + [ + "Alarm", + -13.796982765197754 + ], + [ + "\u2581quotidiani", + -13.796991348266602 + ], + [ + "zwingen", + -13.796998977661133 + ], + [ + "\u2581recebendo", + -13.797040939331056 + ], + [ + "\u2581Decke", + -13.79706859588623 + ], + [ + "\u2581nazionalit\u00e0", + -13.797094345092772 + ], + [ + "\u2581Streitigkeiten", + -13.797112464904783 + ], + [ + "\u2581cr\u00e1ter", + -13.797133445739746 + ], + [ + "Torre", + -13.797174453735352 + ], + [ + "\u2581fr\u00e9quent\u00e9", + -13.7971830368042 + ], + [ + "\u2581attendu", + -13.79720687866211 + ], + [ + "icina", + -13.797225952148438 + ], + [ + "\u2581representaba", + -13.797225952148438 + ], + [ + "Initializer", + -13.797226905822754 + ], + [ + "niglichen", + -13.797253608703612 + ], + [ + "\u2581Poes\u00eda", + -13.797327995300291 + ], + [ + "IGNORE", + -13.797378540039062 + ], + [ + "Operand", + -13.7974214553833 + ], + [ + "Rosen", + -13.79743194580078 + ], + [ + "meet", + -13.797433853149414 + ], + [ + "\u2581num\u00e9rica", + -13.797444343566896 + ], + [ + "DSC", + -13.797450065612791 + ], + [ + "\u2581flamenco", + -13.797452926635742 + ], + [ + "\u2581habitualmente", + -13.797497749328612 + ], + [ + "pakistan", + -13.797563552856444 + ], + [ + "posix", + -13.797564506530762 + ], + [ + "woestijn", + -13.79759693145752 + ], + [ + "\u2581Valen", + -13.797597885131836 + ], + [ + "\u2581resultierende", + -13.797635078430176 + ], + [ + "\u2581proceeding", + -13.797646522521973 + ], + [ + "\u2581motorfietsen", + -13.797689437866213 + ], + [ + "\u2581accorge", + -13.797699928283691 + ], + [ + "\u2581unendlich", + -13.797722816467283 + ], + [ + "\u2581Partnern", + -13.797738075256348 + ], + [ + "\u2581motel", + -13.797741889953612 + ], + [ + "\u2581s\u00f3lidos", + -13.797773361206056 + ], + [ + "leitet", + -13.797819137573242 + ], + [ + "stappen", + -13.797852516174316 + ], + [ + "\u2581steigende", + -13.797856330871582 + ], + [ + "\u2581ayudante", + -13.797919273376465 + ], + [ + "institutionellen", + -13.79792594909668 + ], + [ + "\u2581collinare", + -13.797937393188477 + ], + [ + "\u2581Piau\u00ed", + -13.797954559326172 + ], + [ + "\u2581Booth", + -13.797975540161133 + ], + [ + "\u2581emergence", + -13.797985076904297 + ], + [ + "\u2581fr\u00e9quente", + -13.79802703857422 + ], + [ + "ammi", + -13.798040390014648 + ], + [ + "cosh", + -13.798055648803713 + ], + [ + "\u2581diminution", + -13.798069953918455 + ], + [ + "Party", + -13.798087120056152 + ], + [ + "\u2581torto", + -13.79811668395996 + ], + [ + "Tenant", + -13.798121452331545 + ], + [ + "\u2581Neuer", + -13.798125267028809 + ], + [ + "\u2581integrals", + -13.798182487487791 + ], + [ + "\u2581Antioquia", + -13.798184394836426 + ], + [ + "\u2581berekenen", + -13.798189163208008 + ], + [ + "IDS", + -13.798205375671388 + ], + [ + "\u2581competitivo", + -13.798240661621094 + ], + [ + "verk\u00e4ufe", + -13.79824447631836 + ], + [ + "ANI", + -13.798276901245115 + ], + [ + "\u2581Dewey", + -13.798321723937988 + ], + [ + "z\u00f3w", + -13.798406600952148 + ], + [ + "mitgliedstaat", + -13.798407554626465 + ], + [ + "risse", + -13.798410415649414 + ], + [ + "\u2581Told", + -13.798412322998049 + ], + [ + "w\u00e4sche", + -13.798417091369627 + ], + [ + "\u2581Legislativo", + -13.79842758178711 + ], + [ + "\u2581flew", + -13.798433303833008 + ], + [ + "\u2581Leroy", + -13.798458099365234 + ], + [ + "\u2581Hierro", + -13.798473358154297 + ], + [ + "\u2581N\u00e4chste", + -13.798491477966309 + ], + [ + "\u2581manuale", + -13.798504829406738 + ], + [ + "\u2581einzig", + -13.798505783081056 + ], + [ + "bomen", + -13.798511505126951 + ], + [ + "\u2581Waal", + -13.798540115356444 + ], + [ + "clum", + -13.79856300354004 + ], + [ + "\u2581Flandes", + -13.798566818237305 + ], + [ + "Conflict", + -13.79858684539795 + ], + [ + "\u2581limitati", + -13.798616409301758 + ], + [ + "\u2581art\u00edsticas", + -13.798624992370604 + ], + [ + "\u2581Brunner", + -13.798628807067873 + ], + [ + "IAL", + -13.798734664916992 + ], + [ + "\u2581gezamenlijke", + -13.798787117004396 + ], + [ + "\u2581Marktplatz", + -13.798791885375977 + ], + [ + "\u2581Pax", + -13.798819541931152 + ], + [ + "wenden", + -13.798863410949709 + ], + [ + "lieren", + -13.798877716064451 + ], + [ + "\u2581assum", + -13.798892974853516 + ], + [ + "\u2581hacienda", + -13.79889965057373 + ], + [ + "subscriptionId", + -13.79892349243164 + ], + [ + "\u2581pneus", + -13.798958778381348 + ], + [ + "\u2581Tanner", + -13.798964500427246 + ], + [ + "digkeit", + -13.799002647399902 + ], + [ + "\u00e9ticas", + -13.799005508422852 + ], + [ + "\u2581dr\u00fcckte", + -13.799044609069824 + ], + [ + "st\u00e4mm", + -13.799059867858888 + ], + [ + "\u2581statistique", + -13.79909324645996 + ], + [ + "ffentliches", + -13.799102783203123 + ], + [ + "\u2581evidenti", + -13.799107551574709 + ], + [ + "\u2581praktiziert", + -13.799138069152832 + ], + [ + "\u2581nocturno", + -13.799139976501465 + ], + [ + "\u2581NPD", + -13.799179077148438 + ], + [ + "\u2581Outdoor", + -13.799188613891602 + ], + [ + "\u2581insisted", + -13.799212455749512 + ], + [ + "\u2581uccise", + -13.799213409423828 + ], + [ + "consequentemente", + -13.799221992492676 + ], + [ + "\u2581notato", + -13.79922580718994 + ], + [ + "\u2581weigert", + -13.799241065979004 + ], + [ + "esima", + -13.799259185791016 + ], + [ + "BMI", + -13.79928207397461 + ], + [ + "al\u00e1", + -13.799290657043455 + ], + [ + "qtt", + -13.799321174621582 + ], + [ + "\u2581irrational", + -13.799349784851074 + ], + [ + "\u2581Stimmenthaltung", + -13.79937744140625 + ], + [ + "\u2581Pteromalidae", + -13.799378395080566 + ], + [ + "\u2581imperativ", + -13.799381256103516 + ], + [ + "\u2581archa", + -13.799386024475098 + ], + [ + "sspielraum", + -13.799403190612791 + ], + [ + "\u2581Garrett", + -13.799458503723145 + ], + [ + "Kolleg", + -13.799484252929688 + ], + [ + "\u2581trous", + -13.799505233764648 + ], + [ + "\u2581primato", + -13.79952621459961 + ], + [ + "STDLIB", + -13.799555778503418 + ], + [ + "Usuario", + -13.799589157104492 + ], + [ + "\u2581Azerbaiy\u00e1n", + -13.799615859985352 + ], + [ + "\u2581industriales", + -13.79965591430664 + ], + [ + "Estimate", + -13.799689292907717 + ], + [ + "\u2581\u00e9tnica", + -13.799690246582031 + ], + [ + "\u2581Critique", + -13.799696922302246 + ], + [ + "\u2581simultaneous", + -13.799705505371094 + ], + [ + "\u2581v\u00ednculo", + -13.7997465133667 + ], + [ + "sonde", + -13.799758911132812 + ], + [ + "Wno", + -13.799772262573242 + ], + [ + "\u2581affidato", + -13.79983139038086 + ], + [ + "\u2581Proliferation", + -13.79985523223877 + ], + [ + "\u2581concluy\u00f3", + -13.79985809326172 + ], + [ + "cephalus", + -13.79987907409668 + ], + [ + "marken", + -13.799921035766602 + ], + [ + "holes", + -13.799941062927246 + ], + [ + "\u2581haakjes", + -13.799983978271484 + ], + [ + "\u2581determinate", + -13.799986839294434 + ], + [ + "cG", + -13.799988746643066 + ], + [ + "\u2581demoli", + -13.799992561340332 + ], + [ + "\u2581Akteuren", + -13.800064086914062 + ], + [ + "\u2581batata", + -13.800085067749023 + ], + [ + "\u2581Seymour", + -13.800093650817873 + ], + [ + "\u2581anzubieten", + -13.800097465515137 + ], + [ + "\u2581extremadamente", + -13.800104141235352 + ], + [ + "\u2581malvagi", + -13.800106048583984 + ], + [ + "mantle", + -13.800110816955566 + ], + [ + "odoro", + -13.800115585327148 + ], + [ + "\u2581R\u00e9partition", + -13.800119400024414 + ], + [ + "\u2581cosmological", + -13.800142288208008 + ], + [ + "\u2581verdeckt", + -13.800169944763184 + ], + [ + "geving", + -13.800172805786133 + ], + [ + "DGB", + -13.80018711090088 + ], + [ + "\u2581Howe", + -13.800195693969728 + ], + [ + "copie", + -13.800200462341309 + ], + [ + "\u2581holidays", + -13.800219535827637 + ], + [ + "\u2581secret\u00e1rio", + -13.800225257873535 + ], + [ + "\u2581folgend", + -13.800250053405762 + ], + [ + "\u2581Curie", + -13.80026626586914 + ], + [ + "st\u00e4rkt", + -13.800283432006836 + ], + [ + "consultado", + -13.80031681060791 + ], + [ + "\u2581pertinent", + -13.800363540649414 + ], + [ + "\u2581affirm\u00e9", + -13.800374031066896 + ], + [ + "\u2581colony", + -13.800376892089844 + ], + [ + "zew", + -13.800385475158691 + ], + [ + "\u2581bebe", + -13.800420761108398 + ], + [ + "OTA", + -13.80042839050293 + ], + [ + "genossenschaften", + -13.80044174194336 + ], + [ + "goten", + -13.800447463989258 + ], + [ + "\u2581postula", + -13.800454139709473 + ], + [ + "\u2581composti", + -13.80048942565918 + ], + [ + "\u2581Fabrica", + -13.800500869750977 + ], + [ + "MacOS", + -13.800569534301758 + ], + [ + "rival", + -13.800615310668944 + ], + [ + "testdata", + -13.800616264343262 + ], + [ + "glomera", + -13.80068302154541 + ], + [ + "\u2581musicista", + -13.800705909729004 + ], + [ + "UTE", + -13.80074691772461 + ], + [ + "\u2581McCo", + -13.80074977874756 + ], + [ + "avocat", + -13.800808906555176 + ], + [ + "\u2581innovaci\u00f3n", + -13.800814628601074 + ], + [ + "\u2581Figaro", + -13.800822257995604 + ], + [ + "\u2581Patricio", + -13.800823211669922 + ], + [ + "\u2581d\u00e9termine", + -13.800826072692873 + ], + [ + "\u2581Seneca", + -13.80088710784912 + ], + [ + "lated", + -13.800888061523438 + ], + [ + "\u2581Heeres", + -13.80091381072998 + ], + [ + "Sach", + -13.800929069519045 + ], + [ + "theoretische", + -13.80093002319336 + ], + [ + "\u2581Balo", + -13.800968170166016 + ], + [ + "Finanz", + -13.80099105834961 + ], + [ + "\u2581Plants", + -13.80103874206543 + ], + [ + "\u2581Nere", + -13.80104637145996 + ], + [ + "\u2581disparo", + -13.801074028015137 + ], + [ + "\u2581Kung", + -13.80107879638672 + ], + [ + "\u2581Ege", + -13.801095008850098 + ], + [ + "\u2581Kobe", + -13.801098823547363 + ], + [ + "\u2581hyperbolic", + -13.801108360290527 + ], + [ + "Discrete", + -13.801119804382324 + ], + [ + "ciais", + -13.801143646240234 + ], + [ + "\u2581Nett", + -13.801146507263184 + ], + [ + "Staat", + -13.801155090332031 + ], + [ + "\u2581mat\u00e9riau", + -13.80116367340088 + ], + [ + "\u2581Fortf\u00fchrung", + -13.801183700561523 + ], + [ + "ancho", + -13.801201820373535 + ], + [ + "\u2581liberali", + -13.801224708557127 + ], + [ + "\u2581complain", + -13.80123233795166 + ], + [ + "osio", + -13.80125331878662 + ], + [ + "BMW", + -13.801273345947266 + ], + [ + "\u2581Steinkohle", + -13.801281929016112 + ], + [ + "\u2581instal\u00f3", + -13.80130100250244 + ], + [ + "inate", + -13.801316261291504 + ], + [ + "\u2581Cree", + -13.80131721496582 + ], + [ + "\u2581nicho", + -13.801350593566896 + ], + [ + "plic\u00f3", + -13.80139446258545 + ], + [ + "mitir", + -13.80141544342041 + ], + [ + "tschen", + -13.801429748535156 + ], + [ + "\u2581passaporte", + -13.801454544067385 + ], + [ + "\u2581Bech", + -13.801475524902344 + ], + [ + "\u2581delays", + -13.801483154296877 + ], + [ + "vieh", + -13.80150032043457 + ], + [ + "dulo", + -13.801507949829102 + ], + [ + "vient", + -13.801527976989746 + ], + [ + "\u2581permanenza", + -13.801538467407228 + ], + [ + "Related", + -13.801541328430176 + ], + [ + "pyi", + -13.80154514312744 + ], + [ + "earing", + -13.801559448242188 + ], + [ + "\u2581robuste", + -13.8015718460083 + ], + [ + "\u2581leaned", + -13.801573753356934 + ], + [ + "\u2581vacuna", + -13.801590919494627 + ], + [ + "f\u00fcll", + -13.801593780517578 + ], + [ + "Bene", + -13.80159854888916 + ], + [ + "\u2581Woody", + -13.801644325256348 + ], + [ + "Gesch\u00e4ft", + -13.80164623260498 + ], + [ + "\u2581cultureel", + -13.801651000976562 + ], + [ + "\u2581pursuit", + -13.801679611206056 + ], + [ + "threatening", + -13.801687240600586 + ], + [ + "\u2581renov", + -13.801692962646484 + ], + [ + "\u2581heroic", + -13.801705360412598 + ], + [ + "\u2581t\u00edpicas", + -13.801717758178713 + ], + [ + "\u2581secretos", + -13.80172348022461 + ], + [ + "nense", + -13.80172634124756 + ], + [ + "ch\u00f3", + -13.801753044128418 + ], + [ + "\u2581Lycaenidae", + -13.80176830291748 + ], + [ + "arith", + -13.801773071289062 + ], + [ + "odidae", + -13.801777839660645 + ], + [ + "\u2581cresta", + -13.801785469055176 + ], + [ + "dochter", + -13.801797866821287 + ], + [ + "vanaf", + -13.80184841156006 + ], + [ + "\u2581Shao", + -13.801913261413574 + ], + [ + "synthesize", + -13.80191421508789 + ], + [ + "\u2581outlet", + -13.801947593688965 + ], + [ + "GUID", + -13.80195140838623 + ], + [ + "CHER", + -13.801969528198242 + ], + [ + "\u2581individualmente", + -13.801971435546877 + ], + [ + "Helpers", + -13.801973342895508 + ], + [ + "\u2581Fowler", + -13.802008628845217 + ], + [ + "schon", + -13.80201244354248 + ], + [ + "bent", + -13.802040100097656 + ], + [ + "\u2581reconstrucci\u00f3n", + -13.802072525024414 + ], + [ + "\u2581constela", + -13.80207633972168 + ], + [ + "\u2581pollu", + -13.802082061767578 + ], + [ + "Vlaamse", + -13.80208683013916 + ], + [ + "\u2581basque", + -13.80209732055664 + ], + [ + "\u2581christendom", + -13.802112579345703 + ], + [ + "nark", + -13.802146911621094 + ], + [ + "\u2581Puma", + -13.80215072631836 + ], + [ + "urbi", + -13.802164077758787 + ], + [ + "wj", + -13.802170753479004 + ], + [ + "\u2581ovos", + -13.802170753479004 + ], + [ + "\u2581hommels", + -13.80218505859375 + ], + [ + "cliff", + -13.802209854125977 + ], + [ + "\u2581austr\u00edaco", + -13.802223205566406 + ], + [ + "CDS", + -13.802234649658203 + ], + [ + "Credit", + -13.802289009094238 + ], + [ + "kan\u00e4le", + -13.8023099899292 + ], + [ + "\u2581associative", + -13.802334785461426 + ], + [ + "\u2581sirven", + -13.802346229553224 + ], + [ + "pubkey", + -13.802373886108398 + ], + [ + "\u2581Boog", + -13.802380561828612 + ], + [ + "\u2581maniobra", + -13.802383422851562 + ], + [ + "\u2581substituindo", + -13.802383422851562 + ], + [ + "\u2581korreliert", + -13.802396774291992 + ], + [ + "quartz", + -13.802412033081056 + ], + [ + "macos", + -13.802414894104004 + ], + [ + "RUST", + -13.802420616149902 + ], + [ + "\u2581explanations", + -13.8024263381958 + ], + [ + "\u2581cubre", + -13.802448272705078 + ], + [ + "\u2581vigilancia", + -13.80248737335205 + ], + [ + "\u2581Liszt", + -13.802505493164062 + ], + [ + "\u2581Tabellini", + -13.80251693725586 + ], + [ + "cadent", + -13.802517890930176 + ], + [ + "\u2581permitir\u00e1", + -13.802546501159668 + ], + [ + "Anwendung", + -13.8025541305542 + ], + [ + "\u2581poudre", + -13.802563667297363 + ], + [ + "\u2581Kipp", + -13.802583694458008 + ], + [ + "fontein", + -13.80264377593994 + ], + [ + "Columbia", + -13.802656173706056 + ], + [ + "Animated", + -13.802659034729004 + ], + [ + "puri", + -13.802661895751951 + ], + [ + "textsf", + -13.802682876586914 + ], + [ + "ufe", + -13.802692413330078 + ], + [ + "\u2581Stei", + -13.802692413330078 + ], + [ + "\u2581Skalen", + -13.80271053314209 + ], + [ + "\u2581Bekanntgabe", + -13.802752494812012 + ], + [ + "\u2581civilizaci\u00f3n", + -13.802752494812012 + ], + [ + "puppet", + -13.802754402160645 + ], + [ + "\u2581solleva", + -13.802763938903809 + ], + [ + "\u2581identificare", + -13.802778244018556 + ], + [ + "\u2581landskampioen", + -13.802801132202148 + ], + [ + "\u2581escada", + -13.802802085876465 + ], + [ + "\u2581gelijkspel", + -13.802813529968262 + ], + [ + "\u2581crecer", + -13.80282211303711 + ], + [ + "\u2581Carna", + -13.802851676940918 + ], + [ + "DONE", + -13.802918434143066 + ], + [ + "niers", + -13.802938461303713 + ], + [ + "\u2581promete", + -13.80296516418457 + ], + [ + "Sorbonne", + -13.803041458129885 + ], + [ + "Written", + -13.803057670593262 + ], + [ + "ubereitung", + -13.803093910217283 + ], + [ + "\u2581modalidades", + -13.803143501281738 + ], + [ + "\u2581Schutzes", + -13.803193092346191 + ], + [ + "\u2581nocturna", + -13.803207397460938 + ], + [ + "\u2581Umland", + -13.80320930480957 + ], + [ + "\u2581artistic", + -13.80321216583252 + ], + [ + "depot", + -13.80321979522705 + ], + [ + "leggi", + -13.803263664245604 + ], + [ + "\u2581fabricar", + -13.80328369140625 + ], + [ + "\u2581Kindergarten", + -13.803319931030272 + ], + [ + "Oeste", + -13.803332328796388 + ], + [ + "\u2581zugef\u00fchrt", + -13.803339958190918 + ], + [ + "\u2581tasca", + -13.803359985351562 + ], + [ + "\u2581gouvernements", + -13.803386688232422 + ], + [ + "ottica", + -13.80345058441162 + ], + [ + "\u2581zugeschrieben", + -13.803457260131836 + ], + [ + "Iq", + -13.803464889526367 + ], + [ + "SST", + -13.80347728729248 + ], + [ + "\u2581Berch", + -13.803512573242188 + ], + [ + "Populate", + -13.803577423095703 + ], + [ + "\u2581Konstrukt", + -13.803584098815918 + ], + [ + "\u2581Jau", + -13.803597450256348 + ], + [ + "\u2581dilu", + -13.803601264953612 + ], + [ + "\u2581upward", + -13.803603172302246 + ], + [ + "Alliance", + -13.803613662719728 + ], + [ + "\u2581Weizen", + -13.8036470413208 + ], + [ + "\u2581manifiesta", + -13.803685188293455 + ], + [ + "\u2581uitmaakt", + -13.803691864013672 + ], + [ + "Acrididae", + -13.803692817687988 + ], + [ + "\u2581Villanueva", + -13.80369758605957 + ], + [ + "pathologie", + -13.803702354431152 + ], + [ + "\u2581Wertes", + -13.803711891174316 + ], + [ + "approve", + -13.80372142791748 + ], + [ + "\u2581illegalen", + -13.803739547729492 + ], + [ + "describe", + -13.803757667541504 + ], + [ + "hrung", + -13.8037691116333 + ], + [ + "\u2581Arz", + -13.803804397583008 + ], + [ + "tology", + -13.803810119628906 + ], + [ + "CONV", + -13.803811073303224 + ], + [ + "Leader", + -13.80382251739502 + ], + [ + "\u2581Copenhagen", + -13.803862571716309 + ], + [ + "\u2581salido", + -13.80388641357422 + ], + [ + "\u2581miracolo", + -13.803895950317385 + ], + [ + "gest\u00fcrzt", + -13.803912162780762 + ], + [ + "scese", + -13.80391788482666 + ], + [ + "Catanzaro", + -13.803924560546877 + ], + [ + "\u2581Verschmelzung", + -13.803925514221191 + ], + [ + "uparrow", + -13.803956985473633 + ], + [ + "tsev", + -13.80404281616211 + ], + [ + "\u2581koffie", + -13.804072380065918 + ], + [ + "\u2581crust", + -13.804102897644045 + ], + [ + "\u2581implante", + -13.804146766662598 + ], + [ + "m\u00e9trage", + -13.804161071777344 + ], + [ + "Verschlechterung", + -13.80416488647461 + ], + [ + "\u2581breton", + -13.804165840148926 + ], + [ + "\u2581revelou", + -13.804192543029783 + ], + [ + "j\u00ed", + -13.804211616516112 + ], + [ + "Proportion", + -13.804218292236328 + ], + [ + "cUINT", + -13.80422019958496 + ], + [ + "\u2581efficiente", + -13.804265022277832 + ], + [ + "\u2581portail", + -13.80433464050293 + ], + [ + "\u2581toegelaten", + -13.804436683654783 + ], + [ + "\u2581educacional", + -13.804452896118164 + ], + [ + "mehrheit", + -13.80445671081543 + ], + [ + "\u2581Poz", + -13.804486274719238 + ], + [ + "\u2581agrupaci\u00f3n", + -13.80449676513672 + ], + [ + "\u2581dejaba", + -13.804548263549805 + ], + [ + "\u2581competencias", + -13.80458641052246 + ], + [ + "\u2581saltar", + -13.804597854614258 + ], + [ + "operatore", + -13.804642677307127 + ], + [ + "\u2581Siviglia", + -13.804644584655762 + ], + [ + "Bibliography", + -13.804662704467772 + ], + [ + "\u2581trajeto", + -13.804691314697266 + ], + [ + "\u2581enregistre", + -13.80469799041748 + ], + [ + "Everybody", + -13.804706573486328 + ], + [ + "uensis", + -13.804801940917969 + ], + [ + "\u2581Presidencia", + -13.804821014404297 + ], + [ + "\u2581buraco", + -13.804832458496094 + ], + [ + "l\u00e4rm", + -13.804835319519045 + ], + [ + "\u2581Orientale", + -13.80485725402832 + ], + [ + "LAG", + -13.8048677444458 + ], + [ + "\u2581combust\u00edvel", + -13.804885864257812 + ], + [ + "\u2581appartamenti", + -13.804887771606444 + ], + [ + "\u2581tentam", + -13.80489730834961 + ], + [ + "\u2581Giovanna", + -13.804924964904783 + ], + [ + "\u2581Indoor", + -13.804939270019531 + ], + [ + "\u2581filmregisseur", + -13.804960250854492 + ], + [ + "klep", + -13.804972648620604 + ], + [ + "rocca", + -13.805042266845703 + ], + [ + "\u2581Mele", + -13.805047988891602 + ], + [ + "\u2581secundarios", + -13.805078506469728 + ], + [ + "\u2581Abad", + -13.80514144897461 + ], + [ + "\u2581viaggiatore", + -13.805179595947266 + ], + [ + "\u2581tocado", + -13.80526065826416 + ], + [ + "morra", + -13.80530071258545 + ], + [ + "\u2581confiar", + -13.805303573608398 + ], + [ + "\u2581Regres", + -13.805304527282717 + ], + [ + "anonymous", + -13.805328369140623 + ], + [ + "Embedded", + -13.805365562438965 + ], + [ + "\u2581reconoci\u00f3", + -13.805365562438965 + ], + [ + "\u2581vivaci", + -13.805373191833496 + ], + [ + "\u2581sombrero", + -13.805391311645508 + ], + [ + "\u2581formulaire", + -13.805412292480469 + ], + [ + "\u2581Absch\u00e4tzung", + -13.805479049682615 + ], + [ + "\u2581ricordano", + -13.805489540100098 + ], + [ + "beteiligte", + -13.805496215820312 + ], + [ + "OME", + -13.80551815032959 + ], + [ + "airflow", + -13.805551528930664 + ], + [ + "\u2581popularmente", + -13.80555248260498 + ], + [ + "\u2581Kr\u00e4", + -13.805569648742676 + ], + [ + "\u2581Styl", + -13.80557918548584 + ], + [ + "\u00fcbung", + -13.805581092834473 + ], + [ + "\u2581fermer", + -13.805585861206056 + ], + [ + "REM", + -13.805612564086914 + ], + [ + "\u2581Petrarca", + -13.80561351776123 + ], + [ + "levering", + -13.805634498596191 + ], + [ + "Torch", + -13.805636405944824 + ], + [ + "Radi", + -13.805642127990724 + ], + [ + "CLANG", + -13.805648803710938 + ], + [ + "\u2581t\u00eda", + -13.80568027496338 + ], + [ + "arbeitung", + -13.805702209472656 + ], + [ + "\u2581Spears", + -13.805716514587402 + ], + [ + "\u2581unidos", + -13.805724143981934 + ], + [ + "am\u00e9rica", + -13.805747032165527 + ], + [ + "\u2581sacre", + -13.805777549743652 + ], + [ + "\u2581biograf\u00eda", + -13.80579948425293 + ], + [ + "\u2581dinossauros", + -13.805846214294434 + ], + [ + "\u2581Jesucristo", + -13.80584716796875 + ], + [ + "\u00f3ticos", + -13.805861473083496 + ], + [ + "\u2581fixer", + -13.80587100982666 + ], + [ + "zuiver", + -13.805874824523926 + ], + [ + "\u2581cables", + -13.805913925170898 + ], + [ + "gava", + -13.805933952331545 + ], + [ + "\u2581Niedrig", + -13.805950164794922 + ], + [ + "copa", + -13.8059663772583 + ], + [ + "ologiche", + -13.80600357055664 + ], + [ + "Markdown", + -13.806021690368652 + ], + [ + "\u2581verschlossen", + -13.806022644042969 + ], + [ + "baus", + -13.806077003479004 + ], + [ + "\u2581Phuket", + -13.806090354919434 + ], + [ + "\u2581baterista", + -13.80609130859375 + ], + [ + "GCP", + -13.80609893798828 + ], + [ + "replicas", + -13.806107521057127 + ], + [ + "\u2581Ehemann", + -13.806108474731444 + ], + [ + "\u2581Sinopsis", + -13.806113243103027 + ], + [ + "\u2581Binde", + -13.806159973144531 + ], + [ + "vL", + -13.806175231933594 + ], + [ + "\u2581Misur", + -13.806180953979492 + ], + [ + "\u2581Dada", + -13.806199073791504 + ], + [ + "\u2581recrea", + -13.806203842163086 + ], + [ + "corona", + -13.806215286254885 + ], + [ + "llipsoid", + -13.806245803833008 + ], + [ + "keeping", + -13.806280136108398 + ], + [ + "wetenschapper", + -13.80628776550293 + ], + [ + "lucida", + -13.806325912475586 + ], + [ + "\u2581Vertragspartner", + -13.806329727172852 + ], + [ + "\u2581consid\u00e9ration", + -13.806330680847168 + ], + [ + "\u2581Territory", + -13.806331634521484 + ], + [ + "\u00fcbergreifenden", + -13.80637550354004 + ], + [ + "MSC", + -13.806402206420898 + ], + [ + "\u2581handful", + -13.80644416809082 + ], + [ + "\u2581Teller", + -13.806453704833984 + ], + [ + "Vgl", + -13.806467056274414 + ], + [ + "\u2581doubles", + -13.806485176086426 + ], + [ + "\u2581Chairman", + -13.806488037109377 + ], + [ + "\u2581fondement", + -13.806490898132324 + ], + [ + "\u2581Organisa", + -13.80649471282959 + ], + [ + "\u2581binario", + -13.80650234222412 + ], + [ + "\u2581Dorothea", + -13.806516647338867 + ], + [ + "aanval", + -13.806517601013184 + ], + [ + "\u2581maneras", + -13.806517601013184 + ], + [ + "\u2581completato", + -13.806522369384766 + ], + [ + "\u2581eleg", + -13.806523323059082 + ], + [ + "capa", + -13.806537628173828 + ], + [ + "\u2581contrainte", + -13.80657196044922 + ], + [ + "\u2581Extremadura", + -13.806577682495115 + ], + [ + "\u2581colaborador", + -13.806578636169434 + ], + [ + "\u2581rapaz", + -13.806585311889648 + ], + [ + "ffnungszeiten", + -13.806586265563965 + ], + [ + "\u2581aufrecht", + -13.806586265563965 + ], + [ + "strafe", + -13.806605339050291 + ], + [ + "\u2581desejar", + -13.806659698486328 + ], + [ + "\u2581equity", + -13.806692123413086 + ], + [ + "\u2581sottoposto", + -13.806696891784668 + ], + [ + "\u2581observers", + -13.806730270385742 + ], + [ + "\u2581expulsado", + -13.806743621826172 + ], + [ + "\u2581piene", + -13.806753158569336 + ], + [ + "\u2581gew\u00e4hlte", + -13.806839942932127 + ], + [ + "\u2581Kib", + -13.806856155395508 + ], + [ + "Earth", + -13.80686378479004 + ], + [ + "\u2581colocadas", + -13.806877136230469 + ], + [ + "migra", + -13.806891441345217 + ], + [ + "sulfon", + -13.80689811706543 + ], + [ + "gegriffen", + -13.806974411010742 + ], + [ + "\u2581betrachtete", + -13.806979179382324 + ], + [ + "Harvest", + -13.806986808776855 + ], + [ + "ogramm", + -13.806998252868652 + ], + [ + "\u2581Aparece", + -13.807022094726562 + ], + [ + "caste", + -13.807032585144045 + ], + [ + "\u2581niega", + -13.807035446166992 + ], + [ + "\u2581Fachwerk", + -13.80703830718994 + ], + [ + "maatschappijen", + -13.807095527648926 + ], + [ + "\u2581Veteran", + -13.807096481323242 + ], + [ + "luna", + -13.807120323181152 + ], + [ + "\u2581Steck", + -13.807141304016112 + ], + [ + "\u2581angemessener", + -13.80714511871338 + ], + [ + "\u2581respiro", + -13.80714988708496 + ], + [ + "streu", + -13.807153701782228 + ], + [ + "Animal", + -13.807159423828123 + ], + [ + "\u2581relatif", + -13.807165145874023 + ], + [ + "\u2581Krieger", + -13.807168006896973 + ], + [ + "\u2581diagnosed", + -13.807188034057615 + ], + [ + "gestion", + -13.80720043182373 + ], + [ + "orium", + -13.807218551635742 + ], + [ + "Halle", + -13.807254791259766 + ], + [ + "raja", + -13.807259559631348 + ], + [ + "SCRATCH", + -13.807284355163574 + ], + [ + "\u2581Hemingway", + -13.807289123535156 + ], + [ + "\u00e9levage", + -13.807291984558104 + ], + [ + "spotify", + -13.807328224182127 + ], + [ + "laranja", + -13.807331085205078 + ], + [ + "wede", + -13.807334899902344 + ], + [ + "\u00f3lio", + -13.807345390319824 + ], + [ + "\u2581perdue", + -13.80735206604004 + ], + [ + "wicket", + -13.807379722595217 + ], + [ + "\u2581marginale", + -13.807384490966797 + ], + [ + "\u2581\u00e9tages", + -13.807392120361328 + ], + [ + "BAG", + -13.807409286499023 + ], + [ + "Law", + -13.807449340820312 + ], + [ + "truppen", + -13.807486534118652 + ], + [ + "\u2581Thron", + -13.807506561279297 + ], + [ + "\u2581besorgt", + -13.807525634765623 + ], + [ + "\u2581sereno", + -13.807534217834473 + ], + [ + "\u2581Fren", + -13.807537078857422 + ], + [ + "copia", + -13.807546615600586 + ], + [ + "\u2581Ausbruch", + -13.807547569274902 + ], + [ + "\u2581seltsam", + -13.807552337646484 + ], + [ + "\u2581lineal", + -13.80762767791748 + ], + [ + "corno", + -13.807657241821287 + ], + [ + "ualche", + -13.80768871307373 + ], + [ + "\u2581disfruta", + -13.807698249816896 + ], + [ + "\u2581schilderen", + -13.807714462280272 + ], + [ + "ought", + -13.807722091674805 + ], + [ + "\u2581demuestra", + -13.807730674743652 + ], + [ + "ventil", + -13.807738304138184 + ], + [ + "\u2581securities", + -13.80777072906494 + ], + [ + "\u2581Carioca", + -13.807778358459473 + ], + [ + "\u2581catholiques", + -13.807802200317385 + ], + [ + "undeskriminalamt", + -13.8078031539917 + ], + [ + "BRE", + -13.80785846710205 + ], + [ + "\u2581blessures", + -13.807876586914062 + ], + [ + "\u2581Fredrik", + -13.807909965515137 + ], + [ + "\u2581preferido", + -13.807936668395996 + ], + [ + "tulo", + -13.807952880859377 + ], + [ + "netzen", + -13.807971954345703 + ], + [ + "\u2581calcare", + -13.80801010131836 + ], + [ + "applications", + -13.808015823364258 + ], + [ + "\u2581Paradox", + -13.808026313781738 + ], + [ + "x\u00e1", + -13.808049201965332 + ], + [ + "\u2581Erinnerungen", + -13.808055877685549 + ], + [ + "WebView", + -13.808072090148926 + ], + [ + "Metro", + -13.808074951171877 + ], + [ + "\u2581bavar", + -13.808095932006836 + ], + [ + "\u2581G\u00e4", + -13.808116912841797 + ], + [ + "Hof", + -13.808125495910645 + ], + [ + "Removing", + -13.808159828186035 + ], + [ + "Uit", + -13.808184623718262 + ], + [ + "wives", + -13.808189392089844 + ], + [ + "\u2581Flower", + -13.808194160461426 + ], + [ + "exclusive", + -13.80821132659912 + ], + [ + "\u2581ammoni", + -13.808232307434082 + ], + [ + "\u2581verwijzing", + -13.808234214782717 + ], + [ + "\u2581lasse", + -13.808239936828612 + ], + [ + "gletsjer", + -13.808253288269045 + ], + [ + "oodle", + -13.808268547058104 + ], + [ + "\u2581Sion", + -13.80829620361328 + ], + [ + "\u2581erlebte", + -13.808359146118164 + ], + [ + "\u2581volare", + -13.80836296081543 + ], + [ + "freundliche", + -13.80837059020996 + ], + [ + "\u2581Jerome", + -13.808472633361816 + ], + [ + "mola", + -13.808475494384766 + ], + [ + "\u2581troll", + -13.808481216430664 + ], + [ + "\u2581Slowenien", + -13.808493614196776 + ], + [ + "\u2581hielp", + -13.80854606628418 + ], + [ + "condens", + -13.808551788330078 + ], + [ + "optic", + -13.808621406555176 + ], + [ + "\u2581intensi", + -13.80864429473877 + ], + [ + "st\u00e4ndlich", + -13.808645248413086 + ], + [ + "\u2581haine", + -13.808675765991213 + ], + [ + "Hum", + -13.808690071105955 + ], + [ + "keurig", + -13.808721542358398 + ], + [ + "\u2581atraviesa", + -13.808733940124512 + ], + [ + "ENTI", + -13.808745384216309 + ], + [ + "\u2581Universitaria", + -13.808745384216309 + ], + [ + "encial", + -13.808751106262209 + ], + [ + "\u2581fastest", + -13.808761596679688 + ], + [ + "\u2581territories", + -13.808771133422852 + ], + [ + "\u2581Validierung", + -13.808772087097168 + ], + [ + "\u2581detalhada", + -13.808773040771484 + ], + [ + "\u2581procedimientos", + -13.808786392211914 + ], + [ + "\u2581int\u00e9gral", + -13.808793067932127 + ], + [ + "\u2581instalados", + -13.808801651000977 + ], + [ + "\u2581plan\u00edcie", + -13.808808326721191 + ], + [ + "\u2581strana", + -13.80884075164795 + ], + [ + "Civita", + -13.808865547180176 + ], + [ + "um\u00e9", + -13.80890941619873 + ], + [ + "\u2581deportivas", + -13.808923721313477 + ], + [ + "\u2581fotografias", + -13.80892848968506 + ], + [ + "quette", + -13.808953285217283 + ], + [ + "give", + -13.808961868286133 + ], + [ + "\u2581voren", + -13.808971405029297 + ], + [ + "\u2581adotar", + -13.808989524841309 + ], + [ + "\u2581muchacho", + -13.809019088745115 + ], + [ + "\u2581descrivere", + -13.809027671813965 + ], + [ + "Bundesamt", + -13.809036254882812 + ], + [ + "\u2581amplifica", + -13.809041023254396 + ], + [ + "b\u00fcchern", + -13.80904483795166 + ], + [ + "\u2581privilege", + -13.80905818939209 + ], + [ + "\u2581idone", + -13.809080123901367 + ], + [ + "Americano", + -13.809094429016112 + ], + [ + "\u2581coiff", + -13.80916690826416 + ], + [ + "nutz", + -13.809179306030272 + ], + [ + "\u2581riproduzione", + -13.80921459197998 + ], + [ + "\u2581suplente", + -13.809221267700195 + ], + [ + "\u2581missili", + -13.809223175048828 + ], + [ + "\u2581Helga", + -13.80924129486084 + ], + [ + "\u2581remarqu\u00e9", + -13.809242248535156 + ], + [ + "\u2581ausgepr\u00e4gte", + -13.809255599975586 + ], + [ + "Geography", + -13.8092622756958 + ], + [ + "\u2581consid\u00e9r\u00e9s", + -13.809279441833496 + ], + [ + "\u2581cauc", + -13.809297561645508 + ], + [ + "SID", + -13.80931568145752 + ], + [ + "\u2581Bann", + -13.809326171875 + ], + [ + "motrice", + -13.809370994567873 + ], + [ + "am\u00e1", + -13.809383392333984 + ], + [ + "jel", + -13.809385299682615 + ], + [ + "\u2581desregierung", + -13.809422492980955 + ], + [ + "\u2581ponts", + -13.8094482421875 + ], + [ + "\u2581abseits", + -13.809462547302246 + ], + [ + "kod", + -13.809503555297852 + ], + [ + "ENSE", + -13.809540748596191 + ], + [ + "Doctrine", + -13.809578895568848 + ], + [ + "\u2581ingresa", + -13.809581756591797 + ], + [ + "\u2581museus", + -13.809584617614746 + ], + [ + "RAL", + -13.809680938720703 + ], + [ + "\u2581draws", + -13.809684753417969 + ], + [ + "\u2581Tasche", + -13.809715270996094 + ], + [ + "vamo", + -13.809768676757812 + ], + [ + "varint", + -13.809823989868164 + ], + [ + "\u2581Sekunde", + -13.809850692749023 + ], + [ + "\u2581Bress", + -13.80986213684082 + ], + [ + "\u2581env\u00eda", + -13.809870719909668 + ], + [ + "\u2581journalists", + -13.80987548828125 + ], + [ + "hama", + -13.809906005859377 + ], + [ + "\u2581Belfort", + -13.80990982055664 + ], + [ + "\u2581textile", + -13.80991268157959 + ], + [ + "Ansatz", + -13.809917449951172 + ], + [ + "Neuron", + -13.809922218322754 + ], + [ + "\u2581deseaba", + -13.809934616088867 + ], + [ + "\u2581splendore", + -13.809944152832031 + ], + [ + "\u2581Schauspiel", + -13.809950828552246 + ], + [ + "ayo", + -13.809954643249512 + ], + [ + "\u2581Troia", + -13.80995750427246 + ], + [ + "ific\u00f3", + -13.809972763061523 + ], + [ + "verhalen", + -13.809980392456056 + ], + [ + "AFP", + -13.810002326965332 + ], + [ + "\u2581dijeron", + -13.810015678405762 + ], + [ + "valente", + -13.81009578704834 + ], + [ + "\u2581facciamo", + -13.81009578704834 + ], + [ + "\u2581Coul", + -13.810110092163086 + ], + [ + "ggiare", + -13.810129165649414 + ], + [ + "\u2581Greve", + -13.810158729553224 + ], + [ + "\u2581apoiado", + -13.810176849365234 + ], + [ + "xyl", + -13.810185432434082 + ], + [ + "\u2581perdono", + -13.810202598571776 + ], + [ + "\u2581legally", + -13.810203552246094 + ], + [ + "\u2581triggers", + -13.810214042663574 + ], + [ + "\u2581fasc", + -13.810260772705078 + ], + [ + "Forum", + -13.810262680053713 + ], + [ + "handelingen", + -13.810263633728027 + ], + [ + "\u2581Sprech", + -13.810288429260254 + ], + [ + "prox", + -13.810314178466797 + ], + [ + "\u2581protectora", + -13.810349464416504 + ], + [ + "\u2581Professores", + -13.810351371765137 + ], + [ + "\u2581loans", + -13.810379981994627 + ], + [ + "\u2581scolaires", + -13.810383796691896 + ], + [ + "\u2581Condes", + -13.81039810180664 + ], + [ + "\u2581indican", + -13.810400009155272 + ], + [ + "\u2581estatus", + -13.810412406921388 + ], + [ + "\u2581pesados", + -13.810434341430664 + ], + [ + "\u2581confi\u00e1vel", + -13.810453414916992 + ], + [ + "\u2581Ballad", + -13.810498237609863 + ], + [ + "\u2581preven", + -13.810513496398926 + ], + [ + "\u2581Daniels", + -13.810531616210938 + ], + [ + "\u2581gevangenen", + -13.81053638458252 + ], + [ + "H\u00fc", + -13.810628890991213 + ], + [ + "maggio", + -13.810663223266602 + ], + [ + "\u2581fieles", + -13.81067180633545 + ], + [ + "\u2581Leonor", + -13.810702323913574 + ], + [ + "\u2581Obi", + -13.810717582702637 + ], + [ + "\u2581Dexter", + -13.810731887817385 + ], + [ + "representaciones", + -13.81073760986328 + ], + [ + "racks", + -13.810747146606444 + ], + [ + "\u2581Budd", + -13.810799598693848 + ], + [ + "grega", + -13.81082534790039 + ], + [ + "\u2581Mining", + -13.81084442138672 + ], + [ + "URLRequest", + -13.810860633850098 + ], + [ + "ibilidade", + -13.810863494873049 + ], + [ + "\u2581hypotheses", + -13.81087589263916 + ], + [ + "innovazione", + -13.810883522033691 + ], + [ + "removed", + -13.81089210510254 + ], + [ + "IllegalArgument", + -13.810909271240234 + ], + [ + "TAS", + -13.81091022491455 + ], + [ + "\u2581derrotou", + -13.810916900634766 + ], + [ + "\u2581humanit\u00e4re", + -13.810927391052246 + ], + [ + "cionada", + -13.81094455718994 + ], + [ + "\u2581presidenta", + -13.810956954956056 + ], + [ + "egal", + -13.810961723327637 + ], + [ + "\u2581ant\u00e9rieure", + -13.81096649169922 + ], + [ + "threading", + -13.810969352722168 + ], + [ + "\u2581erzeugten", + -13.810972213745115 + ], + [ + "orgoglio", + -13.810999870300291 + ], + [ + "ouvrier", + -13.811006546020508 + ], + [ + "sales", + -13.811020851135254 + ], + [ + "\u2581wiedergegeben", + -13.811023712158203 + ], + [ + "ifrons", + -13.811050415039062 + ], + [ + "pki", + -13.811059951782228 + ], + [ + "\u2581trabalham", + -13.811068534851074 + ], + [ + "SCA", + -13.811115264892578 + ], + [ + "corpo", + -13.811135292053224 + ], + [ + "\u2581distribu\u00eddos", + -13.811138153076172 + ], + [ + "findViewById", + -13.81114673614502 + ], + [ + "Weltcup", + -13.811149597167969 + ], + [ + "Robust", + -13.811180114746094 + ], + [ + "urigo", + -13.811187744140623 + ], + [ + "cer\u00eda", + -13.811217308044434 + ], + [ + "\u2581Jahrgang", + -13.811229705810549 + ], + [ + "Collect", + -13.811238288879396 + ], + [ + "\u2581sacred", + -13.811240196228027 + ], + [ + "\u2581gerada", + -13.811291694641112 + ], + [ + "schans", + -13.811315536499023 + ], + [ + "\u2581grosses", + -13.81132698059082 + ], + [ + "\u2581perdidos", + -13.811333656311035 + ], + [ + "Mitarbeiterinnen", + -13.81134796142578 + ], + [ + "\u2581Abteilungen", + -13.81134796142578 + ], + [ + "Virus", + -13.811361312866213 + ], + [ + "\u2581Albacete", + -13.81139087677002 + ], + [ + "TGA", + -13.811395645141602 + ], + [ + "\u2581perfume", + -13.811444282531738 + ], + [ + "\u2581fiscales", + -13.811464309692385 + ], + [ + "\u2581ressenti", + -13.81147289276123 + ], + [ + "Ora", + -13.81149196624756 + ], + [ + "\u2581appel\u00e9es", + -13.81149673461914 + ], + [ + "tanza", + -13.811508178710938 + ], + [ + "\u2581talentos", + -13.811559677124023 + ], + [ + "hauser", + -13.81164836883545 + ], + [ + "\u2581nombramiento", + -13.811649322509766 + ], + [ + "\u2581Eliza", + -13.811659812927246 + ], + [ + "\u2581enterr", + -13.81169891357422 + ], + [ + "Colombia", + -13.8117036819458 + ], + [ + "\u2581Hog", + -13.811723709106444 + ], + [ + "\u2581adjudica", + -13.811753273010254 + ], + [ + "pendio", + -13.811765670776367 + ], + [ + "Vice", + -13.81179904937744 + ], + [ + "\u2581Pensionen", + -13.811805725097656 + ], + [ + "gewel", + -13.81181812286377 + ], + [ + "\u2581Arbeitsschutz", + -13.811854362487791 + ], + [ + "\u2581Wereldbeker", + -13.81186294555664 + ], + [ + "Roubaix", + -13.811872482299805 + ], + [ + "eccellenza", + -13.811872482299805 + ], + [ + "\u2581\u00e9limin\u00e9", + -13.81187629699707 + ], + [ + "\u2581concluye", + -13.81192111968994 + ], + [ + "\u2581Orchid", + -13.811952590942385 + ], + [ + "nfase", + -13.811976432800291 + ], + [ + "digits", + -13.81201457977295 + ], + [ + "\u2581vluchtte", + -13.812018394470217 + ], + [ + "gerichtlichen", + -13.812047004699709 + ], + [ + "\u2581attendere", + -13.812057495117188 + ], + [ + "gespielt", + -13.812089920043944 + ], + [ + "sanitize", + -13.812098503112791 + ], + [ + "\u2581sinken", + -13.812098503112791 + ], + [ + "blanc", + -13.812103271484377 + ], + [ + "\u2581Collaboration", + -13.81212043762207 + ], + [ + "uirrell", + -13.812140464782717 + ], + [ + "gegenstand", + -13.812155723571776 + ], + [ + "\u2581raios", + -13.81218719482422 + ], + [ + "\u2581Prozentsatz", + -13.8121919631958 + ], + [ + "Olanda", + -13.812199592590332 + ], + [ + "\u2581especificada", + -13.812254905700684 + ], + [ + "\u2581Betriebssystem", + -13.812267303466797 + ], + [ + "\u2581qualifying", + -13.81227684020996 + ], + [ + "\u2581inserita", + -13.812325477600098 + ], + [ + "\u2581Ruben", + -13.812335014343262 + ], + [ + "\u2581Monarch", + -13.81234359741211 + ], + [ + "manipul", + -13.812366485595703 + ], + [ + "\u2581antibiotic", + -13.812366485595703 + ], + [ + "\u2581le\u00eddo", + -13.812382698059082 + ], + [ + "\u2581passionn\u00e9", + -13.81238842010498 + ], + [ + "\u2581Anschaffung", + -13.81239414215088 + ], + [ + "\u2581Scorpion", + -13.812461853027344 + ], + [ + "\u2581molecola", + -13.812474250793455 + ], + [ + "\u2581voltado", + -13.812481880187988 + ], + [ + "im\u00f3n", + -13.812521934509276 + ], + [ + "\u2581nazisti", + -13.812524795532228 + ], + [ + "\u2581explota", + -13.81253433227539 + ], + [ + "\u2581Tep", + -13.812579154968262 + ], + [ + "l\u00fch", + -13.81258487701416 + ], + [ + "entendre", + -13.812596321105955 + ], + [ + "\u2581tessuti", + -13.812599182128906 + ], + [ + "\u2581bedeutsame", + -13.812602996826172 + ], + [ + "\u2581Lucarelli", + -13.812621116638184 + ], + [ + "\u2581n\u00e9gatif", + -13.812627792358398 + ], + [ + "\u2581Sword", + -13.812631607055664 + ], + [ + "Cookies", + -13.812701225280762 + ], + [ + "\u2581Kleider", + -13.812711715698242 + ], + [ + "\u2581abitua", + -13.812772750854492 + ], + [ + "\u2581Blonde", + -13.812773704528809 + ], + [ + "\u2581congress", + -13.812785148620604 + ], + [ + "DTO", + -13.812790870666504 + ], + [ + "\u2581fabrique", + -13.812806129455566 + ], + [ + "leuten", + -13.812824249267578 + ], + [ + "\u2581beobachteten", + -13.812826156616213 + ], + [ + "\u2581Decken", + -13.812828063964844 + ], + [ + "Frosinone", + -13.812840461730955 + ], + [ + "\u2581Etimolog\u00eda", + -13.812840461730955 + ], + [ + "balen", + -13.812847137451172 + ], + [ + "\u2581pronoun", + -13.812850952148438 + ], + [ + "Each", + -13.812857627868652 + ], + [ + "\u2581McL", + -13.812864303588867 + ], + [ + "\u2581Entnahme", + -13.8129301071167 + ], + [ + "\u2581subida", + -13.812978744506836 + ], + [ + "leeuw", + -13.812984466552734 + ], + [ + "papa", + -13.813000679016112 + ], + [ + "Fp", + -13.813035011291504 + ], + [ + "Golden", + -13.813040733337402 + ], + [ + "\u2581construye", + -13.813044548034668 + ], + [ + "ahota", + -13.813061714172363 + ], + [ + "\u2581R\u00e9sum\u00e9", + -13.813082695007324 + ], + [ + "\u2581ausgestaltet", + -13.813082695007324 + ], + [ + "\u2581Innenminister", + -13.813164710998535 + ], + [ + "\u2581informative", + -13.81325626373291 + ], + [ + "reguliert", + -13.81326675415039 + ], + [ + "parsing", + -13.813322067260742 + ], + [ + "sabelsprinkhanen", + -13.813324928283691 + ], + [ + "\u2581juifs", + -13.813324928283691 + ], + [ + "\u2581Brux", + -13.813365936279297 + ], + [ + "\u2581hinausgehende", + -13.813371658325195 + ], + [ + "\u2581mili", + -13.813377380371094 + ], + [ + "\u2581mercante", + -13.813382148742676 + ], + [ + "\u2581S\u00fcdlich", + -13.813443183898926 + ], + [ + "alimenta", + -13.813477516174316 + ], + [ + "\u2581picco", + -13.813516616821287 + ], + [ + "irent", + -13.813521385192873 + ], + [ + "existait", + -13.813541412353516 + ], + [ + "\u2581ventajas", + -13.813546180725098 + ], + [ + "\u2581mod\u00e9r\u00e9", + -13.813559532165527 + ], + [ + "\u2581Oli", + -13.813560485839844 + ], + [ + "\u2581splendida", + -13.813565254211426 + ], + [ + "\u2581Lexington", + -13.81357192993164 + ], + [ + "\u2581Delia", + -13.813621520996094 + ], + [ + "lotte", + -13.813665390014648 + ], + [ + "\u2581parodia", + -13.813666343688965 + ], + [ + "\u2581Pike", + -13.813701629638672 + ], + [ + "\u2581Louisville", + -13.813708305358888 + ], + [ + "theil", + -13.81372356414795 + ], + [ + "habituelle", + -13.813730239868164 + ], + [ + "beth", + -13.81373405456543 + ], + [ + "livi", + -13.813787460327148 + ], + [ + "ounded", + -13.813788414001465 + ], + [ + "\u2581Bauwesen", + -13.813804626464844 + ], + [ + "\u2581inderdaad", + -13.813810348510742 + ], + [ + "OSPRay", + -13.813817977905272 + ], + [ + "\u2581SEDS", + -13.813817977905272 + ], + [ + "Monument", + -13.813830375671388 + ], + [ + "\u2581Scop", + -13.813849449157717 + ], + [ + "octro", + -13.813875198364258 + ], + [ + "\u2581insinua", + -13.813885688781738 + ], + [ + "\u2581wortels", + -13.813887596130373 + ], + [ + "hessen", + -13.81389045715332 + ], + [ + "\u2581economicamente", + -13.81391143798828 + ], + [ + "\u2581Wertung", + -13.81392765045166 + ], + [ + "teniente", + -13.81394863128662 + ], + [ + "\u2581Anwender", + -13.813973426818848 + ], + [ + "rdergebiet", + -13.81397533416748 + ], + [ + "BTC", + -13.814000129699709 + ], + [ + "M\u00fc", + -13.814002990722656 + ], + [ + "\u2581herausragende", + -13.81406021118164 + ], + [ + "alles", + -13.814061164855955 + ], + [ + "\u2581Mandela", + -13.814082145690918 + ], + [ + "ouill\u00e9", + -13.814093589782717 + ], + [ + "\u2581ofertas", + -13.814126014709473 + ], + [ + "Campo", + -13.814144134521484 + ], + [ + "Oc\u00e9an", + -13.8141508102417 + ], + [ + "\u2581seguramente", + -13.814170837402344 + ], + [ + "INTEL", + -13.814187049865724 + ], + [ + "\u2581Echt", + -13.814197540283203 + ], + [ + "m\u00e9nage", + -13.814199447631836 + ], + [ + "RELU", + -13.814254760742188 + ], + [ + "\u2581nomeadamente", + -13.81425666809082 + ], + [ + "Pilot", + -13.814270973205566 + ], + [ + "\u2581Initi", + -13.81429958343506 + ], + [ + "behalt", + -13.814309120178224 + ], + [ + "\u2581caches", + -13.81431484222412 + ], + [ + "\u2581form\u00e9e", + -13.81432819366455 + ], + [ + "vorschl\u00e4ge", + -13.814338684082031 + ], + [ + "\u2581magische", + -13.814358711242676 + ], + [ + "\u2581Jaya", + -13.814387321472168 + ], + [ + "\u2581Sheriff", + -13.814391136169434 + ], + [ + "ENTIT", + -13.814393997192385 + ], + [ + "\u2581oferecido", + -13.814400672912598 + ], + [ + "specs", + -13.81440258026123 + ], + [ + "offensiva", + -13.814433097839355 + ], + [ + "\u2581baulichen", + -13.814460754394531 + ], + [ + "\u2581curiosa", + -13.81446933746338 + ], + [ + "\u2581identiques", + -13.814495086669922 + ], + [ + "\u2581Tunesien", + -13.814512252807615 + ], + [ + "\u2581scandalo", + -13.814513206481934 + ], + [ + "\u2581umzu", + -13.81451416015625 + ], + [ + "maier", + -13.814539909362791 + ], + [ + "\u2581seinerzeit", + -13.814545631408691 + ], + [ + "\u2581surprisingly", + -13.814582824707031 + ], + [ + "\u2581satisfait", + -13.81462287902832 + ], + [ + "\u2581Powers", + -13.814641952514648 + ], + [ + "\u2581notturno", + -13.814651489257812 + ], + [ + "tinen", + -13.814672470092772 + ], + [ + "\u2581Regelfall", + -13.814672470092772 + ], + [ + "\u2581crisp", + -13.814703941345217 + ], + [ + "\u2581espect\u00e1culos", + -13.814714431762695 + ], + [ + "imped", + -13.81472873687744 + ], + [ + "uim", + -13.814735412597656 + ], + [ + "\u2581Ortskern", + -13.814818382263184 + ], + [ + "rauch", + -13.814878463745115 + ], + [ + "\u2581Reiseziel", + -13.814943313598633 + ], + [ + "Disc", + -13.814966201782228 + ], + [ + "Permit", + -13.814980506896973 + ], + [ + "\u2581variabelen", + -13.815018653869627 + ], + [ + "lidos", + -13.815065383911133 + ], + [ + "\u2581Capu", + -13.81507396697998 + ], + [ + "\u2581rueda", + -13.815086364746094 + ], + [ + "\u2581Papo", + -13.815125465393066 + ], + [ + "\u2581Cary", + -13.815146446228027 + ], + [ + "\u2581vertelde", + -13.815170288085938 + ], + [ + "ymmetry", + -13.815176963806152 + ], + [ + "\u2581Angus", + -13.815185546875 + ], + [ + "\u2581Barrios", + -13.815227508544922 + ], + [ + "\u2581sabem", + -13.815237998962402 + ], + [ + "thiopien", + -13.81525707244873 + ], + [ + "axios", + -13.815263748168944 + ], + [ + "\u2581Konsolidierung", + -13.815263748168944 + ], + [ + "\u2581interiore", + -13.815274238586426 + ], + [ + "\u2581Aurelio", + -13.815275192260742 + ], + [ + "f\u00fcllung", + -13.815277099609377 + ], + [ + "\u2581hablan", + -13.815295219421388 + ], + [ + "Parsing", + -13.815301895141602 + ], + [ + "\u2581estabelece", + -13.815325736999512 + ], + [ + "\u2581Intensiv", + -13.815342903137209 + ], + [ + "\u2581complet\u00f3", + -13.815357208251951 + ], + [ + "\u2581risultare", + -13.815389633178713 + ], + [ + "\u2581colleges", + -13.815391540527344 + ], + [ + "\u2581armato", + -13.815401077270508 + ], + [ + "\u2581Torr", + -13.815410614013672 + ], + [ + "otipo", + -13.81543254852295 + ], + [ + "\u2581minimi", + -13.81546688079834 + ], + [ + "\u2581M\u00fchlen", + -13.815479278564451 + ], + [ + "Road", + -13.815486907958984 + ], + [ + "unless", + -13.815505027770996 + ], + [ + "deau", + -13.815510749816896 + ], + [ + "zola", + -13.815511703491213 + ], + [ + "outgoing", + -13.81553840637207 + ], + [ + "oratorio", + -13.815547943115234 + ], + [ + "\u2581##########", + -13.815559387207031 + ], + [ + "\u2581Conquista", + -13.815569877624512 + ], + [ + "\u2581erneuerbaren", + -13.815595626831056 + ], + [ + "acious", + -13.81563949584961 + ], + [ + "Premi", + -13.815658569335938 + ], + [ + "\u2581Barreto", + -13.81569004058838 + ], + [ + "brett", + -13.81569480895996 + ], + [ + "ovac", + -13.81570529937744 + ], + [ + "\u2581testigo", + -13.815715789794922 + ], + [ + "\u2581caixas", + -13.815755844116213 + ], + [ + "\u2581Wachs", + -13.815766334533691 + ], + [ + "\u2581snowboard", + -13.815790176391602 + ], + [ + "jacob", + -13.815793991088867 + ], + [ + "\u2581Ambiental", + -13.815805435180664 + ], + [ + "\u2581balloon", + -13.815823554992676 + ], + [ + "relevant", + -13.815838813781738 + ], + [ + "\u2581Superiore", + -13.81584358215332 + ], + [ + "\u2581analizza", + -13.815848350524902 + ], + [ + "\u2581credeva", + -13.815863609313965 + ], + [ + "\u2581perceptions", + -13.815937995910645 + ], + [ + "augen", + -13.815947532653809 + ], + [ + "\u2581Lounge", + -13.815948486328123 + ], + [ + "\u2581naamwoord", + -13.815951347351074 + ], + [ + "\u2581frecuentes", + -13.815964698791504 + ], + [ + "alc\u00f3n", + -13.815979957580566 + ], + [ + "Tell", + -13.815988540649414 + ], + [ + "\u2581acampamento", + -13.815995216369627 + ], + [ + "\u2581effettuano", + -13.815995216369627 + ], + [ + "Calls", + -13.815996170043944 + ], + [ + "Rein", + -13.81601905822754 + ], + [ + "\u2581agradable", + -13.816085815429688 + ], + [ + "sprozessen", + -13.816109657287598 + ], + [ + "\u2581Phnom", + -13.816137313842772 + ], + [ + "Daw", + -13.816143989562988 + ], + [ + "\u2581maternelle", + -13.816180229187012 + ], + [ + "Haut", + -13.816227912902832 + ], + [ + "\u2581laborat\u00f3rio", + -13.81623649597168 + ], + [ + "stata", + -13.816256523132324 + ], + [ + "\u2581gef\u00e4llt", + -13.816267013549805 + ], + [ + "keyPath", + -13.816293716430664 + ], + [ + "\u2581afect", + -13.816307067871094 + ], + [ + "gemeenschappen", + -13.81631088256836 + ], + [ + "\u2581Gloss", + -13.816364288330078 + ], + [ + "chiamo", + -13.816384315490724 + ], + [ + "\u2581Illusion", + -13.81638526916504 + ], + [ + "\u2581Localisation", + -13.81639289855957 + ], + [ + "Between", + -13.816413879394531 + ], + [ + "qj", + -13.816423416137695 + ], + [ + "\u2581brincar", + -13.816424369812012 + ], + [ + "\u2581eigenlijke", + -13.816434860229492 + ], + [ + "ptica", + -13.8164644241333 + ], + [ + "\u2581M\u00e9moires", + -13.81647777557373 + ], + [ + "vulkaan", + -13.816478729248049 + ], + [ + "\u2581T\u00e9l\u00e9vision", + -13.816482543945312 + ], + [ + "verfolgung", + -13.816533088684082 + ], + [ + "\u2581akute", + -13.816546440124512 + ], + [ + "oppression", + -13.816572189331056 + ], + [ + "\u2581imm\u00e9diate", + -13.816580772399902 + ], + [ + "\u2581b\u00edblico", + -13.816584587097168 + ], + [ + "\u2581paintings", + -13.816588401794434 + ], + [ + "Wechselwirkungen", + -13.816619873046877 + ], + [ + "\u2581Humanidade", + -13.816622734069824 + ], + [ + "vliegtuig", + -13.816650390625 + ], + [ + "CONNECT", + -13.816656112670898 + ], + [ + "TROS", + -13.816728591918944 + ], + [ + "izie", + -13.816790580749512 + ], + [ + "Torneo", + -13.816794395446776 + ], + [ + "ISI", + -13.81680679321289 + ], + [ + "Equatable", + -13.816807746887209 + ], + [ + "\u2581convida", + -13.816864967346191 + ], + [ + "Food", + -13.81686782836914 + ], + [ + "Leaf", + -13.81687355041504 + ], + [ + "nara", + -13.816944122314451 + ], + [ + "TAL", + -13.81701946258545 + ], + [ + "\u00e1cio", + -13.817020416259766 + ], + [ + "Walker", + -13.817038536071776 + ], + [ + "banco", + -13.817054748535156 + ], + [ + "LDA", + -13.817055702209473 + ], + [ + "diagnosti", + -13.817059516906738 + ], + [ + "\u2581tarifas", + -13.817068099975586 + ], + [ + "anese", + -13.817096710205078 + ], + [ + "buja", + -13.817102432250977 + ], + [ + "\u2581tabella", + -13.817163467407228 + ], + [ + "\u2581Soria", + -13.81717014312744 + ], + [ + "\u2581Spaltung", + -13.817197799682615 + ], + [ + "euken", + -13.817198753356934 + ], + [ + "stermin", + -13.817275047302246 + ], + [ + "\u2581voortaan", + -13.817286491394045 + ], + [ + "ktions", + -13.817303657531738 + ], + [ + "\u2581Steuerungs", + -13.817378044128418 + ], + [ + "ausr\u00fcstung", + -13.817383766174316 + ], + [ + "\u2581amministra", + -13.817450523376465 + ], + [ + "\u2581vincitori", + -13.81745147705078 + ], + [ + "\u2581voortgezet", + -13.81745719909668 + ], + [ + "\u2581beschouwen", + -13.817460060119627 + ], + [ + "\u2581Rumania", + -13.817489624023438 + ], + [ + "\u2581Handlungsbedarf", + -13.81752109527588 + ], + [ + "\u2581estabilidad", + -13.817580223083496 + ], + [ + "omorph", + -13.817606925964355 + ], + [ + "zv", + -13.817652702331545 + ], + [ + "\u2581apariciones", + -13.81766414642334 + ], + [ + "\u2581Schilder", + -13.817671775817873 + ], + [ + "\u2581Moni", + -13.817763328552246 + ], + [ + "\u2581entfernten", + -13.817777633666992 + ], + [ + "graphy", + -13.817822456359863 + ], + [ + "\u2581Summit", + -13.817845344543455 + ], + [ + "peque", + -13.817852973937988 + ], + [ + "Descrizione", + -13.81785774230957 + ], + [ + "H\u00e4", + -13.81788444519043 + ], + [ + "Kaserne", + -13.817885398864746 + ], + [ + "\u2581angebotenen", + -13.817907333374023 + ], + [ + "\u2581Tropen", + -13.817925453186035 + ], + [ + "letten", + -13.817931175231934 + ], + [ + "\u2581proje", + -13.81794261932373 + ], + [ + "\u2581math\u00e9matique", + -13.81797981262207 + ], + [ + "uante", + -13.817997932434082 + ], + [ + "BIO", + -13.81802749633789 + ], + [ + "\u2581textiel", + -13.818070411682127 + ], + [ + "\u2581reemplazar", + -13.818071365356444 + ], + [ + "schwein", + -13.818107604980469 + ], + [ + "removeAll", + -13.818119049072266 + ], + [ + "\u2581Intention", + -13.818135261535645 + ], + [ + "\u2581hospitalar", + -13.818138122558594 + ], + [ + "libg", + -13.81817626953125 + ], + [ + "\u2581conservare", + -13.818202018737791 + ], + [ + "\u2581minuscule", + -13.818204879760742 + ], + [ + "\u2581direzioni", + -13.818208694458008 + ], + [ + "\u2581perseguir", + -13.818215370178224 + ], + [ + "\u2581Eichen", + -13.818224906921388 + ], + [ + "\u2581Pamela", + -13.818252563476562 + ], + [ + "ob\u00e9i", + -13.81826877593994 + ], + [ + "\u2581erwachsen", + -13.818281173706056 + ], + [ + "\u2581regge", + -13.81829071044922 + ], + [ + "\u2581Vasil", + -13.818291664123535 + ], + [ + "\u2581esposto", + -13.818315505981444 + ], + [ + "usammenschl\u00fcsse", + -13.818330764770508 + ], + [ + "architektur", + -13.818352699279783 + ], + [ + "\u2581juventude", + -13.818352699279783 + ], + [ + "\u2581veto", + -13.818385124206545 + ], + [ + "\u2581Bombay", + -13.81841278076172 + ], + [ + "CUT", + -13.818422317504885 + ], + [ + "\u2581Medizinische", + -13.818446159362791 + ], + [ + "Grenz", + -13.818449020385742 + ], + [ + "rider", + -13.818467140197754 + ], + [ + "patriot", + -13.818498611450195 + ], + [ + "\u2581Boon", + -13.818521499633787 + ], + [ + "\u2581gewisser", + -13.818536758422852 + ], + [ + "geplant", + -13.8185396194458 + ], + [ + "angon", + -13.818543434143066 + ], + [ + "Blank", + -13.81858253479004 + ], + [ + "Eye", + -13.818660736083984 + ], + [ + "\u2581d\u00e9couvertes", + -13.81866455078125 + ], + [ + "\u2581Sajonia", + -13.818665504455566 + ], + [ + "\u2581cadavere", + -13.818673133850098 + ], + [ + "\u2581adquisici\u00f3n", + -13.818684577941896 + ], + [ + "\u2581Reflex", + -13.81869888305664 + ], + [ + "\u00edssimo", + -13.818769454956056 + ], + [ + "geometrie", + -13.818784713745115 + ], + [ + "\u2581administrar", + -13.818828582763672 + ], + [ + "\u2581farci", + -13.81883716583252 + ], + [ + "\u2581whale", + -13.81892204284668 + ], + [ + "Embed", + -13.818954467773438 + ], + [ + "\u2581rigide", + -13.81895923614502 + ], + [ + "\u2581vorn", + -13.819010734558104 + ], + [ + "\u2581itinerari", + -13.819012641906738 + ], + [ + "\u2581Fibr", + -13.81903076171875 + ], + [ + "\u2581interpr\u00e9t\u00e9", + -13.819046020507812 + ], + [ + "Argent", + -13.819066047668455 + ], + [ + "ognitive", + -13.81910800933838 + ], + [ + "Typed", + -13.819144248962402 + ], + [ + "avou", + -13.819150924682615 + ], + [ + "divisie", + -13.819170951843262 + ], + [ + "\u2581verbleiben", + -13.819178581237791 + ], + [ + "infezione", + -13.81918239593506 + ], + [ + "anschluss", + -13.819185256958008 + ], + [ + "tiri", + -13.819186210632324 + ], + [ + "\u00ednia", + -13.819189071655272 + ], + [ + "\u2581ricche", + -13.819226264953612 + ], + [ + "\u2581rescate", + -13.819255828857422 + ], + [ + "\u2581inhaltlichen", + -13.819262504577637 + ], + [ + "cellulose", + -13.819291114807127 + ], + [ + "\u2581associato", + -13.819334030151367 + ], + [ + "\u2581m\u00eda", + -13.819345474243164 + ], + [ + "liep", + -13.81935214996338 + ], + [ + "verfassung", + -13.819365501403809 + ], + [ + "hyphen", + -13.819384574890137 + ], + [ + "\u2581Emmen", + -13.819390296936035 + ], + [ + "\u2581inusual", + -13.819395065307615 + ], + [ + "\u2581apparve", + -13.81940460205078 + ], + [ + "\u2581varen", + -13.819452285766602 + ], + [ + "\u2581F\u00e4r", + -13.819466590881348 + ], + [ + "\u2581qualifie", + -13.819499969482422 + ], + [ + "\u2581Duval", + -13.819539070129396 + ], + [ + "crates", + -13.819567680358888 + ], + [ + "uiet", + -13.819567680358888 + ], + [ + "\u2581conjura", + -13.819567680358888 + ], + [ + "\u2581patrol", + -13.819594383239746 + ], + [ + "qy", + -13.819602966308594 + ], + [ + "\u2581schematic", + -13.81965446472168 + ], + [ + "\u2581st\u00e4rkeren", + -13.819665908813477 + ], + [ + "reduktion", + -13.819671630859377 + ], + [ + "\u2581dissolved", + -13.819682121276855 + ], + [ + "Associated", + -13.819684982299805 + ], + [ + "\u2581Kartoffeln", + -13.819696426391602 + ], + [ + "\u2581attraversando", + -13.819696426391602 + ], + [ + "Corollary", + -13.819714546203612 + ], + [ + "\u2581Realiza", + -13.819735527038574 + ], + [ + "\u2581trasformata", + -13.8197660446167 + ], + [ + "mosso", + -13.81977081298828 + ], + [ + "\u2581serv\u00eda", + -13.819772720336914 + ], + [ + "\u2581positioned", + -13.819780349731444 + ], + [ + "\u2581verbeterde", + -13.819805145263672 + ], + [ + "\u2581retorica", + -13.819808959960938 + ], + [ + "\u2581erweist", + -13.819839477539062 + ], + [ + "\u2581Katja", + -13.819867134094238 + ], + [ + "\u2581Throughout", + -13.819870948791504 + ], + [ + "\u2581Christiaan", + -13.819917678833008 + ], + [ + "AEC", + -13.819920539855955 + ], + [ + "\u2581indispensabile", + -13.819936752319336 + ], + [ + "\u2581importantly", + -13.81994915008545 + ], + [ + "\u2581neuesten", + -13.81997776031494 + ], + [ + "reaktor", + -13.820054054260254 + ], + [ + "nlohmann", + -13.820123672485352 + ], + [ + "\u2581customs", + -13.820124626159668 + ], + [ + "\u2581anuales", + -13.820162773132324 + ], + [ + "entista", + -13.820178985595703 + ], + [ + "\u2581gostava", + -13.820207595825195 + ], + [ + "\u2581habit\u00e9", + -13.82021427154541 + ], + [ + "\u2581wijzigingen", + -13.82022190093994 + ], + [ + "anwalt", + -13.82024097442627 + ], + [ + "\u2581Platt", + -13.82024383544922 + ], + [ + "ergebnissen", + -13.820276260375977 + ], + [ + "nascido", + -13.820284843444824 + ], + [ + "\u2581Shou", + -13.82032871246338 + ], + [ + "\u2581Impres", + -13.820359230041504 + ], + [ + "\u2581faculdade", + -13.820372581481934 + ], + [ + "acqui", + -13.82038402557373 + ], + [ + "\u2581asociaciones", + -13.820408821105955 + ], + [ + "\u2581trajectories", + -13.820408821105955 + ], + [ + "voetbalwedstrijd", + -13.820463180541992 + ], + [ + "flatMap", + -13.820477485656738 + ], + [ + "uweisung", + -13.820483207702637 + ], + [ + "\u2581Scherz", + -13.820508003234863 + ], + [ + "alive", + -13.820514678955078 + ], + [ + "\u2581cruzada", + -13.820554733276367 + ], + [ + "schl\u00e4", + -13.820571899414062 + ], + [ + "\u2581repart", + -13.820573806762695 + ], + [ + "troop", + -13.820582389831545 + ], + [ + "\u2581specimens", + -13.820601463317873 + ], + [ + "ught", + -13.820605278015137 + ], + [ + "Apr", + -13.820611000061035 + ], + [ + "\u2581trasform", + -13.820623397827148 + ], + [ + "\u2581trompe", + -13.820637702941896 + ], + [ + "\u2581betreten", + -13.820642471313477 + ], + [ + "UNK", + -13.820650100708008 + ], + [ + "\u2581grigi", + -13.82066249847412 + ], + [ + "morpho", + -13.820670127868652 + ], + [ + "\u2581Anregungen", + -13.82068157196045 + ], + [ + "raff", + -13.82069969177246 + ], + [ + "IMPORTING", + -13.820785522460938 + ], + [ + "tiamo", + -13.820805549621582 + ], + [ + "\u2581Kio", + -13.820819854736328 + ], + [ + "nat\u00fcrlich", + -13.820833206176758 + ], + [ + "\u2581Handwerks", + -13.820876121520996 + ], + [ + "\u2581objection", + -13.820929527282717 + ], + [ + "\u2581extinto", + -13.820962905883787 + ], + [ + "\u2581ej\u00e9rcitos", + -13.82099151611328 + ], + [ + "hond", + -13.821054458618164 + ], + [ + "mell", + -13.821101188659668 + ], + [ + "\u2581Antwerpse", + -13.82111644744873 + ], + [ + "\u2581anonim", + -13.821170806884766 + ], + [ + "\u2581moderada", + -13.82119083404541 + ], + [ + "hasta", + -13.821199417114258 + ], + [ + "\u2581repr\u00e4sentativen", + -13.821218490600586 + ], + [ + "folds", + -13.821229934692385 + ], + [ + "\u2581vitamine", + -13.82123565673828 + ], + [ + "compound", + -13.821276664733888 + ], + [ + "\u2581winding", + -13.821276664733888 + ], + [ + "\u2581Montec", + -13.821341514587402 + ], + [ + "zki", + -13.821355819702148 + ], + [ + "UIRE", + -13.821372032165527 + ], + [ + "barca", + -13.821377754211426 + ], + [ + "\u2581calcul\u00e9", + -13.82137966156006 + ], + [ + "\u2581desconoce", + -13.82139015197754 + ], + [ + "rthritis", + -13.821401596069336 + ], + [ + "\u2581Erbaut", + -13.821433067321776 + ], + [ + "\u2581terminale", + -13.821444511413574 + ], + [ + "\u2581iniciativas", + -13.821504592895508 + ], + [ + "\u2581populist", + -13.82150650024414 + ], + [ + "innerstaatlichen", + -13.821556091308594 + ], + [ + "Neuve", + -13.821574211120604 + ], + [ + "\u2581mineure", + -13.821575164794922 + ], + [ + "\u2581Rech", + -13.821581840515137 + ], + [ + "Feli", + -13.821589469909668 + ], + [ + "\u2581Humphrey", + -13.821599006652832 + ], + [ + "landt", + -13.821605682373049 + ], + [ + "\u2581plenamente", + -13.82160758972168 + ], + [ + "\u2581Aufsichtsrats", + -13.821615219116213 + ], + [ + "Cols", + -13.821624755859377 + ], + [ + "\u2581Darunter", + -13.821698188781738 + ], + [ + "oriental", + -13.821699142456056 + ], + [ + "\u2581cometido", + -13.821703910827637 + ], + [ + "mineral", + -13.821721076965332 + ], + [ + "Composi", + -13.821722030639648 + ], + [ + "tonic", + -13.821735382080078 + ], + [ + "\u2581Vinc", + -13.82174587249756 + ], + [ + "apper", + -13.821788787841797 + ], + [ + "\u2581prouver", + -13.82181453704834 + ], + [ + "\u2581dorthin", + -13.821854591369627 + ], + [ + "\u2581vomit", + -13.821884155273438 + ], + [ + "\u2581Tint", + -13.821941375732422 + ], + [ + "\u2581Hobbes", + -13.82198715209961 + ], + [ + "\u2581Konkurs", + -13.82199001312256 + ], + [ + "\u2581devons", + -13.822038650512695 + ], + [ + "\u2581vorgetragen", + -13.82205581665039 + ], + [ + "CCP", + -13.822077751159668 + ], + [ + "\u2581k\u00fcrzlich", + -13.822080612182615 + ], + [ + "Greifswald", + -13.822081565856934 + ], + [ + "\u2581Trink", + -13.82209014892578 + ], + [ + "\u2581campanhas", + -13.822105407714844 + ], + [ + "BOARD", + -13.822113990783691 + ], + [ + "\u2581Bavi", + -13.822121620178224 + ], + [ + "Recognizer", + -13.822125434875488 + ], + [ + "\u2581Atlantik", + -13.822136878967283 + ], + [ + "\u2581Cortina", + -13.822185516357422 + ], + [ + "\u2581Wohnort", + -13.822190284729004 + ], + [ + "\u2581journals", + -13.822193145751951 + ], + [ + "\u2581comportent", + -13.822218894958496 + ], + [ + "\u2581convence", + -13.822237968444824 + ], + [ + "\u2581agrupamento", + -13.822242736816406 + ], + [ + "geleid", + -13.822266578674316 + ], + [ + "\u2581overgedragen", + -13.82232666015625 + ], + [ + "tipp", + -13.822341918945312 + ], + [ + "attache", + -13.822359085083008 + ], + [ + "\u2581heksen", + -13.82237148284912 + ], + [ + "\u2581extensively", + -13.82240104675293 + ], + [ + "k\u00fcmmert", + -13.822404861450195 + ], + [ + "\u2581passeios", + -13.822427749633787 + ], + [ + "\u2581tejido", + -13.822458267211914 + ], + [ + "woning", + -13.822465896606444 + ], + [ + "Milano", + -13.82247829437256 + ], + [ + "\u2581sugerir", + -13.822497367858888 + ], + [ + "Extr", + -13.822504043579102 + ], + [ + "\u2581Diputaci\u00f3n", + -13.822569847106934 + ], + [ + "\u2581geregistreerd", + -13.822569847106934 + ], + [ + "Macros", + -13.822598457336426 + ], + [ + "\u2581spostamento", + -13.822661399841309 + ], + [ + "ikum", + -13.82266616821289 + ], + [ + "\u2581juntou", + -13.82270336151123 + ], + [ + "Thing", + -13.822714805603027 + ], + [ + "stars", + -13.82271671295166 + ], + [ + "Nk", + -13.82271957397461 + ], + [ + "\u2581malha", + -13.822746276855469 + ], + [ + "caller", + -13.82276439666748 + ], + [ + "\u2581Temos", + -13.822772979736328 + ], + [ + "cerchia", + -13.822784423828123 + ], + [ + "\u2581Bandbreite", + -13.822793960571287 + ], + [ + "\u2581Patti", + -13.82280445098877 + ], + [ + "\u2581einseitig", + -13.822816848754885 + ], + [ + "\u2581Catt", + -13.822832107543944 + ], + [ + "\u2581grabbed", + -13.822842597961426 + ], + [ + "\u2581Fury", + -13.822872161865234 + ], + [ + "argon", + -13.822952270507812 + ], + [ + "\u2581significados", + -13.822969436645508 + ], + [ + "ristrutturazione", + -13.823023796081545 + ], + [ + "\u2581habitats", + -13.82304859161377 + ], + [ + "Sai", + -13.82306957244873 + ], + [ + "z\u00fcglich", + -13.82307243347168 + ], + [ + "\u2581giovent", + -13.82308864593506 + ], + [ + "\u00e1lico", + -13.823101043701172 + ], + [ + "\u2581mecenato", + -13.823104858398438 + ], + [ + "i\u00e0n", + -13.823125839233398 + ], + [ + "qu\u00e9s", + -13.823135375976562 + ], + [ + "\u2581domestica", + -13.82315158843994 + ], + [ + "\u2581Lives", + -13.82318115234375 + ], + [ + "Sup", + -13.823183059692385 + ], + [ + "\u2581facultad", + -13.823184967041016 + ], + [ + "feldt", + -13.823216438293455 + ], + [ + "\u2581Fachgebiet", + -13.82322597503662 + ], + [ + "mbed", + -13.823261260986328 + ], + [ + "\u2581herbei", + -13.823282241821287 + ], + [ + "usan", + -13.823290824890137 + ], + [ + "\u2581rustic", + -13.823291778564451 + ], + [ + "\u2581riferi", + -13.823298454284668 + ], + [ + "\u2581raccontare", + -13.823334693908691 + ], + [ + "\u2581pylint", + -13.823336601257324 + ], + [ + "\u2581Verlo", + -13.82334804534912 + ], + [ + "\u2581Cicero", + -13.823366165161133 + ], + [ + "Sorted", + -13.823416709899902 + ], + [ + "Traits", + -13.823430061340332 + ], + [ + "\u2581dancing", + -13.823434829711914 + ], + [ + "mote", + -13.823472023010254 + ], + [ + "resser", + -13.823479652404783 + ], + [ + "\u2581descritti", + -13.823531150817873 + ], + [ + "\u2581r\u00e9colte", + -13.82353687286377 + ], + [ + "\u2581Baudelaire", + -13.82354736328125 + ], + [ + "\u2581sepolto", + -13.823558807373049 + ], + [ + "\u2581psychischen", + -13.823568344116213 + ], + [ + "\u2581Vald\u00e9s", + -13.823589324951172 + ], + [ + "\u2581Globalisierung", + -13.823609352111816 + ], + [ + "\u2581popp", + -13.823678016662598 + ], + [ + "\u2581Castiglione", + -13.823716163635254 + ], + [ + "iah", + -13.823720932006836 + ], + [ + "saft", + -13.823766708374023 + ], + [ + "apparizione", + -13.823792457580566 + ], + [ + "raven", + -13.82383632659912 + ], + [ + "vis\u00edvel", + -13.82386875152588 + ], + [ + "\u2581Grampo", + -13.82387351989746 + ], + [ + "\u2581Nit", + -13.82388973236084 + ], + [ + "\u2581chuvas", + -13.823923110961914 + ], + [ + "Lern", + -13.823928833007812 + ], + [ + "\u2581Sne", + -13.823955535888672 + ], + [ + "willen", + -13.823973655700684 + ], + [ + "oublie", + -13.82397747039795 + ], + [ + "\u2581fermenta", + -13.82397747039795 + ], + [ + "\u2581Laterza", + -13.823979377746582 + ], + [ + "\u2581spreading", + -13.824005126953123 + ], + [ + "MCA", + -13.82402229309082 + ], + [ + "\u2581ganadora", + -13.824024200439451 + ], + [ + "\u2581lastig", + -13.824042320251465 + ], + [ + "\u2581conservadores", + -13.82407569885254 + ], + [ + "\u2581gritos", + -13.824104309082031 + ], + [ + "\u2581Organizaciones", + -13.82411289215088 + ], + [ + "NBA", + -13.82412052154541 + ], + [ + "\u2581banconote", + -13.824137687683104 + ], + [ + "vaincu", + -13.824140548706056 + ], + [ + "\u2581embodiments", + -13.824189186096191 + ], + [ + "textView", + -13.824259757995604 + ], + [ + "zoni", + -13.82431411743164 + ], + [ + "\u2581swim", + -13.824316024780272 + ], + [ + "europ\u00e4ischen", + -13.82431697845459 + ], + [ + "\u2581prosegu", + -13.824331283569336 + ], + [ + "\u2581Busbahnhof", + -13.824332237243652 + ], + [ + "\u2581Filipijnse", + -13.824342727661133 + ], + [ + "Vermerke", + -13.824344635009766 + ], + [ + "\u2581criminali", + -13.82435417175293 + ], + [ + "firstName", + -13.824362754821776 + ], + [ + "\u2581Castelli", + -13.824366569519045 + ], + [ + "\u2581Garn", + -13.82437801361084 + ], + [ + "\u2581aficionados", + -13.824387550354004 + ], + [ + "attaquer", + -13.824411392211914 + ], + [ + "\u2581Kirchhof", + -13.824411392211914 + ], + [ + "\u2581Vorschl\u00e4gen", + -13.824417114257812 + ], + [ + "guez", + -13.82449436187744 + ], + [ + "\u2581Heran", + -13.82449722290039 + ], + [ + "\u2581ru\u00ednas", + -13.8245267868042 + ], + [ + "\u2581provvedimento", + -13.824529647827148 + ], + [ + "chaux", + -13.82453155517578 + ], + [ + "\u2581Cinquecento", + -13.824556350708008 + ], + [ + "\u2581digne", + -13.824556350708008 + ], + [ + "\u2581subfamilia", + -13.82459831237793 + ], + [ + "niti", + -13.824644088745115 + ], + [ + "POSITION", + -13.82464599609375 + ], + [ + "\u2581Pug", + -13.824657440185549 + ], + [ + "\u2581Neuch", + -13.82465934753418 + ], + [ + "reviewer", + -13.824692726135254 + ], + [ + "muralla", + -13.824748039245604 + ], + [ + "\u2581Ausgehend", + -13.824753761291504 + ], + [ + "\u2581Monteiro", + -13.82476043701172 + ], + [ + "\u2581gueule", + -13.824769020080566 + ], + [ + "umming", + -13.824786186218262 + ], + [ + "\u2581teilgenommen", + -13.824792861938477 + ], + [ + "\u2581atribuir", + -13.824799537658691 + ], + [ + "\u2581mista", + -13.824832916259766 + ], + [ + "\u2581Mosk", + -13.824837684631348 + ], + [ + "\u2581Juno", + -13.824844360351562 + ], + [ + "\u2581Evo", + -13.824851036071776 + ], + [ + "\u2581custody", + -13.824888229370115 + ], + [ + "\u2581Gehr", + -13.824933052062988 + ], + [ + "kampen", + -13.824936866760254 + ], + [ + "persistent", + -13.82494068145752 + ], + [ + "\u2581vervanging", + -13.824949264526367 + ], + [ + "assaut", + -13.824963569641112 + ], + [ + "\u2581piratas", + -13.82496738433838 + ], + [ + "\u2581Coc", + -13.824970245361328 + ], + [ + "\u2581restoration", + -13.824993133544922 + ], + [ + "ARL", + -13.824995994567873 + ], + [ + "\u2581charity", + -13.825000762939451 + ], + [ + "\u2581decima", + -13.825013160705566 + ], + [ + "\u2581proving", + -13.825016021728516 + ], + [ + "\u2581ferr", + -13.825028419494627 + ], + [ + "CSC", + -13.82510471343994 + ], + [ + "TCA", + -13.825129508972168 + ], + [ + "magazin", + -13.825130462646484 + ], + [ + "\u2581gustaba", + -13.825140953063965 + ], + [ + "imitazione", + -13.825146675109863 + ], + [ + "\u2581orgullo", + -13.82517910003662 + ], + [ + "\u2581konventionellen", + -13.82526969909668 + ], + [ + "\u2581vertolkt", + -13.825310707092283 + ], + [ + "\u2581w\u00fcnschenswert", + -13.825316429138184 + ], + [ + "Scatter", + -13.82536506652832 + ], + [ + "\u2581Gabrielle", + -13.825366020202637 + ], + [ + "uei", + -13.825403213500977 + ], + [ + "\u2581assente", + -13.825479507446287 + ], + [ + "Protect", + -13.825483322143556 + ], + [ + "HEI", + -13.82548999786377 + ], + [ + "\u2581comenzado", + -13.825511932373049 + ], + [ + "pain", + -13.825521469116213 + ], + [ + "\u2581Profecia", + -13.825521469116213 + ], + [ + "imagination", + -13.825536727905272 + ], + [ + "imm\u00e9diat", + -13.825559616088867 + ], + [ + "\u2581financ\u00e9", + -13.825566291809082 + ], + [ + "\u2581dissident", + -13.825573921203612 + ], + [ + "\u2581Absolut", + -13.82557773590088 + ], + [ + "\u2581geradezu", + -13.825579643249512 + ], + [ + "\u2581criticized", + -13.825583457946776 + ], + [ + "\u2581percorrendo", + -13.82559299468994 + ], + [ + "daad", + -13.825604438781738 + ], + [ + "svoll", + -13.825605392456056 + ], + [ + "UNTER", + -13.825669288635254 + ], + [ + "phobia", + -13.825679779052734 + ], + [ + "\u2581carburante", + -13.825693130493164 + ], + [ + "\u2581adolescents", + -13.825697898864746 + ], + [ + "\u2581Liceo", + -13.825730323791504 + ], + [ + "stet", + -13.825743675231934 + ], + [ + "\u2581aquelas", + -13.825754165649414 + ], + [ + "\u2581Leipziger", + -13.825790405273438 + ], + [ + "\u2581Divina", + -13.825820922851562 + ], + [ + "wab", + -13.82584285736084 + ], + [ + "blocking", + -13.825860023498535 + ], + [ + "\u2581stiff", + -13.825885772705078 + ], + [ + "\u2581Pohl", + -13.825918197631836 + ], + [ + "Vereinigtes", + -13.82592487335205 + ], + [ + "\u2581sculptures", + -13.825932502746582 + ], + [ + "angabe", + -13.82594108581543 + ], + [ + "\u2581verblieb", + -13.825965881347656 + ], + [ + "\u2581dergleichen", + -13.825977325439451 + ], + [ + "\u2581primes", + -13.8259859085083 + ], + [ + "\u2581weitestgehend", + -13.825997352600098 + ], + [ + "Atlas", + -13.826031684875488 + ], + [ + "\u2581unifica", + -13.826095581054688 + ], + [ + "elfs", + -13.826104164123535 + ], + [ + "solving", + -13.826119422912598 + ], + [ + "\u2581Gesichts", + -13.826132774353027 + ], + [ + "fetta", + -13.82613468170166 + ], + [ + "\u2581accessori", + -13.826139450073242 + ], + [ + "lisabeth", + -13.82615089416504 + ], + [ + "\u2581novio", + -13.82616901397705 + ], + [ + "\u2581saper", + -13.826251029968262 + ], + [ + "\u2581listado", + -13.82627296447754 + ], + [ + "CLASSPATH", + -13.826287269592283 + ], + [ + "\u2581divis\u00e9e", + -13.826330184936523 + ], + [ + "typedef", + -13.826338768005373 + ], + [ + "seud\u00f3nimo", + -13.826366424560549 + ], + [ + "\u2581Marquis", + -13.82638454437256 + ], + [ + "\u2581graphiques", + -13.826486587524414 + ], + [ + "\u2581Femenina", + -13.82648754119873 + ], + [ + "linder", + -13.826541900634766 + ], + [ + "ected", + -13.826550483703612 + ], + [ + "incluindo", + -13.82659149169922 + ], + [ + "rations", + -13.826594352722168 + ], + [ + "ografische", + -13.82661247253418 + ], + [ + "ophil", + -13.826635360717772 + ], + [ + "\u2581Poggio", + -13.826641082763672 + ], + [ + "\u2581stacca", + -13.826655387878418 + ], + [ + "raag", + -13.826689720153809 + ], + [ + "\u2581ma\u00edz", + -13.826714515686035 + ], + [ + "\u2581Ulu", + -13.8267240524292 + ], + [ + "\u2581interlands", + -13.826772689819336 + ], + [ + "\u2581scal", + -13.826772689819336 + ], + [ + "\u2581schuf", + -13.826780319213867 + ], + [ + "\u2581m\u00f3viles", + -13.826821327209473 + ], + [ + "meti\u00f3", + -13.826822280883787 + ], + [ + "\u2581Uncle", + -13.826863288879396 + ], + [ + "\u2581Pry", + -13.826878547668455 + ], + [ + "\u2581vengano", + -13.826915740966797 + ], + [ + "\u2581potessero", + -13.826945304870604 + ], + [ + "\u2581identificados", + -13.826963424682615 + ], + [ + "\u2581Grades", + -13.82697296142578 + ], + [ + "\u2581Maddalena", + -13.82697868347168 + ], + [ + "\u2581muet", + -13.826982498168944 + ], + [ + "\u2581differenzieren", + -13.82699203491211 + ], + [ + "\u2581Estre", + -13.827016830444336 + ], + [ + "\u2581mehrheitlich", + -13.827041625976562 + ], + [ + "\u2581vogal", + -13.827048301696776 + ], + [ + "\u2581cacao", + -13.8270845413208 + ], + [ + "\u2581attraktive", + -13.827125549316406 + ], + [ + "waardig", + -13.827165603637695 + ], + [ + "Navigator", + -13.827170372009276 + ], + [ + "fracci\u00f3n", + -13.827180862426758 + ], + [ + "\u2581Jedi", + -13.827229499816896 + ], + [ + "\u2581acad\u00e9micos", + -13.82723617553711 + ], + [ + "rinus", + -13.82724952697754 + ], + [ + "anteils", + -13.827288627624512 + ], + [ + "\u2581Teor\u00eda", + -13.82729434967041 + ], + [ + "\u2581Vento", + -13.827296257019045 + ], + [ + "\u2581Maraca", + -13.82732391357422 + ], + [ + "\u2581fem", + -13.827336311340332 + ], + [ + "dollar", + -13.827367782592772 + ], + [ + "interna", + -13.827409744262695 + ], + [ + "\u2581flutua", + -13.827458381652832 + ], + [ + "Conte", + -13.827459335327148 + ], + [ + "\u2581Encyrtidae", + -13.827469825744627 + ], + [ + "\u2581indischen", + -13.82748031616211 + ], + [ + "ch\u00e9e", + -13.82753086090088 + ], + [ + "\u2581revisione", + -13.827543258666992 + ], + [ + "ihre", + -13.827561378479004 + ], + [ + "\u2581apagar", + -13.827563285827637 + ], + [ + "\u2581electricidad", + -13.827598571777344 + ], + [ + "gdal", + -13.827661514282228 + ], + [ + "\u2581significativas", + -13.827688217163086 + ], + [ + "Barrier", + -13.827719688415527 + ], + [ + "werker", + -13.827733039855955 + ], + [ + "\u2581Lamego", + -13.827765464782717 + ], + [ + "\u00e9tendre", + -13.827781677246094 + ], + [ + "\u2581sacrifi", + -13.82778263092041 + ], + [ + "\u2581abh\u00e4ngt", + -13.827796936035156 + ], + [ + "\u2581Schlecht", + -13.82783031463623 + ], + [ + "\u2581entdeckte", + -13.827844619750977 + ], + [ + "edition", + -13.827850341796877 + ], + [ + "STOR", + -13.827872276306152 + ], + [ + "\u2581gluc", + -13.827885627746582 + ], + [ + "\u2581culmine", + -13.82790756225586 + ], + [ + "\u2581boliviano", + -13.827960968017578 + ], + [ + "amministratore", + -13.827985763549805 + ], + [ + "houders", + -13.82798957824707 + ], + [ + "\u2581rappresent", + -13.827996253967283 + ], + [ + "\u2581Libyen", + -13.828058242797852 + ], + [ + "emergenza", + -13.828067779541016 + ], + [ + "BORDER", + -13.828150749206545 + ], + [ + "\u2581philosophical", + -13.828163146972656 + ], + [ + "genossenschaft", + -13.82819938659668 + ], + [ + "\u2581louer", + -13.828210830688477 + ], + [ + "\u2581pallavolo", + -13.828210830688477 + ], + [ + "politiek", + -13.828224182128906 + ], + [ + "\u2581Dorfes", + -13.828289985656738 + ], + [ + "\u2581komplizierte", + -13.82830047607422 + ], + [ + "\u2581forfait", + -13.828332901000977 + ], + [ + "\u2581doorverwijzing", + -13.828341484069824 + ], + [ + "\u2581ciclos", + -13.828361511230469 + ], + [ + "ncp", + -13.828381538391112 + ], + [ + "\u2581AMENDMENTS", + -13.828446388244627 + ], + [ + "\u2581extingui", + -13.828448295593262 + ], + [ + "\u2581recomend\u00e1vel", + -13.828453063964844 + ], + [ + "fasern", + -13.828454971313477 + ], + [ + "\u2581Amer", + -13.82845687866211 + ], + [ + "\u2581pregiudizi", + -13.828473091125488 + ], + [ + "\u2581prosecution", + -13.828523635864258 + ], + [ + "\u2581Arbeitsf", + -13.828524589538574 + ], + [ + "\u2581plantilla", + -13.82852554321289 + ], + [ + "hyperref", + -13.82852840423584 + ], + [ + "\u2581Charleston", + -13.82852840423584 + ], + [ + "\u2581gatos", + -13.82854461669922 + ], + [ + "\u2581mantida", + -13.82855987548828 + ], + [ + "\u2581descobertos", + -13.82858180999756 + ], + [ + "\u2581Psalm", + -13.828620910644531 + ], + [ + "\u2581Valuta", + -13.828620910644531 + ], + [ + "\u2581nostalgia", + -13.82869815826416 + ], + [ + "\u2581Extragalactic", + -13.828701972961426 + ], + [ + "achtereenvolgens", + -13.82872200012207 + ], + [ + "\u2581plac\u00e9s", + -13.82872486114502 + ], + [ + "\u2581Concordia", + -13.8287992477417 + ], + [ + "\u2581parallele", + -13.828817367553713 + ], + [ + "spil", + -13.828821182250977 + ], + [ + "\u2581denso", + -13.828862190246582 + ], + [ + "ListResult", + -13.828896522521973 + ], + [ + "\u2581arrivarono", + -13.828899383544922 + ], + [ + "darunter", + -13.828917503356934 + ], + [ + "\u2581veroveren", + -13.828956604003906 + ], + [ + "\u2581negatief", + -13.828957557678224 + ], + [ + "\u2581gravidade", + -13.828965187072754 + ], + [ + "Wat", + -13.829008102416992 + ], + [ + "duced", + -13.829039573669434 + ], + [ + "\u2581d\u00e9calage", + -13.82905387878418 + ], + [ + "\u2581directors", + -13.829072952270508 + ], + [ + "\u2581Rabatt", + -13.829103469848633 + ], + [ + "arange", + -13.829132080078123 + ], + [ + "phas", + -13.829141616821287 + ], + [ + "Choose", + -13.829147338867188 + ], + [ + "\u2581campanile", + -13.829148292541504 + ], + [ + "paare", + -13.829160690307615 + ], + [ + "\u2581publier", + -13.829201698303224 + ], + [ + "\u2581intraprendere", + -13.82925510406494 + ], + [ + "Neo", + -13.829262733459473 + ], + [ + "\u2581Recordings", + -13.82927131652832 + ], + [ + "\u2581Nee", + -13.829285621643066 + ], + [ + "\u2581concedi\u00f3", + -13.829310417175291 + ], + [ + "\u2581districten", + -13.829339027404783 + ], + [ + "\u2581lacrime", + -13.829347610473633 + ], + [ + "Born", + -13.829349517822266 + ], + [ + "\u2581cotidiano", + -13.829362869262695 + ], + [ + "queiro", + -13.829371452331545 + ], + [ + "tami", + -13.829373359680176 + ], + [ + "Wedstrijd", + -13.82941722869873 + ], + [ + "\u2581delegati", + -13.829418182373049 + ], + [ + "\u2581intuito", + -13.829426765441896 + ], + [ + "TTI", + -13.82943630218506 + ], + [ + "\u2581M\u00e9daill\u00e9", + -13.82943630218506 + ], + [ + "A\u00e9roport", + -13.829438209533691 + ], + [ + "Exposure", + -13.829458236694336 + ], + [ + "ResponseWriter", + -13.829463005065918 + ], + [ + "Katholieke", + -13.829463958740234 + ], + [ + "\u2581Lipp", + -13.829477310180664 + ], + [ + "segna", + -13.829487800598145 + ], + [ + "\u2581Westdeutschland", + -13.829489707946776 + ], + [ + "\u2581Nacido", + -13.82949447631836 + ], + [ + "\u2581riprendere", + -13.829497337341309 + ], + [ + "hoed", + -13.829519271850586 + ], + [ + "\u2581Guts", + -13.8295259475708 + ], + [ + "Tabs", + -13.829561233520508 + ], + [ + "ouilles", + -13.829593658447266 + ], + [ + "\u2581stolz", + -13.82960319519043 + ], + [ + "\u2581scri", + -13.829605102539062 + ], + [ + "\u2581Genehmigungen", + -13.82961082458496 + ], + [ + "\u2581ripet", + -13.829623222351074 + ], + [ + "wurzel", + -13.82964038848877 + ], + [ + "\u2581Eros", + -13.829647064208984 + ], + [ + "documents", + -13.82965850830078 + ], + [ + "skoeffizient", + -13.829669952392578 + ], + [ + "\u2581ShaderProperty", + -13.829682350158691 + ], + [ + "\u2581dimensi\u00f3n", + -13.829702377319336 + ], + [ + "gevaarlijk", + -13.829713821411133 + ], + [ + "\u2581baixos", + -13.829741477966309 + ], + [ + "\u2581foster", + -13.829751014709473 + ], + [ + "erm\u00e4", + -13.829752922058104 + ], + [ + "\u2581sounded", + -13.82982349395752 + ], + [ + "\u2581peri\u00f3dica", + -13.829826354980469 + ], + [ + "\u2581Sect", + -13.82985496520996 + ], + [ + "\u2581mutila", + -13.82985496520996 + ], + [ + "\u2581vooruit", + -13.829869270324709 + ], + [ + "\u2581vitamina", + -13.829886436462402 + ], + [ + "\u2581multipli", + -13.829891204833984 + ], + [ + "\u2581v\u00edtimas", + -13.829906463623049 + ], + [ + "\u2581perenne", + -13.829909324645996 + ], + [ + "Feedback", + -13.829940795898438 + ], + [ + "\u2581comunali", + -13.829976081848145 + ], + [ + "\u2581ejecutado", + -13.830001831054688 + ], + [ + "\u2581nube", + -13.830002784729004 + ], + [ + "\u2581initi", + -13.830008506774902 + ], + [ + "SGB", + -13.830035209655762 + ], + [ + "\u2581pagato", + -13.830044746398926 + ], + [ + "\u2581istitu", + -13.830055236816406 + ], + [ + "\u2581protette", + -13.830058097839355 + ], + [ + "shirts", + -13.830116271972656 + ], + [ + "pped", + -13.830172538757324 + ], + [ + "telemetry", + -13.830194473266602 + ], + [ + "policies", + -13.830199241638184 + ], + [ + "\u2581vendidas", + -13.83021068572998 + ], + [ + "\u2581stationnement", + -13.830211639404297 + ], + [ + "\u2581Eze", + -13.83021354675293 + ], + [ + "collo", + -13.830224990844728 + ], + [ + "\u2581nido", + -13.83023738861084 + ], + [ + "\u2581certified", + -13.830240249633787 + ], + [ + "\u2581Prophet", + -13.830252647399902 + ], + [ + "\u2581Tageszeitung", + -13.83029556274414 + ], + [ + "tay", + -13.830322265625 + ], + [ + "\u2581cabaret", + -13.830339431762695 + ], + [ + "hospital", + -13.830409049987791 + ], + [ + "\u2581Coppola", + -13.830426216125488 + ], + [ + "\u2581rejet\u00e9", + -13.830450057983398 + ], + [ + "IBGE", + -13.83046531677246 + ], + [ + "fracht", + -13.830474853515623 + ], + [ + "\u2581festlegen", + -13.830495834350586 + ], + [ + "angu", + -13.830510139465332 + ], + [ + "DFS", + -13.830512046813965 + ], + [ + "\u2581documentary", + -13.830516815185549 + ], + [ + "\u2581Lights", + -13.830522537231444 + ], + [ + "\u2581B\u00e1sica", + -13.830543518066406 + ], + [ + "\u2581------", + -13.83055019378662 + ], + [ + "inspect", + -13.830575942993164 + ], + [ + "wijzer", + -13.830598831176758 + ], + [ + "\u2581gifts", + -13.830601692199709 + ], + [ + "\u2581Iba", + -13.83060359954834 + ], + [ + "\u2581Lione", + -13.83061981201172 + ], + [ + "Addresses", + -13.830663681030272 + ], + [ + "\u2581Ellos", + -13.830682754516602 + ], + [ + "wiegend", + -13.830684661865234 + ], + [ + "\u2581Frederico", + -13.83072280883789 + ], + [ + "bands", + -13.8307466506958 + ], + [ + "nlicher", + -13.830755233764648 + ], + [ + "\u2581M\u00e9ndez", + -13.830756187438965 + ], + [ + "\u2581viveva", + -13.830798149108888 + ], + [ + "\u2581provoc", + -13.83080005645752 + ], + [ + "pke", + -13.830812454223633 + ], + [ + "playback", + -13.830856323242188 + ], + [ + "\u2581establecida", + -13.830886840820312 + ], + [ + "trois", + -13.830909729003906 + ], + [ + "eigentum", + -13.830925941467283 + ], + [ + "\u2581bonifica", + -13.830938339233398 + ], + [ + "rabes", + -13.830952644348145 + ], + [ + "helden", + -13.83096981048584 + ], + [ + "\u2581Sutton", + -13.831027030944824 + ], + [ + "\u2581gemachten", + -13.831049919128418 + ], + [ + "\u2581Iberia", + -13.831055641174316 + ], + [ + "\u2581dimostrazione", + -13.831060409545898 + ], + [ + "ethno", + -13.83116054534912 + ], + [ + "\u2581maintains", + -13.831170082092283 + ], + [ + "eilte", + -13.83118724822998 + ], + [ + "\u2581highways", + -13.831218719482422 + ], + [ + "\u2581r\u00e9put\u00e9", + -13.831228256225586 + ], + [ + "\u2581Iceland", + -13.831246376037598 + ], + [ + "\u2581Indikation", + -13.831306457519531 + ], + [ + "\u2581Berner", + -13.831308364868164 + ], + [ + "erem", + -13.83132266998291 + ], + [ + "actifs", + -13.8313627243042 + ], + [ + "\u2581Calvi", + -13.831388473510742 + ], + [ + "\u2581modulat", + -13.831388473510742 + ], + [ + "messi", + -13.831409454345703 + ], + [ + "\u2581Lanz", + -13.831488609313965 + ], + [ + "champion", + -13.831515312194824 + ], + [ + "\u2581obligaci\u00f3n", + -13.831515312194824 + ], + [ + "\u2581Directores", + -13.83152675628662 + ], + [ + "\u2581disrupt", + -13.83155632019043 + ], + [ + "\u2581Substitu", + -13.831624031066896 + ], + [ + "\u2581aritm\u00e9tica", + -13.831631660461426 + ], + [ + "\u2581exfutbolista", + -13.831653594970703 + ], + [ + "gegevens", + -13.831709861755373 + ], + [ + "\u2581Malden", + -13.831771850585938 + ], + [ + "\u2581comienzan", + -13.831779479980469 + ], + [ + "\u2581ditmaal", + -13.831779479980469 + ], + [ + "orbite", + -13.831791877746582 + ], + [ + "Roth", + -13.83181381225586 + ], + [ + "\u2581Tesoro", + -13.831839561462402 + ], + [ + "\u2581Gesch\u00e4ftsstelle", + -13.831857681274414 + ], + [ + "kane", + -13.831864356994627 + ], + [ + "\u2581Untersu", + -13.831870079040527 + ], + [ + "\u2581foce", + -13.831904411315918 + ], + [ + "etici", + -13.831929206848145 + ], + [ + "BGB", + -13.831950187683104 + ], + [ + "\u2581grito", + -13.832036018371582 + ], + [ + "wachen", + -13.83204174041748 + ], + [ + "bobobobob", + -13.832046508789062 + ], + [ + "azzetta", + -13.832049369812012 + ], + [ + "demokrat", + -13.832056999206545 + ], + [ + "\u2581pude", + -13.832091331481934 + ], + [ + "\u2581titled", + -13.832110404968262 + ], + [ + "\u2581llevaban", + -13.832112312316896 + ], + [ + "ollkontingent", + -13.832117080688477 + ], + [ + "\u2581bijbehorende", + -13.832147598266602 + ], + [ + "\u2581establecieron", + -13.832147598266602 + ], + [ + "\u2581noventa", + -13.832201957702637 + ], + [ + "\u2581Prussia", + -13.832205772399902 + ], + [ + "\u2581Tribunale", + -13.832213401794434 + ], + [ + "\u2581bridges", + -13.8322172164917 + ], + [ + "summarycalc", + -13.832275390625 + ], + [ + "aume", + -13.832286834716797 + ], + [ + "\u2581Crabbe", + -13.832292556762695 + ], + [ + "encoraja", + -13.832301139831545 + ], + [ + "mitted", + -13.832379341125488 + ], + [ + "\u2581eingebettet", + -13.832393646240234 + ], + [ + "Angi", + -13.832417488098145 + ], + [ + "blockList", + -13.832459449768066 + ], + [ + "therapeut", + -13.832464218139648 + ], + [ + "\u2581telef", + -13.832468032836914 + ], + [ + "\u2581effettuata", + -13.832513809204102 + ], + [ + "\u2581Versa", + -13.832527160644531 + ], + [ + "nih", + -13.83253574371338 + ], + [ + "\u2581Europarates", + -13.83254051208496 + ], + [ + "angan", + -13.832542419433594 + ], + [ + "Talk", + -13.832549095153809 + ], + [ + "or\u00edo", + -13.832552909851074 + ], + [ + "\u2581Wendel", + -13.832564353942873 + ], + [ + "\u2581gebeurtenis", + -13.83257007598877 + ], + [ + "\u2581peregrina", + -13.83258819580078 + ], + [ + "\u2581Sauce", + -13.832627296447754 + ], + [ + "lombardo", + -13.83264446258545 + ], + [ + "\u2581collettivo", + -13.832645416259766 + ], + [ + "CRI", + -13.832694053649902 + ], + [ + "\u2581emociones", + -13.83273983001709 + ], + [ + "Mind", + -13.832745552062988 + ], + [ + "\u2581mantenuto", + -13.832786560058594 + ], + [ + "Bewegung", + -13.832801818847656 + ], + [ + "\u2581comboios", + -13.8328275680542 + ], + [ + "TableViewCell", + -13.832900047302246 + ], + [ + "comparator", + -13.832900047302246 + ], + [ + "ouri", + -13.832903861999512 + ], + [ + "\u2581bancario", + -13.83295726776123 + ], + [ + "ex\u00e9cut", + -13.832961082458496 + ], + [ + "\u2581abbandonata", + -13.832963943481444 + ], + [ + "\u2581focale", + -13.832964897155762 + ], + [ + "\u2581tropicales", + -13.832964897155762 + ], + [ + "depuis", + -13.832974433898926 + ], + [ + "\u2581Respekt", + -13.832998275756836 + ], + [ + "\u2581atraso", + -13.833002090454102 + ], + [ + "opvallend", + -13.833036422729492 + ], + [ + "kost", + -13.833072662353516 + ], + [ + "\u2581Bisch", + -13.83309555053711 + ], + [ + "shasum", + -13.833112716674805 + ], + [ + "\u2581d\u00e9monstration", + -13.833134651184082 + ], + [ + "enumeration", + -13.833135604858398 + ], + [ + "\u2581vorbehaltlich", + -13.83315086364746 + ], + [ + "\u2581mantenendo", + -13.833165168762209 + ], + [ + "\u2581\"\\\"\\", + -13.833191871643066 + ], + [ + "wice", + -13.833196640014648 + ], + [ + "usia", + -13.83322525024414 + ], + [ + "\u2581Tirana", + -13.833240509033203 + ], + [ + "focal", + -13.83326244354248 + ], + [ + "\u2581oscillations", + -13.833292007446287 + ], + [ + "taker", + -13.833325386047363 + ], + [ + "\u2581fluorescent", + -13.833329200744627 + ], + [ + "prio", + -13.833365440368652 + ], + [ + "\u2581Equador", + -13.833406448364258 + ], + [ + "\u2581overleven", + -13.833406448364258 + ], + [ + "typeName", + -13.833415985107422 + ], + [ + "\u2581compos\u00e9s", + -13.833452224731444 + ], + [ + "liu", + -13.83345890045166 + ], + [ + "DLR", + -13.833495140075684 + ], + [ + "Palm", + -13.833495140075684 + ], + [ + "\u2581ligadas", + -13.833518028259276 + ], + [ + "\u2581us\u00e1", + -13.833523750305176 + ], + [ + "\u2581approuv\u00e9", + -13.833545684814451 + ], + [ + "\u2581Gespr\u00e4chen", + -13.833547592163086 + ], + [ + "\u2581maternal", + -13.833571434020996 + ], + [ + "rexi", + -13.83361530303955 + ], + [ + "autobahn", + -13.833621978759766 + ], + [ + "ereignisse", + -13.833624839782717 + ], + [ + "\u2581febbre", + -13.83363151550293 + ], + [ + "\u2581influential", + -13.833638191223145 + ], + [ + "\u2581Kool", + -13.83363914489746 + ], + [ + "\u2581angefertigt", + -13.833651542663574 + ], + [ + "\u2581Gazette", + -13.833660125732422 + ], + [ + "\u2581Chon", + -13.833693504333496 + ], + [ + "\u2581agarra", + -13.833747863769531 + ], + [ + "Bundeskanzleramt", + -13.833779335021973 + ], + [ + "\u2581natuurkundige", + -13.833781242370604 + ], + [ + "\u2581Catar", + -13.833836555480955 + ], + [ + "\u2581bindet", + -13.833855628967283 + ], + [ + "\u2581collaborato", + -13.83387279510498 + ], + [ + "\u2581aigu", + -13.83387851715088 + ], + [ + "pea", + -13.833958625793455 + ], + [ + "\u2581Effektivit\u00e4t", + -13.833972930908203 + ], + [ + "\u2581lute", + -13.83398151397705 + ], + [ + "\u2581fetal", + -13.833989143371582 + ], + [ + "sucedida", + -13.834035873413086 + ], + [ + "\u2581cong\u00e9", + -13.834053993225098 + ], + [ + "santrag", + -13.834068298339844 + ], + [ + "LAS", + -13.83407211303711 + ], + [ + "ATED", + -13.834080696105955 + ], + [ + "\u2581Fram", + -13.83410358428955 + ], + [ + "\u2581Limp", + -13.834114074707031 + ], + [ + "\u2581dovreste", + -13.83412742614746 + ], + [ + "\u2581fanteria", + -13.834148406982422 + ], + [ + "\u2581manches", + -13.834272384643556 + ], + [ + "gloo", + -13.834295272827148 + ], + [ + "\u2581cantons", + -13.834321022033691 + ], + [ + "\u2581airlines", + -13.834344863891602 + ], + [ + "architect", + -13.834345817565918 + ], + [ + "\u2581Brink", + -13.834362983703612 + ], + [ + "atenverarbeitung", + -13.834385871887209 + ], + [ + "\u2581pendiente", + -13.834389686584473 + ], + [ + "RESOURCES", + -13.834421157836914 + ], + [ + "\u2581considere", + -13.834424018859863 + ], + [ + "ellowstone", + -13.834484100341797 + ], + [ + "\u2581attire", + -13.834532737731934 + ], + [ + "\u2581Inhalten", + -13.834588050842283 + ], + [ + "\u2581civilians", + -13.834613800048828 + ], + [ + "\u2581Inizialmente", + -13.83462142944336 + ], + [ + "\u2581Arzneimitteln", + -13.834650993347168 + ], + [ + "\u2581jueces", + -13.834656715393066 + ], + [ + "scendant", + -13.834688186645508 + ], + [ + "\u2581Nadie", + -13.834799766540527 + ], + [ + "pela", + -13.834800720214844 + ], + [ + "\u2581versterkt", + -13.83481788635254 + ], + [ + "\u2581prohibido", + -13.83487033843994 + ], + [ + "\u2581sehenswert", + -13.83487033843994 + ], + [ + "\u2581typed", + -13.83487033843994 + ], + [ + "\u2581\u00fcberliefert", + -13.83487319946289 + ], + [ + "\u2581balsa", + -13.834898948669434 + ], + [ + "\u2581r\u00e9partis", + -13.834922790527344 + ], + [ + "Exe", + -13.834938049316406 + ], + [ + "akarta", + -13.834964752197266 + ], + [ + "\u2581umfasste", + -13.83501148223877 + ], + [ + "\u2581Insekten", + -13.835021018981934 + ], + [ + "sansatz", + -13.835022926330566 + ], + [ + "NOW", + -13.835055351257324 + ], + [ + "Klassik", + -13.835079193115234 + ], + [ + "\u2581emails", + -13.835086822509766 + ], + [ + "\u2581cemit\u00e9rio", + -13.835112571716309 + ], + [ + "RSC", + -13.835128784179688 + ], + [ + "Restriction", + -13.8351411819458 + ], + [ + "UMM", + -13.8351469039917 + ], + [ + "\u2581Clive", + -13.835185050964355 + ], + [ + "kritik", + -13.835240364074709 + ], + [ + "CROSS", + -13.835283279418944 + ], + [ + "\u2581modifi\u00e9e", + -13.835287094116213 + ], + [ + "ndico", + -13.835290908813477 + ], + [ + "volumes", + -13.83534049987793 + ], + [ + "\u2581damages", + -13.83535385131836 + ], + [ + "groeve", + -13.835355758666992 + ], + [ + "Honour", + -13.835356712341309 + ], + [ + "\u2581Ovviamente", + -13.835360527038574 + ], + [ + "\u2581episcopale", + -13.83538055419922 + ], + [ + "\u2581Reza", + -13.835384368896484 + ], + [ + "geeft", + -13.83541774749756 + ], + [ + "\u2581solenne", + -13.835418701171877 + ], + [ + "cratic", + -13.83558750152588 + ], + [ + "\u2581Matriz", + -13.835591316223145 + ], + [ + "laire", + -13.835606575012209 + ], + [ + "\u2581avventure", + -13.835615158081056 + ], + [ + "tetti", + -13.835628509521484 + ], + [ + "consistent", + -13.835640907287598 + ], + [ + "\u2581Klim", + -13.835658073425291 + ], + [ + "\u2581sonoro", + -13.83565902709961 + ], + [ + "Mio", + -13.83567237854004 + ], + [ + "\u2581giornaliero", + -13.83568286895752 + ], + [ + "formaci\u00f3n", + -13.835721969604492 + ], + [ + "\u2581variatie", + -13.83572769165039 + ], + [ + "\u2581Verantwortlichk", + -13.835747718811035 + ], + [ + "whether", + -13.83579921722412 + ], + [ + "\u2581starrte", + -13.835830688476562 + ], + [ + "Beh", + -13.835834503173828 + ], + [ + "ArrayOutput", + -13.83583641052246 + ], + [ + "\u2581anarquista", + -13.835856437683104 + ], + [ + "Enforce", + -13.83587646484375 + ], + [ + "\u2581r\u00e9servoir", + -13.835897445678713 + ], + [ + "\u2581Gee", + -13.835983276367188 + ], + [ + "eitraums", + -13.835996627807615 + ], + [ + "Popov", + -13.836003303527832 + ], + [ + "\u2581collabor", + -13.836004257202148 + ], + [ + "asque", + -13.836016654968262 + ], + [ + "\u2581locaties", + -13.83603572845459 + ], + [ + "bruck", + -13.836045265197754 + ], + [ + "\u2581Arriv", + -13.836050033569336 + ], + [ + "\u2581originate", + -13.836050033569336 + ], + [ + "\u2581exigences", + -13.836053848266602 + ], + [ + "\u2581Luce", + -13.83609390258789 + ], + [ + "\u2581pozo", + -13.836118698120115 + ], + [ + "\u2581Pietra", + -13.83613395690918 + ], + [ + "\u2581Stirling", + -13.836138725280762 + ], + [ + "\u00e9ris", + -13.836141586303713 + ], + [ + "DAI", + -13.836152076721191 + ], + [ + "COMPREP", + -13.836174011230469 + ], + [ + "pale", + -13.836185455322266 + ], + [ + "\u2581Dunkel", + -13.836206436157228 + ], + [ + "\u2581cattiva", + -13.836296081542969 + ], + [ + "\u2581chieder", + -13.83630084991455 + ], + [ + "\u2581Vallo", + -13.83633041381836 + ], + [ + "\u2581synoniem", + -13.836352348327637 + ], + [ + "verletz", + -13.83635711669922 + ], + [ + "\u2581Subventionen", + -13.836405754089355 + ], + [ + "\u2581moeras", + -13.836419105529783 + ], + [ + "verfassungsrecht", + -13.836445808410645 + ], + [ + "\u2581Schirm", + -13.836484909057615 + ], + [ + "\u2581ricorrere", + -13.836520195007324 + ], + [ + "\u2581gratuitement", + -13.836529731750488 + ], + [ + "\u2581sbagliato", + -13.836565017700195 + ], + [ + "investir", + -13.836573600769045 + ], + [ + "ylen", + -13.836576461791992 + ], + [ + "\u2581Klausur", + -13.836587905883787 + ], + [ + "\u2581voleibol", + -13.83659839630127 + ], + [ + "\u2581margini", + -13.83662223815918 + ], + [ + "\u2581stays", + -13.836627006530762 + ], + [ + "irra", + -13.836639404296877 + ], + [ + "\u2581conducente", + -13.836715698242188 + ], + [ + "Mah", + -13.83676815032959 + ], + [ + "Islanda", + -13.836792945861816 + ], + [ + "\u2581Jungle", + -13.836819648742676 + ], + [ + "Schw\u00e4bisch", + -13.836822509765623 + ], + [ + "\u2581fluvial", + -13.83684539794922 + ], + [ + "ARCHITECTURE", + -13.836846351623535 + ], + [ + "\u2581Rutherford", + -13.836846351623535 + ], + [ + "illet", + -13.8368501663208 + ], + [ + "mitgliedern", + -13.836859703063965 + ], + [ + "\u2581endothelial", + -13.836871147155762 + ], + [ + "uste", + -13.836977005004885 + ], + [ + "rizo", + -13.8369779586792 + ], + [ + "vivo", + -13.837037086486816 + ], + [ + "neue", + -13.837069511413574 + ], + [ + "\u2581federales", + -13.837076187133787 + ], + [ + "\u2581marquant", + -13.83708381652832 + ], + [ + "Genotyp", + -13.83709716796875 + ], + [ + "\u2581sovranit\u00e0", + -13.837118148803713 + ], + [ + "tourismus", + -13.837121963500977 + ], + [ + "Trip", + -13.837130546569824 + ], + [ + "\u2581hinge", + -13.837160110473633 + ], + [ + "visibilidade", + -13.837170600891112 + ], + [ + "\u2581contributes", + -13.837183952331545 + ], + [ + "federatie", + -13.837244033813477 + ], + [ + "\u2581ottoman", + -13.837265968322754 + ], + [ + "\u2581vendida", + -13.837326049804688 + ], + [ + "Advanced", + -13.837355613708496 + ], + [ + "\u2581Ferrovie", + -13.83736801147461 + ], + [ + "stetten", + -13.837368965148926 + ], + [ + "\u2581diplomate", + -13.83739948272705 + ], + [ + "\u2581Fr\u00fchst\u00fcck", + -13.83741569519043 + ], + [ + "\u2581Sites", + -13.837421417236328 + ], + [ + "koff", + -13.837448120117188 + ], + [ + "AKE", + -13.837453842163086 + ], + [ + "\u2581pleinement", + -13.8374662399292 + ], + [ + "Monat", + -13.837472915649414 + ], + [ + "\u2581citata", + -13.837496757507324 + ], + [ + "\u2581transmettre", + -13.83750343322754 + ], + [ + "koel", + -13.837507247924805 + ], + [ + "\u2581Bez\u00fcglich", + -13.837512016296388 + ], + [ + "\u2581affair", + -13.837528228759766 + ], + [ + "\u2581bisogni", + -13.837542533874512 + ], + [ + "Technische", + -13.837553977966309 + ], + [ + "\u2581bekannter", + -13.837556838989258 + ], + [ + "titels", + -13.83755874633789 + ], + [ + "\u2581upcoming", + -13.837568283081056 + ], + [ + "PEER", + -13.837569236755373 + ], + [ + "Manual", + -13.837576866149902 + ], + [ + "\u2581r\u00fcckl\u00e4ufig", + -13.83759593963623 + ], + [ + "kondition", + -13.837599754333496 + ], + [ + "\u2581vocabulaire", + -13.837636947631836 + ], + [ + "keystore", + -13.837638854980469 + ], + [ + "\u2581apporta", + -13.83764362335205 + ], + [ + "\u2581supuestamente", + -13.837668418884276 + ], + [ + "\u2581Bulls", + -13.837688446044922 + ], + [ + "Lord", + -13.83773422241211 + ], + [ + "\u2581Bef\u00e4higung", + -13.83775234222412 + ], + [ + "\u2581avenidas", + -13.837754249572754 + ], + [ + "\u2581riuscendo", + -13.837763786315918 + ], + [ + "gnon", + -13.83776569366455 + ], + [ + "Amerikaans", + -13.837790489196776 + ], + [ + "\u2581Sanchez", + -13.837793350219728 + ], + [ + "\u2581Ber\u00fchrung", + -13.837854385375977 + ], + [ + "\u2581Einstieg", + -13.837860107421877 + ], + [ + "Pressemitteilung", + -13.837862014770508 + ], + [ + "schutzgesetzes", + -13.83786678314209 + ], + [ + "ESF", + -13.837884902954102 + ], + [ + "\u2581Schelde", + -13.837902069091797 + ], + [ + "simd", + -13.83790683746338 + ], + [ + "\u2581Ute", + -13.83791160583496 + ], + [ + "retour", + -13.837919235229492 + ], + [ + "\u2581Streich", + -13.837919235229492 + ], + [ + "vcs", + -13.83792495727539 + ], + [ + "\u2581Bong", + -13.837955474853516 + ], + [ + "aucune", + -13.837967872619627 + ], + [ + "deutung", + -13.837973594665527 + ], + [ + "\u2581Kehl", + -13.838065147399902 + ], + [ + "\u2581exibe", + -13.838089942932127 + ], + [ + "\u2581effici", + -13.838127136230469 + ], + [ + "\u2581condujo", + -13.838136672973633 + ], + [ + "Acqui", + -13.838175773620604 + ], + [ + "\u2581fester", + -13.838217735290527 + ], + [ + "\u2581mangelnde", + -13.83829402923584 + ], + [ + "kriminal", + -13.838294982910156 + ], + [ + "\u2581gegenw\u00e4rtige", + -13.83831787109375 + ], + [ + "\u2581plagi", + -13.83834171295166 + ], + [ + "\u2581echtpaar", + -13.838351249694824 + ], + [ + "\u2581Tempest", + -13.838358879089355 + ], + [ + "\u2581asciutt", + -13.83836269378662 + ], + [ + "\u2581ausreicht", + -13.838372230529783 + ], + [ + "iterable", + -13.838396072387695 + ], + [ + "\u2581fluorescence", + -13.838396072387695 + ], + [ + "\u2581Olsen", + -13.838418960571287 + ], + [ + "\u2581Honig", + -13.838452339172363 + ], + [ + "\u2581voorstellen", + -13.838479042053224 + ], + [ + "\u2581listes", + -13.838523864746094 + ], + [ + "\u2581debilita", + -13.838529586791992 + ], + [ + "\u2581Cataloni", + -13.838570594787598 + ], + [ + "\u2581centrocampista", + -13.838583946228027 + ], + [ + "argparse", + -13.83862590789795 + ], + [ + "geest", + -13.83864402770996 + ], + [ + "sstrategien", + -13.838647842407228 + ], + [ + "\u2581birre", + -13.838647842407228 + ], + [ + "\u2581pr\u00e9stamo", + -13.838705062866213 + ], + [ + "\u2581VHS", + -13.83873176574707 + ], + [ + "\u2581Idio", + -13.838781356811523 + ], + [ + "nales", + -13.838783264160156 + ], + [ + "\u2581McA", + -13.838799476623535 + ], + [ + "\u2581perdona", + -13.83881378173828 + ], + [ + "\u2581anniversary", + -13.838831901550291 + ], + [ + "\u2581rodovi\u00e1ria", + -13.838831901550291 + ], + [ + "AAT", + -13.83887004852295 + ], + [ + "effectue", + -13.838886260986328 + ], + [ + "during", + -13.838887214660645 + ], + [ + "ijzel", + -13.83889102935791 + ], + [ + "CRO", + -13.83889865875244 + ], + [ + "\u2581Puig", + -13.838908195495604 + ], + [ + "\u2581accessing", + -13.838923454284668 + ], + [ + "Alpe", + -13.83894157409668 + ], + [ + "blei", + -13.838971138000488 + ], + [ + "\u2581alugar", + -13.838976860046388 + ], + [ + "cerie", + -13.838985443115234 + ], + [ + "Sampling", + -13.838987350463867 + ], + [ + "\u2581Fans", + -13.838993072509766 + ], + [ + "urro", + -13.838995933532717 + ], + [ + "sgrundsatz", + -13.839001655578612 + ], + [ + "tierte", + -13.839032173156738 + ], + [ + "\u2581huiti", + -13.839059829711914 + ], + [ + "\u2581medication", + -13.83906364440918 + ], + [ + "\u2581M\u00e1rquez", + -13.839080810546877 + ], + [ + "\u2581elettorali", + -13.839080810546877 + ], + [ + "\u2581r\u00e9sum\u00e9", + -13.839083671569824 + ], + [ + "\u2581begehrt", + -13.83908462524414 + ], + [ + "cpufreq", + -13.83913230895996 + ], + [ + "\u2581geluk", + -13.839137077331545 + ], + [ + "\u2581contigo", + -13.83914566040039 + ], + [ + "\u2581vestiges", + -13.839146614074709 + ], + [ + "\u2581dimostr", + -13.839149475097656 + ], + [ + "\u2581descente", + -13.839229583740234 + ], + [ + "\u2581expuesto", + -13.839265823364258 + ], + [ + "ahead", + -13.839293479919434 + ], + [ + "\u2581Sociales", + -13.839322090148926 + ], + [ + "\u2581Cottbus", + -13.839365005493164 + ], + [ + "cyt", + -13.83937168121338 + ], + [ + "\u2581expresiones", + -13.839380264282228 + ], + [ + "\u2581Magnetfeld", + -13.839388847351074 + ], + [ + "\u2581farne", + -13.839412689208984 + ], + [ + "\u2581graduated", + -13.83942699432373 + ], + [ + "Serve", + -13.839451789855955 + ], + [ + "\u2581recorre", + -13.839479446411133 + ], + [ + "\u2581vegan", + -13.83950138092041 + ], + [ + "voix", + -13.839536666870115 + ], + [ + "\u2581cerdo", + -13.839555740356444 + ], + [ + "\u2581verleend", + -13.83957290649414 + ], + [ + "riza", + -13.83959674835205 + ], + [ + "evan", + -13.839606285095217 + ], + [ + "\u2581Ausarbeitung", + -13.83963394165039 + ], + [ + "\u2581criador", + -13.839654922485352 + ], + [ + "st\u00fcrm", + -13.83966064453125 + ], + [ + "\u2581Leve", + -13.839688301086426 + ], + [ + "Mega", + -13.839689254760742 + ], + [ + "weiser", + -13.839693069458008 + ], + [ + "\u2581afeta", + -13.83970069885254 + ], + [ + "\u2581cad\u00e1ver", + -13.839727401733398 + ], + [ + "nelles", + -13.839733123779297 + ], + [ + "modeling", + -13.83975887298584 + ], + [ + "opposer", + -13.83976936340332 + ], + [ + "debugger", + -13.83981990814209 + ], + [ + "\u2581Auszeichnung", + -13.839826583862305 + ], + [ + "\u2581donderdag", + -13.839828491210938 + ], + [ + "dour", + -13.839856147766112 + ], + [ + "\u2581agressiv", + -13.83987522125244 + ], + [ + "\u2581emperor", + -13.83987522125244 + ], + [ + "\u2581cercava", + -13.83990478515625 + ], + [ + "coureur", + -13.83991527557373 + ], + [ + "Development", + -13.839919090270996 + ], + [ + "\u2581Dates", + -13.839945793151855 + ], + [ + "\u2581Handball", + -13.839946746826172 + ], + [ + "\u2581indigenous", + -13.839977264404297 + ], + [ + "\u2581merced", + -13.83998680114746 + ], + [ + "radial", + -13.8400297164917 + ], + [ + "\u2581erhob", + -13.84003448486328 + ], + [ + "voeding", + -13.840045928955078 + ], + [ + "\u2581gonfi", + -13.84005641937256 + ], + [ + "koers", + -13.840057373046877 + ], + [ + "\u2581residenziale", + -13.840080261230469 + ], + [ + "soprattutto", + -13.84009075164795 + ], + [ + "\u2581pericoli", + -13.840092658996582 + ], + [ + "ttern", + -13.840097427368164 + ], + [ + "\u2581desemboca", + -13.840120315551758 + ], + [ + "EAS", + -13.840134620666504 + ], + [ + "\u2581endless", + -13.840143203735352 + ], + [ + "\u2581quebrar", + -13.840164184570312 + ], + [ + "\u2581aromatic", + -13.84025764465332 + ], + [ + "\u2581Vereador", + -13.840275764465332 + ], + [ + "\u2581Produktivit\u00e4t", + -13.840295791625977 + ], + [ + "gesch\u00fctz", + -13.840320587158203 + ], + [ + "moza", + -13.84035873413086 + ], + [ + "\u2581licenciado", + -13.84036636352539 + ], + [ + "\u2581Ols", + -13.840380668640137 + ], + [ + "vallon", + -13.8403959274292 + ], + [ + "vlan", + -13.840398788452148 + ], + [ + "\u2581Chandler", + -13.840449333190918 + ], + [ + "\u2581Rodi", + -13.84046459197998 + ], + [ + "\u2581promises", + -13.840466499328612 + ], + [ + "\u2581efectuar", + -13.84048557281494 + ], + [ + "\u2581Leurs", + -13.840502738952637 + ], + [ + "\u2581Evangelische", + -13.840538024902344 + ], + [ + "\u2581Mittlere", + -13.84054183959961 + ], + [ + "ListView", + -13.840554237365724 + ], + [ + "\u2581Leverkusen", + -13.840572357177734 + ], + [ + "\u2581excesso", + -13.840643882751465 + ], + [ + "palli", + -13.84064483642578 + ], + [ + "\u2581consacra", + -13.84066104888916 + ], + [ + "\u2581ruines", + -13.840670585632324 + ], + [ + "natus", + -13.840688705444336 + ], + [ + "foglia", + -13.84072494506836 + ], + [ + "\u2581Concours", + -13.840749740600586 + ], + [ + "digt", + -13.840791702270508 + ], + [ + "\u2581creatures", + -13.840815544128418 + ], + [ + "\u2581scholarship", + -13.840825080871582 + ], + [ + "polver", + -13.84089183807373 + ], + [ + "\u2581Sopra", + -13.840909004211426 + ], + [ + "Contain", + -13.840911865234377 + ], + [ + "lind", + -13.84091854095459 + ], + [ + "precedido", + -13.840941429138184 + ], + [ + "\u2581Meiji", + -13.840943336486816 + ], + [ + "\u2581Waard", + -13.841021537780762 + ], + [ + "\u2581emisora", + -13.841038703918455 + ], + [ + "\u2581Dalle", + -13.84105110168457 + ], + [ + "\u2581Animals", + -13.841054916381836 + ], + [ + "\u2581ciclone", + -13.84106731414795 + ], + [ + "\u2581Mackenzie", + -13.841071128845217 + ], + [ + "ologici", + -13.841175079345703 + ], + [ + "tauchen", + -13.841188430786133 + ], + [ + "\u2581Priorit\u00e4ten", + -13.841222763061523 + ], + [ + "\u2581intervenire", + -13.841235160827637 + ], + [ + "\u2581fing", + -13.841272354125977 + ], + [ + "Extrakt", + -13.84130859375 + ], + [ + "\u2581integrating", + -13.841315269470217 + ], + [ + "\u2581spectroscopy", + -13.84131908416748 + ], + [ + "M\u00e9d", + -13.841351509094238 + ], + [ + "\u2581resolvido", + -13.841358184814451 + ], + [ + "\u2581Miete", + -13.841363906860352 + ], + [ + "\u2581apoyado", + -13.841391563415527 + ], + [ + "dronken", + -13.841394424438477 + ], + [ + "\u2581Stranger", + -13.841404914855955 + ], + [ + "weist", + -13.841416358947754 + ], + [ + "\u2581rodovias", + -13.84142780303955 + ], + [ + "\u2581Pey", + -13.84145736694336 + ], + [ + "woche", + -13.841458320617676 + ], + [ + "\u2581soja", + -13.841460227966309 + ], + [ + "\u2581ceder", + -13.841514587402344 + ], + [ + "\u2581Toren", + -13.841534614562988 + ], + [ + "al\u00e9a", + -13.841543197631836 + ], + [ + "sensibilidad", + -13.841544151306152 + ], + [ + "l\u00fccke", + -13.84161376953125 + ], + [ + "\u2581ferite", + -13.841642379760742 + ], + [ + "\u2581f\u00e9d\u00e9ration", + -13.84166431427002 + ], + [ + "\u2581rampa", + -13.841687202453612 + ], + [ + "\u2581autrichienne", + -13.841719627380373 + ], + [ + "giur", + -13.84172821044922 + ], + [ + "\u00fcbergang", + -13.841732025146484 + ], + [ + "\u2581Amadeus", + -13.841733932495115 + ], + [ + "\u2581bescherm", + -13.841787338256836 + ], + [ + "\u2581vencido", + -13.84179973602295 + ], + [ + "\u2581Kiri", + -13.841809272766112 + ], + [ + "\u2581Fukuoka", + -13.84182357788086 + ], + [ + "\u2581fisiche", + -13.84184741973877 + ], + [ + "naddb", + -13.841917991638184 + ], + [ + "\u2581Fahrplan", + -13.841919898986816 + ], + [ + "\u2581Lkw", + -13.841926574707031 + ], + [ + "\u2581policiers", + -13.84193992614746 + ], + [ + "conduct", + -13.84194564819336 + ], + [ + "\u2581meldete", + -13.841968536376951 + ], + [ + "\u2581gard\u00e9", + -13.84201717376709 + ], + [ + "\u2581cordial", + -13.842056274414062 + ], + [ + "\u2581Schwab", + -13.842096328735352 + ], + [ + "\u2581d\u00e9cida", + -13.842133522033691 + ], + [ + "\u2581receptores", + -13.84216594696045 + ], + [ + "\u2581Coqu", + -13.842171669006348 + ], + [ + "mella", + -13.84218406677246 + ], + [ + "\u2581especialidad", + -13.8422269821167 + ], + [ + "\u2581binnenstad", + -13.842236518859863 + ], + [ + "arbitre", + -13.842247009277344 + ], + [ + "\u2581erfolglos", + -13.842259407043455 + ], + [ + "kreises", + -13.84228515625 + ], + [ + "\u2581Kansai", + -13.842321395874023 + ], + [ + "ahoga", + -13.84233570098877 + ], + [ + "slalom", + -13.842371940612791 + ], + [ + "\u2581Somma", + -13.84238052368164 + ], + [ + "\u2581suited", + -13.842391967773438 + ], + [ + "\u2581humide", + -13.842403411865234 + ], + [ + "\u2581neuartige", + -13.842462539672852 + ], + [ + "gemeenteraadslid", + -13.842483520507812 + ], + [ + "beveiliging", + -13.842496871948242 + ], + [ + "\u2581registrati", + -13.842525482177734 + ], + [ + "\u2581nombrar", + -13.842559814453123 + ], + [ + "uwachs", + -13.84256362915039 + ], + [ + "DWARF", + -13.842572212219238 + ], + [ + "\u2581Kota", + -13.84261417388916 + ], + [ + "\u2581Polk", + -13.842638969421388 + ], + [ + "\u2581comportant", + -13.842695236206056 + ], + [ + "bewu", + -13.84272289276123 + ], + [ + "\u2581mesas", + -13.842748641967772 + ], + [ + "\u2581Opus", + -13.842751502990724 + ], + [ + "\u2581Ney", + -13.842767715454102 + ], + [ + "\u2581cortos", + -13.842772483825684 + ], + [ + "abf\u00e4lle", + -13.842798233032228 + ], + [ + "\u2581Dumont", + -13.84280490875244 + ], + [ + "uiero", + -13.842815399169922 + ], + [ + "\u2581Holle", + -13.842818260192873 + ], + [ + "\u2581quer\u00edan", + -13.842865943908691 + ], + [ + "stiche", + -13.842875480651855 + ], + [ + "\u2581miraba", + -13.842877388000488 + ], + [ + "\u2581quatorze", + -13.842881202697754 + ], + [ + "\u2581Noche", + -13.842899322509766 + ], + [ + "Witness", + -13.842906951904297 + ], + [ + "\u2581Szenarien", + -13.84291172027588 + ], + [ + "Iraq", + -13.842913627624512 + ], + [ + "oxyde", + -13.842913627624512 + ], + [ + "\u2581allemandes", + -13.842937469482422 + ], + [ + "interne", + -13.84296417236328 + ], + [ + "nario", + -13.84298038482666 + ], + [ + "\u2581Candy", + -13.842987060546877 + ], + [ + "Permanent", + -13.843056678771973 + ], + [ + "Heart", + -13.843063354492188 + ], + [ + "SAVE", + -13.843093872070312 + ], + [ + "\u2581Namur", + -13.843122482299805 + ], + [ + "gebende", + -13.843124389648438 + ], + [ + "\u2581reduzido", + -13.843127250671388 + ], + [ + "ertifizierung", + -13.843137741088867 + ], + [ + "ag\u00f3n", + -13.843159675598145 + ], + [ + "\u2581occup\u00e9e", + -13.843162536621094 + ], + [ + "kandidat", + -13.843168258666992 + ], + [ + "\u00f3nicas", + -13.843168258666992 + ], + [ + "\u2581prossimi", + -13.843168258666992 + ], + [ + "uent", + -13.843255043029783 + ], + [ + "\u2581relativos", + -13.843263626098633 + ], + [ + "urllib", + -13.843273162841797 + ], + [ + "\u2581abgeschlossenen", + -13.843297004699709 + ], + [ + "\u2581kunsten", + -13.843297004699709 + ], + [ + "onha", + -13.843302726745604 + ], + [ + "\u2581Alder", + -13.843310356140137 + ], + [ + "juffers", + -13.84333610534668 + ], + [ + "\u2581fiera", + -13.843369483947754 + ], + [ + "\u2581farther", + -13.843395233154297 + ], + [ + "\u2581confia", + -13.843411445617676 + ], + [ + "\u2581Shik", + -13.843461036682127 + ], + [ + "berschreitung", + -13.843488693237305 + ], + [ + "onas", + -13.843497276306152 + ], + [ + "\u2581besluiten", + -13.843499183654783 + ], + [ + "\u2581Vorgabe", + -13.84359645843506 + ], + [ + "ribb", + -13.84360408782959 + ], + [ + "\u2581abstra", + -13.843621253967283 + ], + [ + "Durata", + -13.843658447265623 + ], + [ + "\u2581pr\u00e9dios", + -13.843660354614258 + ], + [ + "\u2581fortlaufend", + -13.843670845031738 + ], + [ + "\u2581patrulha", + -13.843684196472168 + ], + [ + "\u2581presentando", + -13.84369659423828 + ], + [ + "thea", + -13.843737602233888 + ], + [ + "\u2581actividade", + -13.843757629394531 + ], + [ + "\u2581Corrado", + -13.843804359436035 + ], + [ + "\u00f3nia", + -13.843806266784668 + ], + [ + "vnode", + -13.843841552734377 + ], + [ + "\u2581benennen", + -13.843859672546388 + ], + [ + "\u2581Anatol", + -13.84386920928955 + ], + [ + "\u2581predic", + -13.843914985656738 + ], + [ + "Imag", + -13.843924522399902 + ], + [ + "\u2581Patriarch", + -13.84396266937256 + ], + [ + "\u2581soud", + -13.84397315979004 + ], + [ + "\u2581vivid", + -13.844014167785645 + ], + [ + "\u2581Brouwer", + -13.844035148620604 + ], + [ + "\u2581recusou", + -13.844063758850098 + ], + [ + "\u2581tecidos", + -13.844097137451172 + ], + [ + "b\u00fcr", + -13.844179153442385 + ], + [ + "\u2581respeta", + -13.844194412231444 + ], + [ + "aldini", + -13.844197273254396 + ], + [ + "ilar", + -13.84421157836914 + ], + [ + "ausfall", + -13.844228744506836 + ], + [ + "\u2581Representantes", + -13.844246864318848 + ], + [ + "preparati", + -13.844305038452148 + ], + [ + "\u2581catorce", + -13.844314575195312 + ], + [ + "\u2581sponssoort", + -13.844334602355955 + ], + [ + "FKDL", + -13.844343185424805 + ], + [ + "ESM", + -13.84434986114502 + ], + [ + "\u2581festgenommen", + -13.844362258911133 + ], + [ + "Aspect", + -13.84437084197998 + ], + [ + "finalist", + -13.844392776489258 + ], + [ + "\u2581dagelijkse", + -13.844396591186523 + ], + [ + "\u2581Buri", + -13.844399452209473 + ], + [ + "\u2581followers", + -13.844400405883787 + ], + [ + "\u2581zwakke", + -13.844404220581056 + ], + [ + "schka", + -13.84442901611328 + ], + [ + "\u2581Tipps", + -13.844433784484863 + ], + [ + "gr\u00e1fica", + -13.844435691833496 + ], + [ + "\u2581Catalan", + -13.84444522857666 + ], + [ + "retro", + -13.844446182250977 + ], + [ + "Homo", + -13.844489097595217 + ], + [ + "\u2581Fr\u00fcher", + -13.844528198242188 + ], + [ + "Gabriel", + -13.84453010559082 + ], + [ + "\u2581Situat", + -13.844552040100098 + ], + [ + "\u2581shouted", + -13.844558715820312 + ], + [ + "\u2581egipcio", + -13.844562530517578 + ], + [ + "\u2581Normand", + -13.844592094421388 + ], + [ + "Density", + -13.84461498260498 + ], + [ + "Printer", + -13.844634056091309 + ], + [ + "survey", + -13.844642639160156 + ], + [ + "\u2581BAf", + -13.844642639160156 + ], + [ + "\u2581traditionnels", + -13.844659805297852 + ], + [ + "\u2581Georgetown", + -13.844669342041016 + ], + [ + "\u2581pr\u00e9voir", + -13.844677925109863 + ], + [ + "\u2581leverage", + -13.84469985961914 + ], + [ + "\u2581erlangte", + -13.844735145568848 + ], + [ + "\u2581offerti", + -13.844738960266112 + ], + [ + "MEA", + -13.844751358032228 + ], + [ + "\u2581caramel", + -13.844789505004885 + ], + [ + "\u2581permanently", + -13.84482192993164 + ], + [ + "\u2581correspondem", + -13.844843864440918 + ], + [ + "\u2581Madd", + -13.844870567321776 + ], + [ + "\u2581scultore", + -13.844873428344728 + ], + [ + "ensus", + -13.844882011413574 + ], + [ + "halve", + -13.84490203857422 + ], + [ + "Erz\u00e4hl", + -13.844921112060549 + ], + [ + "morfos", + -13.84494972229004 + ], + [ + "koppeling", + -13.844970703125 + ], + [ + "huys", + -13.845052719116213 + ], + [ + "\u2581ungherese", + -13.845062255859377 + ], + [ + "\u2581Buona", + -13.845072746276855 + ], + [ + "\u2581hice", + -13.845073699951172 + ], + [ + "nieren", + -13.845136642456056 + ], + [ + "\u2581schaats", + -13.84514331817627 + ], + [ + "\u2581ignorant", + -13.845144271850586 + ], + [ + "regisseur", + -13.845145225524902 + ], + [ + "\u2581Grei", + -13.845173835754396 + ], + [ + "\u2581modificaciones", + -13.845227241516112 + ], + [ + "\u2581circolo", + -13.84524154663086 + ], + [ + "\u2581Concentra", + -13.845255851745604 + ], + [ + "\u2581affermando", + -13.845256805419922 + ], + [ + "\u2581reflet", + -13.845260620117188 + ], + [ + "\u2581EDITORIAL", + -13.845312118530272 + ], + [ + "pretrained", + -13.845316886901855 + ], + [ + "organi", + -13.845367431640623 + ], + [ + "\u2581pertencem", + -13.845455169677734 + ], + [ + "Jj", + -13.84546947479248 + ], + [ + "\u2581conosceva", + -13.845471382141112 + ], + [ + "kopplung", + -13.845499992370604 + ], + [ + "\u2581Dirigi", + -13.84552764892578 + ], + [ + "ablon", + -13.845568656921388 + ], + [ + "\u2581MacDonald", + -13.845584869384766 + ], + [ + "\u2581adept", + -13.845605850219728 + ], + [ + "\u2581Wahlkampf", + -13.845617294311523 + ], + [ + "\u2581abundantes", + -13.845629692077637 + ], + [ + "Kinase", + -13.845648765563965 + ], + [ + "Faktor", + -13.845723152160645 + ], + [ + "\u2581Plut", + -13.84575080871582 + ], + [ + "VIA", + -13.84577751159668 + ], + [ + "decid", + -13.845784187316896 + ], + [ + "diagram", + -13.845786094665527 + ], + [ + "\u2581porventura", + -13.845817565917969 + ], + [ + "\u2581explosi\u00f3n", + -13.845819473266602 + ], + [ + "\u2581velhos", + -13.845821380615234 + ], + [ + "creatie", + -13.845823287963867 + ], + [ + "\u2581hierher", + -13.845834732055664 + ], + [ + "\u2581guidati", + -13.845850944519045 + ], + [ + "oirs", + -13.845880508422852 + ], + [ + "\u2581agraria", + -13.845884323120115 + ], + [ + "\u2581continui", + -13.845902442932127 + ], + [ + "Mars", + -13.845937728881836 + ], + [ + "OSI", + -13.845986366271973 + ], + [ + "\u2581enfrentarse", + -13.845992088317873 + ], + [ + "cze", + -13.846006393432615 + ], + [ + "endem", + -13.84605312347412 + ], + [ + "wogen", + -13.84609317779541 + ], + [ + "\u2581jemals", + -13.846094131469728 + ], + [ + "eringen", + -13.84610080718994 + ], + [ + "bergabe", + -13.846102714538574 + ], + [ + "\u2581aufzuheben", + -13.846118927001951 + ], + [ + "sorgung", + -13.84611988067627 + ], + [ + "\u2581descritta", + -13.846152305603027 + ], + [ + "\u2581Merkmalen", + -13.84615421295166 + ], + [ + "\u2581Sergei", + -13.84617519378662 + ], + [ + "\u2581preg", + -13.84621238708496 + ], + [ + "\u2581furia", + -13.846236228942873 + ], + [ + "entri", + -13.846267700195312 + ], + [ + "segue", + -13.846280097961426 + ], + [ + "\u2581besproken", + -13.846312522888184 + ], + [ + "\u2581esisteva", + -13.846354484558104 + ], + [ + "mayer", + -13.846372604370115 + ], + [ + "\u2581impegnati", + -13.84638500213623 + ], + [ + "\u2581murmura", + -13.846400260925291 + ], + [ + "\u2581Swi", + -13.846415519714355 + ], + [ + "\u2581voar", + -13.846436500549316 + ], + [ + "citos", + -13.846453666687012 + ], + [ + "\u2581discuter", + -13.846455574035645 + ], + [ + "\u2581funcionalidade", + -13.846477508544922 + ], + [ + "\u2581Schuljahr", + -13.8464994430542 + ], + [ + "\u2581happi", + -13.84650707244873 + ], + [ + "\u2581Betriebsrat", + -13.84653091430664 + ], + [ + "responsibilities", + -13.846562385559082 + ], + [ + "\u2581Paradiso", + -13.8466215133667 + ], + [ + "\u2581camina", + -13.846632957458496 + ], + [ + "\u2581Montero", + -13.846636772155762 + ], + [ + "\u2581Mene", + -13.84670352935791 + ], + [ + "\u2581liter\u00e1ria", + -13.846709251403809 + ], + [ + "\u2581riteneva", + -13.846758842468262 + ], + [ + "\u2581danois", + -13.846783638000488 + ], + [ + "\u2581Colomb", + -13.84681224822998 + ], + [ + "\u2581orecchie", + -13.846839904785156 + ], + [ + "\u2581Vergleiche", + -13.846841812133787 + ], + [ + "\u2581redazione", + -13.846872329711914 + ], + [ + "\u2581Dekan", + -13.846874237060549 + ], + [ + "gesicht", + -13.84692096710205 + ], + [ + "\u2581Shima", + -13.84692668914795 + ], + [ + "sistono", + -13.846933364868164 + ], + [ + "\u2581concentrer", + -13.84693431854248 + ], + [ + "\u2581dedicados", + -13.846956253051758 + ], + [ + "immigration", + -13.846973419189451 + ], + [ + "duzir", + -13.846982955932615 + ], + [ + "\u2581tirage", + -13.84699249267578 + ], + [ + "yargs", + -13.847026824951172 + ], + [ + "\u2581d\u00e9placements", + -13.847067832946776 + ], + [ + "\u2581Lestrange", + -13.847078323364258 + ], + [ + "\u2581Garage", + -13.847103118896484 + ], + [ + "\u2581pardon", + -13.847128868103027 + ], + [ + "l\u00edtica", + -13.847148895263672 + ], + [ + "Leipzig", + -13.847164154052734 + ], + [ + "\u2581Ger\u00e4usch", + -13.847179412841797 + ], + [ + "theory", + -13.84718418121338 + ], + [ + "\u2581monarchia", + -13.847187995910645 + ], + [ + "\u2581consecutivos", + -13.847198486328123 + ], + [ + "\u2581repetido", + -13.847228050231934 + ], + [ + "\u2581expatriate", + -13.847320556640623 + ], + [ + "\u2581constellation", + -13.847349166870115 + ], + [ + "authenticate", + -13.847372055053713 + ], + [ + "Optimal", + -13.84737491607666 + ], + [ + "\u2581prejudice", + -13.84738540649414 + ], + [ + "\u2581r\u00e9plica", + -13.847397804260254 + ], + [ + "\u2581programado", + -13.847402572631836 + ], + [ + "mb\u00e1", + -13.847407341003418 + ], + [ + "\u2581surnom", + -13.847411155700684 + ], + [ + "rdino", + -13.847461700439451 + ], + [ + "acao", + -13.847474098205566 + ], + [ + "moderne", + -13.84748363494873 + ], + [ + "\u2581rejeita", + -13.847485542297363 + ], + [ + "\u2581verbindliche", + -13.847528457641602 + ], + [ + "\u2581interviene", + -13.847546577453612 + ], + [ + "\u2581fossili", + -13.84755039215088 + ], + [ + "Claims", + -13.847562789916992 + ], + [ + "RECURSE", + -13.847564697265623 + ], + [ + "satisfactory", + -13.847564697265623 + ], + [ + "\u2581Florian\u00f3polis", + -13.84757137298584 + ], + [ + "\u2581Stoll", + -13.847600936889648 + ], + [ + "\u2581Jug\u00f3", + -13.847636222839355 + ], + [ + "exp\u00e9rimentation", + -13.847660064697266 + ], + [ + "\u2581Contre", + -13.847674369812012 + ], + [ + "\u2581Cusco", + -13.847691535949709 + ], + [ + "eeft", + -13.847702980041504 + ], + [ + "INGT", + -13.847705841064451 + ], + [ + "ValueType", + -13.84774112701416 + ], + [ + "willige", + -13.847749710083008 + ], + [ + "\u2581Sonny", + -13.84779167175293 + ], + [ + "\u2581Majesty", + -13.847808837890623 + ], + [ + "shield", + -13.847827911376951 + ], + [ + "phidae", + -13.84782886505127 + ], + [ + "\u2581mar\u00e9chal", + -13.847830772399902 + ], + [ + "horse", + -13.847834587097168 + ], + [ + "CENT", + -13.84787368774414 + ], + [ + "\u2581represi\u00f3n", + -13.847875595092772 + ], + [ + "\u2581lasted", + -13.847890853881836 + ], + [ + "invent", + -13.847944259643556 + ], + [ + "\u2581Karolin", + -13.847949981689451 + ], + [ + "d\u00e4mm", + -13.847956657409668 + ], + [ + "\u2581estafette", + -13.847982406616213 + ], + [ + "Hv", + -13.847992897033691 + ], + [ + "gnat", + -13.848005294799805 + ], + [ + "\u2581Rive", + -13.848007202148438 + ], + [ + "weiterentwickelt", + -13.848030090332031 + ], + [ + "\u2581normais", + -13.848031044006348 + ], + [ + "\u2581coloque", + -13.848031997680664 + ], + [ + "t\u00e4tigen", + -13.848047256469728 + ], + [ + "\u2581Checklist", + -13.84804916381836 + ], + [ + "\u2581stolen", + -13.848071098327637 + ], + [ + "\u2581Schritten", + -13.848097801208496 + ], + [ + "\u2581switches", + -13.848137855529783 + ], + [ + "lheiro", + -13.848140716552734 + ], + [ + "cresciuto", + -13.848207473754885 + ], + [ + "\u2581espectacular", + -13.848212242126465 + ], + [ + "\u2581responding", + -13.848233222961426 + ], + [ + "\u2581basados", + -13.848304748535156 + ], + [ + "pci", + -13.848310470581056 + ], + [ + "\u2581Cordillera", + -13.84831714630127 + ], + [ + "\u2581sabidur\u00eda", + -13.84831714630127 + ], + [ + "\u2581romantique", + -13.848318099975586 + ], + [ + "\u2581Vollmacht", + -13.84836196899414 + ], + [ + "\u2581gleichgestellt", + -13.848380088806152 + ], + [ + "\u2581Cale", + -13.848383903503418 + ], + [ + "\u2581influyente", + -13.848388671875 + ], + [ + "aoui", + -13.848406791687012 + ], + [ + "\u2581kontinuierliche", + -13.848417282104492 + ], + [ + "draht", + -13.848433494567873 + ], + [ + "bringt", + -13.848451614379885 + ], + [ + "\u2581Asteroid", + -13.848455429077148 + ], + [ + "\u2581Fuego", + -13.848480224609377 + ], + [ + "Soup", + -13.84848976135254 + ], + [ + "\u2581besteed", + -13.848495483398438 + ], + [ + "\u2581vendeu", + -13.848498344421388 + ], + [ + "\u2581asynchronous", + -13.848527908325195 + ], + [ + "inset", + -13.848530769348145 + ], + [ + "\u2581empirisch", + -13.84853172302246 + ], + [ + "intern", + -13.848540306091309 + ], + [ + "\u2581musst", + -13.848541259765623 + ], + [ + "\u2581Dom\u00ednguez", + -13.848567962646484 + ], + [ + "\u2581riferimenti", + -13.84857940673828 + ], + [ + "\u2581referentie", + -13.848592758178713 + ], + [ + "\u2581contener", + -13.84861660003662 + ], + [ + "\u2581garni", + -13.84866428375244 + ], + [ + "\u2581zugenommen", + -13.848700523376465 + ], + [ + "Strom", + -13.848708152770996 + ], + [ + "\u2581chaise", + -13.848736763000488 + ], + [ + "\u2581KGB", + -13.848760604858398 + ], + [ + "\u2581inwiefern", + -13.8488187789917 + ], + [ + "\u2581fornecido", + -13.848838806152344 + ], + [ + "\u2581scatena", + -13.848907470703123 + ], + [ + "\u2581crescendo", + -13.848918914794922 + ], + [ + "\u2581sondage", + -13.848921775817873 + ], + [ + "Define", + -13.848933219909668 + ], + [ + "\u2581lanceur", + -13.848944664001465 + ], + [ + "\u2581brancos", + -13.848968505859377 + ], + [ + "\u2581invoering", + -13.848973274230955 + ], + [ + "\u2581r\u00e9si", + -13.848998069763184 + ], + [ + "irt", + -13.849032402038574 + ], + [ + "\u2581verts", + -13.849037170410156 + ], + [ + "\u2581l\u00e9gal", + -13.849058151245115 + ], + [ + "\u2581K\u00fcrze", + -13.84906768798828 + ], + [ + "\u2581gerealiseerd", + -13.849069595336914 + ], + [ + "\u2581detiene", + -13.849081039428713 + ], + [ + "\u2581Lombardo", + -13.849098205566406 + ], + [ + "\u2581dignity", + -13.849123001098633 + ], + [ + "atief", + -13.84916877746582 + ], + [ + "\u2581Kah", + -13.84917163848877 + ], + [ + "voort", + -13.849183082580566 + ], + [ + "politique", + -13.849221229553224 + ], + [ + "acquisizione", + -13.849247932434082 + ], + [ + "kwa", + -13.849247932434082 + ], + [ + "\u2581vulcano", + -13.849255561828612 + ], + [ + "\u2581Renzo", + -13.849257469177246 + ], + [ + "\u2581discursos", + -13.849257469177246 + ], + [ + "\u2581spinto", + -13.849268913269045 + ], + [ + "\u2581severely", + -13.849283218383787 + ], + [ + "ckung", + -13.849308013916016 + ], + [ + "\u2581Vodafone", + -13.849320411682127 + ], + [ + "\u2581corazzat", + -13.849321365356444 + ], + [ + "lcdui", + -13.849322319030762 + ], + [ + "psycholog", + -13.849367141723633 + ], + [ + "kiss", + -13.849376678466797 + ], + [ + "\u2581Susa", + -13.84939193725586 + ], + [ + "\u2581condividere", + -13.849397659301758 + ], + [ + "golo", + -13.849398612976074 + ], + [ + "\u2581Declara", + -13.84943389892578 + ], + [ + "lensis", + -13.84943675994873 + ], + [ + "vangst", + -13.849555015563965 + ], + [ + "\u2581bestuurd", + -13.84957218170166 + ], + [ + "\u2581engag\u00e9e", + -13.849574089050291 + ], + [ + "\u2581mantenido", + -13.849580764770508 + ], + [ + "\u2581Wash", + -13.849604606628418 + ], + [ + "iss\u00e9", + -13.84963607788086 + ], + [ + "\u2581shortest", + -13.84969711303711 + ], + [ + "\u2581Antragstellung", + -13.849706649780272 + ], + [ + "\u2581rendant", + -13.849706649780272 + ], + [ + "\u2581ocupaba", + -13.84970760345459 + ], + [ + "\u2581miniere", + -13.84981918334961 + ], + [ + "geneeskunde", + -13.849823951721191 + ], + [ + "\u2581Cartago", + -13.84984302520752 + ], + [ + "\u2581R\u00fcckstand", + -13.849852561950684 + ], + [ + "eide", + -13.849873542785645 + ], + [ + "\u2581Vorlesung", + -13.84989070892334 + ], + [ + "\u2581anunciada", + -13.849905967712402 + ], + [ + "\u2581Holden", + -13.849907875061035 + ], + [ + "\u00e1sz", + -13.8499174118042 + ], + [ + "omorphism", + -13.849934577941896 + ], + [ + "\u2581m\u00e9dicaments", + -13.849961280822754 + ], + [ + "fitting", + -13.84997844696045 + ], + [ + "\u2581aumentado", + -13.849980354309082 + ], + [ + "\u2581alli\u00e9s", + -13.850008964538574 + ], + [ + "\u2581derjenige", + -13.850083351135254 + ], + [ + "tpl", + -13.85008716583252 + ], + [ + "THREE", + -13.850090026855469 + ], + [ + "\u2581Fremdsprachen", + -13.850102424621582 + ], + [ + "corollary", + -13.850138664245604 + ], + [ + "fl\u00e9", + -13.850173950195312 + ], + [ + "fuPool", + -13.850194931030272 + ], + [ + "\u2581documentaci\u00f3n", + -13.85024642944336 + ], + [ + "ortho", + -13.850278854370115 + ], + [ + "wache", + -13.850301742553713 + ], + [ + "\u2581Deng", + -13.85031795501709 + ], + [ + "\u2581herbeizuf\u00fchren", + -13.850326538085938 + ], + [ + "\u2581disto", + -13.850336074829102 + ], + [ + "Thriller", + -13.850348472595217 + ], + [ + "SCO", + -13.850364685058594 + ], + [ + "SUN", + -13.850367546081545 + ], + [ + "waarden", + -13.850375175476074 + ], + [ + "\u2581argentinos", + -13.850397109985352 + ], + [ + "scaffold", + -13.850406646728516 + ], + [ + "\u2581apresentadas", + -13.85042667388916 + ], + [ + "\u2581habido", + -13.85042953491211 + ], + [ + "incirca", + -13.850521087646484 + ], + [ + "Nw", + -13.850556373596191 + ], + [ + "penalty", + -13.85059642791748 + ], + [ + "\u2581Abschnitten", + -13.850601196289062 + ], + [ + "preprocess", + -13.85060214996338 + ], + [ + "\u2581Mitteleuropa", + -13.850652694702148 + ], + [ + "Bueno", + -13.850677490234377 + ], + [ + "soul", + -13.850677490234377 + ], + [ + "\u2581Brede", + -13.850711822509766 + ], + [ + "venuto", + -13.85072135925293 + ], + [ + "\u2581Eliot", + -13.85077953338623 + ], + [ + "\u2581recensioni", + -13.850836753845217 + ], + [ + "\u2581mexicain", + -13.850852966308594 + ], + [ + "alternance", + -13.850854873657228 + ], + [ + "avanz", + -13.850881576538086 + ], + [ + "\u2581japanische", + -13.8508882522583 + ], + [ + "\u2581onduidelijk", + -13.850907325744627 + ], + [ + "\u2581vereinfacht", + -13.850936889648438 + ], + [ + "restricted", + -13.850961685180664 + ], + [ + "griet", + -13.850977897644045 + ], + [ + "mother", + -13.851037979125977 + ], + [ + "adido", + -13.851040840148926 + ], + [ + "\u2581voyager", + -13.851075172424316 + ], + [ + "L\u00e9opold", + -13.851083755493164 + ], + [ + "\u2581Cromwell", + -13.851092338562012 + ], + [ + "\u2581agricolo", + -13.851093292236328 + ], + [ + "\u2581vakbond", + -13.85109519958496 + ], + [ + "RCE", + -13.851102828979492 + ], + [ + "vlees", + -13.851113319396973 + ], + [ + "\u2581Viseu", + -13.851118087768556 + ], + [ + "ehen", + -13.851144790649414 + ], + [ + "humain", + -13.851147651672363 + ], + [ + "estimated", + -13.851155281066896 + ], + [ + "\u2581competenze", + -13.851186752319336 + ], + [ + "\u2581vuestro", + -13.851201057434082 + ], + [ + "celi", + -13.85130214691162 + ], + [ + "shock", + -13.85130214691162 + ], + [ + "arrach", + -13.85130500793457 + ], + [ + "ndet", + -13.851325988769531 + ], + [ + "\u2581Veiligheid", + -13.851332664489746 + ], + [ + "\u2581Demonstranten", + -13.85134220123291 + ], + [ + "EDER", + -13.851372718811035 + ], + [ + "\u2581Nak", + -13.85138702392578 + ], + [ + "\u2581sp\u00e9cialistes", + -13.85140609741211 + ], + [ + "\u2581Shre", + -13.85151195526123 + ], + [ + "\u2581Nunes", + -13.851513862609863 + ], + [ + "\u2581Vorhabens", + -13.851515769958496 + ], + [ + "\u2581Sora", + -13.851543426513672 + ], + [ + "\u2581Athl", + -13.851547241210938 + ], + [ + "\u2581mannelijk", + -13.851557731628418 + ], + [ + "\u2581Psicologia", + -13.851584434509276 + ], + [ + "\u2581Oleg", + -13.851592063903809 + ], + [ + "\u2581Freiwilligen", + -13.851597785949709 + ], + [ + "\u2581Bless", + -13.851612091064451 + ], + [ + "Umbria", + -13.85161304473877 + ], + [ + "\u2581Verpflegung", + -13.851654052734377 + ], + [ + "\u2581liever", + -13.851692199707031 + ], + [ + "\u2581Stadtbezirk", + -13.851736068725586 + ], + [ + "\u2581quo", + -13.851736068725586 + ], + [ + "Droid", + -13.851752281188965 + ], + [ + "\u2581historiens", + -13.851755142211914 + ], + [ + "\u2581cotton", + -13.851781845092772 + ], + [ + "PROVIDER", + -13.851832389831545 + ], + [ + "\u2581veldsprinkhanen", + -13.851834297180176 + ], + [ + "\u2581desenvolve", + -13.85185718536377 + ], + [ + "\u2581portiere", + -13.851868629455566 + ], + [ + "\u2581wovon", + -13.851892471313477 + ], + [ + "\u2581cuestiona", + -13.851896286010742 + ], + [ + "Hooks", + -13.85190486907959 + ], + [ + "RIM", + -13.851920127868652 + ], + [ + "\u2581stili", + -13.8519287109375 + ], + [ + "\u2581sterker", + -13.851935386657717 + ], + [ + "\u2581Resultat", + -13.851959228515623 + ], + [ + "kate", + -13.851990699768066 + ], + [ + "\u2581Sting", + -13.852022171020508 + ], + [ + "\u2581incluidas", + -13.852073669433594 + ], + [ + "\u2581Calcula", + -13.852081298828123 + ], + [ + "ApplyT", + -13.85208511352539 + ], + [ + "\u2581Sinon", + -13.852118492126465 + ], + [ + "\u2581aborto", + -13.852137565612791 + ], + [ + "egation", + -13.85215950012207 + ], + [ + "\u2581roubo", + -13.852205276489258 + ], + [ + "\u2581athletes", + -13.852280616760254 + ], + [ + "\u2581firmly", + -13.852285385131836 + ], + [ + "Fat", + -13.85231113433838 + ], + [ + "\u2581revolt", + -13.85232639312744 + ], + [ + "\u2581caricatur", + -13.852336883544922 + ], + [ + "\u2581Erledigung", + -13.852337837219238 + ], + [ + "\u2581Kathleen", + -13.852337837219238 + ], + [ + "\u2581trasferisce", + -13.8523530960083 + ], + [ + "\u2581velocities", + -13.852362632751465 + ], + [ + "\u2581obtenus", + -13.852365493774414 + ], + [ + "\u2581retra", + -13.85239315032959 + ], + [ + "getLogger", + -13.85239601135254 + ], + [ + "secutor", + -13.852409362792969 + ], + [ + "spion", + -13.852434158325195 + ], + [ + "\u2581consejos", + -13.852465629577637 + ], + [ + "oggettiva", + -13.852468490600586 + ], + [ + "\u2581eletro", + -13.852496147155762 + ], + [ + "\u2581g\u00e9n\u00e9rique", + -13.852588653564451 + ], + [ + "\u2581morphology", + -13.85259246826172 + ], + [ + "Shutdown", + -13.85260009765625 + ], + [ + "\u2581invit\u00e9s", + -13.85261344909668 + ], + [ + "\u2581perdieron", + -13.852619171142578 + ], + [ + "ooney", + -13.852624893188477 + ], + [ + "\u2581experimentado", + -13.852656364440918 + ], + [ + "\u2581Huesca", + -13.852660179138184 + ], + [ + "\u2581extendi\u00f3", + -13.852668762207031 + ], + [ + "nutrient", + -13.852717399597168 + ], + [ + "\u2581finca", + -13.852721214294434 + ], + [ + "elems", + -13.852737426757812 + ], + [ + "\u2581vertrekt", + -13.852737426757812 + ], + [ + "\u2581Ganze", + -13.852754592895508 + ], + [ + "zeich", + -13.85276222229004 + ], + [ + "\u2581Unterneh", + -13.85276699066162 + ], + [ + "\u2581Gilde", + -13.85277271270752 + ], + [ + "\u2581Gleichgewichts", + -13.852852821350098 + ], + [ + "Sainte", + -13.852860450744627 + ], + [ + "stuff", + -13.85287857055664 + ], + [ + "SAMPLE", + -13.852898597717283 + ], + [ + "\u2581Presid", + -13.852950096130373 + ], + [ + "\u2581systematischen", + -13.852968215942385 + ], + [ + "\u2581Harriet", + -13.853026390075684 + ], + [ + "\u2581Marconi", + -13.853028297424316 + ], + [ + "cchini", + -13.853050231933594 + ], + [ + "\u2581konstruiert", + -13.853063583374023 + ], + [ + "\u2581touristische", + -13.853067398071287 + ], + [ + "PyObject", + -13.853078842163086 + ], + [ + "\u2581sustituido", + -13.853093147277832 + ], + [ + "\u2581tr\u00e1nsito", + -13.853093147277832 + ], + [ + "elberg", + -13.853118896484377 + ], + [ + "cinematografiche", + -13.85313892364502 + ], + [ + "flugzeuge", + -13.853167533874512 + ], + [ + "meters", + -13.853191375732422 + ], + [ + "\u2581lib\u00e9ra", + -13.8532075881958 + ], + [ + "\u2581descobrimos", + -13.853239059448242 + ], + [ + "\u2581prendra", + -13.853242874145508 + ], + [ + "\u2581abgedeckt", + -13.853344917297363 + ], + [ + "\u2581lib\u00e9rer", + -13.853370666503906 + ], + [ + "enbaum", + -13.85338306427002 + ], + [ + "\u2581Pagan", + -13.853411674499512 + ], + [ + "\u2581veranla", + -13.853453636169434 + ], + [ + "spl\u00e4ne", + -13.853464126586914 + ], + [ + "klinker", + -13.85346508026123 + ], + [ + "kinase", + -13.85349941253662 + ], + [ + "\u2581doigt", + -13.853509902954102 + ], + [ + "\u2581convoi", + -13.853510856628418 + ], + [ + "\u2581europeas", + -13.853533744812012 + ], + [ + "\u2581Kraftwerke", + -13.853543281555176 + ], + [ + "\u2581orbits", + -13.8535795211792 + ], + [ + "\u2581traditionally", + -13.853667259216309 + ], + [ + "ebri", + -13.853696823120115 + ], + [ + "mapped", + -13.853700637817385 + ], + [ + "ATC", + -13.853703498840332 + ], + [ + "\u2581d\u00e9cr", + -13.85370922088623 + ], + [ + "inscrire", + -13.853734970092772 + ], + [ + "Startup", + -13.85376262664795 + ], + [ + "\u2581carb\u00f3n", + -13.85379123687744 + ], + [ + "\u2581fiscaliza", + -13.853792190551758 + ], + [ + "ONA", + -13.853799819946287 + ], + [ + "\u2581maillot", + -13.853805541992188 + ], + [ + "Kombi", + -13.853826522827148 + ], + [ + "\u2581fen\u00f3menos", + -13.853830337524414 + ], + [ + "\u2581Begraafplaats", + -13.853849411010742 + ], + [ + "\u2581aardbeving", + -13.853851318359377 + ], + [ + "\u2581meraviglia", + -13.853857040405272 + ], + [ + "lokal", + -13.853861808776855 + ], + [ + "besteuerung", + -13.853862762451172 + ], + [ + "GitHub", + -13.853878021240234 + ], + [ + "\u2581ocorreram", + -13.8538818359375 + ], + [ + "\u2581duivel", + -13.853900909423828 + ], + [ + "uitzending", + -13.853939056396484 + ], + [ + "\u2581terroristas", + -13.853971481323242 + ], + [ + "\u2581donnait", + -13.853981971740724 + ], + [ + "\u2581Floride", + -13.853991508483888 + ], + [ + "\u2581gerenciador", + -13.85402011871338 + ], + [ + "ecimiento", + -13.854031562805176 + ], + [ + "olato", + -13.854081153869627 + ], + [ + "feind", + -13.854084014892578 + ], + [ + "\u2581turcos", + -13.854084014892578 + ], + [ + "\u2581betaalde", + -13.85409450531006 + ], + [ + "uantitative", + -13.85410976409912 + ], + [ + "\u2581monarqu\u00eda", + -13.854129791259766 + ], + [ + "reactie", + -13.854132652282717 + ], + [ + "\u2581delicious", + -13.854181289672852 + ], + [ + "er\u00edas", + -13.854220390319824 + ], + [ + "Partei", + -13.85422134399414 + ], + [ + "kleine", + -13.854228973388672 + ], + [ + "spam", + -13.854229927062988 + ], + [ + "\u2581dischi", + -13.854240417480469 + ], + [ + "\u2581investiert", + -13.854262351989746 + ], + [ + "endosi", + -13.854278564453123 + ], + [ + "\u2581hi\u00e9rarchie", + -13.854314804077148 + ], + [ + "\u2581rechazo", + -13.854354858398438 + ], + [ + "\u2581couvent", + -13.854369163513184 + ], + [ + "\u2581Georgien", + -13.85439109802246 + ], + [ + "\u2581Midtown", + -13.854402542114258 + ], + [ + "anciennement", + -13.854429244995115 + ], + [ + "derive", + -13.854456901550291 + ], + [ + "dliche", + -13.854458808898926 + ], + [ + "\u2581emprega", + -13.85450839996338 + ], + [ + "aveugle", + -13.854591369628906 + ], + [ + "\u2581bombardeo", + -13.854599952697754 + ], + [ + "H\u00e1bitat", + -13.854605674743652 + ], + [ + "\u2581parallelo", + -13.854616165161133 + ], + [ + "juk", + -13.85464096069336 + ], + [ + "quillo", + -13.854662895202637 + ], + [ + "\u2581Anschl\u00e4ge", + -13.854680061340332 + ], + [ + "\u2581construiu", + -13.854697227478027 + ], + [ + "\u2581Ciao", + -13.854714393615724 + ], + [ + "Frontend", + -13.854729652404783 + ], + [ + "DFD", + -13.854730606079102 + ], + [ + "\u2581mam\u00e1", + -13.854741096496582 + ], + [ + "\u2581beeinflu", + -13.854764938354492 + ], + [ + "misbruik", + -13.854799270629885 + ], + [ + "\u2581dirt", + -13.854812622070312 + ], + [ + "cargado", + -13.854875564575195 + ], + [ + "\u2581calificaci\u00f3n", + -13.854965209960938 + ], + [ + "\u00e9tail", + -13.85498332977295 + ], + [ + "\u2581fango", + -13.854998588562012 + ], + [ + "\u2581diretiva", + -13.855029106140137 + ], + [ + "\u2581segrega", + -13.855035781860352 + ], + [ + "\u2581Loves", + -13.855104446411133 + ], + [ + "\u2581almacenamiento", + -13.855117797851562 + ], + [ + "\u2581chaude", + -13.855133056640623 + ], + [ + "\u2581Betriebsst\u00e4tte", + -13.855143547058104 + ], + [ + "\u2581r\u00e9gn", + -13.855143547058104 + ], + [ + "\u2581platino", + -13.85516357421875 + ], + [ + "handed", + -13.855181694030762 + ], + [ + "\u2581acercarse", + -13.855230331420898 + ], + [ + "aterdag", + -13.855280876159668 + ], + [ + "Oscar", + -13.855301856994627 + ], + [ + "\u2581presero", + -13.85536289215088 + ], + [ + "\u2581koe", + -13.855384826660156 + ], + [ + "\u2581mercanti", + -13.855406761169434 + ], + [ + "attaquant", + -13.855414390563965 + ], + [ + "LOGGER", + -13.855433464050291 + ], + [ + "\u2581panneau", + -13.85544490814209 + ], + [ + "\u2581Voe", + -13.855486869812012 + ], + [ + "references", + -13.855514526367188 + ], + [ + "\u2581consacre", + -13.855571746826172 + ], + [ + "\u2581Tae", + -13.85559368133545 + ], + [ + "\u2581margine", + -13.855608940124512 + ], + [ + "Privilege", + -13.85561180114746 + ], + [ + "\u2581AVR", + -13.855615615844728 + ], + [ + "\u2581k\u00fcnstlerische", + -13.855634689331056 + ], + [ + "\u2581dramatically", + -13.8556489944458 + ], + [ + "\u2581incerta", + -13.855658531188965 + ], + [ + "\u2581traditioneel", + -13.855663299560549 + ], + [ + "\u2581Novellierung", + -13.855672836303713 + ], + [ + "hoben", + -13.855685234069824 + ], + [ + "\u2581vieram", + -13.855695724487305 + ], + [ + "\u2581attribu", + -13.855721473693848 + ], + [ + "opensource", + -13.855737686157228 + ], + [ + "\u2581r\u00e9gler", + -13.855742454528809 + ], + [ + "\u2581Jel", + -13.855757713317873 + ], + [ + "MSA", + -13.855779647827148 + ], + [ + "r\u00fcber", + -13.855779647827148 + ], + [ + "greater", + -13.855810165405272 + ], + [ + "\u2581remunera", + -13.855830192565918 + ], + [ + "\u2581_______________", + -13.855880737304688 + ], + [ + "\u2581beispielhaft", + -13.855904579162598 + ], + [ + "triple", + -13.85595417022705 + ], + [ + "rapport", + -13.855961799621582 + ], + [ + "rvore", + -13.85603141784668 + ], + [ + "Listeners", + -13.856048583984377 + ], + [ + "Eifel", + -13.856049537658691 + ], + [ + "chando", + -13.856106758117676 + ], + [ + "\u2581compuestos", + -13.85611629486084 + ], + [ + "Escrita", + -13.85614013671875 + ], + [ + "\u2581apertamente", + -13.85617446899414 + ], + [ + "formations", + -13.856192588806152 + ], + [ + "\u2581V\u00e4ter", + -13.856192588806152 + ], + [ + "bode", + -13.85619831085205 + ], + [ + "\u2581thereafter", + -13.856204986572266 + ], + [ + "\u2581pesquisadores", + -13.856218338012695 + ], + [ + "pah", + -13.856226921081545 + ], + [ + "\u2581decorated", + -13.856311798095703 + ], + [ + "\u2581convoy", + -13.856406211853027 + ], + [ + "\u2581hinterlegt", + -13.85641384124756 + ], + [ + "\u2581Abschnitts", + -13.856441497802734 + ], + [ + "\u2581discre", + -13.856447219848633 + ], + [ + "stown", + -13.856460571289062 + ], + [ + "st\u00e4ndig", + -13.856480598449709 + ], + [ + "versterk", + -13.856499671936035 + ], + [ + "\u2581microscope", + -13.856532096862791 + ], + [ + "\u00e9ville", + -13.856544494628906 + ], + [ + "driehoek", + -13.856545448303224 + ], + [ + "passage", + -13.856561660766602 + ], + [ + "charAt", + -13.856572151184082 + ], + [ + "cim", + -13.856595993041992 + ], + [ + "relatie", + -13.856616020202637 + ], + [ + "\u2581Vakuum", + -13.856626510620115 + ], + [ + "\u2581p\u00e9riodique", + -13.856627464294434 + ], + [ + "\u2581Lieferanten", + -13.85663604736328 + ], + [ + "\u2581Wanderwege", + -13.856645584106444 + ], + [ + "Asilidae", + -13.85665225982666 + ], + [ + "\u2581cancro", + -13.856663703918455 + ], + [ + "iostream", + -13.856672286987305 + ], + [ + "\u2581Sarre", + -13.856689453125 + ], + [ + "Persistence", + -13.856767654418944 + ], + [ + "\u2581Cielo", + -13.85677433013916 + ], + [ + "\u2581Vend\u00e9e", + -13.856818199157717 + ], + [ + "\u2581eg\u00edpcios", + -13.856837272644045 + ], + [ + "\u2581secos", + -13.85684299468994 + ], + [ + "Einheit", + -13.856863021850586 + ], + [ + "\u2581Saussure", + -13.85688018798828 + ], + [ + "\u2581cosiddetti", + -13.85688018798828 + ], + [ + "\u2581marocain", + -13.856881141662598 + ], + [ + "\u2581ansiedad", + -13.85688304901123 + ], + [ + "\u2581Beatrix", + -13.856895446777344 + ], + [ + "\u2581desservi", + -13.856938362121582 + ], + [ + "\u2581assured", + -13.85694408416748 + ], + [ + "\u2581Acha", + -13.857013702392578 + ], + [ + "\u2581neighbourhood", + -13.857019424438477 + ], + [ + "quasi", + -13.857040405273438 + ], + [ + "landing", + -13.857074737548828 + ], + [ + "\u2581significava", + -13.857095718383787 + ], + [ + "\u2581Scandinavia", + -13.857097625732422 + ], + [ + "\u2581compassion", + -13.857118606567385 + ], + [ + "perspectief", + -13.857133865356444 + ], + [ + "\u2581warranty", + -13.857163429260254 + ], + [ + "SBT", + -13.857177734375 + ], + [ + "lding", + -13.857187271118164 + ], + [ + "firmaron", + -13.85719871520996 + ], + [ + "\u2581Hercules", + -13.857213020324709 + ], + [ + "\u2581Kahl", + -13.8572416305542 + ], + [ + "\u2581israelischen", + -13.857242584228516 + ], + [ + "\u2581behorende", + -13.85724925994873 + ], + [ + "Discografie", + -13.85726547241211 + ], + [ + "Enfant", + -13.857267379760742 + ], + [ + "\u2581Edific", + -13.857295989990234 + ], + [ + "\u2581conforman", + -13.857324600219728 + ], + [ + "\u2581befreien", + -13.8573579788208 + ], + [ + "\u2581aliada", + -13.85736083984375 + ], + [ + "speelster", + -13.85737419128418 + ], + [ + "\u2581rigorous", + -13.857425689697266 + ], + [ + "\u2581Aufbereitung", + -13.857439041137695 + ], + [ + "vdots", + -13.857455253601074 + ], + [ + "\u2581pesi", + -13.857463836669922 + ], + [ + "\u2581richiamo", + -13.857474327087402 + ], + [ + "GLE", + -13.8574800491333 + ], + [ + "\u2581rechtswidrige", + -13.85749626159668 + ], + [ + "\u2581ermittelte", + -13.857497215270996 + ], + [ + "\u2581m\u00e1rmol", + -13.857499122619627 + ], + [ + "\u2581Mosh", + -13.857551574707031 + ], + [ + "skins", + -13.857568740844728 + ], + [ + "\u2581Pog", + -13.857616424560549 + ], + [ + "Arca", + -13.857626914978027 + ], + [ + "\u2581eletti", + -13.857641220092772 + ], + [ + "\u2581H\u00e4fen", + -13.857683181762695 + ], + [ + "\u2581waargenomen", + -13.857685089111328 + ], + [ + "\u2581majoritairement", + -13.857691764831545 + ], + [ + "\u2581\u00fcberquert", + -13.857705116271973 + ], + [ + "\u2581bruj", + -13.857754707336426 + ], + [ + "\u2581h\u00e1bil", + -13.857765197753906 + ], + [ + "\u2581intendere", + -13.857769966125488 + ], + [ + "Proj", + -13.85779094696045 + ], + [ + "\u2581convaincre", + -13.857796669006348 + ], + [ + "\u2581Bruges", + -13.857800483703612 + ], + [ + "zeichnung", + -13.857808113098145 + ], + [ + "\u2581bicicletas", + -13.857826232910156 + ], + [ + "FontSize", + -13.857832908630373 + ], + [ + "\u2581paralelas", + -13.857888221740724 + ], + [ + "\u2581auxquelles", + -13.85789680480957 + ], + [ + "\u2581Execu", + -13.857952117919922 + ], + [ + "\u2581Verlegung", + -13.857986450195312 + ], + [ + "\u2581Rechtstr\u00e4ger", + -13.858003616333008 + ], + [ + "\u2581Lieferungen", + -13.858004570007324 + ], + [ + "\u2581Shinkansen", + -13.85803508758545 + ], + [ + "Torrent", + -13.858054161071776 + ], + [ + "\u2581desk", + -13.858083724975586 + ], + [ + "divider", + -13.858084678649902 + ], + [ + "thur", + -13.858124732971191 + ], + [ + "\u2581novels", + -13.858128547668455 + ], + [ + "partijen", + -13.858139038085938 + ], + [ + "\u2581concr", + -13.858139991760254 + ], + [ + "\u2581Filosofal", + -13.858145713806152 + ], + [ + "\u2581voorbereid", + -13.858160018920898 + ], + [ + "\u00e9d\u00e9", + -13.858160972595217 + ], + [ + "\u2581Psychiatry", + -13.858172416687012 + ], + [ + "absorption", + -13.85820198059082 + ], + [ + "tamine", + -13.858202934265137 + ], + [ + "\u2581significativi", + -13.858237266540527 + ], + [ + "Adressen", + -13.858264923095703 + ], + [ + "\u2581mantienen", + -13.85827922821045 + ], + [ + "troepen", + -13.858283042907717 + ], + [ + "\u2581Kama", + -13.85831069946289 + ], + [ + "\u2581comprova", + -13.858345985412598 + ], + [ + "Bud", + -13.858378410339355 + ], + [ + "ABSCHNITT", + -13.8583984375 + ], + [ + "\u2581uiteraard", + -13.858399391174316 + ], + [ + "ffneten", + -13.858410835266112 + ], + [ + "\u2581amministrative", + -13.858413696289062 + ], + [ + "\u2581Coelho", + -13.858427047729492 + ], + [ + "vuur", + -13.858428001403809 + ], + [ + "\u2581sostener", + -13.858445167541504 + ], + [ + "\u2581dirig\u00eda", + -13.858454704284668 + ], + [ + "\u2581Oliva", + -13.858494758605955 + ], + [ + "\u2581promocional", + -13.858506202697754 + ], + [ + "\u2581adelant", + -13.85852336883545 + ], + [ + "\u2581fixada", + -13.85853385925293 + ], + [ + "boote", + -13.858546257019045 + ], + [ + "Temporada", + -13.858552932739258 + ], + [ + "\u2581benannten", + -13.858567237854004 + ], + [ + "\u2581ferroviari", + -13.85860538482666 + ], + [ + "\u2581Laurel", + -13.858625411987305 + ], + [ + "sprech", + -13.85862922668457 + ], + [ + "axia", + -13.858635902404783 + ], + [ + "mille", + -13.858637809753418 + ], + [ + "\u2581travels", + -13.858650207519531 + ], + [ + "deutlich", + -13.858678817749023 + ], + [ + "\u2581Nachlass", + -13.85867977142334 + ], + [ + "\u2581interacci\u00f3n", + -13.858682632446287 + ], + [ + "\u2581desconhecida", + -13.858719825744627 + ], + [ + "\u2581Crowley", + -13.858723640441896 + ], + [ + "\u2581regni", + -13.85872745513916 + ], + [ + "gewachsen", + -13.858752250671388 + ], + [ + "\u2581discogr\u00e1fico", + -13.858760833740234 + ], + [ + "\u00e4ll", + -13.85884952545166 + ], + [ + "ualification", + -13.85887050628662 + ], + [ + "minato", + -13.85889720916748 + ], + [ + "ServiceAccount", + -13.858922004699709 + ], + [ + "Essen", + -13.85896110534668 + ], + [ + "freetype", + -13.85898208618164 + ], + [ + "\u2581vertice", + -13.858988761901855 + ], + [ + "CCL", + -13.859003067016602 + ], + [ + "\u2581Bouche", + -13.85904026031494 + ], + [ + "Artist", + -13.859046936035156 + ], + [ + "\u2581Kontinent", + -13.859058380126951 + ], + [ + "Weiter", + -13.859076499938965 + ], + [ + "\u2581disques", + -13.859081268310549 + ], + [ + "Gain", + -13.859113693237305 + ], + [ + "\u2581raakten", + -13.859113693237305 + ], + [ + "\u2581Pavlov", + -13.859119415283203 + ], + [ + "Dest", + -13.859142303466797 + ], + [ + "k\u00fcl", + -13.859142303466797 + ], + [ + "\u2581irgendwelche", + -13.859160423278809 + ], + [ + "\u2581Gual", + -13.85916519165039 + ], + [ + "\u2581portefeuille", + -13.859169006347656 + ], + [ + "\u2581rimaste", + -13.859177589416504 + ], + [ + "marked", + -13.859223365783691 + ], + [ + "fibrill", + -13.859230041503906 + ], + [ + "\u2581gewoonlijk", + -13.859230041503906 + ], + [ + "tragenden", + -13.859237670898438 + ], + [ + "\u2581Chartres", + -13.859307289123535 + ], + [ + "cologie", + -13.859330177307127 + ], + [ + "lta", + -13.859333992004396 + ], + [ + "\u2581Tch\u00e9", + -13.859345436096191 + ], + [ + "\u2581aproximada", + -13.85937786102295 + ], + [ + "oppose", + -13.859405517578123 + ], + [ + "pple", + -13.859436988830566 + ], + [ + "\u2581getuigen", + -13.85944652557373 + ], + [ + "orba", + -13.859451293945312 + ], + [ + "abandonner", + -13.859457015991213 + ], + [ + "\u2581erarbeiten", + -13.859481811523438 + ], + [ + "PDE", + -13.859493255615234 + ], + [ + "\u2581Kreisen", + -13.859524726867676 + ], + [ + "\u2581fresche", + -13.859524726867676 + ], + [ + "imiter", + -13.859597206115724 + ], + [ + "\u2581remplac\u00e9e", + -13.85962963104248 + ], + [ + "\u2581substituting", + -13.859639167785645 + ], + [ + "\u2581Milne", + -13.8596773147583 + ], + [ + "\u2581combin\u00e9", + -13.85973072052002 + ], + [ + "\u2581bills", + -13.859753608703612 + ], + [ + "\u2581gescheitert", + -13.85976505279541 + ], + [ + "\u2581Khmer", + -13.859790802001951 + ], + [ + "\u2581assassin\u00e9", + -13.859796524047852 + ], + [ + "\u2581bedeutendsten", + -13.859796524047852 + ], + [ + "\u2581pr\u00e9server", + -13.859798431396484 + ], + [ + "Andere", + -13.859827041625977 + ], + [ + "\u2581amantes", + -13.859827995300291 + ], + [ + "\u2581anf\u00e4nglich", + -13.859856605529783 + ], + [ + "\u2581ragionevole", + -13.859891891479492 + ], + [ + "\u2581Dasein", + -13.859911918640137 + ], + [ + "\u2581Balan", + -13.85991668701172 + ], + [ + "keyframes", + -13.859926223754885 + ], + [ + "\u2581Galactic", + -13.859935760498049 + ], + [ + "arqu\u00eda", + -13.859947204589844 + ], + [ + "gebouwen", + -13.859949111938477 + ], + [ + "Am\u00e9ricain", + -13.859978675842283 + ], + [ + "interrogation", + -13.86000633239746 + ], + [ + "\u2581neutra", + -13.860041618347168 + ], + [ + "\u2581v\u00e1lvulas", + -13.860106468200684 + ], + [ + "HEA", + -13.860118865966797 + ], + [ + "\u2581Klaas", + -13.860149383544922 + ], + [ + "Servi", + -13.860150337219238 + ], + [ + "beobacht", + -13.860152244567873 + ], + [ + "\u2581fungi", + -13.860166549682615 + ], + [ + "bereiten", + -13.860177040100098 + ], + [ + "\u2581svolse", + -13.86018180847168 + ], + [ + "\u2581brique", + -13.86020278930664 + ], + [ + "\u2581baute", + -13.86021900177002 + ], + [ + "cheln", + -13.860222816467283 + ], + [ + "\u2581coprire", + -13.860268592834473 + ], + [ + "\u2581amont", + -13.860369682312012 + ], + [ + "kohle", + -13.860389709472656 + ], + [ + "\u2581permettendo", + -13.860422134399414 + ], + [ + "\u2581tonnellate", + -13.860426902770996 + ], + [ + "\u2581Kreises", + -13.86047649383545 + ], + [ + "\u2581realizz", + -13.860481262207031 + ], + [ + "toerisme", + -13.860581398010254 + ], + [ + "\u2581atuando", + -13.860621452331545 + ], + [ + "\u2581entrano", + -13.860621452331545 + ], + [ + "\u2581aufgebracht", + -13.860640525817873 + ], + [ + "\u2581Nike", + -13.860651016235352 + ], + [ + "kek", + -13.860671043395996 + ], + [ + "\u2581iniciales", + -13.860682487487791 + ], + [ + "\u2581nungs", + -13.86068344116211 + ], + [ + "\u2581indiquant", + -13.860684394836426 + ], + [ + "wielrennen", + -13.86068630218506 + ], + [ + "\u2581sorelle", + -13.860733032226562 + ], + [ + "\u2581centenar", + -13.860745429992676 + ], + [ + "\u2581convogli", + -13.86075496673584 + ], + [ + "associe", + -13.860815048217772 + ], + [ + "\u2581mutually", + -13.86084270477295 + ], + [ + "\u2581claridad", + -13.860854148864746 + ], + [ + "genomen", + -13.860878944396973 + ], + [ + "\u2581Egyptische", + -13.860891342163086 + ], + [ + "Handling", + -13.860892295837402 + ], + [ + "\u2581domingos", + -13.860894203186035 + ], + [ + "\u2581gecombineerd", + -13.86093521118164 + ], + [ + "inlinable", + -13.86093807220459 + ], + [ + "\u2581pellicola", + -13.860954284667969 + ], + [ + "\u2581farming", + -13.860957145690918 + ], + [ + "\u2581Constan", + -13.860967636108398 + ], + [ + "\u2581dread", + -13.86101531982422 + ], + [ + "userName", + -13.861019134521484 + ], + [ + "\u2581Anyway", + -13.86102294921875 + ], + [ + "zzle", + -13.861038208007812 + ], + [ + "\u2581Rescue", + -13.86108112335205 + ], + [ + "\u2581pogingen", + -13.861085891723633 + ], + [ + "Punti", + -13.861117362976074 + ], + [ + "\u2581Jacopo", + -13.861119270324709 + ], + [ + "\u2581paterna", + -13.861122131347656 + ], + [ + "\u2581Floris", + -13.861133575439451 + ], + [ + "\u2581entschlossen", + -13.86115264892578 + ], + [ + "otho", + -13.861169815063477 + ], + [ + "\u2581Beauftragten", + -13.861188888549805 + ], + [ + "yam", + -13.861265182495115 + ], + [ + "bekken", + -13.861268997192385 + ], + [ + "\u2581Bren", + -13.861268997192385 + ], + [ + "Wein", + -13.861286163330078 + ], + [ + "\u2581graduale", + -13.861313819885254 + ], + [ + "\u2581Gavin", + -13.861333847045898 + ], + [ + "conclusiv", + -13.86134147644043 + ], + [ + "\u2581d\u00e9truite", + -13.861353874206545 + ], + [ + "cheurs", + -13.861363410949709 + ], + [ + "\u2581parametri", + -13.861364364624023 + ], + [ + "\u2581angebaut", + -13.861384391784668 + ], + [ + "\u2581acuerdos", + -13.861401557922363 + ], + [ + "\u2581br\u00e9silien", + -13.861404418945312 + ], + [ + "\u2581subtra", + -13.861416816711426 + ], + [ + "octobre", + -13.861451148986816 + ], + [ + "\u2581apropriada", + -13.861479759216309 + ], + [ + "\u2581criminale", + -13.861492156982422 + ], + [ + "\u2581Revel", + -13.861507415771484 + ], + [ + "Wow", + -13.861543655395508 + ], + [ + "newpage", + -13.861567497253418 + ], + [ + "\u2581heurt", + -13.86159610748291 + ], + [ + "\u2581piana", + -13.861618995666504 + ], + [ + "\u2581excurs", + -13.861634254455566 + ], + [ + "\u2581superado", + -13.861679077148438 + ], + [ + "\u2581Trattato", + -13.861688613891602 + ], + [ + "\u00e1rea", + -13.861690521240234 + ], + [ + "Solver", + -13.86169147491455 + ], + [ + "\u2581executou", + -13.861702919006348 + ], + [ + "\u2581r\u00e9v\u00e9la", + -13.861705780029297 + ], + [ + "\u2581avanzado", + -13.861706733703612 + ], + [ + "\u2581summarized", + -13.86173152923584 + ], + [ + "\u2581Baia", + -13.86174488067627 + ], + [ + "\u2581integrieren", + -13.86174488067627 + ], + [ + "\u2581favorevoli", + -13.86174774169922 + ], + [ + "\u2581aesthetic", + -13.861762046813965 + ], + [ + "\u2581fisio", + -13.861794471740724 + ], + [ + "zani", + -13.861804962158203 + ], + [ + "\u2581freno", + -13.861839294433594 + ], + [ + "\u2581mentionne", + -13.861860275268556 + ], + [ + "ern\u00e4hrung", + -13.861878395080566 + ], + [ + "\u2581gedachten", + -13.861896514892578 + ], + [ + "\u2581Navarre", + -13.86191177368164 + ], + [ + "RDF", + -13.86191749572754 + ], + [ + "CLEAR", + -13.86192798614502 + ], + [ + "\u2581Baustein", + -13.861945152282717 + ], + [ + "Auguste", + -13.861953735351562 + ], + [ + "\u2581D\u00ed", + -13.861968994140623 + ], + [ + "\u2581Mittelstand", + -13.862020492553713 + ], + [ + "\u2581Permanente", + -13.86203670501709 + ], + [ + "gleichheit", + -13.862042427062988 + ], + [ + "azul", + -13.862059593200684 + ], + [ + "\u2581rotational", + -13.862062454223633 + ], + [ + "rooms", + -13.862071990966797 + ], + [ + "\u2581lowered", + -13.862080574035645 + ], + [ + "atina", + -13.86210823059082 + ], + [ + "\u2581Loud", + -13.86213493347168 + ], + [ + "\u2581d\u00e9marre", + -13.862154006958008 + ], + [ + "\u2581irgendwann", + -13.86216640472412 + ], + [ + "\u2581slaves", + -13.862208366394045 + ], + [ + "tr\u00e4chtig", + -13.862211227416992 + ], + [ + "\u2581caldi", + -13.862211227416992 + ], + [ + "\u2581winners", + -13.862211227416992 + ], + [ + "\u2581Dune", + -13.862220764160156 + ], + [ + "\u2581Estad\u00edstica", + -13.862224578857422 + ], + [ + "\u2581ocurrir", + -13.862239837646484 + ], + [ + "\u2581luminosa", + -13.862244606018066 + ], + [ + "chancen", + -13.862256050109863 + ], + [ + "BMF", + -13.862287521362305 + ], + [ + "\u2581passait", + -13.862289428710938 + ], + [ + "\u2581Diversi", + -13.86229419708252 + ], + [ + "\u2581elegidos", + -13.862374305725098 + ], + [ + "\u2581Takes", + -13.862390518188477 + ], + [ + "\u2581Bega", + -13.862391471862791 + ], + [ + "\u2581lutter", + -13.862406730651855 + ], + [ + "\u2581tonalidad", + -13.862406730651855 + ], + [ + "\u2581albo", + -13.862407684326172 + ], + [ + "\u2581candle", + -13.862408638000488 + ], + [ + "\u2581gravit\u00e9", + -13.862446784973145 + ], + [ + "\u2581sac\u00f3", + -13.86244773864746 + ], + [ + "ubri", + -13.86245346069336 + ], + [ + "\u2581precious", + -13.862473487854004 + ], + [ + "\u2581serpiente", + -13.862482070922852 + ], + [ + "\u2581Gavi", + -13.862548828125 + ], + [ + "UIET", + -13.862622261047363 + ], + [ + "\u2581Sidd", + -13.86262321472168 + ], + [ + "\u2581ordenar", + -13.862637519836426 + ], + [ + "\u2581secondaria", + -13.862700462341309 + ], + [ + "\u2581inova", + -13.86275863647461 + ], + [ + "mantis", + -13.862787246704102 + ], + [ + "worksheet", + -13.862794876098633 + ], + [ + "\u2581chers", + -13.86281681060791 + ], + [ + "\u2581fibers", + -13.862838745117188 + ], + [ + "cionou", + -13.86284065246582 + ], + [ + "\u2581V\u00eda", + -13.862869262695312 + ], + [ + "\u2581optischen", + -13.862869262695312 + ], + [ + "\u2581cascata", + -13.862930297851562 + ], + [ + "elson", + -13.862944602966309 + ], + [ + "\u2581spp", + -13.862950325012209 + ], + [ + "\u2581Karkaroff", + -13.862969398498535 + ], + [ + "pile", + -13.8629789352417 + ], + [ + "gr\u00e4ber", + -13.862981796264648 + ], + [ + "\u2581gedenkt", + -13.862995147705078 + ], + [ + "\u2581Flynn", + -13.863012313842772 + ], + [ + "\u2581Sik", + -13.863022804260254 + ], + [ + "\u2581atterra", + -13.863036155700684 + ], + [ + "\u2581germina", + -13.863043785095217 + ], + [ + "\u2581riconosc", + -13.863075256347656 + ], + [ + "\u2581Feststoff", + -13.863104820251465 + ], + [ + "\u2581Ettore", + -13.863107681274414 + ], + [ + "privacy", + -13.863152503967283 + ], + [ + "NCR", + -13.863154411315918 + ], + [ + "\u2581Sar\u00e0", + -13.86318016052246 + ], + [ + "\u2581funktionieren", + -13.86319637298584 + ], + [ + "intento", + -13.863205909729004 + ], + [ + "\u2581delitto", + -13.863208770751951 + ], + [ + "\u2581Matu", + -13.86322021484375 + ], + [ + "vius", + -13.863221168518066 + ], + [ + "\u2581hoeveel", + -13.863225936889648 + ], + [ + "\u2581conformidad", + -13.86324977874756 + ], + [ + "\u2581Koppel", + -13.863261222839355 + ], + [ + "\u2581cerchio", + -13.863279342651367 + ], + [ + "\u2581Into", + -13.863293647766112 + ], + [ + "\u2581intitul\u00e9e", + -13.863354682922363 + ], + [ + "\u2581Limousin", + -13.86338233947754 + ], + [ + "\u2581Darren", + -13.86341953277588 + ], + [ + "\u2581Schuhe", + -13.863448143005373 + ], + [ + "\u2581cercanos", + -13.86347198486328 + ], + [ + "\u2581Battalion", + -13.86347770690918 + ], + [ + "geliefert", + -13.86350154876709 + ], + [ + "blockquote", + -13.863534927368164 + ], + [ + "\u2581magistral", + -13.863569259643556 + ], + [ + "\u2581vendeur", + -13.863576889038086 + ], + [ + "modi", + -13.863609313964844 + ], + [ + "\u2581asleep", + -13.86363410949707 + ], + [ + "\u2581UIImageView", + -13.863648414611816 + ], + [ + "asien", + -13.863703727722168 + ], + [ + "DERIVED", + -13.863733291625977 + ], + [ + "Gram", + -13.863818168640137 + ], + [ + "\u2581Ferenc", + -13.863840103149414 + ], + [ + "\u2581asociados", + -13.863980293273926 + ], + [ + "herdenking", + -13.863987922668455 + ], + [ + "tissima", + -13.863988876342772 + ], + [ + "\u2581Dov", + -13.864006996154783 + ], + [ + "\u2581ailes", + -13.864013671875 + ], + [ + "\u2581rationale", + -13.864072799682615 + ], + [ + "Beat", + -13.864100456237791 + ], + [ + "\u2581Meester", + -13.86410427093506 + ], + [ + "\u2581Amerikanen", + -13.864130020141602 + ], + [ + "\u2581nannten", + -13.864134788513184 + ], + [ + "\u2581Seelen", + -13.864176750183104 + ], + [ + "\u2581resiste", + -13.864177703857422 + ], + [ + "\u2581Accordingly", + -13.864214897155762 + ], + [ + "ETC", + -13.864219665527344 + ], + [ + "Outputs", + -13.864228248596191 + ], + [ + "\u2581promouvoir", + -13.864242553710938 + ], + [ + "\u2581Chill", + -13.864253997802734 + ], + [ + "nrm", + -13.864258766174316 + ], + [ + "digi", + -13.864270210266112 + ], + [ + "Geom", + -13.864282608032228 + ], + [ + "ADN", + -13.864285469055176 + ], + [ + "sbescheinigung", + -13.864285469055176 + ], + [ + "uletzt", + -13.864288330078123 + ], + [ + "\u2581Peggy", + -13.864293098449709 + ], + [ + "\u2581Tumb", + -13.864334106445312 + ], + [ + "leuchtet", + -13.864392280578612 + ], + [ + "\u2581ampi", + -13.864459037780762 + ], + [ + "\u2581Planeta", + -13.864473342895508 + ], + [ + "stlicher", + -13.864494323730469 + ], + [ + "\u2581flamand", + -13.864503860473633 + ], + [ + "\u2581Companies", + -13.864505767822266 + ], + [ + "\u2581portavoce", + -13.864516258239746 + ], + [ + "\u2581Rostov", + -13.864517211914062 + ], + [ + "\u2581Typically", + -13.86451816558838 + ], + [ + "Kru", + -13.864527702331545 + ], + [ + "\u2581Cav", + -13.864538192749023 + ], + [ + "\u2581Biochem", + -13.864596366882324 + ], + [ + "\u2581receberam", + -13.86464023590088 + ], + [ + "\u2581reati", + -13.864654541015623 + ], + [ + "gebucht", + -13.864662170410156 + ], + [ + "\u2581Sark", + -13.864713668823242 + ], + [ + "arella", + -13.864792823791504 + ], + [ + "\u2581surveys", + -13.864803314208984 + ], + [ + "\u2581dobles", + -13.864805221557615 + ], + [ + "plastic", + -13.864823341369627 + ], + [ + "\u2581Nichols", + -13.864823341369627 + ], + [ + "erfall", + -13.864827156066896 + ], + [ + "\u2581iterative", + -13.864830017089844 + ], + [ + "tschechischen", + -13.864873886108398 + ], + [ + "Ubuntu", + -13.864897727966309 + ], + [ + "geant", + -13.864914894104004 + ], + [ + "hashes", + -13.864945411682127 + ], + [ + "\u2581arrang", + -13.864949226379396 + ], + [ + "POT", + -13.864983558654783 + ], + [ + "svorschlag", + -13.86501407623291 + ], + [ + "\u2581roofvliegen", + -13.865018844604492 + ], + [ + "verwaltungen", + -13.865035057067873 + ], + [ + "\u2581aDecoder", + -13.86505126953125 + ], + [ + "\u2581implicitly", + -13.86508083343506 + ], + [ + "\u2581Schwein", + -13.865104675292969 + ], + [ + "ganz", + -13.86513900756836 + ], + [ + "POLIC", + -13.865147590637209 + ], + [ + "\u2581tacit", + -13.865191459655762 + ], + [ + "\u2581merc", + -13.865217208862305 + ], + [ + "\u2581Tcha", + -13.865242004394531 + ], + [ + "\u2581grasa", + -13.865242004394531 + ], + [ + "\u2581Eingriffs", + -13.865254402160645 + ], + [ + "\u2581Chicken", + -13.865275382995604 + ], + [ + "posait", + -13.865306854248049 + ], + [ + "\u2581Definitionen", + -13.865336418151855 + ], + [ + "Flat", + -13.865364074707031 + ], + [ + "Intercontinental", + -13.8654146194458 + ], + [ + "\u2581gradua", + -13.865461349487305 + ], + [ + "ueda", + -13.865497589111328 + ], + [ + "\u2581follia", + -13.865554809570312 + ], + [ + "analyser", + -13.86558723449707 + ], + [ + "\u2581Wich", + -13.865589141845703 + ], + [ + "\u2581concepci\u00f3n", + -13.86559009552002 + ], + [ + "rieb", + -13.865604400634766 + ], + [ + "Volumes", + -13.865703582763672 + ], + [ + "srichtlinie", + -13.865708351135254 + ], + [ + "\u2581}.....", + -13.865715980529783 + ], + [ + "\u2581reinforcement", + -13.865716934204102 + ], + [ + "\u2581trademark", + -13.865782737731934 + ], + [ + "\u2581entworfen", + -13.865787506103516 + ], + [ + "\u2581anglican", + -13.86579132080078 + ], + [ + "\u2581township", + -13.865836143493652 + ], + [ + "\u2581Inkrafttretens", + -13.865883827209473 + ], + [ + "\u00e4ndern", + -13.865926742553713 + ], + [ + "reserved", + -13.86595058441162 + ], + [ + "\u2581Fernverkehr", + -13.865960121154783 + ], + [ + "Entities", + -13.865989685058594 + ], + [ + "\u2581Thematik", + -13.865989685058594 + ], + [ + "rome", + -13.866003036499023 + ], + [ + "Western", + -13.866009712219238 + ], + [ + "ghetti", + -13.866018295288086 + ], + [ + "\u2581Doria", + -13.86602783203125 + ], + [ + "\u2581Antriebs", + -13.86605453491211 + ], + [ + "\u2581eingeschlossen", + -13.866106033325195 + ], + [ + "patro", + -13.866117477416992 + ], + [ + "formulier", + -13.866132736206056 + ], + [ + "\u00e9rica", + -13.866135597229004 + ], + [ + "\u2581conclusie", + -13.866162300109863 + ], + [ + "\u2581starben", + -13.866183280944824 + ], + [ + "\u2581maltrat", + -13.866195678710938 + ], + [ + "emporte", + -13.866239547729492 + ], + [ + "Books", + -13.866259574890137 + ], + [ + "\u2581Slavi", + -13.866280555725098 + ], + [ + "\u2581demostr\u00f3", + -13.866283416748049 + ], + [ + "\u2581Italiens", + -13.866289138793944 + ], + [ + "extraction", + -13.866313934326172 + ], + [ + "\u2581segn", + -13.866326332092283 + ], + [ + "\u2581Southeast", + -13.86639404296875 + ], + [ + "tempera", + -13.86642360687256 + ], + [ + "\u2581passeggiate", + -13.866451263427734 + ], + [ + "\u2581Nestor", + -13.866475105285645 + ], + [ + "Turk", + -13.866527557373049 + ], + [ + "\u2581orgulho", + -13.866531372070312 + ], + [ + "\u2581voegde", + -13.86653995513916 + ], + [ + "\u2581ficava", + -13.866549491882324 + ], + [ + "\u2581envolver", + -13.866562843322754 + ], + [ + "\u2581erinnerte", + -13.866565704345703 + ], + [ + "\u2581Sandwich", + -13.866575241088867 + ], + [ + "sieht", + -13.866613388061523 + ], + [ + "\u2581Pr\u00fcfer", + -13.866629600524902 + ], + [ + "\u2581Busto", + -13.8666410446167 + ], + [ + "\u2581Stir", + -13.866716384887695 + ], + [ + "gurt", + -13.866724014282228 + ], + [ + "\u2581vulcani", + -13.866724014282228 + ], + [ + "\u2581Urteile", + -13.866779327392578 + ], + [ + "ddffdd", + -13.866793632507324 + ], + [ + "getAll", + -13.866856575012209 + ], + [ + "\u2581Konkret", + -13.86687183380127 + ], + [ + "\u2581rubat", + -13.866884231567385 + ], + [ + "\u2581pendici", + -13.866888999938965 + ], + [ + "vamos", + -13.866890907287598 + ], + [ + "vorrichtung", + -13.866894721984863 + ], + [ + "alma", + -13.867045402526855 + ], + [ + "\u2581simpatia", + -13.867048263549805 + ], + [ + "ophon", + -13.867083549499512 + ], + [ + "EIS", + -13.867165565490724 + ], + [ + "\u2581proporci\u00f3n", + -13.867197036743164 + ], + [ + "\u2581Glyc", + -13.867237091064451 + ], + [ + "\u2581Vira", + -13.867259979248049 + ], + [ + "\u00e4f", + -13.867263793945312 + ], + [ + "\u2581Gens", + -13.867265701293944 + ], + [ + "mobilisation", + -13.867334365844728 + ], + [ + "\u2581rege", + -13.867374420166016 + ], + [ + "\u2581\u00fcbermittelten", + -13.867379188537598 + ], + [ + "\u2581anteilig", + -13.867424011230469 + ], + [ + "\u2581Hawks", + -13.867430686950684 + ], + [ + "\u2581permane", + -13.867444038391112 + ], + [ + "\u2581inteiramente", + -13.867456436157228 + ], + [ + "\u2581Kova", + -13.867462158203123 + ], + [ + "\u2581Nachhaltigkeits", + -13.8674898147583 + ], + [ + "\u2581erkende", + -13.867490768432615 + ], + [ + "vive", + -13.867506980895996 + ], + [ + "\u2581Nordamerika", + -13.867514610290527 + ], + [ + "\u2581analoge", + -13.867536544799805 + ], + [ + "\u2581Ginevra", + -13.867560386657717 + ], + [ + "\u2581eres", + -13.867563247680664 + ], + [ + "BRT", + -13.86756420135498 + ], + [ + "\u2581ciclabile", + -13.86756706237793 + ], + [ + "Kerk", + -13.867588996887209 + ], + [ + "\u2581Furcht", + -13.867618560791016 + ], + [ + "LON", + -13.867648124694824 + ], + [ + "\u2581Karol", + -13.867655754089355 + ], + [ + "\u2581gradients", + -13.867664337158203 + ], + [ + "gnostische", + -13.867677688598633 + ], + [ + "Aude", + -13.86769676208496 + ], + [ + "\u2581Steuerpflichtig", + -13.867709159851074 + ], + [ + "\u2581Determina", + -13.86771011352539 + ], + [ + "\u2581luxury", + -13.867748260498049 + ], + [ + "sterren", + -13.867754936218262 + ], + [ + "\u2581Titanic", + -13.867757797241213 + ], + [ + "Spektrum", + -13.867772102355955 + ], + [ + "hygi", + -13.867779731750488 + ], + [ + "\u2581anderzijds", + -13.867815971374512 + ], + [ + "\u2581b\u00f3veda", + -13.867815971374512 + ], + [ + "\u2581thirteen", + -13.867820739746094 + ], + [ + "\u2581trajectoire", + -13.867825508117676 + ], + [ + "honderd", + -13.867841720581056 + ], + [ + "\u2581suspects", + -13.867865562438965 + ], + [ + "Cover", + -13.867897033691406 + ], + [ + "\u2581Heyd", + -13.867901802062988 + ], + [ + "January", + -13.867912292480469 + ], + [ + "October", + -13.867921829223633 + ], + [ + "\u2581sp\u00fcrte", + -13.867963790893556 + ], + [ + "\u2581Mestres", + -13.867980003356934 + ], + [ + "\u2581Narr", + -13.867984771728516 + ], + [ + "\u2581nubi", + -13.867985725402832 + ], + [ + "StV", + -13.868005752563477 + ], + [ + "rechnen", + -13.868005752563477 + ], + [ + "pgsql", + -13.868011474609377 + ], + [ + "aans", + -13.86801815032959 + ], + [ + "anspruchs", + -13.86802577972412 + ], + [ + "kl\u00e4rt", + -13.868034362792969 + ], + [ + "cinque", + -13.868053436279297 + ], + [ + "eigenschaft", + -13.86805820465088 + ], + [ + "bewohner", + -13.868070602416992 + ], + [ + "\u2581Deborah", + -13.86807346343994 + ], + [ + "Ribeir", + -13.86809253692627 + ], + [ + "\u2581Morde", + -13.86810302734375 + ], + [ + "tachy", + -13.868125915527344 + ], + [ + "thrin", + -13.86814022064209 + ], + [ + "\u2581temperamento", + -13.868148803710938 + ], + [ + "\u2581daalde", + -13.868165016174316 + ], + [ + "accuracy", + -13.868189811706545 + ], + [ + "ntie", + -13.868231773376465 + ], + [ + "\u2581Byrne", + -13.868231773376465 + ], + [ + "\u2581sterile", + -13.86823844909668 + ], + [ + "Existing", + -13.868292808532717 + ], + [ + "\u2581Gulden", + -13.86829662322998 + ], + [ + "openconfig", + -13.868311882019045 + ], + [ + "\u2581pratiquer", + -13.868318557739258 + ], + [ + "Capability", + -13.868324279785156 + ], + [ + "chair", + -13.868324279785156 + ], + [ + "\u2581teurer", + -13.868327140808104 + ], + [ + "W\u00e4rme", + -13.868329048156738 + ], + [ + "\u2581d\u00e9bouch", + -13.86833667755127 + ], + [ + "\u2581colours", + -13.868377685546877 + ], + [ + "ensing", + -13.86838150024414 + ], + [ + "\u2581seither", + -13.86838436126709 + ], + [ + "otherm", + -13.86839485168457 + ], + [ + "\u2581rendit", + -13.868470191955566 + ], + [ + "\u2581ondersoorten", + -13.868474960327148 + ], + [ + "\u2581Comunicaci\u00f3n", + -13.868499755859377 + ], + [ + "GAS", + -13.868575096130373 + ], + [ + "\u2581cumpl", + -13.868576049804688 + ], + [ + "versuchen", + -13.86858367919922 + ], + [ + "\u2581vernieuwd", + -13.868593215942385 + ], + [ + "\u2581refuser", + -13.868599891662598 + ], + [ + "Transformation", + -13.868600845336914 + ], + [ + "\u2581caballeros", + -13.868603706359863 + ], + [ + "\u2581prudente", + -13.868618965148926 + ], + [ + "\u2581Nori", + -13.86862850189209 + ], + [ + "\u2581drammatici", + -13.868629455566406 + ], + [ + "\u2581Schmied", + -13.868633270263672 + ], + [ + "\u2581McDo", + -13.86863899230957 + ], + [ + "\u2581salari\u00e9", + -13.868680000305176 + ], + [ + "\u2581brucia", + -13.86870288848877 + ], + [ + "\u2581diarios", + -13.868721961975098 + ], + [ + "qlite", + -13.868748664855955 + ], + [ + "atamente", + -13.868760108947754 + ], + [ + "Succ", + -13.868769645690918 + ], + [ + "ogu", + -13.868809700012209 + ], + [ + "autel", + -13.86882781982422 + ], + [ + "Magic", + -13.868833541870115 + ], + [ + "Closer", + -13.868861198425291 + ], + [ + "\u2581Sabrina", + -13.868864059448242 + ], + [ + "\u2581cardiaque", + -13.868892669677734 + ], + [ + "\u2581esercizi", + -13.868894577026367 + ], + [ + "yad", + -13.86889934539795 + ], + [ + "\u2581errichteten", + -13.86891269683838 + ], + [ + "DFB", + -13.868913650512695 + ], + [ + "\u2581sottolineare", + -13.86891746520996 + ], + [ + "\u2581potable", + -13.86893367767334 + ], + [ + "querySelector", + -13.868947982788086 + ], + [ + "shou", + -13.868963241577148 + ], + [ + "\u2581perseguido", + -13.868974685668944 + ], + [ + "\u2581duren", + -13.86898136138916 + ], + [ + "\u2581Gabon", + -13.86900806427002 + ], + [ + "\u2581bin\u00e1ria", + -13.869023323059082 + ], + [ + "parametrize", + -13.869043350219728 + ], + [ + "\u2581fechar", + -13.86908721923828 + ], + [ + "\u2581minorit\u00e9", + -13.869093894958496 + ], + [ + "kategorie", + -13.869128227233888 + ], + [ + "\u2581ceduto", + -13.869135856628418 + ], + [ + "\u2581Grundschule", + -13.869139671325684 + ], + [ + "\u2581Repr\u00e4sentation", + -13.869144439697266 + ], + [ + "titude", + -13.869160652160645 + ], + [ + "\u2581seventh", + -13.86916160583496 + ], + [ + "inconscio", + -13.86917495727539 + ], + [ + "\u2581bestehe", + -13.86917781829834 + ], + [ + "faction", + -13.869230270385742 + ], + [ + "\u2581Heraus", + -13.86923122406006 + ], + [ + "WAN", + -13.869248390197754 + ], + [ + "Mill", + -13.869281768798828 + ], + [ + "beker", + -13.86929702758789 + ], + [ + "\u2581climbing", + -13.869300842285156 + ], + [ + "\u2581actress", + -13.869318008422852 + ], + [ + "\u2581convergent", + -13.869318008422852 + ], + [ + "ethni", + -13.869322776794434 + ], + [ + "apena", + -13.86935043334961 + ], + [ + "\u2581Rechtsbehelf", + -13.869351387023926 + ], + [ + "esperimento", + -13.869367599487305 + ], + [ + "\u2581beg", + -13.869378089904783 + ], + [ + "signals", + -13.869382858276367 + ], + [ + "\u2581Prae", + -13.869401931762695 + ], + [ + "l\u00e4ngen", + -13.869404792785645 + ], + [ + "jian", + -13.86942195892334 + ], + [ + "\u2581removido", + -13.869429588317873 + ], + [ + "f\u00fchrungen", + -13.869487762451172 + ], + [ + "olive", + -13.869489669799805 + ], + [ + "\u2581L\u00fccke", + -13.869498252868652 + ], + [ + "\u2581bewohnt", + -13.869519233703612 + ], + [ + "\u2581durchgef\u00fchrte", + -13.869524955749512 + ], + [ + "\u2581polon", + -13.86955451965332 + ], + [ + "\u2581bediend", + -13.869569778442385 + ], + [ + "staates", + -13.869584083557127 + ], + [ + "grandi", + -13.869599342346191 + ], + [ + "\u2581juridiction", + -13.869606971740724 + ], + [ + "\u2581Lichte", + -13.869662284851074 + ], + [ + "Aufgabenstellung", + -13.86967658996582 + ], + [ + "attitude", + -13.86973762512207 + ], + [ + "\u2581Miracle", + -13.86977195739746 + ], + [ + "pel\u00edcula", + -13.869783401489258 + ], + [ + "z\u00fcgige", + -13.869815826416016 + ], + [ + "\u2581zijden", + -13.86982536315918 + ], + [ + "\u2581elegans", + -13.869833946228027 + ], + [ + "\u2581seleccionada", + -13.869855880737305 + ], + [ + "\u2581Verano", + -13.869868278503418 + ], + [ + "\u2581imediato", + -13.869871139526367 + ], + [ + "\u2581Aufkommen", + -13.86989688873291 + ], + [ + "\u2581verbrachte", + -13.869906425476074 + ], + [ + "\u2581needing", + -13.869912147521973 + ], + [ + "\u2581Benennung", + -13.86992073059082 + ], + [ + "\u2581compre", + -13.869956016540527 + ], + [ + "lassung", + -13.869975090026855 + ], + [ + "usei", + -13.86999225616455 + ], + [ + "\u2581faim", + -13.869993209838867 + ], + [ + "\u2581Nostra", + -13.870012283325195 + ], + [ + "ETCD", + -13.870015144348145 + ], + [ + "\u2581maiale", + -13.87001609802246 + ], + [ + "\u2581devenant", + -13.870024681091309 + ], + [ + "\u2581gardens", + -13.870044708251951 + ], + [ + "Versuch", + -13.870051383972168 + ], + [ + "comma", + -13.870070457458496 + ], + [ + "\u2581Ages", + -13.870095252990724 + ], + [ + "\u2581prostituta", + -13.870121002197266 + ], + [ + "\u2581Barbu", + -13.870128631591797 + ], + [ + "visa", + -13.870155334472656 + ], + [ + "\u2581demonio", + -13.87016773223877 + ], + [ + "\u2581Valk", + -13.870203018188477 + ], + [ + "\u2581Pueblos", + -13.87022304534912 + ], + [ + "uhren", + -13.870241165161133 + ], + [ + "WAL", + -13.870323181152344 + ], + [ + "\u2581toenemende", + -13.870346069335938 + ], + [ + "\u2581protegidas", + -13.87034797668457 + ], + [ + "drawing", + -13.87035083770752 + ], + [ + "\u2581uitgenodigd", + -13.87038230895996 + ], + [ + "\u2581Doppler", + -13.870416641235352 + ], + [ + "\u2581esplicitamente", + -13.870437622070312 + ], + [ + "\u2581Geel", + -13.870452880859377 + ], + [ + "\u2581barriera", + -13.870452880859377 + ], + [ + "\u2581Sunny", + -13.870460510253906 + ], + [ + "\u2581consigliato", + -13.870478630065918 + ], + [ + "gitter", + -13.870529174804688 + ], + [ + "\u2581ejerce", + -13.870534896850586 + ], + [ + "Plastic", + -13.87057113647461 + ], + [ + "\u2581Generalmente", + -13.870575904846191 + ], + [ + "Gor", + -13.870588302612305 + ], + [ + "CGFloat", + -13.870590209960938 + ], + [ + "\u2581Collo", + -13.870595932006836 + ], + [ + "uattrocento", + -13.870620727539062 + ], + [ + "\u2581normann", + -13.870620727539062 + ], + [ + "handshake", + -13.870641708374023 + ], + [ + "\u2581Patrice", + -13.870720863342283 + ], + [ + "\u2581librement", + -13.870746612548828 + ], + [ + "\u2581Anse", + -13.87081241607666 + ], + [ + "\u2581adequa", + -13.870821952819824 + ], + [ + "\u2581atores", + -13.870829582214355 + ], + [ + "\u2581iremos", + -13.870829582214355 + ], + [ + "legger", + -13.87083625793457 + ], + [ + "ASE", + -13.87088680267334 + ], + [ + "alters", + -13.870896339416504 + ], + [ + "\u2581conjur", + -13.870909690856934 + ], + [ + "\u2581drammatica", + -13.870933532714844 + ], + [ + "\u2581rifiut", + -13.870936393737791 + ], + [ + "lejo", + -13.87095069885254 + ], + [ + "\u2581umgebaut", + -13.870954513549805 + ], + [ + "Einsparung", + -13.87095546722412 + ], + [ + "\u2581researcher", + -13.87097454071045 + ], + [ + "aspekte", + -13.870983123779297 + ], + [ + "\u2581Ush", + -13.870993614196776 + ], + [ + "\u2581spirituali", + -13.87099838256836 + ], + [ + "\u2581Bauteile", + -13.87101936340332 + ], + [ + "Digitalisat", + -13.871052742004396 + ], + [ + "\u2581Segura", + -13.871053695678713 + ], + [ + "\u2581rinnova", + -13.87107276916504 + ], + [ + "pcl", + -13.871079444885254 + ], + [ + "\u2581Genom", + -13.871087074279783 + ], + [ + "\u2581auftretenden", + -13.871098518371582 + ], + [ + "employee", + -13.871105194091797 + ], + [ + "French", + -13.871112823486328 + ], + [ + "ordinate", + -13.87114715576172 + ], + [ + "\u2581Greif", + -13.871150016784668 + ], + [ + "\u2581mec\u00e1nico", + -13.871152877807615 + ], + [ + "\u2581distantes", + -13.871190071105955 + ], + [ + "\u2581credits", + -13.871192932128906 + ], + [ + "\u2581barrera", + -13.871209144592283 + ], + [ + "\u2581Alone", + -13.871220588684082 + ], + [ + "PHPUnit", + -13.87125015258789 + ], + [ + "\u00e9lan", + -13.871282577514648 + ], + [ + "\u2581lienzo", + -13.871296882629396 + ], + [ + "Vlag", + -13.871302604675291 + ], + [ + "bewerber", + -13.871326446533203 + ], + [ + "rechtswidrig", + -13.87139892578125 + ], + [ + "\u2581impressions", + -13.871411323547363 + ], + [ + "beteiligten", + -13.871434211730955 + ], + [ + "zuf\u00fcgen", + -13.871448516845703 + ], + [ + "\u2581computations", + -13.87147331237793 + ], + [ + "mangle", + -13.87149143218994 + ], + [ + "\u2581Tornado", + -13.87149429321289 + ], + [ + "Wol", + -13.87149715423584 + ], + [ + "\u2581Bale", + -13.871498107910156 + ], + [ + "\u2581ratings", + -13.871551513671877 + ], + [ + "arney", + -13.871554374694824 + ], + [ + "\u2581command\u00e9", + -13.871569633483888 + ], + [ + "\u2581recommande", + -13.87158203125 + ], + [ + "vinger", + -13.871599197387695 + ], + [ + "\u2581miste", + -13.871636390686035 + ], + [ + "\u2581complice", + -13.871647834777832 + ], + [ + "\u2581desplazamiento", + -13.871688842773438 + ], + [ + "\u2581Meilleure", + -13.871694564819336 + ], + [ + "\u2581giura", + -13.871736526489258 + ], + [ + "\u2581llegaba", + -13.87177562713623 + ], + [ + "\u2581Geni", + -13.871792793273926 + ], + [ + "\u2581erfuhr", + -13.871901512145996 + ], + [ + "\u2581aloja", + -13.871906280517578 + ], + [ + "\u2581Experimenten", + -13.871918678283691 + ], + [ + "faff", + -13.871926307678224 + ], + [ + "mechanismus", + -13.871926307678224 + ], + [ + "cionismo", + -13.871950149536133 + ], + [ + "\u2581agress", + -13.871965408325195 + ], + [ + "ENC", + -13.871970176696776 + ], + [ + "\u2581Kommune", + -13.87198257446289 + ], + [ + "\u2581Kaj", + -13.871990203857422 + ], + [ + "\u2581Convenzione", + -13.872002601623535 + ], + [ + "\u2581decirle", + -13.872013092041016 + ], + [ + "\u2581rocher", + -13.872063636779783 + ], + [ + "\u2581Hanau", + -13.87209129333496 + ], + [ + "\u2581constituir", + -13.872156143188477 + ], + [ + "sentwurf", + -13.87215805053711 + ], + [ + "\u2581eccezionale", + -13.872172355651855 + ], + [ + "\u2581jura", + -13.872172355651855 + ], + [ + "\u2581liquido", + -13.872188568115234 + ], + [ + "\u2581giurisdizione", + -13.872193336486816 + ], + [ + "\u2581Alois", + -13.87222671508789 + ], + [ + "\u2581settimanale", + -13.872259140014648 + ], + [ + "\u2581bolso", + -13.87229347229004 + ], + [ + "statuses", + -13.87231731414795 + ], + [ + "\u2581Cuneo", + -13.872342109680176 + ], + [ + "dentificeerd", + -13.87238597869873 + ], + [ + "\u2581Wahrscheinlic", + -13.872386932373049 + ], + [ + "Requirement", + -13.872395515441896 + ], + [ + "\u2581S\u00eddney", + -13.872429847717283 + ], + [ + "\u2581Lans", + -13.872455596923828 + ], + [ + "\u2581Ork", + -13.872518539428713 + ], + [ + "\u2581Fribourg", + -13.872553825378418 + ], + [ + "StartTime", + -13.872578620910645 + ], + [ + "\u2581Calvo", + -13.872583389282228 + ], + [ + "\u2581Barbados", + -13.87260913848877 + ], + [ + "\u2581Rado", + -13.87260913848877 + ], + [ + "\u2581Pol\u00edticas", + -13.872638702392578 + ], + [ + "\u2581Kronen", + -13.872661590576172 + ], + [ + "\u2581Interestingly", + -13.872690200805664 + ], + [ + "\u2581zond", + -13.87269401550293 + ], + [ + "\u2581aus\u00fcbt", + -13.872697830200195 + ], + [ + "jsp", + -13.872699737548828 + ], + [ + "wuchs", + -13.872711181640623 + ], + [ + "\u2581Pioneer", + -13.872715950012209 + ], + [ + "Nihon", + -13.872724533081056 + ], + [ + "\u2581puntuaci\u00f3n", + -13.872747421264648 + ], + [ + "penta", + -13.872776985168455 + ], + [ + "ihm", + -13.872788429260254 + ], + [ + "\u2581infinitely", + -13.87278938293457 + ], + [ + "\u2581fournie", + -13.87279987335205 + ], + [ + "\u2581Landkreise", + -13.872828483581545 + ], + [ + "sotto", + -13.87285041809082 + ], + [ + "imports", + -13.872879028320312 + ], + [ + "Stati", + -13.872886657714844 + ], + [ + "\u2581rifugi", + -13.872895240783691 + ], + [ + "\u2581Resultate", + -13.872922897338867 + ], + [ + "\u2581occhiali", + -13.87294101715088 + ], + [ + "\u2581benachteiligt", + -13.872954368591309 + ], + [ + "\u2581pionero", + -13.87297821044922 + ], + [ + "\u2581Lohnsteuer", + -13.872987747192385 + ], + [ + "\u2581Futur", + -13.87302017211914 + ], + [ + "\u2581ungleich", + -13.873026847839355 + ], + [ + "Metal", + -13.873034477233888 + ], + [ + "h\u00e4uf", + -13.873075485229492 + ], + [ + "Easy", + -13.873082160949709 + ], + [ + "gefallen", + -13.873093605041504 + ], + [ + "intende", + -13.873099327087402 + ], + [ + "\u2581consideraci\u00f3n", + -13.873117446899414 + ], + [ + "ckert", + -13.873129844665527 + ], + [ + "chun", + -13.873169898986816 + ], + [ + "plin", + -13.873178482055664 + ], + [ + "\u2581Teheran", + -13.87320041656494 + ], + [ + "\u2581mineurs", + -13.873209953308104 + ], + [ + "\u2581riquezas", + -13.873213768005373 + ], + [ + "\u2581Tarefa", + -13.8732328414917 + ], + [ + "\u2581adjunto", + -13.873269081115724 + ], + [ + "Scaled", + -13.873312950134276 + ], + [ + "Identify", + -13.87333869934082 + ], + [ + "\u2581essencialmente", + -13.873379707336426 + ], + [ + "\u2581interpr\u00e9t\u00e9e", + -13.873383522033691 + ], + [ + "pey", + -13.87339973449707 + ], + [ + "excit", + -13.873431205749512 + ], + [ + "\u2581qualifications", + -13.873432159423828 + ], + [ + "\u2581bagni", + -13.8734712600708 + ], + [ + "\u2581Sherlock", + -13.873492240905762 + ], + [ + "Door", + -13.873527526855469 + ], + [ + "\u2581g\u00fcltige", + -13.873542785644531 + ], + [ + "feucht", + -13.873576164245604 + ], + [ + "isbn", + -13.873598098754885 + ], + [ + "\u2581volc\u00e1n", + -13.87360382080078 + ], + [ + "\u2581Priore", + -13.873624801635742 + ], + [ + "\u2581volgend", + -13.873640060424805 + ], + [ + "\u00e4rger", + -13.873651504516602 + ], + [ + "\u2581Obergrenze", + -13.873738288879396 + ], + [ + "\u2581TNT", + -13.873753547668455 + ], + [ + "\u2581fraco", + -13.873781204223633 + ], + [ + "\u2581Sch\u00e4del", + -13.873793601989746 + ], + [ + "\u2581strategischen", + -13.873801231384276 + ], + [ + "\u2581Soledad", + -13.873817443847656 + ], + [ + "ttler", + -13.873821258544922 + ], + [ + "quattro", + -13.87385082244873 + ], + [ + "\u2581invit", + -13.87385082244873 + ], + [ + "\u2581cabana", + -13.87387752532959 + ], + [ + "\u2581digitali", + -13.873907089233398 + ], + [ + "\u2581B\u00fcch", + -13.873940467834473 + ], + [ + "sregeln", + -13.873944282531738 + ], + [ + "minecraft", + -13.873990058898926 + ], + [ + "schri", + -13.87399196624756 + ], + [ + "\u2581Locu", + -13.873998641967772 + ], + [ + "timeStamp", + -13.87400722503662 + ], + [ + "nergie", + -13.87403964996338 + ], + [ + "\u2581r\u00e9clam", + -13.874056816101074 + ], + [ + "\u2581strictement", + -13.87413215637207 + ], + [ + "\u2581partitura", + -13.874133110046388 + ], + [ + "\u2581trazado", + -13.874195098876951 + ], + [ + "\u2581Nazar", + -13.8742036819458 + ], + [ + "adressen", + -13.874205589294434 + ], + [ + "\u2581Opinion", + -13.874255180358888 + ], + [ + "\u2581Daarvoor", + -13.874271392822266 + ], + [ + "\u2581W\u00fcste", + -13.874274253845217 + ], + [ + "artigianato", + -13.87428092956543 + ], + [ + "\u2581bordure", + -13.874296188354492 + ], + [ + "MSP", + -13.874305725097656 + ], + [ + "\u2581Batu", + -13.874322891235352 + ], + [ + "\u2581Dalma", + -13.874322891235352 + ], + [ + "\u2581Streuung", + -13.874324798583984 + ], + [ + "genootschap", + -13.874327659606934 + ], + [ + "\u2581clarity", + -13.874335289001465 + ], + [ + "\u2581Medikamenten", + -13.87433910369873 + ], + [ + "Gz", + -13.874372482299805 + ], + [ + "Wit", + -13.87437629699707 + ], + [ + "\u2581flee", + -13.874388694763184 + ], + [ + "authorize", + -13.874394416809082 + ], + [ + "\u00f3ria", + -13.87440013885498 + ], + [ + "fiere", + -13.874432563781738 + ], + [ + "immutable", + -13.87445068359375 + ], + [ + "\u2581adip", + -13.874478340148926 + ], + [ + "lough", + -13.874479293823242 + ], + [ + "marktes", + -13.874481201171877 + ], + [ + "getCurrent", + -13.874484062194824 + ], + [ + "\u2581esc\u00e1ndalo", + -13.874486923217772 + ], + [ + "\u2581Guel", + -13.874491691589355 + ], + [ + "\u2581naked", + -13.874521255493164 + ], + [ + "\u2581Verwertungs", + -13.874526023864746 + ], + [ + "utra", + -13.874554634094238 + ], + [ + "\u2581ritornare", + -13.8745698928833 + ], + [ + "\u2581S\u00e9culo", + -13.874591827392578 + ], + [ + "\u2581continuaram", + -13.874622344970703 + ], + [ + "\u2581kurzem", + -13.874645233154297 + ], + [ + "boss", + -13.874658584594728 + ], + [ + "\u2581humo", + -13.874666213989258 + ], + [ + "bbreviation", + -13.874676704406738 + ], + [ + "\u2581Anderen", + -13.874711036682127 + ], + [ + "\u2581decidi", + -13.87472915649414 + ], + [ + "sluit", + -13.874748229980469 + ], + [ + "\u2581listened", + -13.874749183654783 + ], + [ + "\u2581Nasser", + -13.87476921081543 + ], + [ + "Natural", + -13.874785423278809 + ], + [ + "woon", + -13.87478733062744 + ], + [ + "\u2581d\u00e9r", + -13.874794006347656 + ], + [ + "\u2581panoramica", + -13.87480926513672 + ], + [ + "Voice", + -13.874836921691896 + ], + [ + "vriendelijk", + -13.87484645843506 + ], + [ + "\u2581Romney", + -13.874865531921388 + ], + [ + "structures", + -13.874868392944336 + ], + [ + "\u2581collines", + -13.874872207641602 + ], + [ + "m\u00e4chtigen", + -13.874876976013184 + ], + [ + "bov", + -13.874951362609863 + ], + [ + "\u2581Fachrichtung", + -13.87495231628418 + ], + [ + "toires", + -13.874967575073242 + ], + [ + "Positive", + -13.874969482421877 + ], + [ + "\u2581Gew\u00e4ssern", + -13.875001907348633 + ], + [ + "APO", + -13.875011444091797 + ], + [ + "\u2581Urheberrecht", + -13.875028610229492 + ], + [ + "\u2581bless", + -13.87507152557373 + ], + [ + "\u2581precipitation", + -13.875073432922363 + ], + [ + "\u2581Severo", + -13.87509822845459 + ], + [ + "\u2581leopard", + -13.87510585784912 + ], + [ + "\u2581creatura", + -13.875141143798828 + ], + [ + "\u2581prefettura", + -13.875154495239258 + ], + [ + "pitch", + -13.87516975402832 + ], + [ + "pyri", + -13.875198364257812 + ], + [ + "kraftwerke", + -13.875205039978027 + ], + [ + "\u2581Kuiper", + -13.875226020812988 + ], + [ + "ueries", + -13.87525749206543 + ], + [ + "polymerase", + -13.875306129455566 + ], + [ + "\u2581Schock", + -13.875309944152832 + ], + [ + "rtype", + -13.875316619873049 + ], + [ + "\u2581reflete", + -13.875346183776855 + ], + [ + "\u2581bolas", + -13.875349044799805 + ], + [ + "\u2581Kantons", + -13.875421524047852 + ], + [ + "ongruent", + -13.875432968139648 + ], + [ + "gesteente", + -13.87544059753418 + ], + [ + "\u2581fixing", + -13.87545680999756 + ], + [ + "\u2581abgestellt", + -13.875471115112305 + ], + [ + "gn\u00fcg", + -13.875490188598633 + ], + [ + "\u2581Cosmos", + -13.875494956970217 + ], + [ + "\u2581Vala", + -13.875499725341797 + ], + [ + "\u2581Alec", + -13.875514030456545 + ], + [ + "\u2581ontmoet", + -13.875514030456545 + ], + [ + "\u2581ofrec\u00eda", + -13.875536918640137 + ], + [ + "\u2581Avion", + -13.875576972961426 + ], + [ + "\u2581Akteur", + -13.875605583190918 + ], + [ + "\u2581toc\u00f3", + -13.875617980957031 + ], + [ + "scanf", + -13.875654220581056 + ], + [ + "\u2581ejercicios", + -13.875678062438965 + ], + [ + "stler", + -13.875699996948242 + ], + [ + "\u2581enregistr\u00e9e", + -13.875702857971191 + ], + [ + "\u2581integrato", + -13.875741958618164 + ], + [ + "Sequenz", + -13.875761032104492 + ], + [ + "Triple", + -13.875761985778809 + ], + [ + "baste", + -13.875761985778809 + ], + [ + "\u2581simb\u00f3lica", + -13.875775337219238 + ], + [ + "\u2581majeurs", + -13.875779151916504 + ], + [ + "\u2581d\u00e9finitive", + -13.875783920288086 + ], + [ + "\u2581Hogeschool", + -13.875792503356934 + ], + [ + "waltungsgericht", + -13.875802040100098 + ], + [ + "TAN", + -13.87582015991211 + ], + [ + "setUp", + -13.875831604003906 + ], + [ + "\u2581obrigat\u00f3rio", + -13.875837326049805 + ], + [ + "\u2581autrichien", + -13.875876426696776 + ], + [ + "Royce", + -13.87589168548584 + ], + [ + "\u2581consiga", + -13.875896453857422 + ], + [ + "wicht", + -13.875919342041016 + ], + [ + "Resume", + -13.875978469848633 + ], + [ + "ingiust", + -13.876017570495604 + ], + [ + "\u2581dwarf", + -13.876017570495604 + ], + [ + "\u2581andati", + -13.87604522705078 + ], + [ + "\u2581medalhas", + -13.876058578491213 + ], + [ + "alism", + -13.87606716156006 + ], + [ + "Leistungs", + -13.87607192993164 + ], + [ + "\u2581provengono", + -13.87608242034912 + ], + [ + "\u2581escenarios", + -13.876097679138184 + ], + [ + "\u2581Gerry", + -13.876107215881348 + ], + [ + "\u2581ausgeht", + -13.876126289367676 + ], + [ + "\u2581crosses", + -13.876150131225586 + ], + [ + "\u2581casca", + -13.876153945922852 + ], + [ + "\u2581nominiert", + -13.876205444335938 + ], + [ + "\u2581verbreitete", + -13.876288414001465 + ], + [ + "ostilit\u00e0", + -13.87631607055664 + ], + [ + "Antik", + -13.876387596130373 + ], + [ + "\u00e9my", + -13.87639331817627 + ], + [ + "\u2581Moth", + -13.876395225524902 + ], + [ + "\u2581favorece", + -13.876397132873535 + ], + [ + "Behandlung", + -13.876401901245115 + ], + [ + "\u2581jemanden", + -13.876401901245115 + ], + [ + "Gehalt", + -13.876405715942385 + ], + [ + "\u2581k\u00fcnstliche", + -13.87643814086914 + ], + [ + "\u2581ovale", + -13.87653923034668 + ], + [ + "\u2581submarino", + -13.876553535461426 + ], + [ + "\u2581liebt", + -13.87657070159912 + ], + [ + "\u2581dunkle", + -13.87661838531494 + ], + [ + "kulturelle", + -13.876623153686523 + ], + [ + "\u2581Malte", + -13.876651763916016 + ], + [ + "lagerung", + -13.876652717590332 + ], + [ + "\u2581verminderte", + -13.87665557861328 + ], + [ + "Prime", + -13.876667976379396 + ], + [ + "mbl\u00e9", + -13.876667976379396 + ], + [ + "\u2581Rizz", + -13.876701354980469 + ], + [ + "porter", + -13.876707077026367 + ], + [ + "\u2581MLS", + -13.876766204833984 + ], + [ + "plak", + -13.876774787902832 + ], + [ + "\u2581wander", + -13.876794815063477 + ], + [ + "\u2581permanentemente", + -13.876802444458008 + ], + [ + "\u2581lingu\u00edstica", + -13.876806259155272 + ], + [ + "\u2581sufrimiento", + -13.876806259155272 + ], + [ + "hauer", + -13.876818656921388 + ], + [ + "spr\u00fc", + -13.876843452453612 + ], + [ + "\u2581blijken", + -13.876852989196776 + ], + [ + "\u2581Hail", + -13.876869201660156 + ], + [ + "gerichtshof", + -13.876870155334473 + ], + [ + "\u2581Landrat", + -13.876873016357422 + ], + [ + "facet", + -13.876873970031738 + ], + [ + "Tracer", + -13.876888275146484 + ], + [ + "guinea", + -13.87690258026123 + ], + [ + "\u2581sal\u00e1rio", + -13.876903533935549 + ], + [ + "\u2581d\u00fcnne", + -13.87693977355957 + ], + [ + "NAMIC", + -13.876957893371582 + ], + [ + "\u2581Schaa", + -13.876985549926758 + ], + [ + "\u2581pr\u00e9c\u00e9d\u00e9", + -13.876995086669922 + ], + [ + "\u2581Anfechtung", + -13.877020835876465 + ], + [ + "bulk", + -13.877025604248049 + ], + [ + "\u2581pauta", + -13.877039909362791 + ], + [ + "\u2581venditori", + -13.877079963684082 + ], + [ + "\u2581parlamentario", + -13.877124786376951 + ], + [ + "klub", + -13.877134323120115 + ], + [ + "\u2581bagaglio", + -13.877163887023926 + ], + [ + "\u2581Astrid", + -13.877174377441406 + ], + [ + "\u2581jumped", + -13.87721061706543 + ], + [ + "\u2581grouping", + -13.877214431762695 + ], + [ + "\u2581cavalier", + -13.87724781036377 + ], + [ + "caract\u00e9ris\u00e9", + -13.877254486083984 + ], + [ + "\u2581Lascia", + -13.877256393432615 + ], + [ + "\u2581scoppio", + -13.877266883850098 + ], + [ + "\u2581wethouder", + -13.87726879119873 + ], + [ + "comunica", + -13.877269744873049 + ], + [ + "\u2581Allende", + -13.877275466918944 + ], + [ + "\u2581Handhabung", + -13.877323150634766 + ], + [ + "\u2581seguimiento", + -13.877333641052246 + ], + [ + "\u2581bailar", + -13.877403259277344 + ], + [ + "erly", + -13.877411842346191 + ], + [ + "\u2581Oy", + -13.877416610717772 + ], + [ + "ealth", + -13.87745761871338 + ], + [ + "\u2581Payne", + -13.877543449401855 + ], + [ + "\u2581int\u00e9gr\u00e9e", + -13.87759017944336 + ], + [ + "\u2581eccentric", + -13.877604484558104 + ], + [ + "ANTO", + -13.877610206604004 + ], + [ + "\u2581disputou", + -13.87761116027832 + ], + [ + "\u2581schilderde", + -13.877634048461914 + ], + [ + "ttung", + -13.877646446228027 + ], + [ + "zq", + -13.877646446228027 + ], + [ + "\u2581cadres", + -13.877647399902344 + ], + [ + "Degree", + -13.877657890319824 + ], + [ + "festigkeit", + -13.877659797668455 + ], + [ + "\u2581mandado", + -13.877663612365724 + ], + [ + "rderungsgesetz", + -13.877680778503418 + ], + [ + "\u2581Baltic", + -13.877756118774414 + ], + [ + "\u2581Argu", + -13.877758979797363 + ], + [ + "\u2581jeter", + -13.877784729003906 + ], + [ + "synth", + -13.877803802490234 + ], + [ + "\u2581aureus", + -13.877805709838867 + ], + [ + "\u2581Binnenlandse", + -13.87783908843994 + ], + [ + "weeg", + -13.87784481048584 + ], + [ + "\u2581Kobayashi", + -13.877849578857422 + ], + [ + "\u2581savant", + -13.87790298461914 + ], + [ + "\u2581T\u00fcren", + -13.877925872802734 + ], + [ + "\u2581assist\u00e9", + -13.877996444702148 + ], + [ + "Poe", + -13.878008842468262 + ], + [ + "\u2581Somente", + -13.87801456451416 + ], + [ + "FACE", + -13.87802791595459 + ], + [ + "\u2581Potenza", + -13.878049850463867 + ], + [ + "\u2581Flugsicherung", + -13.878061294555664 + ], + [ + "mois", + -13.878084182739258 + ], + [ + "\u2581Aristotle", + -13.878104209899902 + ], + [ + "telling", + -13.878121376037598 + ], + [ + "\u2581Virgil", + -13.878141403198242 + ], + [ + "\u2581Sacha", + -13.878146171569824 + ], + [ + "\u2581standbeeld", + -13.87815284729004 + ], + [ + "verzekering", + -13.878154754638672 + ], + [ + "\u2581operam", + -13.878155708312988 + ], + [ + "utting", + -13.878170013427734 + ], + [ + "apha", + -13.878173828125 + ], + [ + "\u2581Dachau", + -13.878196716308594 + ], + [ + "\u2581precau", + -13.87820053100586 + ], + [ + "Modification", + -13.878214836120604 + ], + [ + "DNN", + -13.878255844116213 + ], + [ + "\u2581ultrapassa", + -13.878260612487791 + ], + [ + "\u2581passada", + -13.878299713134766 + ], + [ + "\u2581notified", + -13.878311157226562 + ], + [ + "\u2581evacua", + -13.878344535827637 + ], + [ + "bronnen", + -13.87834644317627 + ], + [ + "\u2581symboles", + -13.878375053405762 + ], + [ + "\u2581condiziona", + -13.878384590148926 + ], + [ + "\u2581derrotados", + -13.87842845916748 + ], + [ + "\u2581conversar", + -13.87843418121338 + ], + [ + "\u2581Siete", + -13.878447532653809 + ], + [ + "\u2581n\u00e4here", + -13.878461837768556 + ], + [ + "\u2581advert", + -13.87859344482422 + ], + [ + "\u2581Tarragona", + -13.878615379333496 + ], + [ + "\u2581Dekker", + -13.878642082214355 + ], + [ + "\u2581Mulder", + -13.878649711608888 + ], + [ + "\u00edssima", + -13.878661155700684 + ], + [ + "\u2581continuam", + -13.878662109375 + ], + [ + "genossen", + -13.878664016723633 + ], + [ + "\u2581Fieber", + -13.878677368164062 + ], + [ + "\u2581objektiven", + -13.87868309020996 + ], + [ + "\u2581existia", + -13.878694534301758 + ], + [ + "\u2581photography", + -13.87869644165039 + ], + [ + "\u2581maligna", + -13.878716468811035 + ], + [ + "\u2581dritter", + -13.8787202835083 + ], + [ + "phel", + -13.878728866577148 + ], + [ + "\u2581undertake", + -13.878741264343262 + ], + [ + "\u2581svolte", + -13.878743171691896 + ], + [ + "\u2581Finanzhilfen", + -13.878766059875488 + ], + [ + "\u2581libx", + -13.878766059875488 + ], + [ + "miya", + -13.878817558288574 + ], + [ + "\u2581conclusa", + -13.87884521484375 + ], + [ + "Cards", + -13.878851890563965 + ], + [ + "Lip", + -13.878867149353027 + ], + [ + "usammenwirken", + -13.878883361816406 + ], + [ + "nnett", + -13.878915786743164 + ], + [ + "\u2581Schwingung", + -13.878935813903809 + ], + [ + "\u2581erlitten", + -13.878961563110352 + ], + [ + "\u00f3filo", + -13.878988265991213 + ], + [ + "t\u00e9es", + -13.879009246826172 + ], + [ + "\u2581Organismus", + -13.879040718078612 + ], + [ + "Dg", + -13.87904167175293 + ], + [ + "DataSet", + -13.879063606262209 + ], + [ + "\u2581cr\u00eda", + -13.879077911376951 + ], + [ + "\u2581Pompeius", + -13.879085540771484 + ], + [ + "\u2581bite", + -13.879097938537598 + ], + [ + "\u2581Spoorlijn", + -13.879131317138672 + ], + [ + "\u2581Loopkevers", + -13.87913990020752 + ], + [ + "\u2581Ausnahmef\u00e4llen", + -13.879154205322266 + ], + [ + "\u2581choisie", + -13.879168510437012 + ], + [ + "\u2581l\u00edquidos", + -13.879188537597656 + ], + [ + "Alice", + -13.87921142578125 + ], + [ + "sklausel", + -13.879228591918944 + ], + [ + "\u2581renovaci\u00f3n", + -13.879242897033691 + ], + [ + "\u2581Ueber", + -13.879279136657717 + ], + [ + "\u2581outward", + -13.879308700561523 + ], + [ + "\u2581Paseo", + -13.879326820373535 + ], + [ + "\u2581caber\u00e1", + -13.87934398651123 + ], + [ + "\u2581Bulbophyllum", + -13.879389762878418 + ], + [ + "\u2581assassinado", + -13.879396438598633 + ], + [ + "kapsel", + -13.879411697387695 + ], + [ + "\u2581Ventil", + -13.879416465759276 + ], + [ + "\u2581jardim", + -13.879432678222656 + ], + [ + "ueuse", + -13.879444122314451 + ], + [ + "nigen", + -13.87947940826416 + ], + [ + "\u2581passagens", + -13.879493713378906 + ], + [ + "\u2581P\u00edo", + -13.879496574401855 + ], + [ + "\u2581s\u00e9par\u00e9s", + -13.879508972167969 + ], + [ + "CHEN", + -13.879515647888184 + ], + [ + "\u2581Lawson", + -13.87954807281494 + ], + [ + "tyleEntry", + -13.879592895507812 + ], + [ + "\u2581blanches", + -13.879603385925291 + ], + [ + "\u2581Lana", + -13.879611015319824 + ], + [ + "\u2581Gesch\u00e4ften", + -13.879630088806152 + ], + [ + "Regelung", + -13.879636764526367 + ], + [ + "meist", + -13.87966251373291 + ], + [ + "\u2581Mez", + -13.879695892333984 + ], + [ + "\u2581Episcopal", + -13.8797025680542 + ], + [ + "\u2581Considere", + -13.879714012145996 + ], + [ + "\u00e9enne", + -13.879748344421388 + ], + [ + "uot", + -13.87975025177002 + ], + [ + "\u2581proves", + -13.879843711853027 + ], + [ + "\u00fctze", + -13.879868507385254 + ], + [ + "\u2581najaar", + -13.879876136779783 + ], + [ + "VISIBLE", + -13.879922866821287 + ], + [ + "cyclist", + -13.879929542541504 + ], + [ + "\u2581Fl\u00fcchtlingen", + -13.879940032958984 + ], + [ + "cmakedefine", + -13.8799409866333 + ], + [ + "\u2581Roem", + -13.879955291748049 + ], + [ + "adesione", + -13.880009651184082 + ], + [ + "FTP", + -13.88002586364746 + ], + [ + "\u2581Elektri", + -13.880047798156738 + ], + [ + "\u2581abordado", + -13.880060195922852 + ], + [ + "\u2581betraf", + -13.88007640838623 + ], + [ + "mercado", + -13.880106925964355 + ], + [ + "\u2581knots", + -13.880152702331545 + ], + [ + "\u2581imbarcazioni", + -13.880166053771973 + ], + [ + "\u2581Enquete", + -13.88020133972168 + ], + [ + "tsk", + -13.880239486694336 + ], + [ + "\u2581pronunciar", + -13.88026523590088 + ], + [ + "\u2581Curry", + -13.88028049468994 + ], + [ + "aap", + -13.880293846130373 + ], + [ + "\u2581Nominierung", + -13.880293846130373 + ], + [ + "\u2581beginner", + -13.880304336547852 + ], + [ + "mouche", + -13.880315780639648 + ], + [ + "\u2581gioielli", + -13.880342483520508 + ], + [ + "Welcome", + -13.88036823272705 + ], + [ + "\u2581marchands", + -13.88039207458496 + ], + [ + "immaginazione", + -13.880403518676758 + ], + [ + "\u2581sangu\u00edne", + -13.88042449951172 + ], + [ + "\u2581Cient\u00edfica", + -13.880425453186035 + ], + [ + "\u2581cinematografico", + -13.8804349899292 + ], + [ + "trouv", + -13.880455017089844 + ], + [ + "\u2581disjoint", + -13.880489349365234 + ], + [ + "\u2581oblig\u00f3", + -13.880492210388184 + ], + [ + "Mond", + -13.8804931640625 + ], + [ + "Verbandsgemeinde", + -13.880500793457031 + ], + [ + "\u2581directiva", + -13.880511283874512 + ], + [ + "\u2581organes", + -13.880520820617676 + ], + [ + "\u2581cater", + -13.880522727966309 + ], + [ + "\u2581comprised", + -13.880522727966309 + ], + [ + "\u2581Sarebbe", + -13.880553245544434 + ], + [ + "ometry", + -13.880566596984863 + ], + [ + "\u2581fornecem", + -13.880581855773926 + ], + [ + "Utrecht", + -13.880611419677734 + ], + [ + "HttpResponse", + -13.880623817443848 + ], + [ + "siedelte", + -13.880626678466797 + ], + [ + "Josef", + -13.88064956665039 + ], + [ + "shiro", + -13.88066291809082 + ], + [ + "BACKUP", + -13.880666732788086 + ], + [ + "cinco", + -13.8806734085083 + ], + [ + "estesi", + -13.8806791305542 + ], + [ + "\u00edz", + -13.880681991577148 + ], + [ + "\u2581potassium", + -13.880684852600098 + ], + [ + "\u2581suddivisa", + -13.880684852600098 + ], + [ + "\u2581sliding", + -13.88068962097168 + ], + [ + "lol", + -13.880706787109377 + ], + [ + "\u2581registrare", + -13.88071060180664 + ], + [ + "\u2581McK", + -13.88082790374756 + ], + [ + "syrien", + -13.880829811096191 + ], + [ + "vapor", + -13.880861282348633 + ], + [ + "\u2581Mahler", + -13.88086223602295 + ], + [ + "\u2581sostenitori", + -13.880943298339844 + ], + [ + "\u2581eccezioni", + -13.88094425201416 + ], + [ + "\u2581Apar", + -13.881006240844728 + ], + [ + "\u2581F\u00fcnften", + -13.881010055541992 + ], + [ + "\u2581herfst", + -13.881026268005373 + ], + [ + "polaire", + -13.881028175354004 + ], + [ + "\u2581projective", + -13.88120174407959 + ], + [ + "\u2581imprisonment", + -13.881202697753906 + ], + [ + "\u2581sp\u00e9ciaux", + -13.881202697753906 + ], + [ + "\u2581Heisenberg", + -13.88120460510254 + ], + [ + "\u00e9tang", + -13.881205558776855 + ], + [ + "segnando", + -13.881216049194336 + ], + [ + "\u2581Brouwerij", + -13.88124942779541 + ], + [ + "\u2581mitunter", + -13.881255149841309 + ], + [ + "leaks", + -13.881258010864258 + ], + [ + "\u2581exceptionnel", + -13.881287574768066 + ], + [ + "\u2581gravit\u00e0", + -13.881288528442385 + ], + [ + "\u2581openen", + -13.88133144378662 + ], + [ + "\u2581imagined", + -13.881380081176758 + ], + [ + "\u2581speci", + -13.881430625915527 + ], + [ + "alium", + -13.881460189819336 + ], + [ + "\u2581limpieza", + -13.881473541259766 + ], + [ + "\u2581conquistata", + -13.881491661071776 + ], + [ + "\u2581dossiers", + -13.88149356842041 + ], + [ + "assistance", + -13.881497383117676 + ], + [ + "mathematische", + -13.881521224975586 + ], + [ + "rgensen", + -13.88153839111328 + ], + [ + "locken", + -13.881543159484863 + ], + [ + "reaction", + -13.881549835205078 + ], + [ + "fW", + -13.88159465789795 + ], + [ + "\u2581imigra", + -13.881656646728516 + ], + [ + "\u2581separato", + -13.881662368774414 + ], + [ + "\u2581molle", + -13.881672859191896 + ], + [ + "\u2581centrais", + -13.881675720214844 + ], + [ + "\u2581seized", + -13.88168716430664 + ], + [ + "Eleven", + -13.881701469421388 + ], + [ + "\u2581rivoluzionaria", + -13.881707191467283 + ], + [ + "\u2581uncle", + -13.88171100616455 + ], + [ + "\u2581deber\u00edan", + -13.881719589233398 + ], + [ + "\u2581Dolomiti", + -13.881728172302246 + ], + [ + "galaxie", + -13.881769180297852 + ], + [ + "monolog", + -13.881769180297852 + ], + [ + "\u00e9paule", + -13.881771087646484 + ], + [ + "Argentine", + -13.881776809692385 + ], + [ + "\u2581elevados", + -13.88180160522461 + ], + [ + "\u2581resting", + -13.881834030151367 + ], + [ + "\u2581torrenti", + -13.881881713867188 + ], + [ + "Website", + -13.881888389587402 + ], + [ + "\u2581Palacios", + -13.881898880004885 + ], + [ + "\u2581wholly", + -13.881928443908691 + ], + [ + "\u2581Komplikationen", + -13.881939888000488 + ], + [ + "zentr", + -13.881948471069336 + ], + [ + "\u2581L\u00ed", + -13.8819580078125 + ], + [ + "\u2581verkaufte", + -13.881969451904297 + ], + [ + "\u2581rispetta", + -13.881973266601562 + ], + [ + "\u2581Vorjahres", + -13.88198947906494 + ], + [ + "\u2581oc\u00e9anique", + -13.882012367248535 + ], + [ + "\u2581Agrarpolitik", + -13.88203239440918 + ], + [ + "\u2581sviluppi", + -13.882044792175291 + ], + [ + "srcdir", + -13.88205337524414 + ], + [ + "Rahman", + -13.882074356079102 + ], + [ + "\u2581illumin", + -13.88210678100586 + ], + [ + "\u2581Mentor", + -13.882119178771973 + ], + [ + "\u2581parvenu", + -13.882168769836426 + ], + [ + "\u2581Hove", + -13.88218879699707 + ], + [ + "\u2581indossa", + -13.882205963134766 + ], + [ + "umindest", + -13.882227897644045 + ], + [ + "sekret\u00e4r", + -13.882238388061523 + ], + [ + "\u2581supernova", + -13.882238388061523 + ], + [ + "\u2581Khu", + -13.882242202758787 + ], + [ + "\u2581overtuigd", + -13.882245063781738 + ], + [ + "\u2581squadron", + -13.88225555419922 + ], + [ + "CONFIGURE", + -13.882272720336914 + ], + [ + "Tran", + -13.882274627685549 + ], + [ + "\u2581Nebenwirkungen", + -13.88228702545166 + ], + [ + "\u2581complexit\u00e9", + -13.882309913635254 + ], + [ + "\u2581robusto", + -13.882318496704102 + ], + [ + "\u2581Investition", + -13.882339477539062 + ], + [ + "\u2581causare", + -13.882354736328123 + ], + [ + "Checkpoint", + -13.88237762451172 + ], + [ + "\u2581gospel", + -13.882402420043944 + ], + [ + "\u2581withdrawn", + -13.88241195678711 + ], + [ + "\u2581radice", + -13.882434844970703 + ], + [ + "\u2581promoter", + -13.882453918457031 + ], + [ + "\u2581Schopenhauer", + -13.88249969482422 + ], + [ + "\u2581NSCoder", + -13.88251495361328 + ], + [ + "\u2581t\u00e9moignage", + -13.88253402709961 + ], + [ + "\u2581Colecci\u00f3n", + -13.882562637329102 + ], + [ + "\u2581Leclerc", + -13.882564544677734 + ], + [ + "\u2581Jugendarbeit", + -13.882582664489746 + ], + [ + "naut", + -13.882586479187012 + ], + [ + "\u2581controleren", + -13.88260555267334 + ], + [ + "\u2581Jian", + -13.882647514343262 + ], + [ + "\u2581Compra", + -13.882649421691896 + ], + [ + "Natal", + -13.882712364196776 + ], + [ + "\u2581shells", + -13.882731437683104 + ], + [ + "Nature", + -13.88273811340332 + ], + [ + "\u2581diplomat", + -13.882742881774902 + ], + [ + "\u2581presas", + -13.882780075073242 + ], + [ + "LSD", + -13.882782936096191 + ], + [ + "\u2581magazzini", + -13.88283920288086 + ], + [ + "snummer", + -13.882888793945312 + ], + [ + "\u2581Monasterio", + -13.882905006408691 + ], + [ + "\u2581Mexicano", + -13.88291835784912 + ], + [ + "\u2581bloquear", + -13.88291835784912 + ], + [ + "\u00e9r\u00e9e", + -13.882925987243652 + ], + [ + "IEL", + -13.882932662963867 + ], + [ + "onn\u00e9e", + -13.882986068725586 + ], + [ + "\u00e4hnlichen", + -13.882999420166016 + ], + [ + "\u2581B\u00fcr", + -13.883007049560549 + ], + [ + "\u2581alegando", + -13.883011817932127 + ], + [ + "\u2581ingredienti", + -13.883023262023926 + ], + [ + "\u2581cess\u00e9", + -13.883034706115724 + ], + [ + "\u2581monatlichen", + -13.883049011230469 + ], + [ + "dani", + -13.88310718536377 + ], + [ + "sziele", + -13.883129119873049 + ], + [ + "Graphic", + -13.88313102722168 + ], + [ + "\u2581europeias", + -13.883191108703612 + ], + [ + "\u2581Cita", + -13.88319206237793 + ], + [ + "bewirtschaftung", + -13.883208274841309 + ], + [ + "\u2581Abschlie", + -13.883209228515623 + ], + [ + "snachweis", + -13.88321018218994 + ], + [ + "\u2581Linne", + -13.8832426071167 + ], + [ + "\u2581Hauptort", + -13.883254051208496 + ], + [ + "POSTGRES", + -13.883268356323242 + ], + [ + "pawn", + -13.883275985717772 + ], + [ + "palp", + -13.88327693939209 + ], + [ + "indonesi", + -13.88328456878662 + ], + [ + "\u2581Dutzend", + -13.883288383483888 + ], + [ + "\u2581unfortunately", + -13.883310317993164 + ], + [ + "\u2581deciding", + -13.88332462310791 + ], + [ + "\u2581Perrin", + -13.883337020874023 + ], + [ + "drawable", + -13.883344650268556 + ], + [ + "\u2581medicinal", + -13.88334846496582 + ], + [ + "kilometer", + -13.883365631103516 + ], + [ + "\u2581Verp", + -13.88338851928711 + ], + [ + "acked", + -13.883390426635742 + ], + [ + "\u2581manifiesto", + -13.883428573608398 + ], + [ + "\u2581puertos", + -13.883437156677246 + ], + [ + "kanalen", + -13.8834810256958 + ], + [ + "istique", + -13.883498191833496 + ], + [ + "\u2581Tur\u00edn", + -13.883498191833496 + ], + [ + "\u2581jurisprudence", + -13.883541107177734 + ], + [ + "Capabilities", + -13.88354206085205 + ], + [ + "\u2581Sell", + -13.883626937866213 + ], + [ + "Rotterdam", + -13.883699417114258 + ], + [ + "\u2581exile", + -13.883708000183104 + ], + [ + "\u2581Otter", + -13.88372802734375 + ], + [ + "fonc\u00e9", + -13.883737564086914 + ], + [ + "Interview", + -13.88373851776123 + ], + [ + "\u2581estreme", + -13.883750915527344 + ], + [ + "Networking", + -13.883781433105469 + ], + [ + "\u2581elettrico", + -13.88379955291748 + ], + [ + "\u2581dezenas", + -13.883814811706545 + ], + [ + "\u2581Loca", + -13.883818626403809 + ], + [ + "\u2581incorpor", + -13.883841514587402 + ], + [ + "istinto", + -13.8838472366333 + ], + [ + "\u2581aproximar", + -13.883848190307615 + ], + [ + "\u2581executada", + -13.883866310119627 + ], + [ + "contamina", + -13.88387393951416 + ], + [ + "flute", + -13.883893966674805 + ], + [ + "erven", + -13.883949279785156 + ], + [ + "\u2581ensaio", + -13.883955001831056 + ], + [ + "Replacement", + -13.883957862854004 + ], + [ + "infektion", + -13.883978843688965 + ], + [ + "\u2581settimo", + -13.883983612060549 + ], + [ + "\u2581Furono", + -13.883986473083496 + ], + [ + "\u2581colomb", + -13.884005546569824 + ], + [ + "former", + -13.884015083312988 + ], + [ + "\u2581Explica", + -13.884089469909668 + ], + [ + "blogspot", + -13.884090423583984 + ], + [ + "PLAIN", + -13.88410758972168 + ], + [ + "\u2581dialettica", + -13.884116172790527 + ], + [ + "vascular", + -13.88414192199707 + ], + [ + "\u2581segnalare", + -13.88427734375 + ], + [ + "\u2581\"'\",", + -13.884285926818848 + ], + [ + "\u2581contemplar", + -13.884315490722656 + ], + [ + "\u2581grunds\u00e4tzlichen", + -13.884323120117188 + ], + [ + "\u2581verstarb", + -13.884333610534668 + ], + [ + "Pressed", + -13.88434600830078 + ], + [ + "Jk", + -13.884373664855955 + ], + [ + "\u2581Bergh", + -13.88441562652588 + ], + [ + "Repos", + -13.88442325592041 + ], + [ + "\u2581Ministers", + -13.8844633102417 + ], + [ + "zending", + -13.884485244750977 + ], + [ + "\u2581Pied", + -13.88450813293457 + ], + [ + "\u2581desvio", + -13.884520530700684 + ], + [ + "\u2581speaks", + -13.88454818725586 + ], + [ + "\u2581Nymphalidae", + -13.884577751159668 + ], + [ + "\u2581fix\u00e9e", + -13.88460636138916 + ], + [ + "\u2581Einstufung", + -13.884618759155272 + ], + [ + "cpus", + -13.88463306427002 + ], + [ + "\u2581successivement", + -13.884635925292969 + ], + [ + "gten", + -13.88464641571045 + ], + [ + "\u00fccher", + -13.884736061096191 + ], + [ + "tijden", + -13.884737968444824 + ], + [ + "arriver", + -13.884811401367188 + ], + [ + "Bahnhof", + -13.884819984436035 + ], + [ + "osine", + -13.884841918945312 + ], + [ + "DeliveryRule", + -13.884854316711426 + ], + [ + "Lg", + -13.884860038757324 + ], + [ + "determined", + -13.884860038757324 + ], + [ + "\u2581Attenzione", + -13.884860038757324 + ], + [ + "\u2581individueel", + -13.88486099243164 + ], + [ + "\u2581Baile", + -13.884882926940918 + ], + [ + "Toolkit", + -13.88488483428955 + ], + [ + "gewechselt", + -13.884920120239258 + ], + [ + "\u2581quilombo", + -13.884957313537598 + ], + [ + "\u2581scacchi", + -13.884957313537598 + ], + [ + "\u2581Aussprache", + -13.885005950927734 + ], + [ + "Construct", + -13.885040283203123 + ], + [ + "impronta", + -13.88504409790039 + ], + [ + "\u2581Sieht", + -13.885059356689451 + ], + [ + "scripciones", + -13.885071754455566 + ], + [ + "\u2581civils", + -13.885096549987791 + ], + [ + "\u2581Wirksamwerden", + -13.885099411010742 + ], + [ + "government", + -13.885130882263184 + ], + [ + "\u2581Hizo", + -13.88518238067627 + ], + [ + "posti", + -13.885202407836914 + ], + [ + "umwelt", + -13.885215759277344 + ], + [ + "\u2581Altos", + -13.885220527648926 + ], + [ + "\u2581Selbsthilfe", + -13.88525104522705 + ], + [ + "cidr", + -13.88526725769043 + ], + [ + "ikel", + -13.885299682617188 + ], + [ + "\u2581s\u00edndrome", + -13.885357856750488 + ], + [ + "\u2581Hama", + -13.885360717773438 + ], + [ + "\u2581Dem\u00f3crata", + -13.885374069213867 + ], + [ + "EMS", + -13.885391235351562 + ], + [ + "\u2581rebo", + -13.885416030883787 + ], + [ + "\u2581Landwirtschafts", + -13.88542652130127 + ], + [ + "\u2581eingegangenen", + -13.885427474975586 + ], + [ + "\u2581Eurovisi\u00f3n", + -13.885428428649902 + ], + [ + "\u2581Periodistas", + -13.885437965393066 + ], + [ + "SVG", + -13.885485649108888 + ], + [ + "Lease", + -13.885496139526367 + ], + [ + "\u2581Dubois", + -13.885528564453123 + ], + [ + "ricot", + -13.885540008544922 + ], + [ + "\u2581Eintr\u00e4ge", + -13.885571479797363 + ], + [ + "CAG", + -13.885610580444336 + ], + [ + "stained", + -13.88563632965088 + ], + [ + "\u2581automatiza", + -13.885642051696776 + ], + [ + "\u2581Sogn", + -13.88565731048584 + ], + [ + "\u2581angef\u00fchrten", + -13.885692596435549 + ], + [ + "ekel", + -13.885698318481444 + ], + [ + "movw", + -13.88573932647705 + ], + [ + "\u2581weaker", + -13.8858003616333 + ], + [ + "\u2581Auskunfts", + -13.885808944702148 + ], + [ + "\u2581procedural", + -13.885821342468262 + ], + [ + "\u2581ammesso", + -13.88582992553711 + ], + [ + "\u2581H\u00e4u", + -13.885872840881348 + ], + [ + "\u2581crystals", + -13.885879516601562 + ], + [ + "typeIdentifier", + -13.885926246643066 + ], + [ + "\u2581Concha", + -13.885950088500977 + ], + [ + "pseud", + -13.885953903198242 + ], + [ + "\u2581calculado", + -13.885990142822266 + ], + [ + "\u2581Kitchen", + -13.886042594909668 + ], + [ + "Amaur", + -13.886061668395996 + ], + [ + "\u2581deixaram", + -13.886068344116213 + ], + [ + "\u2581soulev", + -13.886069297790527 + ], + [ + "\u2581inform\u00e9", + -13.886079788208008 + ], + [ + "Ljubljana", + -13.886138916015623 + ], + [ + "Enterprise", + -13.886141777038574 + ], + [ + "\u2581noting", + -13.886198043823242 + ], + [ + "uzhou", + -13.886201858520508 + ], + [ + "alizaci\u00f3n", + -13.88621425628662 + ], + [ + "\u2581Schleif", + -13.88625431060791 + ], + [ + "\u2581litt\u00e9raires", + -13.886285781860352 + ], + [ + "\u2581Fernandez", + -13.88630199432373 + ], + [ + "\u2581limpa", + -13.88630485534668 + ], + [ + "\u2581princ", + -13.88630485534668 + ], + [ + "nlichkeits", + -13.886305809020996 + ], + [ + "\u2581el\u00e9ctricos", + -13.886309623718262 + ], + [ + "hdf", + -13.886323928833008 + ], + [ + "fachen", + -13.88637638092041 + ], + [ + "Pel", + -13.886401176452637 + ], + [ + "inspiration", + -13.886439323425291 + ], + [ + "\u2581dobra", + -13.886468887329102 + ], + [ + "sterkte", + -13.886470794677734 + ], + [ + "\u2581Hoechst", + -13.886481285095217 + ], + [ + "\u2581positivi", + -13.886482238769531 + ], + [ + "SNAPSHOT", + -13.886486053466797 + ], + [ + "\u2581completing", + -13.886523246765137 + ], + [ + "February", + -13.88653564453125 + ], + [ + "\u2581Wolfe", + -13.886552810668944 + ], + [ + "chromium", + -13.88656997680664 + ], + [ + "\u2581granja", + -13.88658618927002 + ], + [ + "medio", + -13.886598587036133 + ], + [ + "yson", + -13.88662815093994 + ], + [ + "PORTING", + -13.886686325073242 + ], + [ + "\u2581Belgrade", + -13.886709213256836 + ], + [ + "\u2581Bemerkung", + -13.886724472045898 + ], + [ + "Closing", + -13.88672924041748 + ], + [ + "\u2581d\u00fcrfe", + -13.886798858642578 + ], + [ + "\u2581ditta", + -13.886804580688477 + ], + [ + "\u2581Feiti", + -13.886813163757324 + ], + [ + "\u2581Kato", + -13.886826515197754 + ], + [ + "\u2581dikke", + -13.886841773986816 + ], + [ + "\u2581omaggio", + -13.88685417175293 + ], + [ + "regulated", + -13.886869430541992 + ], + [ + "\u2581ciclistas", + -13.88687229156494 + ], + [ + "\u2581Tagesordnung", + -13.88690185546875 + ], + [ + "\u2581verzamelen", + -13.886920928955078 + ], + [ + "\u2581espet\u00e1culo", + -13.886921882629396 + ], + [ + "\u2581Ethics", + -13.886922836303713 + ], + [ + "RANDOM", + -13.886958122253418 + ], + [ + "pr\u00fcfer", + -13.886961936950684 + ], + [ + "\u2581vetture", + -13.88697624206543 + ], + [ + "\u2581lavorando", + -13.887024879455566 + ], + [ + "g\u00fcltig", + -13.887040138244627 + ], + [ + "futebolista", + -13.887048721313477 + ], + [ + "miet", + -13.887076377868652 + ], + [ + "\u2581nozione", + -13.88708209991455 + ], + [ + "\u2581doubl\u00e9", + -13.887123107910156 + ], + [ + "rrell", + -13.887126922607422 + ], + [ + "\u2581pertencia", + -13.887130737304688 + ], + [ + "ullah", + -13.88715934753418 + ], + [ + "\u2581Circo", + -13.887221336364746 + ], + [ + "\u2581overwhelming", + -13.887293815612791 + ], + [ + "\u2581privacidad", + -13.887310981750488 + ], + [ + "\u2581copertina", + -13.887311935424805 + ], + [ + "Rl", + -13.887321472167969 + ], + [ + "\u2581Dul", + -13.887357711791992 + ], + [ + "donia", + -13.88739013671875 + ], + [ + "\u2581Schaus", + -13.88739013671875 + ], + [ + "\u2581hybride", + -13.88741397857666 + ], + [ + "\u2581spirale", + -13.887420654296877 + ], + [ + "\u2581weiterf\u00fchrende", + -13.887426376342772 + ], + [ + "\u2581rechaz\u00f3", + -13.887442588806152 + ], + [ + "Demospongiae", + -13.887443542480469 + ], + [ + "Triestina", + -13.887443542480469 + ], + [ + "\u2581desapareci\u00f3", + -13.887447357177734 + ], + [ + "\u2581Doen", + -13.88744831085205 + ], + [ + "onov", + -13.88745403289795 + ], + [ + "\u2581Vorort", + -13.887474060058594 + ], + [ + "Ski", + -13.887489318847656 + ], + [ + "\u2581z\u00e4hlte", + -13.88750457763672 + ], + [ + "\u2581Musei", + -13.887507438659668 + ], + [ + "\u2581S\u00e9lection", + -13.887510299682615 + ], + [ + "tila", + -13.887529373168944 + ], + [ + "atch", + -13.887556076049805 + ], + [ + "\u2581Abgesehen", + -13.887567520141602 + ], + [ + "\u2581ertoe", + -13.88761043548584 + ], + [ + "tiano", + -13.887627601623535 + ], + [ + "\u2581imaginaci\u00f3n", + -13.887629508972168 + ], + [ + "kubi", + -13.887689590454102 + ], + [ + "\u2581r\u00e9uni", + -13.8876953125 + ], + [ + "\u2581frontale", + -13.887701034545898 + ], + [ + "Gol", + -13.887740135192873 + ], + [ + "\u2581afkorting", + -13.887741088867188 + ], + [ + "Nel", + -13.88774585723877 + ], + [ + "ukon", + -13.887781143188477 + ], + [ + "\u2581d\u00e9mographique", + -13.887791633605955 + ], + [ + "DataTable", + -13.887797355651855 + ], + [ + "WebSocket", + -13.887800216674805 + ], + [ + "\u2581erwartete", + -13.88780117034912 + ], + [ + "Gast", + -13.887818336486816 + ], + [ + "ssler", + -13.887832641601562 + ], + [ + "pencil", + -13.887857437133787 + ], + [ + "\u2581Moyle", + -13.887944221496582 + ], + [ + "Adda", + -13.888022422790527 + ], + [ + "wka", + -13.888023376464844 + ], + [ + "aggiornamento", + -13.888031959533691 + ], + [ + "\u2581pr\u00e9cipitation", + -13.888041496276855 + ], + [ + "Norton", + -13.888073921203612 + ], + [ + "\u2581selbstst\u00e4ndige", + -13.888134956359863 + ], + [ + "\u2581offrant", + -13.888138771057127 + ], + [ + "\u2581Coulomb", + -13.888140678405762 + ], + [ + "\u2581Henning", + -13.888141632080078 + ], + [ + "\u2581basale", + -13.88814640045166 + ], + [ + "\u2581favorire", + -13.888151168823242 + ], + [ + "america", + -13.888154983520508 + ], + [ + "\u2581dysfunction", + -13.888154983520508 + ], + [ + "\u2581Arbeitskreis", + -13.888187408447266 + ], + [ + "ozoa", + -13.888224601745604 + ], + [ + "\u2581organisieren", + -13.888259887695312 + ], + [ + "\u2581insectos", + -13.888327598571776 + ], + [ + "\u2581uguali", + -13.888400077819824 + ], + [ + "\u2581strongest", + -13.888458251953123 + ], + [ + "\u2581Huelva", + -13.88848876953125 + ], + [ + "\u2581embajada", + -13.888490676879885 + ], + [ + "genia", + -13.8884916305542 + ], + [ + "\u2581meccan", + -13.88849639892578 + ], + [ + "\u2581diminuer", + -13.888501167297363 + ], + [ + "\u2581bellissima", + -13.888503074645996 + ], + [ + "Onder", + -13.888561248779297 + ], + [ + "containing", + -13.888574600219728 + ], + [ + "\u2581manuscritos", + -13.888583183288574 + ], + [ + "liberal", + -13.888598442077637 + ], + [ + "\u2581lixo", + -13.888623237609863 + ], + [ + "\u2581espectador", + -13.888635635375977 + ], + [ + "\u2581basati", + -13.888657569885254 + ], + [ + "flieger", + -13.888668060302734 + ], + [ + "\u2581couper", + -13.888694763183594 + ], + [ + "Spy", + -13.888701438903809 + ], + [ + "\u2581ansehen", + -13.888704299926758 + ], + [ + "hizo", + -13.888705253601074 + ], + [ + "Prometheus", + -13.888747215270996 + ], + [ + "\u2581solicit\u00f3", + -13.888750076293944 + ], + [ + "\u2581Kabine", + -13.888769149780272 + ], + [ + "soziale", + -13.88879108428955 + ], + [ + "\u2581prosecutor", + -13.888803482055664 + ], + [ + "metry", + -13.88880443572998 + ], + [ + "\u2581St\u00fc", + -13.888811111450195 + ], + [ + "guil", + -13.888826370239258 + ], + [ + "\u2581s\u00f3cio", + -13.888856887817385 + ], + [ + "igger", + -13.888886451721191 + ], + [ + "\u2581dirigidas", + -13.888894081115724 + ], + [ + "trunc", + -13.888909339904783 + ], + [ + "lenk", + -13.888962745666504 + ], + [ + "\u2581Rhi", + -13.888976097106934 + ], + [ + "Marg", + -13.88900661468506 + ], + [ + "amphi", + -13.889007568359377 + ], + [ + "\u2581marini", + -13.889012336730955 + ], + [ + "much", + -13.889042854309082 + ], + [ + "Julien", + -13.889090538024902 + ], + [ + "\u2581professionista", + -13.889124870300291 + ], + [ + "Hover", + -13.889145851135254 + ], + [ + "\u2581Rott", + -13.889152526855469 + ], + [ + "jog", + -13.889178276062012 + ], + [ + "oideae", + -13.889233589172363 + ], + [ + "\u2581Mago", + -13.889245986938477 + ], + [ + "\u2581divididas", + -13.88924789428711 + ], + [ + "iG", + -13.889302253723145 + ], + [ + "\u2581transformada", + -13.889312744140623 + ], + [ + "\u2581produziu", + -13.88931655883789 + ], + [ + "\u2581metropolitano", + -13.889326095581056 + ], + [ + "\u2581'#!/", + -13.889347076416016 + ], + [ + "\u2581Damian", + -13.889373779296877 + ], + [ + "\u2581tache", + -13.88938331604004 + ], + [ + "\u2581mari\u00e9e", + -13.889398574829102 + ], + [ + "draft", + -13.88941478729248 + ], + [ + "\u2581jeep", + -13.889437675476074 + ], + [ + "leber", + -13.889447212219238 + ], + [ + "\u2581Wanderungen", + -13.8894624710083 + ], + [ + "Director", + -13.88946533203125 + ], + [ + "\u2581Rigo", + -13.889474868774414 + ], + [ + "\u2581verlengde", + -13.889488220214844 + ], + [ + "cresce", + -13.88949203491211 + ], + [ + "\u2581crece", + -13.88950538635254 + ], + [ + "\u2581militantes", + -13.88951015472412 + ], + [ + "\u2581raccourci", + -13.889530181884766 + ], + [ + "\u2581Democracia", + -13.88953685760498 + ], + [ + "\u2581jug\u00e9", + -13.88953685760498 + ], + [ + "Dokument", + -13.88957977294922 + ], + [ + "harz", + -13.889656066894531 + ], + [ + "\u2581osserv", + -13.889667510986328 + ], + [ + "\u2581resultieren", + -13.88967990875244 + ], + [ + "\u2581matado", + -13.889699935913086 + ], + [ + "Prima", + -13.889710426330566 + ], + [ + "\u2581Rising", + -13.889711380004885 + ], + [ + "\u2581durchgesetzt", + -13.889721870422363 + ], + [ + "Dog", + -13.889732360839844 + ], + [ + "\u2581D\u00fc", + -13.88978385925293 + ], + [ + "\u2581praticare", + -13.88979148864746 + ], + [ + "\u2581broed", + -13.889808654785156 + ], + [ + "abst", + -13.889811515808104 + ], + [ + "\u2581Gamba", + -13.889814376831056 + ], + [ + "\u2581pr\u00e9cieux", + -13.88981819152832 + ], + [ + "fers", + -13.889864921569824 + ], + [ + "\u2581authorised", + -13.889904975891112 + ], + [ + "polen", + -13.88991641998291 + ], + [ + "paard", + -13.889928817749023 + ], + [ + "\u2581resultaba", + -13.88996696472168 + ], + [ + "Derivative", + -13.88997745513916 + ], + [ + "lenken", + -13.88998031616211 + ], + [ + "\u2581joints", + -13.889981269836426 + ], + [ + "PSG", + -13.890012741088867 + ], + [ + "\u2581Mesopotamia", + -13.890060424804688 + ], + [ + "pify", + -13.890076637268066 + ], + [ + "\u2581arquitect\u00f3nico", + -13.890130043029783 + ], + [ + "\u2581seguidos", + -13.89013385772705 + ], + [ + "\u2581Umlauf", + -13.890138626098633 + ], + [ + "\u2581blanket", + -13.89014720916748 + ], + [ + "dikt", + -13.890154838562012 + ], + [ + "\u2581makro", + -13.890158653259276 + ], + [ + "upstream", + -13.890174865722656 + ], + [ + "\u2581brauchte", + -13.890206336975098 + ], + [ + "\u2581Pozz", + -13.89021110534668 + ], + [ + "cyst", + -13.890212059020996 + ], + [ + "\u2581revuelta", + -13.890215873718262 + ], + [ + "\u2581Morto", + -13.89023780822754 + ], + [ + "\u2581Caban", + -13.890259742736816 + ], + [ + "FLE", + -13.89031219482422 + ], + [ + "\u2581sostengono", + -13.89031982421875 + ], + [ + "rappresentazioni", + -13.890326499938965 + ], + [ + "\u2581accrue", + -13.89033317565918 + ], + [ + "glog", + -13.890341758728027 + ], + [ + "\u2581melod\u00eda", + -13.890365600585938 + ], + [ + "\u2581Feli", + -13.890372276306152 + ], + [ + "\u2581baroque", + -13.890377044677734 + ], + [ + "\u2581erfassten", + -13.89037799835205 + ], + [ + "\u2581dilemma", + -13.890386581420898 + ], + [ + "ularia", + -13.89040756225586 + ], + [ + "\u2581correttamente", + -13.890457153320312 + ], + [ + "ORM", + -13.890460014343262 + ], + [ + "\u2581suspenso", + -13.890477180480955 + ], + [ + "cesi", + -13.890480995178224 + ], + [ + "flut", + -13.890510559082031 + ], + [ + "Cr\u00e9ditos", + -13.890525817871094 + ], + [ + "uppi", + -13.890539169311523 + ], + [ + "\u2581faisceau", + -13.890549659729004 + ], + [ + "insecure", + -13.890554428100586 + ], + [ + "\u2581ausgew\u00e4hlte", + -13.890558242797852 + ], + [ + "Atleta", + -13.890562057495115 + ], + [ + "\u2581payant", + -13.890564918518066 + ], + [ + "\u2581Cipro", + -13.890567779541016 + ], + [ + "\u2581generous", + -13.890568733215332 + ], + [ + "PANDED", + -13.890583038330078 + ], + [ + "\u2581respirar", + -13.890609741210938 + ], + [ + "\u2581vertieft", + -13.890612602233888 + ], + [ + "\u2581designers", + -13.89061450958252 + ], + [ + "clan", + -13.89065933227539 + ], + [ + "\u2581administrativos", + -13.89067554473877 + ], + [ + "\u2581Convenci\u00f3n", + -13.890697479248049 + ], + [ + "mish", + -13.890705108642578 + ], + [ + "GmbH", + -13.890707969665527 + ], + [ + "\u2581begrenzen", + -13.890785217285156 + ], + [ + "opathy", + -13.890788078308104 + ], + [ + "antropo", + -13.8908052444458 + ], + [ + "\u2581Braunkohle", + -13.89084243774414 + ], + [ + "\u2581Dankzij", + -13.890851974487305 + ], + [ + "\u2581trasferita", + -13.890897750854492 + ], + [ + "\u2581curved", + -13.890913009643556 + ], + [ + "\u2581accumulated", + -13.890925407409668 + ], + [ + "\u2581almas", + -13.890935897827148 + ], + [ + "jib", + -13.890997886657717 + ], + [ + "\u2581zusammenh\u00e4ngend", + -13.890998840332031 + ], + [ + "langer", + -13.891014099121094 + ], + [ + "\u2581abweichen", + -13.891024589538574 + ], + [ + "\u2581Grado", + -13.89103889465332 + ], + [ + "duinen", + -13.891082763671877 + ], + [ + "diret\u00f3rio", + -13.89109230041504 + ], + [ + "\u2581clasific\u00f3", + -13.891108512878418 + ], + [ + "\u2581Cech", + -13.89112663269043 + ], + [ + "\u2581simbolismo", + -13.891127586364746 + ], + [ + "\u2581Aster", + -13.891130447387695 + ], + [ + "Haltestelle", + -13.89113712310791 + ], + [ + "konzert", + -13.8911771774292 + ], + [ + "zzati", + -13.891178131103516 + ], + [ + "TERMIN", + -13.891202926635742 + ], + [ + "\u2581istituzionale", + -13.891216278076172 + ], + [ + "\u2581aanwezige", + -13.89122200012207 + ], + [ + "\u2581derrotas", + -13.891277313232422 + ], + [ + "s\u00e4chsischen", + -13.89128303527832 + ], + [ + "vuil", + -13.891283988952637 + ], + [ + "Verkehrs", + -13.891308784484863 + ], + [ + "\u2581emerit", + -13.89135456085205 + ], + [ + "AEA", + -13.891365051269531 + ], + [ + "Products", + -13.89137077331543 + ], + [ + "GRPC", + -13.891377449035645 + ], + [ + "PARTI", + -13.89139175415039 + ], + [ + "\u2581zweites", + -13.891422271728516 + ], + [ + "greift", + -13.891438484191896 + ], + [ + "lacta", + -13.891474723815918 + ], + [ + "rotto", + -13.891481399536133 + ], + [ + "ugar", + -13.891508102416992 + ], + [ + "opidae", + -13.891519546508787 + ], + [ + "ediamo", + -13.891544342041016 + ], + [ + "zuma", + -13.891549110412598 + ], + [ + "\u2581universiteiten", + -13.891589164733888 + ], + [ + "ORI", + -13.891619682312012 + ], + [ + "\u2581hom\u00f3nima", + -13.891623497009276 + ], + [ + "ierer", + -13.891626358032228 + ], + [ + "\u2581certainty", + -13.891627311706545 + ], + [ + "\u2581seigneurie", + -13.891630172729492 + ], + [ + "trophie", + -13.891634941101074 + ], + [ + "\u2581funzionare", + -13.89163875579834 + ], + [ + "\u2581Norteam\u00e9rica", + -13.891644477844238 + ], + [ + "\u2581empuj", + -13.891729354858398 + ], + [ + "\u2581Riv", + -13.891751289367676 + ], + [ + "\u2581Unidades", + -13.89177131652832 + ], + [ + "nham", + -13.891793251037598 + ], + [ + "\u2581distorsion", + -13.89181137084961 + ], + [ + "Initialization", + -13.891826629638672 + ], + [ + "xcb", + -13.891844749450684 + ], + [ + "Occ", + -13.89186954498291 + ], + [ + "\u2581Groenland", + -13.891879081726074 + ], + [ + "\u2581vergroot", + -13.891884803771973 + ], + [ + "kriminalit\u00e4t", + -13.891901969909668 + ], + [ + "\u2581Tebas", + -13.89190673828125 + ], + [ + "\u2581Annales", + -13.89191722869873 + ], + [ + "sk\u00e9", + -13.89194107055664 + ], + [ + "\u2581Erin", + -13.89194393157959 + ], + [ + "\u2581Kunstwerk", + -13.891968727111816 + ], + [ + "\u2581cumple", + -13.892012596130373 + ], + [ + "\u2581zusammenge", + -13.892077445983888 + ], + [ + "\u2581Kultus", + -13.89207935333252 + ], + [ + "\u2581unbeschadet", + -13.892147064208984 + ], + [ + "\u2581Sportevenement", + -13.892165184020996 + ], + [ + "\u2581Dign", + -13.892178535461426 + ], + [ + "\u2581parliamentary", + -13.892184257507324 + ], + [ + "attirer", + -13.892196655273438 + ], + [ + "\u2581v\u00e1lidos", + -13.892203330993652 + ], + [ + "Mario", + -13.89221477508545 + ], + [ + "ascia", + -13.892216682434082 + ], + [ + "\u2581Partir", + -13.892218589782717 + ], + [ + "\u2581d\u00e9m\u00e9nage", + -13.89222526550293 + ], + [ + "dilation", + -13.892231941223145 + ], + [ + "\u2581zur\u00fcckgef\u00fchrt", + -13.89223289489746 + ], + [ + "\u2581fijn", + -13.89223861694336 + ], + [ + "\u2581McKe", + -13.892258644104004 + ], + [ + "Germania", + -13.892260551452637 + ], + [ + "\u2581Banden", + -13.8922700881958 + ], + [ + "assigned", + -13.892337799072266 + ], + [ + "\u2581disc\u00edpulos", + -13.89235019683838 + ], + [ + "\u00e9volu", + -13.892401695251465 + ], + [ + "Mala", + -13.892414093017578 + ], + [ + "\u2581exerc\u00e9", + -13.892415046691896 + ], + [ + "Activities", + -13.892427444458008 + ], + [ + "Bien", + -13.892443656921388 + ], + [ + "\u2581Altlasten", + -13.892446517944336 + ], + [ + "\u2581risparmiare", + -13.892462730407717 + ], + [ + "\u2581lourde", + -13.892565727233888 + ], + [ + "Mitglieder", + -13.892574310302734 + ], + [ + "\u2581correspondencia", + -13.892592430114746 + ], + [ + "\u2581naald", + -13.89260196685791 + ], + [ + "\u2581Champs", + -13.892606735229492 + ], + [ + "fefefe", + -13.892618179321287 + ], + [ + "\u00e9laboration", + -13.892641067504885 + ], + [ + "\u2581zusammengefa", + -13.892641067504885 + ], + [ + "\u2581plunder", + -13.892656326293944 + ], + [ + "\u2581entusiasta", + -13.892671585083008 + ], + [ + "mediterrane", + -13.89268684387207 + ], + [ + "\u2581Urin", + -13.892707824707031 + ], + [ + "meridi", + -13.89271354675293 + ], + [ + "quoted", + -13.892729759216309 + ], + [ + "\u2581bocht", + -13.892784118652344 + ], + [ + "\u2581abgenommen", + -13.892809867858888 + ], + [ + "\u2581passeport", + -13.892815589904783 + ], + [ + "\u2581Entscheidend", + -13.892852783203123 + ], + [ + "rish", + -13.89285373687744 + ], + [ + "\u2581banking", + -13.892870903015137 + ], + [ + "armee", + -13.892889976501465 + ], + [ + "\u2581localizadas", + -13.892892837524414 + ], + [ + "\u2581Beibehaltung", + -13.89293384552002 + ], + [ + "ffc", + -13.892943382263184 + ], + [ + "\u2581conceder", + -13.89296531677246 + ], + [ + "\u2581r\u00e9pondu", + -13.892973899841309 + ], + [ + "\u2581d\u00e9signation", + -13.892991065979004 + ], + [ + "berty", + -13.89299774169922 + ], + [ + "vlieg", + -13.89301300048828 + ], + [ + "begr\u00fcndung", + -13.893046379089355 + ], + [ + "schitz", + -13.893047332763672 + ], + [ + "\u2581r\u00e9parti", + -13.893062591552734 + ], + [ + "\u2581aprovecha", + -13.893074035644531 + ], + [ + "\u2581Jerez", + -13.89307975769043 + ], + [ + "kho", + -13.893094062805176 + ], + [ + "\u2581baseia", + -13.893094062805176 + ], + [ + "\u2581Jochen", + -13.89309787750244 + ], + [ + "estima", + -13.893150329589844 + ], + [ + "\u2581Angio", + -13.893155097961426 + ], + [ + "EDA", + -13.893166542053224 + ], + [ + "amata", + -13.893166542053224 + ], + [ + "\u2581beliebig", + -13.893184661865234 + ], + [ + "\u2581k\u00fcmmern", + -13.893196105957031 + ], + [ + "\u2581ferait", + -13.893210411071776 + ], + [ + "\u2581Burk", + -13.893221855163574 + ], + [ + "ativar", + -13.893227577209473 + ], + [ + "brugge", + -13.893251419067385 + ], + [ + "\u2581muchacha", + -13.893267631530762 + ], + [ + "ufall", + -13.893278121948242 + ], + [ + "\u2581affermazioni", + -13.893304824829102 + ], + [ + "\u2581specifications", + -13.89330768585205 + ], + [ + "\u2581dichiarata", + -13.893315315246582 + ], + [ + "\u2581Darling", + -13.893372535705566 + ], + [ + "\u2581Secci\u00f3n", + -13.89341640472412 + ], + [ + "along", + -13.89343547821045 + ], + [ + "rbid", + -13.893468856811523 + ], + [ + "\u2581proibido", + -13.8934965133667 + ], + [ + "\u2581salen", + -13.893516540527344 + ], + [ + "\u2581Jaff", + -13.89351749420166 + ], + [ + "wollen", + -13.893555641174316 + ], + [ + "BUF", + -13.893583297729492 + ], + [ + "\u2581invented", + -13.893587112426758 + ], + [ + "\u2581climats", + -13.893601417541504 + ], + [ + "cadence", + -13.893603324890137 + ], + [ + "trunk", + -13.8936128616333 + ], + [ + "\u2581Hallen", + -13.89365291595459 + ], + [ + "\u2581Objektive", + -13.893668174743652 + ], + [ + "giani", + -13.893675804138184 + ], + [ + "\u2581cavaleiro", + -13.893685340881348 + ], + [ + "\u2581investe", + -13.893688201904297 + ], + [ + "\u2581sorgente", + -13.893706321716309 + ], + [ + "\u2581vernachl\u00e4ssigt", + -13.893721580505373 + ], + [ + "tillo", + -13.89372444152832 + ], + [ + "\u2581Brit\u00e1nica", + -13.893725395202637 + ], + [ + "\u2581Nuremberg", + -13.893729209899902 + ], + [ + "\u2581Palmeiras", + -13.893736839294434 + ], + [ + "omorf", + -13.893747329711914 + ], + [ + "menzionato", + -13.89374828338623 + ], + [ + "orchid", + -13.893770217895508 + ], + [ + "\u2581sequer", + -13.893795013427734 + ], + [ + "\u2581voetbalbond", + -13.893813133239746 + ], + [ + "\u2581progressiva", + -13.89381980895996 + ], + [ + "\u2581cue", + -13.893861770629885 + ], + [ + "\u2581spicca", + -13.893884658813477 + ], + [ + "\u2581Epoche", + -13.893912315368652 + ], + [ + "\u2581rivales", + -13.893935203552246 + ], + [ + "VES", + -13.893985748291016 + ], + [ + "\u2581rivoluzionari", + -13.89398956298828 + ], + [ + "\u2581selecionada", + -13.893990516662598 + ], + [ + "Soto", + -13.893994331359863 + ], + [ + "\u2581melodia", + -13.894000053405762 + ], + [ + "\u2581Harley", + -13.89401626586914 + ], + [ + "\u2581vestidos", + -13.894033432006836 + ], + [ + "ordem", + -13.894036293029783 + ], + [ + "\u2581inheemse", + -13.894075393676758 + ], + [ + "olith", + -13.894107818603516 + ], + [ + "lapse", + -13.894166946411133 + ], + [ + "\u2581\u00e9paules", + -13.89417552947998 + ], + [ + "VVV", + -13.894200325012209 + ], + [ + "\u2581haushalts", + -13.89421272277832 + ], + [ + "teira", + -13.89423942565918 + ], + [ + "\u2581Frankreichs", + -13.894242286682127 + ], + [ + "spectro", + -13.894279479980469 + ], + [ + "\u2581pflegen", + -13.89430809020996 + ], + [ + "interpolate", + -13.894322395324709 + ], + [ + "\u2581essays", + -13.894384384155272 + ], + [ + "\u2581Estudio", + -13.894394874572754 + ], + [ + "\u00e4mmer", + -13.894408226013184 + ], + [ + "\u2581Herstellers", + -13.894411087036133 + ], + [ + "h\u00fctten", + -13.894426345825195 + ], + [ + "CUS", + -13.894449234008787 + ], + [ + "\u2581Feminist", + -13.894500732421877 + ], + [ + "frey", + -13.894505500793455 + ], + [ + "berleitung", + -13.894532203674316 + ], + [ + "\u2581influenze", + -13.894536972045898 + ], + [ + "graft", + -13.894559860229492 + ], + [ + "\u2581Ank\u00fcndigung", + -13.894591331481934 + ], + [ + "\u2581Tessa", + -13.894631385803224 + ], + [ + "\u2581Destino", + -13.89463233947754 + ], + [ + "transformer", + -13.894700050354004 + ], + [ + "lidae", + -13.894713401794434 + ], + [ + "\u2581brillant", + -13.89471435546875 + ], + [ + "fleur", + -13.894746780395508 + ], + [ + "\u2581Fronte", + -13.894747734069824 + ], + [ + "\u2581suisses", + -13.894747734069824 + ], + [ + "\u2581fork", + -13.894753456115724 + ], + [ + "\u2581invasor", + -13.89475917816162 + ], + [ + "\u2581souffre", + -13.89477252960205 + ], + [ + "\u2581admir", + -13.894779205322266 + ], + [ + "\u2581Rotor", + -13.894782066345217 + ], + [ + "\u2581\u00fcberwachen", + -13.894813537597656 + ], + [ + "\u2581contengono", + -13.89482879638672 + ], + [ + "\u2581mediterranea", + -13.894838333129885 + ], + [ + "\u2581Kommentare", + -13.89484405517578 + ], + [ + "were", + -13.894853591918944 + ], + [ + "\u2581Bezahlung", + -13.894868850708008 + ], + [ + "\u2581carb", + -13.894880294799805 + ], + [ + "Sportivo", + -13.894890785217283 + ], + [ + "\u2581handelen", + -13.894905090332031 + ], + [ + "Brush", + -13.894917488098145 + ], + [ + "parquet", + -13.89492893218994 + ], + [ + "\u2581shifting", + -13.894989013671877 + ], + [ + "\u2581Sarg", + -13.895001411437988 + ], + [ + "\u2581Chol", + -13.895004272460938 + ], + [ + "\u2581aankomst", + -13.895009994506836 + ], + [ + "\u2581moisture", + -13.895028114318848 + ], + [ + "Einspruchsf\u00fchrer", + -13.89503574371338 + ], + [ + "tolleranza", + -13.89508819580078 + ], + [ + "LIBDIR", + -13.895112037658691 + ], + [ + "hiri", + -13.895115852355955 + ], + [ + "\u2581korrekte", + -13.895116806030272 + ], + [ + "incendio", + -13.895121574401855 + ], + [ + "\u2581est\u00edmulo", + -13.89513874053955 + ], + [ + "henden", + -13.895166397094728 + ], + [ + "\u2581enfermo", + -13.895176887512209 + ], + [ + "antan", + -13.895198822021484 + ], + [ + "\u2581Senadores", + -13.895243644714355 + ], + [ + "quiri", + -13.895245552062988 + ], + [ + "kita", + -13.895280838012695 + ], + [ + "sperg", + -13.895281791687012 + ], + [ + "\u2581pianure", + -13.895299911499023 + ], + [ + "\u2581Eisenbahnen", + -13.89532470703125 + ], + [ + "\u2581fascin", + -13.895344734191896 + ], + [ + "gescho", + -13.895363807678224 + ], + [ + "infinito", + -13.89537525177002 + ], + [ + "ennui", + -13.895404815673828 + ], + [ + "erweg", + -13.895421028137209 + ], + [ + "\u2581Mecca", + -13.895438194274902 + ], + [ + "\u2581bewerkt", + -13.895466804504396 + ], + [ + "Roh", + -13.895541191101074 + ], + [ + "\u2581Ollivander", + -13.895559310913086 + ], + [ + "zweifelhaft", + -13.89556121826172 + ], + [ + "\u2581Broek", + -13.895567893981934 + ], + [ + "\u2581timbr", + -13.89556884765625 + ], + [ + "tease", + -13.895575523376465 + ], + [ + "\u2581arque\u00f3logo", + -13.89559555053711 + ], + [ + "\u2581Benoit", + -13.895641326904297 + ], + [ + "INGE", + -13.89565372467041 + ], + [ + "\u2581anomal", + -13.89568328857422 + ], + [ + "\u2581Engineers", + -13.895689964294434 + ], + [ + "reactor", + -13.895700454711914 + ], + [ + "\u2581volevano", + -13.895700454711914 + ], + [ + "venger", + -13.89572048187256 + ], + [ + "ncreas", + -13.895731925964355 + ], + [ + "antagens", + -13.895829200744627 + ], + [ + "\u2581Ums\u00e4tze", + -13.895846366882324 + ], + [ + "\u2581Wirtschaftsraum", + -13.89588451385498 + ], + [ + "\u2581Parole", + -13.895891189575195 + ], + [ + "implementation", + -13.895928382873535 + ], + [ + "\u2581reciben", + -13.895957946777344 + ], + [ + "zese", + -13.89598560333252 + ], + [ + "\u2581fondamental", + -13.895986557006836 + ], + [ + "somal", + -13.895987510681152 + ], + [ + "opportunit\u00e9", + -13.896014213562012 + ], + [ + "\u2581Henriette", + -13.896061897277832 + ], + [ + "\u2581Rabbi", + -13.89608383178711 + ], + [ + "\u2581Ceinture", + -13.89608669281006 + ], + [ + "\u2581al\u00e9atoire", + -13.896088600158691 + ], + [ + "\u2581afgevaardigd", + -13.896102905273438 + ], + [ + "\u2581apelido", + -13.896105766296388 + ], + [ + "hali", + -13.896108627319336 + ], + [ + "\u2581menci\u00f3n", + -13.896112442016602 + ], + [ + "\u2581progettazione", + -13.896123886108398 + ], + [ + "\u2581Haushaltsmittel", + -13.896132469177246 + ], + [ + "\u2581predetermined", + -13.896150588989258 + ], + [ + "\u2581Coroa", + -13.896160125732422 + ], + [ + "\u2581einziges", + -13.896160125732422 + ], + [ + "\u2581Friede", + -13.896162986755373 + ], + [ + "\u2581Abst\u00e4nden", + -13.896174430847168 + ], + [ + "\u2581Ancienne", + -13.89619255065918 + ], + [ + "appearance", + -13.896238327026367 + ], + [ + "occupe", + -13.896242141723633 + ], + [ + "\u2581disposta", + -13.896262168884276 + ], + [ + "Fleet", + -13.896300315856934 + ], + [ + "jscomp", + -13.89631462097168 + ], + [ + "\u2581Neun", + -13.89632511138916 + ], + [ + "\u2581accelera", + -13.896344184875488 + ], + [ + "\u2581laatst", + -13.896410942077637 + ], + [ + "\u2581Ahnung", + -13.896430015563965 + ], + [ + "Gather", + -13.896445274353027 + ], + [ + "\u2581entziehen", + -13.89646816253662 + ], + [ + "\u2581dominata", + -13.896482467651367 + ], + [ + "\u2581populariteit", + -13.896516799926758 + ], + [ + "\u2581fascisti", + -13.896531105041504 + ], + [ + "emission", + -13.89654541015625 + ], + [ + "equivoc", + -13.896552085876465 + ], + [ + "\u2581preparare", + -13.896562576293944 + ], + [ + "\u2581Frequent", + -13.89661693572998 + ], + [ + "godin", + -13.896618843078612 + ], + [ + "\u2581eieren", + -13.896656036376951 + ], + [ + "dfe", + -13.896660804748535 + ], + [ + "\u2581distacco", + -13.896693229675291 + ], + [ + "\u2581lukte", + -13.896711349487305 + ], + [ + "\u2581restaurado", + -13.896716117858888 + ], + [ + "\u2581Alexandri", + -13.89673900604248 + ], + [ + "\u2581lawsuit", + -13.896742820739746 + ], + [ + "stichprobe", + -13.896757125854492 + ], + [ + "\u2581scandale", + -13.896757125854492 + ], + [ + "Organizzazione", + -13.896766662597656 + ], + [ + "\u2581Ayala", + -13.896768569946287 + ], + [ + "PUSH", + -13.89677906036377 + ], + [ + "\u2581resent", + -13.896788597106934 + ], + [ + "\u2581gastar", + -13.896793365478516 + ], + [ + "Dialect", + -13.89681339263916 + ], + [ + "OOM", + -13.896857261657717 + ], + [ + "ruine", + -13.896857261657717 + ], + [ + "\u2581surgido", + -13.896894454956056 + ], + [ + "\u2581hoffe", + -13.8969087600708 + ], + [ + "mende", + -13.89695167541504 + ], + [ + "\u2581Hamel", + -13.896960258483888 + ], + [ + "\u2581connaissent", + -13.89700412750244 + ], + [ + "MUS", + -13.897048950195312 + ], + [ + "zehnten", + -13.897072792053224 + ], + [ + "\u2581israelische", + -13.89708423614502 + ], + [ + "\u2581arbore", + -13.897098541259766 + ], + [ + "sozialistische", + -13.89714241027832 + ], + [ + "\u2581Lib\u00e9ration", + -13.897184371948242 + ], + [ + "\u2581Legi", + -13.89724826812744 + ], + [ + "\u2581\u00e9quip\u00e9e", + -13.897316932678224 + ], + [ + "emato", + -13.897345542907717 + ], + [ + "proton", + -13.897345542907717 + ], + [ + "tuna", + -13.897345542907717 + ], + [ + "Axes", + -13.897368431091309 + ], + [ + "\u2581Schalke", + -13.897378921508787 + ], + [ + "\u2581terrier", + -13.897418975830078 + ], + [ + "\u2581sensorial", + -13.897420883178713 + ], + [ + "\u2581Sims", + -13.89742946624756 + ], + [ + "\u2581Gottesdienst", + -13.897503852844238 + ], + [ + "alisme", + -13.897522926330566 + ], + [ + "avanguardia", + -13.897541046142578 + ], + [ + "\u2581narco", + -13.897544860839844 + ], + [ + "\u2581L\u00fccken", + -13.897547721862791 + ], + [ + "\u2581Jaap", + -13.897581100463867 + ], + [ + "liti", + -13.89758586883545 + ], + [ + "\u2581Giles", + -13.897600173950195 + ], + [ + "multiput", + -13.897626876831056 + ], + [ + "\u2581afgezet", + -13.897635459899902 + ], + [ + "\u2581fati", + -13.897638320922852 + ], + [ + "BOD", + -13.897649765014648 + ], + [ + "\u2581CONCACAF", + -13.897665023803713 + ], + [ + "ictus", + -13.89768886566162 + ], + [ + "\u2581merger", + -13.897693634033203 + ], + [ + "preisen", + -13.897701263427734 + ], + [ + "\u2581W\u00fc", + -13.89770221710205 + ], + [ + "plastische", + -13.897737503051758 + ], + [ + "\u2581Hartmut", + -13.897749900817873 + ], + [ + "\u2581Ehepaar", + -13.897785186767578 + ], + [ + "Tunnel", + -13.89780616760254 + ], + [ + "Because", + -13.89781379699707 + ], + [ + "ungeon", + -13.897820472717283 + ], + [ + "\u2581sterven", + -13.897829055786133 + ], + [ + "\u2581discussioni", + -13.897846221923828 + ], + [ + "nuncia", + -13.89788055419922 + ], + [ + "ktur", + -13.89792537689209 + ], + [ + "\u2581Bernoulli", + -13.89792823791504 + ], + [ + "verantwortung", + -13.897951126098633 + ], + [ + "\u2581Schulte", + -13.897955894470217 + ], + [ + "\u00e4hm", + -13.897967338562012 + ], + [ + "\u2581Erfordernisse", + -13.897968292236328 + ], + [ + "\u2581para\u00edso", + -13.89797019958496 + ], + [ + "\u2581grants", + -13.897987365722656 + ], + [ + "\u2581elevadas", + -13.897998809814451 + ], + [ + "\u2581nitid", + -13.89799976348877 + ], + [ + "\u2581Calendario", + -13.898001670837402 + ], + [ + "\u2581circon", + -13.898014068603516 + ], + [ + "\u2581rubr", + -13.898019790649414 + ], + [ + "\u2581Interpreta", + -13.89802360534668 + ], + [ + "\u00e9lia", + -13.89804458618164 + ], + [ + "\u2581trasformare", + -13.89804458618164 + ], + [ + "\u2581mexicanos", + -13.898052215576172 + ], + [ + "\u2581comerciante", + -13.898056983947754 + ], + [ + "\u2581llegue", + -13.898064613342283 + ], + [ + "\u00e9liminer", + -13.898065567016602 + ], + [ + "MIG", + -13.898125648498535 + ], + [ + "\u2581Gabi", + -13.898151397705078 + ], + [ + "gastr", + -13.89816188812256 + ], + [ + "bringer", + -13.898170471191406 + ], + [ + "regiment", + -13.898176193237305 + ], + [ + "SSI", + -13.898199081420898 + ], + [ + "Eric", + -13.898212432861328 + ], + [ + "ubeh", + -13.89821720123291 + ], + [ + "\u00f3loga", + -13.898228645324709 + ], + [ + "\u2581Osvaldo", + -13.898244857788086 + ], + [ + "AIN", + -13.898261070251465 + ], + [ + "gerichtsbarkeit", + -13.898300170898438 + ], + [ + "\u2581debaixo", + -13.898365020751951 + ], + [ + "fusions", + -13.898370742797852 + ], + [ + "\u2581strengthen", + -13.898398399353027 + ], + [ + "\u2581ligas", + -13.898443222045898 + ], + [ + "\u2581Aparentemente", + -13.898455619812012 + ], + [ + "\u2581Anw\u00e4rter", + -13.898456573486328 + ], + [ + "\u2581Barbarossa", + -13.898460388183594 + ], + [ + "\u2581exon", + -13.898460388183594 + ], + [ + "\u2581observada", + -13.89846134185791 + ], + [ + "eguirono", + -13.898475646972656 + ], + [ + "\u2581Pomo", + -13.898478507995604 + ], + [ + "quement", + -13.89848804473877 + ], + [ + "\u2581Bundestagswahl", + -13.89848804473877 + ], + [ + "\u2581Rizzoli", + -13.89848804473877 + ], + [ + "\u2581Nga", + -13.898491859436035 + ], + [ + "\u2581Parish", + -13.898508071899414 + ], + [ + "Victoria", + -13.89851188659668 + ], + [ + "\u00e9dula", + -13.89852809906006 + ], + [ + "\u2581st\u00fcrzte", + -13.898530960083008 + ], + [ + "gesneden", + -13.898531913757324 + ], + [ + "m\u00e9th", + -13.89853572845459 + ], + [ + "\u2581achternaam", + -13.898560523986816 + ], + [ + "Pel\u00edcula", + -13.898592948913574 + ], + [ + "\u2581Einzelf\u00e4llen", + -13.898600578308104 + ], + [ + "accordion", + -13.898624420166016 + ], + [ + "finally", + -13.898645401000977 + ], + [ + "\u2581confusi\u00f3n", + -13.898648262023926 + ], + [ + "orecchio", + -13.898653030395508 + ], + [ + "\u2581individua", + -13.898667335510254 + ], + [ + "\u2581Mannschafts", + -13.89867115020752 + ], + [ + "\u2581Addis", + -13.898672103881836 + ], + [ + "\u2581Erzeugnis", + -13.898674964904783 + ], + [ + "\u2581MiG", + -13.898695945739746 + ], + [ + "\u2581Juristen", + -13.89871311187744 + ], + [ + "historisch", + -13.898728370666504 + ], + [ + "\u2581deputato", + -13.89873218536377 + ], + [ + "\u2581Legislative", + -13.898781776428224 + ], + [ + "\u2581Feier", + -13.89878749847412 + ], + [ + "\u2581professionali", + -13.898805618286133 + ], + [ + "kabine", + -13.898813247680664 + ], + [ + "\u2581regolamento", + -13.898858070373535 + ], + [ + "\u2581Modeling", + -13.898870468139648 + ], + [ + "\u2581Avery", + -13.898874282836914 + ], + [ + "\u2581ebenda", + -13.898969650268556 + ], + [ + "\u2581Mediziner", + -13.89900016784668 + ], + [ + "\u2581Persoonlijke", + -13.899009704589844 + ], + [ + "\u2581mandate", + -13.899022102355955 + ], + [ + "dama", + -13.89902687072754 + ], + [ + "storia", + -13.899030685424805 + ], + [ + "HOL", + -13.89905834197998 + ], + [ + "\u2581OpenOffice", + -13.899062156677246 + ], + [ + "Bir", + -13.899076461791992 + ], + [ + "\u2581pego", + -13.899086952209473 + ], + [ + "consid\u00e9rablement", + -13.899118423461914 + ], + [ + "kolleg", + -13.89912223815918 + ], + [ + "shiki", + -13.899144172668455 + ], + [ + "\u2581automobili", + -13.899194717407228 + ], + [ + "\u2581Vitoria", + -13.899199485778809 + ], + [ + "masker", + -13.899306297302246 + ], + [ + "\u2581Pontificio", + -13.899349212646484 + ], + [ + "CBS", + -13.89940071105957 + ], + [ + "schoenen", + -13.899429321289062 + ], + [ + "entier", + -13.899442672729492 + ], + [ + "\u2581Subito", + -13.89944553375244 + ], + [ + "\u2581Dust", + -13.899465560913086 + ], + [ + "Offline", + -13.899468421936035 + ], + [ + "esclusione", + -13.899495124816896 + ], + [ + "\u2581demanding", + -13.899508476257324 + ], + [ + "problems", + -13.899518013000488 + ], + [ + "\u2581hueco", + -13.899528503417969 + ], + [ + "\u2581falsas", + -13.899551391601562 + ], + [ + "\u2581propostas", + -13.899576187133787 + ], + [ + "CCS", + -13.899639129638672 + ], + [ + "\u2581Basin", + -13.899652481079102 + ], + [ + "lib\u00e9ralisme", + -13.89967918395996 + ], + [ + "\u2581escrib", + -13.899680137634276 + ], + [ + "\u2581illimitat", + -13.899682998657228 + ], + [ + "pang", + -13.89969253540039 + ], + [ + "leitende", + -13.899699211120604 + ], + [ + "collections", + -13.899701118469238 + ], + [ + "\u2581Feste", + -13.8997220993042 + ], + [ + "Baby", + -13.899747848510742 + ], + [ + "\u2581fum\u00e9e", + -13.899749755859377 + ], + [ + "\u2581Marrocos", + -13.899774551391602 + ], + [ + "\u2581Verteidiger", + -13.899774551391602 + ], + [ + "\u2581kosteng\u00fcnstig", + -13.899787902832031 + ], + [ + "\u2581complessit\u00e0", + -13.899789810180664 + ], + [ + "\u2581Halbfinale", + -13.89980125427246 + ], + [ + "\u2581Messwerte", + -13.89983367919922 + ], + [ + "inismo", + -13.899873733520508 + ], + [ + "\u2581Napels", + -13.89989185333252 + ], + [ + "\u2581Unmittelbar", + -13.899940490722656 + ], + [ + "\u2581dauernd", + -13.899942398071287 + ], + [ + "\u2581colga", + -13.900022506713867 + ], + [ + "\u2581verdeutlichen", + -13.900038719177246 + ], + [ + "JetBrains", + -13.900042533874512 + ], + [ + "ttf", + -13.900042533874512 + ], + [ + "\u2581Cr\u00e9dit", + -13.90009307861328 + ], + [ + "dsen", + -13.900160789489746 + ], + [ + "\u2581versagt", + -13.900181770324709 + ], + [ + "israeli", + -13.900189399719238 + ], + [ + "\u2581Nieto", + -13.90019416809082 + ], + [ + "\u2581Empfangs", + -13.90020751953125 + ], + [ + "\u2581actuels", + -13.900256156921388 + ], + [ + "\u2581insegn", + -13.900272369384766 + ], + [ + "acqu\u00e9rir", + -13.90030288696289 + ], + [ + "\u2581Ausreise", + -13.900318145751951 + ], + [ + "\u2581prazer", + -13.900323867797852 + ], + [ + "\u2581Reacher", + -13.900336265563965 + ], + [ + "verdrag", + -13.900339126586914 + ], + [ + "fontSize", + -13.90034294128418 + ], + [ + "\u2581toegeschreven", + -13.900344848632812 + ], + [ + "\u2581furac", + -13.900349617004396 + ], + [ + "\u2581Luxus", + -13.90035629272461 + ], + [ + "gies", + -13.90035915374756 + ], + [ + "lumi", + -13.900370597839355 + ], + [ + "\u2581Ibiza", + -13.90039348602295 + ], + [ + "gitian", + -13.900433540344238 + ], + [ + "\u2581Gesch\u00e4ftsjahr", + -13.900443077087402 + ], + [ + "\u2581rodea", + -13.90046501159668 + ], + [ + "typeString", + -13.900466918945312 + ], + [ + "FEATURES", + -13.900470733642578 + ], + [ + "zentral", + -13.90049171447754 + ], + [ + "Hyp", + -13.900503158569336 + ], + [ + "\u2581parlait", + -13.900525093078612 + ], + [ + "\u2581Lords", + -13.90056610107422 + ], + [ + "\u2581encuentre", + -13.900586128234863 + ], + [ + "morfi", + -13.900589942932127 + ], + [ + "Bologna", + -13.900590896606444 + ], + [ + "rster", + -13.900609016418455 + ], + [ + "\u2581Syrian", + -13.900609016418455 + ], + [ + "\u2581hollow", + -13.900638580322266 + ], + [ + "\u2581samenwerken", + -13.900657653808594 + ], + [ + "checking", + -13.90066623687744 + ], + [ + "\u2581acquisito", + -13.900691032409668 + ], + [ + "Ledger", + -13.900694847106934 + ], + [ + "laufbahn", + -13.9006986618042 + ], + [ + "xaa", + -13.900764465332031 + ], + [ + "\u2581autonomy", + -13.90077018737793 + ], + [ + "\u2581cuero", + -13.900811195373535 + ], + [ + "\u2581num\u00e9rico", + -13.9008207321167 + ], + [ + "Aqui", + -13.900822639465332 + ], + [ + "\u2581Dwight", + -13.900832176208496 + ], + [ + "\u2581Ast\u00e9ro", + -13.900846481323242 + ], + [ + "\u2581popul\u00e4r", + -13.90088939666748 + ], + [ + "\u2581klinisch", + -13.900904655456545 + ], + [ + "\u2581Ambrose", + -13.900907516479492 + ], + [ + "uera", + -13.900918960571287 + ], + [ + "rollback", + -13.900976181030272 + ], + [ + "\u2581Vortr\u00e4ge", + -13.900983810424805 + ], + [ + "\u2581stabilis", + -13.90099811553955 + ], + [ + "\u2581Sensitivit\u00e4t", + -13.901016235351562 + ], + [ + "portrait", + -13.901022911071776 + ], + [ + "\u2581Collette", + -13.90103530883789 + ], + [ + "\u2581vracht", + -13.90106201171875 + ], + [ + "ucco", + -13.90108585357666 + ], + [ + "\u2581eigenschap", + -13.901152610778809 + ], + [ + "utphen", + -13.901159286499023 + ], + [ + "\u2581Handwerker", + -13.901165962219238 + ], + [ + "\u2581traced", + -13.901171684265137 + ], + [ + "jang", + -13.901175498962402 + ], + [ + "\u2581N\u00e4", + -13.90119457244873 + ], + [ + "\u2581ecol\u00f3gico", + -13.90119743347168 + ], + [ + "\u2581aufhalten", + -13.90121078491211 + ], + [ + "\u2581sequencing", + -13.901256561279297 + ], + [ + "kartell", + -13.901264190673828 + ], + [ + "\u2581brum", + -13.901288986206056 + ], + [ + "\u2581worstel", + -13.901357650756836 + ], + [ + "\u2581influenc\u00e9", + -13.901371002197266 + ], + [ + "\u2581fattura", + -13.901446342468262 + ], + [ + "\u2581Grin", + -13.901458740234377 + ], + [ + "\u2581Lehren", + -13.901458740234377 + ], + [ + "\u2581Boyle", + -13.901476860046388 + ], + [ + "\u2581Aussch", + -13.901497840881348 + ], + [ + "\u2581Abf\u00e4llen", + -13.901549339294434 + ], + [ + "gerichtliche", + -13.901551246643066 + ], + [ + "topics", + -13.901565551757812 + ], + [ + "\u2581privi", + -13.901623725891112 + ], + [ + "\u2581Eisenhower", + -13.90162467956543 + ], + [ + "\u2581voulais", + -13.901626586914062 + ], + [ + "\u2581wikilivro", + -13.90162754058838 + ], + [ + "\u2581divenendo", + -13.901631355285645 + ], + [ + "b\u00fcndel", + -13.901637077331545 + ], + [ + "FLAT", + -13.901638984680176 + ], + [ + "intrattenimento", + -13.901656150817873 + ], + [ + "\u2581Kinn", + -13.901680946350098 + ], + [ + "\u2581Nuklear", + -13.901697158813477 + ], + [ + "filiation", + -13.901707649230955 + ], + [ + "nister", + -13.901741981506348 + ], + [ + "\u2581captures", + -13.901747703552246 + ], + [ + "omis", + -13.901773452758787 + ], + [ + "\u2581wiederholen", + -13.901808738708496 + ], + [ + "\u2581r\u00e9cits", + -13.901820182800291 + ], + [ + "\u2581indiane", + -13.901824951171877 + ], + [ + "\u2581pr\u00e9cipit", + -13.901847839355469 + ], + [ + "ecko", + -13.901850700378418 + ], + [ + "futter", + -13.901862144470217 + ], + [ + "\u2581Fortes", + -13.90187644958496 + ], + [ + "\u2581Motoren", + -13.901885986328123 + ], + [ + "\u2581domine", + -13.901933670043944 + ], + [ + "\u2581Mekong", + -13.901948928833008 + ], + [ + "\u2581Jeroen", + -13.901951789855955 + ], + [ + "humeur", + -13.901955604553224 + ], + [ + "effectif", + -13.901959419250488 + ], + [ + "\u2581Vernehmung", + -13.90196704864502 + ], + [ + "voud", + -13.901970863342283 + ], + [ + "\u2581flottant", + -13.901981353759766 + ], + [ + "versioned", + -13.901991844177246 + ], + [ + "\u2581verbringen", + -13.902003288269045 + ], + [ + "gestorven", + -13.902042388916016 + ], + [ + "\u2581Transkription", + -13.90207862854004 + ], + [ + "crescente", + -13.902097702026367 + ], + [ + "\u2581uiteinde", + -13.902132034301758 + ], + [ + "\u2581\u00e9quip\u00e9", + -13.902137756347656 + ], + [ + "\u2581Hague", + -13.902144432067873 + ], + [ + "mire", + -13.902155876159668 + ], + [ + "\u2581Informati", + -13.902158737182615 + ], + [ + "\u2581filtr", + -13.902192115783691 + ], + [ + "\u2581licenciatura", + -13.902199745178224 + ], + [ + "\u2581verschwinden", + -13.902202606201172 + ], + [ + "\u2581gesetzten", + -13.90229034423828 + ], + [ + "\u2581entrado", + -13.902365684509276 + ], + [ + "\u2581beating", + -13.902379035949709 + ], + [ + "\u2581erneuert", + -13.902379035949709 + ], + [ + "\u2581Settim", + -13.902383804321287 + ], + [ + "\u2581beaten", + -13.902414321899414 + ], + [ + "\u2581Silizium", + -13.902421951293944 + ], + [ + "\u2581Camillo", + -13.90243911743164 + ], + [ + "\u2581envahi", + -13.90245532989502 + ], + [ + "\u2581Staatsb\u00fcrger", + -13.902503967285156 + ], + [ + "\u2581Heiden", + -13.902508735656738 + ], + [ + "\u2581causou", + -13.902515411376951 + ], + [ + "\u2581doppelte", + -13.902530670166016 + ], + [ + "ECH", + -13.902541160583496 + ], + [ + "\u2581herrschen", + -13.902557373046877 + ], + [ + "\u2581befragt", + -13.902567863464355 + ], + [ + "\u2581inclinaci\u00f3n", + -13.902633666992188 + ], + [ + "\u2581abitudini", + -13.90268325805664 + ], + [ + "\u2581verkrijgbaar", + -13.90268325805664 + ], + [ + "nfiteatro", + -13.902688026428224 + ], + [ + "ksel", + -13.90270709991455 + ], + [ + "\u2581earnings", + -13.902711868286133 + ], + [ + "\u2581risolve", + -13.90274143218994 + ], + [ + "Own", + -13.902745246887209 + ], + [ + "operativ", + -13.90281867980957 + ], + [ + "\u2581batallas", + -13.902839660644531 + ], + [ + "\u2581assento", + -13.902862548828123 + ], + [ + "\u2581pubblicazioni", + -13.902873992919922 + ], + [ + "kke", + -13.902920722961426 + ], + [ + "\u2581recruta", + -13.90293025970459 + ], + [ + "\u2581ondertekend", + -13.902932167053224 + ], + [ + "molar", + -13.902953147888184 + ], + [ + "\u2581forc\u00e9", + -13.902963638305664 + ], + [ + "\u2581examining", + -13.90296745300293 + ], + [ + "\u2581bote", + -13.903066635131836 + ], + [ + "\u2581Transplantation", + -13.90307903289795 + ], + [ + "\u2581aboard", + -13.903082847595217 + ], + [ + "\u2581Nadia", + -13.903087615966797 + ], + [ + "getText", + -13.903099060058594 + ], + [ + "Berufs", + -13.903160095214844 + ], + [ + "scientific", + -13.903194427490234 + ], + [ + "enthousiasme", + -13.903213500976562 + ], + [ + "\u2581attacker", + -13.903217315673828 + ], + [ + "\u2581Fisk", + -13.90324878692627 + ], + [ + "\u2581confined", + -13.903258323669434 + ], + [ + "DescriptorProto", + -13.903294563293455 + ], + [ + "ribbon", + -13.903308868408203 + ], + [ + "\u2581suburbs", + -13.903383255004885 + ], + [ + "\u2581Eph", + -13.90342140197754 + ], + [ + "vorbereitung", + -13.903434753417969 + ], + [ + "kehren", + -13.903443336486816 + ], + [ + "satzung", + -13.903443336486816 + ], + [ + "bergangsregelung", + -13.903450012207031 + ], + [ + "Maxim", + -13.903451919555664 + ], + [ + "\u2581Baixo", + -13.90346622467041 + ], + [ + "\u2581indicative", + -13.90349578857422 + ], + [ + "\u2581proph", + -13.9035062789917 + ], + [ + "recuper", + -13.903522491455078 + ], + [ + "\u2581afzonderlijke", + -13.90353298187256 + ], + [ + "\u2581diamante", + -13.903536796569824 + ], + [ + "\u2581Fab", + -13.90355110168457 + ], + [ + "\u2581schmale", + -13.903576850891112 + ], + [ + "Jung", + -13.90359115600586 + ], + [ + "fatal", + -13.903621673583984 + ], + [ + "\u2581frein", + -13.903701782226562 + ], + [ + "\u2581agrot\u00f3xicos", + -13.903712272644045 + ], + [ + "\u2581vecteurs", + -13.903722763061523 + ], + [ + "\u2581esperimenti", + -13.9037446975708 + ], + [ + "\u00edsta", + -13.903746604919434 + ], + [ + "\u2581Akku", + -13.903759956359863 + ], + [ + "\u2581recurrence", + -13.903783798217772 + ], + [ + "\u2581vivants", + -13.903815269470217 + ], + [ + "crom", + -13.903823852539062 + ], + [ + "Kommissar", + -13.903831481933594 + ], + [ + "Andrew", + -13.903838157653809 + ], + [ + "\u2581construyeron", + -13.903858184814451 + ], + [ + "\u2581Tasmania", + -13.903884887695312 + ], + [ + "\u2581Haydn", + -13.903905868530272 + ], + [ + "\u2581Checks", + -13.903926849365234 + ], + [ + "Greg", + -13.90394115447998 + ], + [ + "erbeek", + -13.903945922851562 + ], + [ + "EFCFFF", + -13.904007911682127 + ], + [ + "\u2581scolastico", + -13.904007911682127 + ], + [ + "freunde", + -13.90401840209961 + ], + [ + "\u2581deliberadamente", + -13.904045104980469 + ], + [ + "\u2581conservatori", + -13.904074668884276 + ], + [ + "\u2581desconocida", + -13.904119491577148 + ], + [ + "xanth", + -13.904186248779297 + ], + [ + "\u2581diversen", + -13.904191970825195 + ], + [ + "yii", + -13.904215812683104 + ], + [ + "\u2581nativi", + -13.904227256774902 + ], + [ + "\u2581contacter", + -13.904239654541016 + ], + [ + "\u2581Erlangung", + -13.904274940490724 + ], + [ + "\u2581disoluci\u00f3n", + -13.904294967651367 + ], + [ + "\u2581cr\u00f3nic", + -13.90429973602295 + ], + [ + "\u2581sodann", + -13.904304504394531 + ], + [ + "\u2581gleichwohl", + -13.90432071685791 + ], + [ + "cepci\u00f3n", + -13.904337882995604 + ], + [ + "\u2581Livia", + -13.904343605041504 + ], + [ + "tensi\u00f3n", + -13.904349327087402 + ], + [ + "\u2581Nucl", + -13.904383659362791 + ], + [ + "\u2581aangrenzende", + -13.904389381408691 + ], + [ + "\u2581assegurar", + -13.904398918151855 + ], + [ + "relationship", + -13.90442943572998 + ], + [ + "countable", + -13.904431343078612 + ], + [ + "branches", + -13.90443992614746 + ], + [ + "\u2581svolgimento", + -13.904448509216309 + ], + [ + "ur\u00e9e", + -13.904464721679688 + ], + [ + "\u2581comentado", + -13.904481887817385 + ], + [ + "\u2581burgemeesters", + -13.904491424560549 + ], + [ + "\u2581workshops", + -13.90452003479004 + ], + [ + "g\u00eda", + -13.904537200927734 + ], + [ + "\u2581librairie", + -13.904540061950684 + ], + [ + "\u2581Freigabe", + -13.904582023620604 + ], + [ + "gr\u00fcnder", + -13.9046049118042 + ], + [ + "suelta", + -13.904619216918944 + ], + [ + "\u2581Liegenschaften", + -13.904623031616213 + ], + [ + "\u00fcberleben", + -13.904644966125488 + ], + [ + "\u2581giudiziari", + -13.904675483703612 + ], + [ + "\u2581spontaneous", + -13.90468978881836 + ], + [ + "Risk", + -13.904720306396484 + ], + [ + "\u2581intimi", + -13.90473175048828 + ], + [ + "gef\u00fcllt", + -13.904735565185549 + ], + [ + "\u2581Brenda", + -13.904739379882812 + ], + [ + "\u2581perspectivas", + -13.904739379882812 + ], + [ + "scheiben", + -13.904749870300291 + ], + [ + "\u2581Sollten", + -13.90476894378662 + ], + [ + "pareggi", + -13.904787063598633 + ], + [ + "laser", + -13.904812812805176 + ], + [ + "\u2581croissant", + -13.904820442199709 + ], + [ + "\u2581Chamb", + -13.904827117919922 + ], + [ + "\u2581canti", + -13.904839515686035 + ], + [ + "\u2581lontane", + -13.904850959777832 + ], + [ + "\u2581spouse", + -13.90485382080078 + ], + [ + "rense", + -13.904890060424805 + ], + [ + "Diag", + -13.90489673614502 + ], + [ + "\u2581Natasha", + -13.90492343902588 + ], + [ + "CONDA", + -13.904925346374512 + ], + [ + "\u2581unbekannte", + -13.904963493347168 + ], + [ + "\u2581arterial", + -13.904972076416016 + ], + [ + "\u2581Duty", + -13.90499210357666 + ], + [ + "\u2581burl", + -13.905033111572266 + ], + [ + "h\u00e4fen", + -13.905036926269531 + ], + [ + "rekrut", + -13.90504550933838 + ], + [ + "\u2581Hacker", + -13.905051231384276 + ], + [ + "\u2581abgebrochen", + -13.90505599975586 + ], + [ + "\u2581recorr", + -13.905067443847656 + ], + [ + "\u2581suddiviso", + -13.905069351196287 + ], + [ + "\u2581nominated", + -13.90508270263672 + ], + [ + "ghem", + -13.905089378356934 + ], + [ + "\u2581conheceu", + -13.905142784118652 + ], + [ + "trappen", + -13.905156135559082 + ], + [ + "Vision", + -13.905224800109863 + ], + [ + "\u2581Behinderte", + -13.905230522155762 + ], + [ + "\u2581Basal", + -13.905242919921877 + ], + [ + "lege", + -13.905245780944824 + ], + [ + "\u2581Costantino", + -13.905263900756836 + ], + [ + "\u2581nascente", + -13.905264854431152 + ], + [ + "\u2581violin", + -13.905275344848633 + ], + [ + "Pyralidae", + -13.905333518981934 + ], + [ + "\u2581Abschrift", + -13.905351638793944 + ], + [ + "\u2581Apotheker", + -13.905356407165527 + ], + [ + "\u2581difetto", + -13.905366897583008 + ], + [ + "\u2581frottement", + -13.905373573303224 + ], + [ + "ceros", + -13.905400276184082 + ], + [ + "int\u00e9ress\u00e9", + -13.905428886413574 + ], + [ + "Niet", + -13.90543270111084 + ], + [ + "\u2581pseudonyme", + -13.905438423156738 + ], + [ + "\u2581Pflegebed\u00fcrftig", + -13.905450820922852 + ], + [ + "ITU", + -13.905454635620115 + ], + [ + "\u2581Grenzwert", + -13.90546417236328 + ], + [ + "Antoinette", + -13.905488014221191 + ], + [ + "\u2581infesta", + -13.905489921569824 + ], + [ + "\u2581Dickens", + -13.905508995056152 + ], + [ + "Inset", + -13.905524253845217 + ], + [ + "\u2581Mikael", + -13.905527114868164 + ], + [ + "\u2581doelstelling", + -13.905545234680176 + ], + [ + "Gp", + -13.905562400817873 + ], + [ + "\u2581Carp", + -13.9055814743042 + ], + [ + "\u2581complexa", + -13.905587196350098 + ], + [ + "\u2581Norwich", + -13.90562629699707 + ], + [ + "automaten", + -13.905635833740234 + ], + [ + "\u2581Rahmenplan", + -13.905648231506348 + ], + [ + "\u2581tendencias", + -13.905667304992676 + ], + [ + "\u2581abgelegt", + -13.90567398071289 + ], + [ + "DCM", + -13.90569019317627 + ], + [ + "\u2581construcciones", + -13.9056978225708 + ], + [ + "\u2581Inaugura", + -13.905722618103027 + ], + [ + "\u2581Patin", + -13.905753135681152 + ], + [ + "sigui\u00f3", + -13.905804634094238 + ], + [ + "ensee", + -13.905820846557615 + ], + [ + "\u2581Loja", + -13.905839920043944 + ], + [ + "komitee", + -13.905879974365234 + ], + [ + "\u2581J\u00e4", + -13.905896186828612 + ], + [ + "\u2581v\u00e9g\u00e9tation", + -13.905901908874512 + ], + [ + "viano", + -13.905902862548828 + ], + [ + "\u2581allegedly", + -13.90591526031494 + ], + [ + "endian", + -13.905924797058104 + ], + [ + "\u2581f\u00f3", + -13.905951499938965 + ], + [ + "\u2581miR", + -13.905964851379396 + ], + [ + "\u2581physikalischen", + -13.905970573425291 + ], + [ + "philosophie", + -13.905981063842772 + ], + [ + "\u2581Archie", + -13.906041145324709 + ], + [ + "\u2581verbraucht", + -13.906048774719238 + ], + [ + "\u2581Pott", + -13.906060218811035 + ], + [ + "\u2581adopt\u00f3", + -13.906070709228516 + ], + [ + "\u2581Kl\u00e4gers", + -13.90613079071045 + ], + [ + "\u2581eligi\u00f3", + -13.906134605407717 + ], + [ + "\u2581Waldemar", + -13.906140327453612 + ], + [ + "eyed", + -13.906204223632812 + ], + [ + "abolition", + -13.906208992004396 + ], + [ + "Contribution", + -13.906219482421877 + ], + [ + "\u2581ducato", + -13.906224250793455 + ], + [ + "flexible", + -13.906230926513672 + ], + [ + "komponente", + -13.90625 + ], + [ + "\u2581editors", + -13.906336784362791 + ], + [ + "\u2581trascorrere", + -13.90635585784912 + ], + [ + "\u2581convertir\u00eda", + -13.906362533569336 + ], + [ + "\u2581konfrontiert", + -13.906397819519045 + ], + [ + "\u2581erwies", + -13.906410217285156 + ], + [ + "\u2581descobertas", + -13.906416893005373 + ], + [ + "\u2581Horizont", + -13.906435012817385 + ], + [ + "steck", + -13.906455039978027 + ], + [ + "\u2581paysans", + -13.906466484069824 + ], + [ + "verplaatsing", + -13.90651512145996 + ], + [ + "klachten", + -13.906527519226074 + ], + [ + "\u2581Mohr", + -13.906631469726562 + ], + [ + "\u2581beca", + -13.906641006469728 + ], + [ + "hydra", + -13.906649589538574 + ], + [ + "r\u00edgida", + -13.906664848327637 + ], + [ + "\u2581Moc", + -13.906665802001951 + ], + [ + "\u2581Litt", + -13.906678199768066 + ], + [ + "\u2581injected", + -13.90672492980957 + ], + [ + "\u2581Italiani", + -13.906728744506836 + ], + [ + "\u2581organizational", + -13.906733512878418 + ], + [ + "\u2581predominantly", + -13.906747817993164 + ], + [ + "\u2581Oppure", + -13.906752586364746 + ], + [ + "\u2581indefinido", + -13.906760215759276 + ], + [ + "\u2581fundos", + -13.90676498413086 + ], + [ + "\u2581P\u00e9kin", + -13.906776428222656 + ], + [ + "\u2581attende", + -13.906801223754885 + ], + [ + "\u2581deviations", + -13.906814575195312 + ], + [ + "\u2581sp\u00e9ciales", + -13.90683364868164 + ], + [ + "\u2581Kaba", + -13.90684700012207 + ], + [ + "SME", + -13.906906127929688 + ], + [ + "\u2581Ruder", + -13.906908988952637 + ], + [ + "\u2581neozeland", + -13.90692901611328 + ], + [ + "symmetrisch", + -13.906936645507812 + ], + [ + "\u2581Erg\u00e4nzend", + -13.906975746154783 + ], + [ + "\u2581Mui", + -13.906994819641112 + ], + [ + "\u2581Regionalliga", + -13.90701389312744 + ], + [ + "INGG", + -13.907022476196287 + ], + [ + "\u2581ambientali", + -13.907022476196287 + ], + [ + "\u2581machin", + -13.90703010559082 + ], + [ + "\u2581implic", + -13.907044410705566 + ], + [ + "\u2581touristisch", + -13.907044410705566 + ], + [ + "\u2581trabajan", + -13.907118797302246 + ], + [ + "\u2581casarse", + -13.907124519348145 + ], + [ + "\u2581Vim", + -13.907154083251951 + ], + [ + "\u2581Infelizmente", + -13.907180786132812 + ], + [ + "\u2581alumno", + -13.907185554504396 + ], + [ + "\u2581ingenomen", + -13.907196044921877 + ], + [ + "freedesktop", + -13.907198905944824 + ], + [ + "\u2581Macron", + -13.907248497009276 + ], + [ + "\u2581Ausl\u00e4ndern", + -13.907279014587402 + ], + [ + "\u2581snelste", + -13.90733814239502 + ], + [ + "Webhook", + -13.907341003417969 + ], + [ + "testcase", + -13.90738582611084 + ], + [ + "\u2581Kammern", + -13.90743350982666 + ], + [ + "\u2581Altersgruppen", + -13.90744972229004 + ], + [ + "\u2581onvoldoende", + -13.907461166381836 + ], + [ + "\u2581amplitudes", + -13.907485008239746 + ], + [ + "\u2581assembled", + -13.90749454498291 + ], + [ + "\u2581salvato", + -13.907504081726074 + ], + [ + "SWIG", + -13.90762996673584 + ], + [ + "\u2581interessado", + -13.90762996673584 + ], + [ + "schneider", + -13.907675743103027 + ], + [ + "ggiano", + -13.90768814086914 + ], + [ + "\u2581Falsch", + -13.90768814086914 + ], + [ + "chler", + -13.90769100189209 + ], + [ + "\u2581champagne", + -13.907739639282228 + ], + [ + "\u2581colabor\u00f3", + -13.90776824951172 + ], + [ + "\u2581Statale", + -13.907796859741213 + ], + [ + "\u2581Noordzee", + -13.907803535461426 + ], + [ + "kundigen", + -13.90781593322754 + ], + [ + "\u2581Petersen", + -13.907816886901855 + ], + [ + "ticum", + -13.907822608947754 + ], + [ + "\u2581testigos", + -13.907977104187012 + ], + [ + "Island", + -13.908061027526855 + ], + [ + "\u2581advertisement", + -13.908069610595703 + ], + [ + "\u2581explosive", + -13.90808391571045 + ], + [ + "\u2581ablehnen", + -13.908087730407717 + ], + [ + "\u2581timidez", + -13.908117294311523 + ], + [ + "\u2581estrategias", + -13.90817642211914 + ], + [ + "\u2581produis", + -13.908180236816406 + ], + [ + "\u2581Protecci\u00f3n", + -13.908259391784668 + ], + [ + "\u2581humanen", + -13.90830421447754 + ], + [ + "cherry", + -13.90835189819336 + ], + [ + "\u2581Irina", + -13.908409118652344 + ], + [ + "\u2581Indiens", + -13.90842628479004 + ], + [ + "ecteur", + -13.908438682556152 + ], + [ + "dracht", + -13.908439636230469 + ], + [ + "oxyg", + -13.908451080322266 + ], + [ + "fbd", + -13.908458709716797 + ], + [ + "Manuel", + -13.90847396850586 + ], + [ + "saustausch", + -13.908477783203123 + ], + [ + "\u2581batter", + -13.908491134643556 + ], + [ + "tibi", + -13.908496856689451 + ], + [ + "Cull", + -13.908522605895996 + ], + [ + "zhen", + -13.908523559570312 + ], + [ + "\u2581scomparso", + -13.908527374267578 + ], + [ + "\u2581Conservatoire", + -13.908533096313477 + ], + [ + "Uni\u00f3n", + -13.908562660217283 + ], + [ + "\u2581Vorst", + -13.908592224121094 + ], + [ + "\u2581versuchten", + -13.908629417419434 + ], + [ + "\u2581Entschei", + -13.908672332763672 + ], + [ + "\u2581tenis", + -13.908716201782228 + ], + [ + "Phenyl", + -13.90871810913086 + ], + [ + "\u2581harten", + -13.9087495803833 + ], + [ + "devDependencies", + -13.908750534057615 + ], + [ + "camente", + -13.9087553024292 + ], + [ + "geholt", + -13.908836364746094 + ], + [ + "\u2581Liberta", + -13.90884017944336 + ], + [ + "\u2581Ans\u00e4tzen", + -13.908843994140623 + ], + [ + "\u2581verfasste", + -13.908845901489258 + ], + [ + "\u2581Italo", + -13.908875465393066 + ], + [ + "\u2581manufactured", + -13.90890407562256 + ], + [ + "\u2581maschio", + -13.908915519714355 + ], + [ + "urch", + -13.908934593200684 + ], + [ + "\u2581primarie", + -13.908942222595217 + ], + [ + "\u2581materiell", + -13.90894603729248 + ], + [ + "OVE", + -13.90894889831543 + ], + [ + "s\u00e4nderung", + -13.908957481384276 + ], + [ + "\u2581sfruttare", + -13.909014701843262 + ], + [ + "\u2581langsamer", + -13.909019470214844 + ], + [ + "ohlen", + -13.90903663635254 + ], + [ + "\u2581Engelstalige", + -13.90903663635254 + ], + [ + "\u2581Pirates", + -13.909042358398438 + ], + [ + "\u2581Odysseus", + -13.909059524536133 + ], + [ + "\u2581eficiencia", + -13.909061431884766 + ], + [ + "\u2581Hering", + -13.909063339233398 + ], + [ + "rache", + -13.90906810760498 + ], + [ + "\u2581eliminato", + -13.90908145904541 + ], + [ + "\u2581brandweer", + -13.909086227416992 + ], + [ + "Dv", + -13.909095764160156 + ], + [ + "m\u00e9trico", + -13.909122467041016 + ], + [ + "\u2581Casanova", + -13.909207344055176 + ], + [ + "\u2581considerazioni", + -13.909209251403809 + ], + [ + "historia", + -13.909253120422363 + ], + [ + "\u2581exacta", + -13.909262657165527 + ], + [ + "\u2581MART", + -13.909263610839844 + ], + [ + "\u2581Seitdem", + -13.909271240234377 + ], + [ + "\u2581manipulate", + -13.909294128417969 + ], + [ + "Vv", + -13.90933895111084 + ], + [ + "\u2581Gorba", + -13.909345626831056 + ], + [ + "\u2581hemelobject", + -13.90938949584961 + ], + [ + "Saved", + -13.909400939941406 + ], + [ + "Euratom", + -13.909406661987305 + ], + [ + "\u2581wires", + -13.90940761566162 + ], + [ + "\u2581celestial", + -13.909446716308594 + ], + [ + "SAM", + -13.909503936767578 + ], + [ + "dogan", + -13.909506797790527 + ], + [ + "harma", + -13.909516334533691 + ], + [ + "\u2581Timb", + -13.909536361694336 + ], + [ + "sshd", + -13.90956211090088 + ], + [ + "CharField", + -13.909578323364258 + ], + [ + "\u2581Mittlerweile", + -13.909592628479004 + ], + [ + "\u2581Josi", + -13.909650802612305 + ], + [ + "refine", + -13.90965175628662 + ], + [ + "unzip", + -13.909656524658203 + ], + [ + "\u2581prairies", + -13.909676551818848 + ], + [ + "UEL", + -13.909712791442873 + ], + [ + "\u2581snelweg", + -13.909747123718262 + ], + [ + "\u2581sconto", + -13.909765243530272 + ], + [ + "\u2581implementado", + -13.909781455993652 + ], + [ + "gerade", + -13.909799575805664 + ], + [ + "duzione", + -13.909830093383787 + ], + [ + "\u2581balada", + -13.9098539352417 + ], + [ + "\u2581class\u00e9s", + -13.909896850585938 + ], + [ + "\u2581Contr", + -13.909899711608888 + ], + [ + "\u2581Eusebi", + -13.909934043884276 + ], + [ + "\u2581Veterin\u00e4r", + -13.909984588623049 + ], + [ + "\u2581llave", + -13.91000747680664 + ], + [ + "\u2581recherch\u00e9", + -13.910018920898438 + ], + [ + "Clusters", + -13.910024642944336 + ], + [ + "\u2581traitements", + -13.910052299499512 + ], + [ + "warten", + -13.910083770751951 + ], + [ + "\u2581po\u00e9tique", + -13.910099983215332 + ], + [ + "\u2581Dato", + -13.910125732421877 + ], + [ + "layui", + -13.910170555114746 + ], + [ + "exponent", + -13.910186767578123 + ], + [ + "\u2581Olho", + -13.910195350646973 + ], + [ + "\u2581Personnage", + -13.910228729248049 + ], + [ + "\u2581Samb", + -13.910269737243652 + ], + [ + "\u2581romances", + -13.910277366638184 + ], + [ + "utaten", + -13.91028118133545 + ], + [ + "\u2581Katar", + -13.910285949707031 + ], + [ + "\u2581cuadrado", + -13.910301208496094 + ], + [ + "allevamento", + -13.91030979156494 + ], + [ + "expl", + -13.910370826721191 + ], + [ + "leitenden", + -13.910420417785645 + ], + [ + "\u2581voltada", + -13.91042423248291 + ], + [ + "\u2581Jungfrau", + -13.91043758392334 + ], + [ + "RMS", + -13.910481452941896 + ], + [ + "struk", + -13.910484313964844 + ], + [ + "\u2581Arie", + -13.910502433776855 + ], + [ + "\u2581Standing", + -13.910504341125488 + ], + [ + "\u2581acontecendo", + -13.910523414611816 + ], + [ + "\u2581judaica", + -13.910569190979004 + ], + [ + "\u2581designing", + -13.910585403442385 + ], + [ + "\u2581parroquial", + -13.910595893859863 + ], + [ + "UNA", + -13.91062068939209 + ], + [ + "Forschung", + -13.910642623901367 + ], + [ + "ForeignKey", + -13.910662651062012 + ], + [ + "\u2581regularization", + -13.91066551208496 + ], + [ + "encadr\u00e9", + -13.910683631896973 + ], + [ + "\u2581depender", + -13.910712242126465 + ], + [ + "\u2581dinosauri", + -13.910727500915527 + ], + [ + "\u2581Decker", + -13.91075325012207 + ], + [ + "manifold", + -13.910757064819336 + ], + [ + "\u2581instaur", + -13.910772323608398 + ], + [ + "ODA", + -13.91077709197998 + ], + [ + "Heathrow", + -13.910785675048828 + ], + [ + "\u2581nachstehenden", + -13.910791397094728 + ], + [ + "donn\u00e9", + -13.910797119140623 + ], + [ + "\u2581basin", + -13.91081428527832 + ], + [ + "\u2581abelian", + -13.91081714630127 + ], + [ + "aspas", + -13.91087245941162 + ], + [ + "heiz", + -13.910881042480469 + ], + [ + "gestalten", + -13.91089153289795 + ], + [ + "\u2581behoorden", + -13.910910606384276 + ], + [ + "\u2581charg\u00e9s", + -13.910966873168944 + ], + [ + "compatibility", + -13.910967826843262 + ], + [ + "leasing", + -13.91099452972412 + ], + [ + "\u2581chemo", + -13.91099739074707 + ], + [ + "\u2581Denkmalschutz", + -13.911027908325195 + ], + [ + "\u2581Vico", + -13.911048889160156 + ], + [ + "ushu", + -13.911076545715332 + ], + [ + "anismo", + -13.911083221435549 + ], + [ + "\u2581budg\u00e9taire", + -13.911192893981934 + ], + [ + "\u2581sixty", + -13.911212921142578 + ], + [ + "\u2581rilevanti", + -13.91123390197754 + ], + [ + "datei", + -13.911237716674805 + ], + [ + "\u2581hechas", + -13.911249160766602 + ], + [ + "Chin", + -13.911255836486816 + ], + [ + "\u2581Gemeinderat", + -13.911260604858398 + ], + [ + "\u2581levantamiento", + -13.91128635406494 + ], + [ + "\u2581gravel", + -13.911321640014648 + ], + [ + "\u2581ordinateurs", + -13.911354064941406 + ], + [ + "\u2581islamica", + -13.91136646270752 + ], + [ + "\u2581Volley", + -13.911369323730469 + ], + [ + "kaku", + -13.911383628845217 + ], + [ + "\u2581Granit", + -13.911423683166504 + ], + [ + "\u2581Pakist\u00e1n", + -13.911463737487791 + ], + [ + "\u2581Aken", + -13.911468505859377 + ], + [ + "vins", + -13.911470413208008 + ], + [ + "GPIO", + -13.911490440368652 + ], + [ + "\u2581Paix", + -13.911506652832031 + ], + [ + "\u2581engaging", + -13.911519050598145 + ], + [ + "\u2581Presidentes", + -13.911547660827637 + ], + [ + "\u2581Einheimischen", + -13.9115571975708 + ], + [ + "\u2581melano", + -13.911629676818848 + ], + [ + "Optical", + -13.911640167236328 + ], + [ + "\u2581GWB", + -13.911643028259276 + ], + [ + "ECUT", + -13.911654472351074 + ], + [ + "\u2581Ethel", + -13.911654472351074 + ], + [ + "\u2581erhaltene", + -13.911664962768556 + ], + [ + "\u2581tao", + -13.911678314208984 + ], + [ + "\u2581mysterious", + -13.9116792678833 + ], + [ + "\u2581Nolan", + -13.911694526672363 + ], + [ + "\u2581Welchen", + -13.911721229553224 + ], + [ + "\u2581Palau", + -13.91172218322754 + ], + [ + "\u2581verf\u00fcgte", + -13.911735534667969 + ], + [ + "lappen", + -13.911738395690918 + ], + [ + "krit", + -13.911746978759766 + ], + [ + "faz", + -13.911829948425291 + ], + [ + "Primer", + -13.911849975585938 + ], + [ + "\u2581Equipa", + -13.911895751953123 + ], + [ + "\u2581themes", + -13.911898612976074 + ], + [ + "\u2581propos\u00e9s", + -13.9119234085083 + ], + [ + "\u2581M\u00fchle", + -13.911931991577148 + ], + [ + "undung", + -13.911958694458008 + ], + [ + "ELF", + -13.912026405334473 + ], + [ + "\u2581protestant", + -13.912028312683104 + ], + [ + "\u2581tablas", + -13.9120454788208 + ], + [ + "\u2581colpita", + -13.912104606628418 + ], + [ + "\u2581Chave", + -13.912148475646973 + ], + [ + "\u2581xeno", + -13.912175178527832 + ], + [ + "Uomo", + -13.91219997406006 + ], + [ + "Assisi", + -13.912212371826172 + ], + [ + "\u2581bewahren", + -13.912216186523438 + ], + [ + "berraschung", + -13.912277221679688 + ], + [ + "\u2581insegnanti", + -13.912288665771484 + ], + [ + "\u2581discoteca", + -13.91232204437256 + ], + [ + "\u2581biologique", + -13.91235637664795 + ], + [ + "\u2581Sung", + -13.912372589111328 + ], + [ + "ansky", + -13.912402153015137 + ], + [ + "witte", + -13.912426948547363 + ], + [ + "\u2581r\u00e9serv\u00e9e", + -13.91249942779541 + ], + [ + "protection", + -13.912504196166992 + ], + [ + "SEG", + -13.912506103515623 + ], + [ + "\u2581sosteneva", + -13.912524223327637 + ], + [ + "Terminus", + -13.912525177001951 + ], + [ + "\u2581Standes", + -13.912528038024902 + ], + [ + "ENVIRONMENT", + -13.912529945373535 + ], + [ + "\u2581spectacular", + -13.91254425048828 + ], + [ + "\u2581Rom\u00e1n", + -13.912550926208496 + ], + [ + "lson", + -13.91257667541504 + ], + [ + "\u2581Sichtweise", + -13.912589073181152 + ], + [ + "\u2581Gallego", + -13.912599563598633 + ], + [ + "gedenk", + -13.912601470947266 + ], + [ + "\u2581manufacturers", + -13.912632942199709 + ], + [ + "\u2581Nobles", + -13.912641525268556 + ], + [ + "\u00fcrt", + -13.912647247314451 + ], + [ + "\u2581observador", + -13.91264820098877 + ], + [ + "\u2581Charl", + -13.912650108337402 + ], + [ + "\u2581Entspannung", + -13.91269588470459 + ], + [ + "spezi", + -13.912705421447754 + ], + [ + "Working", + -13.91273021697998 + ], + [ + "AMB", + -13.912731170654297 + ], + [ + "Theorie", + -13.912789344787598 + ], + [ + "\u2581Greyhound", + -13.912798881530762 + ], + [ + "\u2581NCBI", + -13.912834167480469 + ], + [ + "\u2581aleatori", + -13.912861824035645 + ], + [ + "NTP", + -13.912887573242188 + ], + [ + "\u2581Dillon", + -13.912891387939451 + ], + [ + "\u2581r\u00e9ussir", + -13.912904739379885 + ], + [ + "abd", + -13.912921905517578 + ], + [ + "\u2581inspe", + -13.91292667388916 + ], + [ + "\u2581\u00e4gyptischen", + -13.912931442260742 + ], + [ + "\u2581dimensie", + -13.912958145141602 + ], + [ + "\u2581predicado", + -13.912971496582031 + ], + [ + "\u2581robusta", + -13.91301441192627 + ], + [ + "\u2581wartete", + -13.91308879852295 + ], + [ + "Scores", + -13.913091659545898 + ], + [ + "\u2581originated", + -13.91309642791748 + ], + [ + "\u2581desempenha", + -13.913100242614746 + ], + [ + "\u2581situaties", + -13.913115501403809 + ], + [ + "\u2581kostenlose", + -13.91312313079834 + ], + [ + "\u2581Pasa", + -13.913141250610352 + ], + [ + "\u2581Preisniveau", + -13.913196563720703 + ], + [ + "\u2581amoroso", + -13.91321849822998 + ], + [ + "\u2581Gebrauchs", + -13.913230895996094 + ], + [ + "\u2581hallar", + -13.913238525390623 + ], + [ + "HAM", + -13.913262367248535 + ], + [ + "\u2581Coch", + -13.91327667236328 + ], + [ + "\u2581Swann", + -13.91331386566162 + ], + [ + "\u2581Signori", + -13.913317680358888 + ], + [ + "\u2581Dare", + -13.913348197937012 + ], + [ + "\u2581biodiversit\u00e9", + -13.913376808166504 + ], + [ + "\u2581rebelde", + -13.913419723510742 + ], + [ + "f\u00fcgung", + -13.913476943969728 + ], + [ + "\u2581grief", + -13.91349983215332 + ], + [ + "aghi", + -13.913506507873535 + ], + [ + "\u2581somiglia", + -13.913546562194824 + ], + [ + "\u2581zul\u00e4ssige", + -13.913556098937988 + ], + [ + "\u2581d\u00e9riv\u00e9e", + -13.913576126098633 + ], + [ + "\u2581Festschrift", + -13.913593292236328 + ], + [ + "\u2581Trente", + -13.91359519958496 + ], + [ + "\u2581engagiert", + -13.913601875305176 + ], + [ + "jude", + -13.91362476348877 + ], + [ + "beginsel", + -13.91363525390625 + ], + [ + "karriere", + -13.913644790649414 + ], + [ + "\u2581Werkzeuge", + -13.913665771484377 + ], + [ + "\u2581KfW", + -13.913686752319336 + ], + [ + "selbstst\u00e4ndig", + -13.913690567016602 + ], + [ + "vocaci\u00f3n", + -13.913711547851562 + ], + [ + "\u2581revesti", + -13.913721084594728 + ], + [ + "\u2581d\u00e9lais", + -13.913722038269045 + ], + [ + "Else", + -13.913740158081056 + ], + [ + "\u2581aconselh", + -13.91375732421875 + ], + [ + "\u2581zugegeben", + -13.913803100585938 + ], + [ + "\u2581nordest", + -13.913823127746582 + ], + [ + "w\u00e9", + -13.913825988769531 + ], + [ + "\u2581NPO", + -13.91384506225586 + ], + [ + "tinho", + -13.913875579833984 + ], + [ + "\u2581Bork", + -13.913900375366213 + ], + [ + "\u2581confund", + -13.913902282714844 + ], + [ + "\u2581nominado", + -13.913981437683104 + ], + [ + "\u2581Wilfri", + -13.913989067077637 + ], + [ + "\u2581Luanda", + -13.913992881774902 + ], + [ + "\u2581einzuhalten", + -13.913999557495115 + ], + [ + "\u2581install\u00e9s", + -13.914000511169434 + ], + [ + "\u2581dozens", + -13.914003372192385 + ], + [ + "Formation", + -13.91400909423828 + ], + [ + "\u2581Emirati", + -13.914013862609863 + ], + [ + "\u2581remedio", + -13.914063453674316 + ], + [ + "derij", + -13.914102554321287 + ], + [ + "\u2581alike", + -13.914119720458984 + ], + [ + "imprenditore", + -13.914134979248049 + ], + [ + "CPC", + -13.914154052734377 + ], + [ + "IBM", + -13.914186477661133 + ], + [ + "\u2581accusations", + -13.91423797607422 + ], + [ + "\u2581Ausfuhren", + -13.91426944732666 + ], + [ + "miro", + -13.914273262023926 + ], + [ + "\u2581reduc", + -13.91427993774414 + ], + [ + "\u2581mortgage", + -13.914294242858888 + ], + [ + "CSP", + -13.914298057556152 + ], + [ + "\u2581vienen", + -13.914318084716797 + ], + [ + "GID", + -13.914398193359377 + ], + [ + "\u2581Squad", + -13.914408683776855 + ], + [ + "breadcrumb", + -13.9144287109375 + ], + [ + "sciolt", + -13.914434432983398 + ], + [ + "\u2581opgepakt", + -13.914447784423828 + ], + [ + "\u2581Vikings", + -13.914474487304688 + ], + [ + "\u2581quantify", + -13.914495468139648 + ], + [ + "\u2581carv", + -13.914506912231444 + ], + [ + "\u2581Meir", + -13.91453456878662 + ], + [ + "\u2581Twilight", + -13.914551734924316 + ], + [ + "\u2581gehobenen", + -13.914594650268556 + ], + [ + "\u2581Conclusions", + -13.914600372314451 + ], + [ + "\u2581Montfort", + -13.91461181640625 + ], + [ + "\u2581subire", + -13.914634704589844 + ], + [ + "Chang", + -13.91464900970459 + ], + [ + "\u2581Langer", + -13.91464900970459 + ], + [ + "\u2581Ressorts", + -13.914710998535156 + ], + [ + "Forbidden", + -13.914727210998535 + ], + [ + "\u2581cansado", + -13.914732933044434 + ], + [ + "\u2581zwemmer", + -13.914752006530762 + ], + [ + "\u2581quebrada", + -13.914752960205078 + ], + [ + "\u2581reflecting", + -13.914755821228027 + ], + [ + "Uuid", + -13.914772033691406 + ], + [ + "\u2581restrizioni", + -13.914787292480469 + ], + [ + "CTG", + -13.91479206085205 + ], + [ + "Scheduled", + -13.914800643920898 + ], + [ + "\u2581competed", + -13.914854049682615 + ], + [ + "\u2581sepolt", + -13.914923667907717 + ], + [ + "\u2581Valerio", + -13.91492748260498 + ], + [ + "ooo", + -13.91493320465088 + ], + [ + "\u2581Deb\u00fct", + -13.914946556091309 + ], + [ + "\u2581Lino", + -13.914963722229004 + ], + [ + "\u2581Castor", + -13.914969444274902 + ], + [ + "geschenk", + -13.91497039794922 + ], + [ + "Urs", + -13.914974212646484 + ], + [ + "tuli", + -13.914974212646484 + ], + [ + "wickeln", + -13.91498565673828 + ], + [ + "\u2581vergeleken", + -13.914989471435549 + ], + [ + "\u2581etnici", + -13.914992332458496 + ], + [ + "\u2581Makrophagen", + -13.915009498596191 + ], + [ + "\u2581MVT", + -13.915034294128418 + ], + [ + "festsetzung", + -13.915037155151367 + ], + [ + "\u2581Ajout", + -13.915050506591797 + ], + [ + "\u2581Cobb", + -13.915057182312012 + ], + [ + "\u2581diedero", + -13.915061950683594 + ], + [ + "\u2581Marmor", + -13.915077209472656 + ], + [ + "\u2581lavor", + -13.915087699890137 + ], + [ + "Pj", + -13.915096282958984 + ], + [ + "melli", + -13.915096282958984 + ], + [ + "sistiu", + -13.915105819702148 + ], + [ + "drums", + -13.915116310119627 + ], + [ + "quatre", + -13.91512966156006 + ], + [ + "\u2581istituita", + -13.915131568908691 + ], + [ + "\u2581prisoner", + -13.915146827697754 + ], + [ + "\u2581aggression", + -13.915181159973145 + ], + [ + "\u2581Endpunkt", + -13.91518783569336 + ], + [ + "\u2581Schulze", + -13.91520881652832 + ], + [ + "\u2581pernas", + -13.915257453918455 + ], + [ + "\u2581secondarie", + -13.915271759033203 + ], + [ + "\u2581disturbi", + -13.91527271270752 + ], + [ + "RequestBuilder", + -13.915274620056152 + ], + [ + "NAM", + -13.91528034210205 + ], + [ + "\u2581yacht", + -13.915328979492188 + ], + [ + "\u2581formulated", + -13.915367126464844 + ], + [ + "OWNER", + -13.915427207946776 + ], + [ + "uadri", + -13.915433883666992 + ], + [ + "lal", + -13.915444374084473 + ], + [ + "\u2581transferida", + -13.915474891662598 + ], + [ + "\u2581silhouette", + -13.915477752685549 + ], + [ + "genoteerd", + -13.915488243103027 + ], + [ + "ticism", + -13.91551685333252 + ], + [ + "\u2581tecnol\u00f3gico", + -13.91552448272705 + ], + [ + "REVISION", + -13.91553020477295 + ], + [ + "vliet", + -13.915542602539062 + ], + [ + "mense", + -13.915583610534668 + ], + [ + "wickel", + -13.915595054626465 + ], + [ + "\u2581encarna", + -13.915599822998049 + ], + [ + "reach", + -13.91561508178711 + ], + [ + "imbocc", + -13.91562557220459 + ], + [ + "VERT", + -13.915644645690918 + ], + [ + "\u2581strikte", + -13.915660858154297 + ], + [ + "\u2581t\u00e4gliche", + -13.91568374633789 + ], + [ + "sanspr\u00fcche", + -13.915701866149902 + ], + [ + "\u2581befristeten", + -13.91573429107666 + ], + [ + "Accuracy", + -13.915743827819824 + ], + [ + "\u2581Kensington", + -13.91574478149414 + ], + [ + "\u2581preparo", + -13.915748596191406 + ], + [ + "\u2581disabilities", + -13.915751457214355 + ], + [ + "\u2581soffoca", + -13.915751457214355 + ], + [ + "minutes", + -13.915756225585938 + ], + [ + "\u2581bords", + -13.915756225585938 + ], + [ + "\u2581divisioni", + -13.915772438049316 + ], + [ + "\u2581elencati", + -13.915791511535645 + ], + [ + "\u2581Indias", + -13.915817260742188 + ], + [ + "\u2581cur\u00e9", + -13.915873527526855 + ], + [ + "\u2581elenca", + -13.915876388549805 + ], + [ + "Dynastie", + -13.91591739654541 + ], + [ + "\u2581rega", + -13.91591739654541 + ], + [ + "erger", + -13.915960311889648 + ], + [ + "robado", + -13.915963172912598 + ], + [ + "begrenzung", + -13.915966033935549 + ], + [ + "iezen", + -13.915975570678713 + ], + [ + "\u2581synchronized", + -13.91599464416504 + ], + [ + "\u2581Indon\u00e9sia", + -13.916013717651367 + ], + [ + "admissible", + -13.916016578674316 + ], + [ + "\u2581fruct", + -13.916035652160645 + ], + [ + "\u2581logiques", + -13.916045188903809 + ], + [ + "\u2581weakly", + -13.916046142578123 + ], + [ + "\u2581gleichartige", + -13.91606903076172 + ], + [ + "ATG", + -13.91610336303711 + ], + [ + "Parma", + -13.916107177734377 + ], + [ + "sgrenze", + -13.916132926940918 + ], + [ + "Brandenburg", + -13.91614818572998 + ], + [ + "\u2581eserciti", + -13.91614818572998 + ], + [ + "spd", + -13.916150093078612 + ], + [ + "\u2581Damals", + -13.916165351867676 + ], + [ + "\u2581protons", + -13.916176795959473 + ], + [ + "\u2581Beet", + -13.916182518005373 + ], + [ + "KON", + -13.916189193725586 + ], + [ + "\u2581Importante", + -13.916210174560549 + ], + [ + "wax", + -13.91622257232666 + ], + [ + "primi", + -13.916227340698242 + ], + [ + "\u2581quae", + -13.916265487670898 + ], + [ + "wO", + -13.916266441345217 + ], + [ + "\u2581Snyder", + -13.916281700134276 + ], + [ + "\u2581unieke", + -13.916308403015137 + ], + [ + "igungen", + -13.916312217712402 + ], + [ + "atieve", + -13.916325569152832 + ], + [ + "\u2581betaal", + -13.916356086730955 + ], + [ + "\u2581Versagen", + -13.916415214538574 + ], + [ + "Stuttgart", + -13.916424751281738 + ], + [ + "\u2581italo", + -13.916460037231444 + ], + [ + "deira", + -13.916498184204102 + ], + [ + "\u2581Cocc", + -13.91650104522705 + ], + [ + "\u2581cartello", + -13.91653537750244 + ], + [ + "NewRequest", + -13.916537284851074 + ], + [ + "\u2581optimiza", + -13.916561126708984 + ], + [ + "\u2581entsprochen", + -13.916592597961426 + ], + [ + "\u2581Veg", + -13.916625022888184 + ], + [ + "NEO", + -13.916640281677246 + ], + [ + "\u2581hieraus", + -13.916665077209473 + ], + [ + "Recent", + -13.916667938232422 + ], + [ + "Phen", + -13.916682243347168 + ], + [ + "iuta", + -13.916683197021484 + ], + [ + "almen", + -13.91671085357666 + ], + [ + "\u2581mandaat", + -13.91673469543457 + ], + [ + "monkey", + -13.916748046875 + ], + [ + "GPL", + -13.91675853729248 + ], + [ + "l\u00edtico", + -13.91677188873291 + ], + [ + "\u2581sustancias", + -13.916797637939451 + ], + [ + "signing", + -13.916800498962402 + ], + [ + "\u2581simult", + -13.916814804077148 + ], + [ + "\u2581Offshore", + -13.916825294494627 + ], + [ + "telijke", + -13.916854858398438 + ], + [ + "Calculator", + -13.916871070861816 + ], + [ + "flavor", + -13.916895866394045 + ], + [ + "\u2581Entsorgungs", + -13.916895866394045 + ], + [ + "\u2581Diebstahl", + -13.91690444946289 + ], + [ + "sch\u00fcsse", + -13.916972160339355 + ], + [ + "combina", + -13.916988372802734 + ], + [ + "\u2581Vande", + -13.917010307312012 + ], + [ + "\u2581autorizaci\u00f3n", + -13.917069435119627 + ], + [ + "ophila", + -13.917078971862791 + ], + [ + "\u2581preparados", + -13.917085647583008 + ], + [ + "\u2581Locarno", + -13.917092323303224 + ], + [ + "\u2581Fazenda", + -13.917096138000488 + ], + [ + "\u2581Angkor", + -13.917101860046388 + ], + [ + "aandoening", + -13.917120933532717 + ], + [ + "\u2581Ismail", + -13.917126655578612 + ], + [ + "urechnung", + -13.917144775390623 + ], + [ + "saug", + -13.91715145111084 + ], + [ + "\u2581Schoon", + -13.9171781539917 + ], + [ + "\u2581systemic", + -13.91720199584961 + ], + [ + "\u2581investments", + -13.917202949523926 + ], + [ + "h\u00e4ufigkeit", + -13.91720485687256 + ], + [ + "\u2581Abtei", + -13.917210578918455 + ], + [ + "Assoc", + -13.917242050170898 + ], + [ + "\u2581catalogo", + -13.917253494262695 + ], + [ + "\u2581Electr", + -13.917254447937012 + ], + [ + "DLE", + -13.917306900024414 + ], + [ + "\u2581Lebensunterhalt", + -13.91731071472168 + ], + [ + "\u2581Arbeitsentgelt", + -13.91732120513916 + ], + [ + "\u2581verenigd", + -13.917357444763184 + ], + [ + "\u2581Abschied", + -13.917363166809082 + ], + [ + "\u2581inclination", + -13.917376518249512 + ], + [ + "\u2581providencia", + -13.917404174804688 + ], + [ + "\u2581arqueol\u00f3gico", + -13.917417526245115 + ], + [ + "equivalente", + -13.91743278503418 + ], + [ + "Solid", + -13.917488098144531 + ], + [ + "programa", + -13.91749382019043 + ], + [ + "bauwerk", + -13.917503356933594 + ], + [ + "\u2581overtuigen", + -13.917505264282228 + ], + [ + "Gala", + -13.917521476745604 + ], + [ + "sachsen", + -13.91753387451172 + ], + [ + "\u2581Instandsetzung", + -13.917572021484377 + ], + [ + "\u2581Rasse", + -13.91761589050293 + ], + [ + "\u2581Gruyter", + -13.91762351989746 + ], + [ + "\u2581Heem", + -13.917628288269045 + ], + [ + "vergleiche", + -13.917645454406738 + ], + [ + "\u2581visit\u00e9", + -13.9176664352417 + ], + [ + "nderungsantrag", + -13.91769027709961 + ], + [ + "\u2581Arci", + -13.917694091796877 + ], + [ + "\u2581combattre", + -13.917696952819824 + ], + [ + "\u2581dimenticato", + -13.917699813842772 + ], + [ + "porsi", + -13.917704582214355 + ], + [ + "sym\u00e9trique", + -13.917744636535645 + ], + [ + "\u2581scientifiche", + -13.91774559020996 + ], + [ + "Meu", + -13.91775608062744 + ], + [ + "schancen", + -13.9177827835083 + ], + [ + "anzibar", + -13.91779327392578 + ], + [ + "\u2581fourteen", + -13.917795181274414 + ], + [ + "\u2581Domenica", + -13.91781997680664 + ], + [ + "THER", + -13.917831420898438 + ], + [ + "\u2581jokes", + -13.917840957641602 + ], + [ + "HAND", + -13.917874336242676 + ], + [ + "\u2581ornamental", + -13.917893409729004 + ], + [ + "\u2581preistoric", + -13.917901039123535 + ], + [ + "\u2581transferir", + -13.917901992797852 + ], + [ + "lodi", + -13.9179048538208 + ], + [ + "\u2581lumineux", + -13.917932510375977 + ], + [ + "ABE", + -13.91795825958252 + ], + [ + "\u2581malos", + -13.91795825958252 + ], + [ + "osin", + -13.917966842651367 + ], + [ + "\u2581impieg", + -13.91796875 + ], + [ + "\u2581knight", + -13.917983055114746 + ], + [ + "\u2581atra\u00eddo", + -13.917998313903809 + ], + [ + "protest", + -13.918012619018556 + ], + [ + "\u2581conserved", + -13.918021202087402 + ], + [ + "mettent", + -13.91802215576172 + ], + [ + "BLO", + -13.918038368225098 + ], + [ + "\u2581Betrachtet", + -13.918081283569336 + ], + [ + "Glas", + -13.918105125427246 + ], + [ + "\u2581indicador", + -13.91811466217041 + ], + [ + "\u2581sobrevivir", + -13.9181547164917 + ], + [ + "\u2581testemunha", + -13.918160438537598 + ], + [ + "lsheim", + -13.918190002441406 + ], + [ + "\u2581restaur", + -13.918213844299316 + ], + [ + "offici", + -13.918227195739746 + ], + [ + "gouverneur", + -13.918232917785645 + ], + [ + "offline", + -13.918253898620604 + ], + [ + "mittler", + -13.918295860290527 + ], + [ + "\u2581Memoir", + -13.918305397033691 + ], + [ + "\u2581Fassade", + -13.918356895446776 + ], + [ + "\u2581solitudine", + -13.918429374694824 + ], + [ + "efficienza", + -13.918466567993164 + ], + [ + "lessness", + -13.91846752166748 + ], + [ + "\u2581Kroon", + -13.918472290039062 + ], + [ + "\u2581silvestre", + -13.918486595153809 + ], + [ + "\u2581Delikt", + -13.918495178222656 + ], + [ + "\u2581rechazar", + -13.918508529663086 + ], + [ + "trave", + -13.918513298034668 + ], + [ + "Periodic", + -13.91853141784668 + ], + [ + "thyroid", + -13.918546676635742 + ], + [ + "ambasciatore", + -13.91856288909912 + ], + [ + "\u2581accompagn\u00e9e", + -13.91856861114502 + ], + [ + "\u2581sensory", + -13.918590545654297 + ], + [ + "\u2581Highlands", + -13.91862678527832 + ], + [ + "LAC", + -13.91865348815918 + ], + [ + "\u2581bins", + -13.918682098388672 + ], + [ + "\u2581Beleuchtung", + -13.91873264312744 + ], + [ + "\u2581saco", + -13.918745994567873 + ], + [ + "fler", + -13.918747901916504 + ], + [ + "Mary", + -13.918749809265137 + ], + [ + "\u2581imposte", + -13.918814659118652 + ], + [ + "\u2581Independ", + -13.918846130371094 + ], + [ + "\u2581sowjetische", + -13.918858528137209 + ], + [ + "\u2581Pilz", + -13.918859481811523 + ], + [ + "\u2581translations", + -13.918915748596191 + ], + [ + "dimensions", + -13.918920516967772 + ], + [ + "\u2581Abstieg", + -13.918920516967772 + ], + [ + "zM", + -13.91892910003662 + ], + [ + "ritter", + -13.918944358825684 + ], + [ + "\u00f3lico", + -13.918974876403809 + ], + [ + "\u2581percepci\u00f3n", + -13.919050216674805 + ], + [ + "nych", + -13.919130325317385 + ], + [ + "\u2581ample", + -13.919200897216797 + ], + [ + "waardige", + -13.919203758239746 + ], + [ + "\u2581Belge", + -13.919225692749023 + ], + [ + "\u2581precipit", + -13.919229507446287 + ], + [ + "\u2581Morfolog\u00eda", + -13.91923713684082 + ], + [ + "\u2581invitato", + -13.919245719909668 + ], + [ + "\u2581Morre", + -13.91929054260254 + ], + [ + "\u2581graan", + -13.91929054260254 + ], + [ + "\u2581verfasst", + -13.919307708740234 + ], + [ + "funden", + -13.91930866241455 + ], + [ + "springer", + -13.919329643249512 + ], + [ + "\u2581Kernenergie", + -13.919374465942385 + ], + [ + "\u2581presentaciones", + -13.919381141662598 + ], + [ + "\u2581arabischen", + -13.919388771057127 + ], + [ + "\u2581muto", + -13.919404029846191 + ], + [ + "belasting", + -13.91943073272705 + ], + [ + "lfs", + -13.919431686401367 + ], + [ + "\u2581definierte", + -13.919517517089844 + ], + [ + "smoke", + -13.919530868530272 + ], + [ + "\u2581volunteers", + -13.919533729553224 + ], + [ + "\u2581livr\u00e9", + -13.919540405273438 + ], + [ + "\u2581Besichtigung", + -13.9195556640625 + ], + [ + "\u2581Bundesautobahn", + -13.91957664489746 + ], + [ + "ielsetzungen", + -13.919581413269045 + ], + [ + "\u2581integr\u00f3", + -13.919588088989258 + ], + [ + "adilla", + -13.919589042663574 + ], + [ + "\u2581t\u00e9moin", + -13.919598579406738 + ], + [ + "\u2581Landen", + -13.919599533081056 + ], + [ + "\u2581invloeden", + -13.919621467590332 + ], + [ + "\u2581Vecht", + -13.919635772705078 + ], + [ + "\u2581Sada", + -13.919671058654783 + ], + [ + "\u2581Giorgi", + -13.919706344604492 + ], + [ + "Consent", + -13.919730186462402 + ], + [ + "\u2581Investor", + -13.91975212097168 + ], + [ + "\u2581Pfarrei", + -13.919758796691896 + ], + [ + "\u2581Arquitetura", + -13.91977596282959 + ], + [ + "\u2581restreint", + -13.919785499572754 + ], + [ + "RICH", + -13.919819831848145 + ], + [ + "\u2581Elektrizit\u00e4ts", + -13.919822692871094 + ], + [ + "affirmer", + -13.919824600219728 + ], + [ + "contentsOf", + -13.919883728027344 + ], + [ + "\u2581fabriquer", + -13.919888496398926 + ], + [ + "\u2581Ander", + -13.919912338256836 + ], + [ + "prononciation", + -13.919919967651367 + ], + [ + "derivate", + -13.919928550720217 + ], + [ + "reservaat", + -13.91993808746338 + ], + [ + "kanon", + -13.919971466064451 + ], + [ + "\u2581obsess", + -13.920001983642578 + ], + [ + "\u2581Proibida", + -13.920044898986816 + ], + [ + "\u2581Giustizia", + -13.920050621032717 + ], + [ + "\u2581Amigos", + -13.920063018798828 + ], + [ + "studenten", + -13.920068740844728 + ], + [ + "\u2581Osman", + -13.920096397399902 + ], + [ + "matori", + -13.920119285583496 + ], + [ + "\u2581Naomi", + -13.920162200927734 + ], + [ + "OTO", + -13.92017650604248 + ], + [ + "\u2581gravadas", + -13.920199394226074 + ], + [ + "toestellen", + -13.920204162597656 + ], + [ + "\u2581obbligato", + -13.920215606689451 + ], + [ + "\u2581cu\u00e1ndo", + -13.920228004455566 + ], + [ + "emporter", + -13.920283317565918 + ], + [ + "\u2581Nd", + -13.92029857635498 + ], + [ + "\u00e4hler", + -13.920300483703612 + ], + [ + "Affinity", + -13.92031478881836 + ], + [ + "\u2581futures", + -13.920321464538574 + ], + [ + "\u2581arquitet", + -13.92034149169922 + ], + [ + "uantifizierung", + -13.920364379882812 + ], + [ + "\u2581Heidi", + -13.920372009277344 + ], + [ + "\u2581dramaturgo", + -13.920373916625977 + ], + [ + "\u2581regarda", + -13.920376777648926 + ], + [ + "mash", + -13.920377731323242 + ], + [ + "ukh", + -13.920394897460938 + ], + [ + "\u2581Caixa", + -13.920404434204102 + ], + [ + "\u2581Muriel", + -13.920449256896973 + ], + [ + "zijl", + -13.920458793640137 + ], + [ + "\u2581Postfach", + -13.92055606842041 + ], + [ + "NotificationCent", + -13.920557022094728 + ], + [ + "\u2581confi\u00e9", + -13.920589447021484 + ], + [ + "nzel", + -13.920595169067385 + ], + [ + "\u2581broma", + -13.920620918273926 + ], + [ + "\u2581convincente", + -13.920624732971191 + ], + [ + "beschr\u00e4nkungen", + -13.920647621154783 + ], + [ + "\u2581Physic", + -13.920647621154783 + ], + [ + "\u2581\u00fcberwiegende", + -13.920647621154783 + ], + [ + "gyro", + -13.9207124710083 + ], + [ + "\u2581Germ\u00e1n", + -13.9207181930542 + ], + [ + "\u2581aparecieron", + -13.920730590820312 + ], + [ + "treden", + -13.920782089233398 + ], + [ + "phosph", + -13.920821189880373 + ], + [ + "\u2581Corin", + -13.920843124389648 + ], + [ + "alhos", + -13.920849800109863 + ], + [ + "\u2581Sheridan", + -13.920857429504396 + ], + [ + "\u2581Prairie", + -13.920858383178713 + ], + [ + "\u2581Szcz", + -13.920878410339355 + ], + [ + "\u2581chiarezza", + -13.920883178710938 + ], + [ + "\u2581orgasm", + -13.920883178710938 + ], + [ + "BRD", + -13.920952796936035 + ], + [ + "lhar", + -13.920963287353516 + ], + [ + "\u2581Baru", + -13.920973777770996 + ], + [ + "checkout", + -13.92098617553711 + ], + [ + "arbei", + -13.92099952697754 + ], + [ + "malig", + -13.921022415161133 + ], + [ + "\u2581Schlicht", + -13.921038627624512 + ], + [ + "ohort", + -13.92104721069336 + ], + [ + "mexic", + -13.921048164367676 + ], + [ + "setTitle", + -13.921052932739258 + ], + [ + "Mike", + -13.9210786819458 + ], + [ + "\u2581Turku", + -13.92108917236328 + ], + [ + "\u2581riportata", + -13.92108917236328 + ], + [ + "\u2581S\u00e9rvia", + -13.921123504638672 + ], + [ + "\u2581wohingegen", + -13.92112636566162 + ], + [ + "GVOBl", + -13.921131134033203 + ], + [ + "\u2581Wedding", + -13.921140670776367 + ], + [ + "\u2581parec\u00edan", + -13.921172142028809 + ], + [ + "lineno", + -13.921187400817873 + ], + [ + "verbruik", + -13.921221733093262 + ], + [ + "Systeme", + -13.921229362487791 + ], + [ + "\u2581definitive", + -13.92125415802002 + ], + [ + "\u2581Maze", + -13.92129611968994 + ], + [ + "bruik", + -13.921304702758787 + ], + [ + "Intersection", + -13.92134952545166 + ], + [ + "WEI", + -13.921358108520508 + ], + [ + "dang", + -13.921358108520508 + ], + [ + "\u2581pr\u00e9vues", + -13.921359062194824 + ], + [ + "issaient", + -13.921381950378418 + ], + [ + "Epis\u00f3dio", + -13.921393394470217 + ], + [ + "\u2581Pr\u00e9paration", + -13.92139720916748 + ], + [ + "\u2581evolutie", + -13.921408653259276 + ], + [ + "waag", + -13.921409606933594 + ], + [ + "\u2581filos\u00f3fico", + -13.921411514282228 + ], + [ + "\u2581complexas", + -13.921430587768556 + ], + [ + "\u2581Aalst", + -13.921454429626465 + ], + [ + "tiner", + -13.921457290649414 + ], + [ + "\u2581Pois", + -13.92147159576416 + ], + [ + "\u2581gewi", + -13.921480178833008 + ], + [ + "variation", + -13.921500205993652 + ], + [ + "\u2581stillgelegt", + -13.921513557434082 + ], + [ + "\u2581puissances", + -13.921525955200195 + ], + [ + "\u2581comp\u00e9titions", + -13.921534538269045 + ], + [ + "anomalie", + -13.92160415649414 + ], + [ + "ABB", + -13.92162036895752 + ], + [ + "tionalmannschaft", + -13.921622276306152 + ], + [ + "mayo", + -13.92164421081543 + ], + [ + "impossibilit\u00e0", + -13.921663284301758 + ], + [ + "\u2581monniken", + -13.921664237976074 + ], + [ + "rater", + -13.9216947555542 + ], + [ + "\u2581Salve", + -13.921695709228516 + ], + [ + "\u2581parit\u00e0", + -13.921737670898438 + ], + [ + "\u2581teenager", + -13.921770095825195 + ], + [ + "\u2581clocher", + -13.921778678894045 + ], + [ + "\u2581Temporadas", + -13.92183780670166 + ], + [ + "Interrupt", + -13.921842575073242 + ], + [ + "aviazione", + -13.921869277954102 + ], + [ + "chance", + -13.921883583068848 + ], + [ + "anziano", + -13.921886444091797 + ], + [ + "\u2581Camden", + -13.921939849853516 + ], + [ + "Cascade", + -13.921944618225098 + ], + [ + "aquari", + -13.921963691711426 + ], + [ + "\u2581meme", + -13.922046661376951 + ], + [ + "\u2581goberna", + -13.922080993652344 + ], + [ + "fita", + -13.92211627960205 + ], + [ + "\u2581Haan", + -13.922118186950684 + ], + [ + "\u2581UFO", + -13.922121047973633 + ], + [ + "dispatcher", + -13.922124862670898 + ], + [ + "Feb", + -13.922144889831545 + ], + [ + "\u2581Proteinen", + -13.922155380249023 + ], + [ + "overlap", + -13.9221830368042 + ], + [ + "\u2581Contro", + -13.922185897827148 + ], + [ + "\u2581staring", + -13.922198295593262 + ], + [ + "errorMessage", + -13.922200202941896 + ], + [ + "\u2581aut\u00e9ntico", + -13.92220973968506 + ], + [ + "brezza", + -13.92223834991455 + ], + [ + "kul\u00e4re", + -13.922245025634766 + ], + [ + "\u2581educado", + -13.922248840332031 + ], + [ + "\u2581Inizia", + -13.922320365905762 + ], + [ + "ogelspinnen", + -13.922323226928713 + ], + [ + "statements", + -13.922334671020508 + ], + [ + "Intermediate", + -13.922414779663086 + ], + [ + "schreck", + -13.92243480682373 + ], + [ + "jell", + -13.922438621520996 + ], + [ + "\u2581rallie", + -13.922466278076172 + ], + [ + "verbal", + -13.92247486114502 + ], + [ + "\u2581Samara", + -13.922477722167969 + ], + [ + "\u2581Harmonie", + -13.922479629516602 + ], + [ + "KOM", + -13.922520637512209 + ], + [ + "\u2581Trasporti", + -13.922548294067385 + ], + [ + "\u2581Absorptions", + -13.922554969787598 + ], + [ + "\u2581sowieso", + -13.922572135925291 + ], + [ + "fauna", + -13.922576904296877 + ], + [ + "\u2581Mazar", + -13.922633171081545 + ], + [ + "rat\u00f3n", + -13.922646522521973 + ], + [ + "\u2581preferi", + -13.92265510559082 + ], + [ + "\u2581Kristian", + -13.922775268554688 + ], + [ + "tiendra", + -13.922784805297852 + ], + [ + "\u2581Manuela", + -13.922810554504396 + ], + [ + "EAL", + -13.922849655151367 + ], + [ + "litos", + -13.922866821289062 + ], + [ + "\u2581AktG", + -13.922911643981934 + ], + [ + "HARD", + -13.922926902770996 + ], + [ + "\u2581representativo", + -13.922944068908691 + ], + [ + "\u2581Expressway", + -13.922954559326172 + ], + [ + "abor", + -13.92298412322998 + ], + [ + "\u2581id\u00e9ale", + -13.92298412322998 + ], + [ + "eilt", + -13.923009872436523 + ], + [ + "\u2581vueltas", + -13.923016548156738 + ], + [ + "\u2581distinti", + -13.923026084899902 + ], + [ + "\u2581modificato", + -13.923062324523926 + ], + [ + "masa", + -13.923086166381836 + ], + [ + "\u2581afectar", + -13.923088073730469 + ], + [ + "\u2581Rough", + -13.923103332519531 + ], + [ + "\u2581r\u00e9els", + -13.923104286193848 + ], + [ + "\u2581r\u00e9dacteur", + -13.923139572143556 + ], + [ + "userAgent", + -13.923150062561035 + ], + [ + "\u2581Schwal", + -13.923163414001465 + ], + [ + "\u2581periodismo", + -13.92316436767578 + ], + [ + "\u2581Disponi", + -13.923175811767578 + ], + [ + "\u2581vorig", + -13.923176765441896 + ], + [ + "\u2581Casale", + -13.923202514648438 + ], + [ + "\u2581quitta", + -13.92320442199707 + ], + [ + "bred", + -13.923205375671388 + ], + [ + "isei", + -13.923206329345703 + ], + [ + "participant", + -13.923254013061523 + ], + [ + "\u2581Brito", + -13.923254013061523 + ], + [ + "\u2581Riff", + -13.923274993896484 + ], + [ + "Chris", + -13.92327880859375 + ], + [ + "mavlink", + -13.923295021057127 + ], + [ + "Francis", + -13.923304557800291 + ], + [ + "\u2581Angeklagten", + -13.923312187194824 + ], + [ + "\u2581spectateurs", + -13.92336368560791 + ], + [ + "\u2581adquiere", + -13.923386573791504 + ], + [ + "\u2581sopravvivere", + -13.923409461975098 + ], + [ + "\u2581strikes", + -13.923416137695312 + ], + [ + "\u2581panne", + -13.92343044281006 + ], + [ + "\u2581recto", + -13.923513412475586 + ], + [ + "\u2581dadas", + -13.923539161682127 + ], + [ + "\u2581Mazovi", + -13.92354679107666 + ], + [ + "Filmografie", + -13.923564910888672 + ], + [ + "lmen", + -13.923583984375 + ], + [ + "\u2581motorcycle", + -13.923587799072266 + ], + [ + "\u2581Ribeira", + -13.92359447479248 + ], + [ + "\u2581Hirt", + -13.923598289489746 + ], + [ + "\u2581Schmitz", + -13.923614501953123 + ], + [ + "\u2581Bew\u00e4hrung", + -13.923643112182615 + ], + [ + "\u2581Luch", + -13.923650741577148 + ], + [ + "\u2581Feira", + -13.92365264892578 + ], + [ + "BAS", + -13.923661231994627 + ], + [ + "\u2581funcionario", + -13.923662185668944 + ], + [ + "\u2581verschwand", + -13.923676490783691 + ], + [ + "\u2581bouwwerk", + -13.923700332641602 + ], + [ + "Tai", + -13.923736572265623 + ], + [ + "\u00e1ndolos", + -13.92374038696289 + ], + [ + "\u2581J\u00fcnger", + -13.92376708984375 + ], + [ + "\u2581Edouard", + -13.92379379272461 + ], + [ + "saxofonist", + -13.92380714416504 + ], + [ + "Aktion", + -13.923816680908203 + ], + [ + "\u2581sconosciuto", + -13.923824310302734 + ], + [ + "\u2581Attraktivit\u00e4t", + -13.923826217651367 + ], + [ + "apaci", + -13.923830032348633 + ], + [ + "intelligible", + -13.923848152160645 + ], + [ + "ivelmente", + -13.92387580871582 + ], + [ + "\u2581trugen", + -13.92387866973877 + ], + [ + "\u2581Ficar", + -13.923901557922363 + ], + [ + "Downloading", + -13.92391872406006 + ], + [ + "Recipient", + -13.923961639404297 + ], + [ + "\u2581sits", + -13.92397117614746 + ], + [ + "schnitte", + -13.924016952514648 + ], + [ + "\u2581annul\u00e9", + -13.924022674560549 + ], + [ + "us\u00e4tzliche", + -13.924031257629396 + ], + [ + "\u2581Taglia", + -13.924079895019531 + ], + [ + "\u2581Platnick", + -13.924113273620604 + ], + [ + "\u2581Fonction", + -13.92412281036377 + ], + [ + "\u2581organiseert", + -13.924165725708008 + ], + [ + "\u2581Epstein", + -13.92417335510254 + ], + [ + "gonia", + -13.924201965332031 + ], + [ + "eichnung", + -13.924241065979004 + ], + [ + "\u2581Rassen", + -13.92432689666748 + ], + [ + "\u2581Babil", + -13.92433738708496 + ], + [ + "\u2581accogliere", + -13.924386024475098 + ], + [ + "\u2581vertraulich", + -13.924403190612791 + ], + [ + "GUA", + -13.924410820007324 + ], + [ + "\u2581Goy", + -13.924437522888184 + ], + [ + "\u2581ganhando", + -13.924453735351562 + ], + [ + "fug", + -13.924457550048828 + ], + [ + "\u2581Swe", + -13.924467086791992 + ], + [ + "\u2581groove", + -13.924470901489258 + ], + [ + "\u2581Moos", + -13.924497604370115 + ], + [ + "Archivio", + -13.924498558044434 + ], + [ + "\u2581factura", + -13.924500465393066 + ], + [ + "korrel", + -13.924504280090332 + ], + [ + "\u2581umido", + -13.924509048461914 + ], + [ + "\u2581affiliates", + -13.92452335357666 + ], + [ + "\u2581disponibilidade", + -13.924552917480469 + ], + [ + "\u2581r\u00e1pidas", + -13.92455768585205 + ], + [ + "Astro", + -13.924567222595217 + ], + [ + "\u2581costeira", + -13.924589157104492 + ], + [ + "\u2581fortalecer", + -13.924598693847656 + ], + [ + "\u2581sistem\u00e1tica", + -13.924600601196287 + ], + [ + "\u2581sospensione", + -13.924609184265137 + ], + [ + "cchetti", + -13.92463207244873 + ], + [ + "\u2581conservata", + -13.924654006958008 + ], + [ + "informatique", + -13.924657821655272 + ], + [ + "\u2581poses", + -13.924687385559082 + ], + [ + "\u2581psicolog\u00eda", + -13.92469882965088 + ], + [ + "Voir", + -13.924713134765623 + ], + [ + "emic", + -13.924715995788574 + ], + [ + "\u2581industriais", + -13.924718856811523 + ], + [ + "\u2581ricetta", + -13.92473030090332 + ], + [ + "basiliek", + -13.924787521362305 + ], + [ + "\u2581acuta", + -13.924813270568848 + ], + [ + "tologie", + -13.924824714660645 + ], + [ + "\u2581Kirchner", + -13.924824714660645 + ], + [ + "nter\u00eda", + -13.924844741821287 + ], + [ + "zah", + -13.9248685836792 + ], + [ + "\u2581Fiestas", + -13.924897193908691 + ], + [ + "IfReached", + -13.924906730651855 + ], + [ + "\u2581tienjaarlijkse", + -13.924906730651855 + ], + [ + "\u2581f\u00e9licit", + -13.924912452697754 + ], + [ + "\u2581toepassingen", + -13.924981117248535 + ], + [ + "\u2581Fernanda", + -13.925020217895508 + ], + [ + "abolizione", + -13.92502784729004 + ], + [ + "\u2581tenants", + -13.92503261566162 + ], + [ + "\u2581conversaciones", + -13.925034523010254 + ], + [ + "\u2581planificaci\u00f3n", + -13.925086975097656 + ], + [ + "TTA", + -13.925116539001465 + ], + [ + "alit\u00e0", + -13.925128936767578 + ], + [ + "\u2581diventati", + -13.925155639648438 + ], + [ + "Richtlinien", + -13.92515754699707 + ], + [ + "addestramento", + -13.925177574157717 + ], + [ + "\u2581Nagasaki", + -13.92518138885498 + ], + [ + "\u2581Furt", + -13.925209999084473 + ], + [ + "\u2581Landung", + -13.925241470336914 + ], + [ + "\u2581limitados", + -13.925250053405762 + ], + [ + "ansk", + -13.925265312194824 + ], + [ + "Aristote", + -13.925270080566406 + ], + [ + "\u2581reputaci\u00f3n", + -13.92527961730957 + ], + [ + "\u2581Konsumenten", + -13.925287246704102 + ], + [ + "AJA", + -13.925300598144531 + ], + [ + "\u2581Haber", + -13.925335884094238 + ], + [ + "\u2581langem", + -13.925344467163086 + ], + [ + "\u2581manuelle", + -13.925369262695312 + ], + [ + "\u2581adibit", + -13.925374984741213 + ], + [ + "\u2581Herzogtum", + -13.925407409667969 + ], + [ + "\u2581sobresal", + -13.925408363342283 + ], + [ + "\u2581chirurgic", + -13.925423622131348 + ], + [ + "\u2581KPD", + -13.92542552947998 + ], + [ + "brigade", + -13.925512313842772 + ], + [ + "Race", + -13.92553997039795 + ], + [ + "tainer", + -13.92555046081543 + ], + [ + "\u2581Nordost", + -13.925601959228516 + ], + [ + "\u2581Kooperationen", + -13.925602912902832 + ], + [ + "\u2581metas", + -13.925681114196776 + ], + [ + "erziehung", + -13.92568302154541 + ], + [ + "prova", + -13.925713539123535 + ], + [ + "RETVAL", + -13.92573070526123 + ], + [ + "\u2581mobiles", + -13.925742149353027 + ], + [ + "\u2581misdaad", + -13.92575454711914 + ], + [ + "\u2581ligando", + -13.925766944885254 + ], + [ + "bacterium", + -13.925777435302734 + ], + [ + "\u2581equipado", + -13.925795555114746 + ], + [ + "\u2581sabido", + -13.925814628601074 + ], + [ + "\u2581Bears", + -13.925824165344238 + ], + [ + "tts", + -13.925830841064451 + ], + [ + "\u2581Curs", + -13.925847053527832 + ], + [ + "Lima", + -13.92590618133545 + ], + [ + "\u2581akademischen", + -13.92591381072998 + ], + [ + "\u2581bot\u00f3n", + -13.92591381072998 + ], + [ + "pedes", + -13.925933837890623 + ], + [ + "\u2581rapport\u00e9", + -13.9259614944458 + ], + [ + "\u2581canaux", + -13.9259672164917 + ], + [ + "\u2581touching", + -13.926024436950684 + ], + [ + "zeer", + -13.926050186157228 + ], + [ + "\u2581diminuzione", + -13.9260835647583 + ], + [ + "\u2581tragic", + -13.92611026763916 + ], + [ + "issante", + -13.92613410949707 + ], + [ + "emergere", + -13.92613697052002 + ], + [ + "\u2581contempor\u00e1neo", + -13.92615032196045 + ], + [ + "CRA", + -13.926198959350586 + ], + [ + "PREC", + -13.926201820373535 + ], + [ + "UPPER", + -13.926207542419434 + ], + [ + "\u2581Maleisi", + -13.9262113571167 + ], + [ + "Springer", + -13.926218032836914 + ], + [ + "\u2581hindu", + -13.926222801208496 + ], + [ + "\u2581Miz", + -13.92624568939209 + ], + [ + "\u2581Injektion", + -13.926265716552734 + ], + [ + "\u2581cr\u00e9\u00e9s", + -13.926273345947266 + ], + [ + "Toolbox", + -13.926283836364746 + ], + [ + "\u2581\u00e9quivalente", + -13.926288604736328 + ], + [ + "\u2581recueilli", + -13.926313400268556 + ], + [ + "\u2581faiblesse", + -13.926339149475098 + ], + [ + "Junior", + -13.926376342773438 + ], + [ + "accorder", + -13.926382064819336 + ], + [ + "\u2581prospett", + -13.92640781402588 + ], + [ + "tyn", + -13.926409721374512 + ], + [ + "\u2581Davi", + -13.926409721374512 + ], + [ + "\u2581pasillo", + -13.926410675048828 + ], + [ + "\u2581ganadores", + -13.926421165466309 + ], + [ + "\u2581Bergman", + -13.926424026489258 + ], + [ + "\u2581Tata", + -13.9264497756958 + ], + [ + "\u2581moreover", + -13.926470756530762 + ], + [ + "\u2581Saturno", + -13.92648696899414 + ], + [ + "rigioni", + -13.926488876342772 + ], + [ + "haca", + -13.926515579223633 + ], + [ + "zegel", + -13.92652702331543 + ], + [ + "\u2581Psico", + -13.926533699035645 + ], + [ + "\u2581speranze", + -13.926536560058594 + ], + [ + "\u2581Gabinete", + -13.92653751373291 + ], + [ + "Circuit", + -13.926541328430176 + ], + [ + "greeting", + -13.92654800415039 + ], + [ + "\u2581coltivazione", + -13.92658805847168 + ], + [ + "\u2581campeones", + -13.926623344421388 + ], + [ + "Bauwens", + -13.926647186279297 + ], + [ + "SOCKET", + -13.92667293548584 + ], + [ + "\u2581regent", + -13.92668628692627 + ], + [ + "\u2581honte", + -13.92673110961914 + ], + [ + "ruch", + -13.926743507385254 + ], + [ + "\u2581continuit\u00e9", + -13.926753044128418 + ], + [ + "\u2581Scor", + -13.926803588867188 + ], + [ + "\u2581retrouvent", + -13.9268159866333 + ], + [ + "\u2581Giga", + -13.926837921142578 + ], + [ + "\u2581konkretisiert", + -13.926852226257324 + ], + [ + "\u2581Terrasse", + -13.926889419555664 + ], + [ + "\u2581Trud", + -13.926921844482422 + ], + [ + "\u2581construidos", + -13.926959037780762 + ], + [ + "ndern", + -13.926976203918455 + ], + [ + "Flex", + -13.92698574066162 + ], + [ + "\u2581Bourgondi", + -13.92702865600586 + ], + [ + "\u2581simplifica", + -13.927067756652832 + ], + [ + "\u2581Fahrr\u00e4der", + -13.927082061767578 + ], + [ + "\u2581aloca", + -13.927103996276855 + ], + [ + "GGA", + -13.927105903625488 + ], + [ + "Requires", + -13.92711353302002 + ], + [ + "trophy", + -13.927133560180664 + ], + [ + "\u2581Algerien", + -13.927149772644045 + ], + [ + "\u2581Africana", + -13.927154541015623 + ], + [ + "lfe", + -13.927160263061523 + ], + [ + "\u2581condados", + -13.927166938781738 + ], + [ + "\u2581Organen", + -13.927175521850586 + ], + [ + "\u2581Alas", + -13.927183151245115 + ], + [ + "enveloppe", + -13.927184104919434 + ], + [ + "receptor", + -13.92718505859375 + ], + [ + "\u2581Poetry", + -13.927194595336914 + ], + [ + "\u2581d\u00e9coll", + -13.927213668823242 + ], + [ + "\u2581queijo", + -13.927234649658203 + ], + [ + "COT", + -13.927236557006836 + ], + [ + "Stake", + -13.927247047424316 + ], + [ + "\u2581Klin", + -13.927281379699709 + ], + [ + "taining", + -13.927298545837402 + ], + [ + "CMakeLists", + -13.927342414855955 + ], + [ + "\u2581prolifera", + -13.927345275878906 + ], + [ + "\u2581financieel", + -13.92741584777832 + ], + [ + "\u2581ondertussen", + -13.92745590209961 + ], + [ + "gian", + -13.92746353149414 + ], + [ + "\u2581chaussures", + -13.927495002746582 + ], + [ + "MENTE", + -13.927546501159668 + ], + [ + "TAP", + -13.927572250366213 + ], + [ + "\u2581ontdekken", + -13.92757511138916 + ], + [ + "\u2581parcouru", + -13.927581787109377 + ], + [ + "\u2581polari", + -13.927606582641602 + ], + [ + "\u2581Criando", + -13.927610397338867 + ], + [ + "Wk", + -13.927616119384766 + ], + [ + "\u2581Defensie", + -13.927618980407717 + ], + [ + "\u2581ecuaci\u00f3n", + -13.927619934082031 + ], + [ + "\u2581Electronics", + -13.927627563476562 + ], + [ + "REPL", + -13.927630424499512 + ], + [ + "\u2581Hydr", + -13.927640914916992 + ], + [ + "\u2581acerc\u00f3", + -13.927663803100586 + ], + [ + "ungsgesetz", + -13.927667617797852 + ], + [ + "\u2581regul\u00e4ren", + -13.927788734436035 + ], + [ + "\u2581Burgen", + -13.927791595458984 + ], + [ + "mides", + -13.927813529968262 + ], + [ + "\u2581attrae", + -13.927818298339844 + ], + [ + "\u2581counterpart", + -13.927857398986816 + ], + [ + "\u2581Hepatitis", + -13.927891731262209 + ], + [ + "\u2581legitimacy", + -13.927892684936523 + ], + [ + "pJ", + -13.927921295166016 + ], + [ + "Annexe", + -13.927946090698242 + ], + [ + "\u2581reflexi\u00f3n", + -13.927995681762695 + ], + [ + "orientiert", + -13.928006172180176 + ], + [ + "pithec", + -13.928008079528809 + ], + [ + "bracci", + -13.928018569946287 + ], + [ + "\u2581fysieke", + -13.92802906036377 + ], + [ + "\u2581pommes", + -13.928072929382324 + ], + [ + "\u2581Nati", + -13.928095817565918 + ], + [ + "\u2581editada", + -13.92813491821289 + ], + [ + "\u2581Ramb", + -13.928138732910156 + ], + [ + "\u2581arrogante", + -13.928157806396484 + ], + [ + "diploma", + -13.928166389465332 + ], + [ + "\u2581Treib", + -13.928166389465332 + ], + [ + "arxiv", + -13.928171157836914 + ], + [ + "ruti", + -13.928194999694824 + ], + [ + "\u2581Acredita", + -13.928218841552734 + ], + [ + "\u2581maatschappelijk", + -13.92824935913086 + ], + [ + "\u2581Gisela", + -13.928271293640137 + ], + [ + "\u2581startet", + -13.92834758758545 + ], + [ + "\u2581nervos", + -13.92836570739746 + ], + [ + "conto", + -13.928367614746094 + ], + [ + "balan", + -13.928386688232422 + ], + [ + "\u2581Basilea", + -13.92839241027832 + ], + [ + "riego", + -13.928422927856444 + ], + [ + "\u2581Franceschini", + -13.928433418273926 + ], + [ + "Eisenach", + -13.92843532562256 + ], + [ + "\u2581R\u00e9sistance", + -13.92849063873291 + ], + [ + "\u2581Sebastiano", + -13.928513526916504 + ], + [ + "\u2581mercadorias", + -13.928523063659668 + ], + [ + "\u2581foglio", + -13.9285306930542 + ], + [ + "\u2581gatto", + -13.928547859191896 + ], + [ + "klopf", + -13.928597450256348 + ], + [ + "tabak", + -13.928598403930664 + ], + [ + "ciosa", + -13.928630828857422 + ], + [ + "\u2581madura", + -13.928631782531738 + ], + [ + "ConfigMap", + -13.928645133972168 + ], + [ + "\u2581Spartak", + -13.928647994995115 + ], + [ + "\u2581Trova", + -13.92868995666504 + ], + [ + "\u2581terminology", + -13.9287109375 + ], + [ + "\u2581Anbietern", + -13.928712844848633 + ], + [ + "\u2581Constantinople", + -13.928712844848633 + ], + [ + "\u2581destruida", + -13.928754806518556 + ], + [ + "\u2581huye", + -13.928754806518556 + ], + [ + "\u2581flache", + -13.928765296936035 + ], + [ + "\u2581____________", + -13.928824424743652 + ], + [ + "\u2581provinciales", + -13.92884922027588 + ], + [ + "\u2581anotado", + -13.928857803344728 + ], + [ + "\u2581Schwa", + -13.928865432739258 + ], + [ + "\u2581Ching", + -13.928894996643066 + ], + [ + "\u2581Ernie", + -13.928899765014648 + ], + [ + "fictie", + -13.928910255432127 + ], + [ + "\u2581m\u00e1gicos", + -13.928925514221191 + ], + [ + "yeong", + -13.928956985473633 + ], + [ + "\u2581Attraverso", + -13.92897605895996 + ], + [ + "\u2581Kazakhstan", + -13.92897605895996 + ], + [ + "\u2581disciples", + -13.92897605895996 + ], + [ + "\u2581m\u00eddias", + -13.92898654937744 + ], + [ + "\u2581Progett", + -13.92901611328125 + ], + [ + "TSV", + -13.929022789001465 + ], + [ + "\u2581playoff", + -13.929022789001465 + ], + [ + "wings", + -13.929160118103027 + ], + [ + "min\u00f3", + -13.929170608520508 + ], + [ + "\u2581colp", + -13.929244995117188 + ], + [ + "\u2581vinha", + -13.9292573928833 + ], + [ + "\u2581HFSt", + -13.929276466369627 + ], + [ + "\u2581miele", + -13.929292678833008 + ], + [ + "\u2581cilindros", + -13.92932415008545 + ], + [ + "\u2581Wheat", + -13.929325103759766 + ], + [ + "rec\u00eda", + -13.929330825805664 + ], + [ + "wischenzeit", + -13.929359436035156 + ], + [ + "\u2581unbekannten", + -13.929359436035156 + ], + [ + "Risultati", + -13.929377555847168 + ], + [ + "zakken", + -13.929435729980469 + ], + [ + "\u2581vientos", + -13.929460525512695 + ], + [ + "\u2581patrones", + -13.92949676513672 + ], + [ + "\u2581comidas", + -13.929499626159668 + ], + [ + "spalt", + -13.929512977600098 + ], + [ + "\u2581extremidade", + -13.929518699645996 + ], + [ + "Ingolstadt", + -13.929519653320312 + ], + [ + "\u2581efetuar", + -13.929521560668944 + ], + [ + "\u2581raros", + -13.929523468017578 + ], + [ + "Survey", + -13.929551124572754 + ], + [ + "\u2581jueves", + -13.929555892944336 + ], + [ + "ONS", + -13.929570198059082 + ], + [ + "\u2581Nachdruck", + -13.929579734802246 + ], + [ + "dauern", + -13.929614067077637 + ], + [ + "Comparator", + -13.92962646484375 + ], + [ + "BST", + -13.92963981628418 + ], + [ + "Locked", + -13.92965030670166 + ], + [ + "ap\u00f3s", + -13.929665565490724 + ], + [ + "\u2581zivile", + -13.929669380187988 + ], + [ + "\u2581Toon", + -13.929685592651367 + ], + [ + "\u2581Savona", + -13.929762840270996 + ], + [ + "\u2581grotta", + -13.92977809906006 + ], + [ + "\u2581weekends", + -13.929804801940918 + ], + [ + "\u2581globales", + -13.929821014404297 + ], + [ + "Vit\u00f3ria", + -13.929853439331056 + ], + [ + "\u2581confront\u00e9", + -13.929869651794434 + ], + [ + "setProperty", + -13.92988109588623 + ], + [ + "\u2581prim\u00e4ren", + -13.929929733276367 + ], + [ + "\u2581Hierop", + -13.929957389831545 + ], + [ + "\u2581Durand", + -13.929993629455566 + ], + [ + "\u2581kritisierte", + -13.929998397827148 + ], + [ + "Infektion", + -13.930061340332031 + ], + [ + "\u2581Prost", + -13.930068016052246 + ], + [ + "\u2581Salisbury", + -13.930068016052246 + ], + [ + "\u2581Eem", + -13.930070877075195 + ], + [ + "\u2581kommerziellen", + -13.93009090423584 + ], + [ + "\u2581Sarda", + -13.93010425567627 + ], + [ + "coefficients", + -13.930106163024902 + ], + [ + "Eug", + -13.93012523651123 + ], + [ + "oglie", + -13.93012809753418 + ], + [ + "\u2581irriga", + -13.930133819580078 + ], + [ + "Reporter", + -13.93014144897461 + ], + [ + "\u2581Bouc", + -13.930148124694824 + ], + [ + "\u2581experto", + -13.930161476135254 + ], + [ + "itarian", + -13.930180549621582 + ], + [ + "\u2581angelegten", + -13.930183410644531 + ], + [ + "Phar", + -13.930192947387695 + ], + [ + "\u2581challenged", + -13.93020725250244 + ], + [ + "\u2581Nevi", + -13.93021297454834 + ], + [ + "\u2581blocchi", + -13.93024444580078 + ], + [ + "\u2581kampioene", + -13.930254936218262 + ], + [ + "\u2581lentes", + -13.930285453796388 + ], + [ + "kamen", + -13.930292129516602 + ], + [ + "\u2581Holli", + -13.930292129516602 + ], + [ + "\u2581surpris", + -13.930316925048828 + ], + [ + "\u2581gal\u00e1xia", + -13.930335998535156 + ], + [ + "\u2581Bonifacio", + -13.930356979370115 + ], + [ + "\u2581deposited", + -13.930362701416016 + ], + [ + "\u2581Railways", + -13.930368423461914 + ], + [ + "orfbal", + -13.930386543273926 + ], + [ + "\u2581expone", + -13.93038845062256 + ], + [ + "\u2581preside", + -13.930397987365724 + ], + [ + "Franco", + -13.93042278289795 + ], + [ + "\u2581Meijer", + -13.93043327331543 + ], + [ + "situatie", + -13.930448532104492 + ], + [ + "\u2581adotado", + -13.930456161499023 + ], + [ + "imitation", + -13.930460929870604 + ], + [ + "\u2581Arct", + -13.93047332763672 + ], + [ + "\u2581ugly", + -13.930496215820312 + ], + [ + "mechanische", + -13.930500030517578 + ], + [ + "herz", + -13.930500984191896 + ], + [ + "duplex", + -13.930583953857422 + ], + [ + "\u2581Bremerhaven", + -13.930615425109863 + ], + [ + "\u2581completare", + -13.93062686920166 + ], + [ + "\u2581Constantine", + -13.93065071105957 + ], + [ + "\u2581selvagem", + -13.930654525756836 + ], + [ + "\u2581implizit", + -13.930659294128418 + ], + [ + "azze", + -13.930709838867188 + ], + [ + "\u2581Olimpic", + -13.93071460723877 + ], + [ + "\u2581Puppe", + -13.9307222366333 + ], + [ + "Hardware", + -13.930737495422363 + ], + [ + "\u2581Organi", + -13.930741310119627 + ], + [ + "ampleur", + -13.930742263793944 + ], + [ + "\u2581envio", + -13.930745124816896 + ], + [ + "\u2581Bedienung", + -13.93074893951416 + ], + [ + "\u2581lokaler", + -13.93079948425293 + ], + [ + "Theater", + -13.930814743041992 + ], + [ + "schut", + -13.930818557739258 + ], + [ + "sterreichs", + -13.930855751037598 + ], + [ + "\u2581Bussen", + -13.93085765838623 + ], + [ + "enstadt", + -13.93086051940918 + ], + [ + "\u2581sergeant", + -13.930869102478027 + ], + [ + "\u2581subsist", + -13.930870056152344 + ], + [ + "\u2581iluminaci\u00f3n", + -13.93087387084961 + ], + [ + "hdfs", + -13.930885314941406 + ], + [ + "ICD", + -13.93088722229004 + ], + [ + "\u2581Pr\u00e4sidentin", + -13.93089199066162 + ], + [ + "gero", + -13.93089771270752 + ], + [ + "\u2581energ\u00e9tica", + -13.93089771270752 + ], + [ + "\u2581simultan\u00e9ment", + -13.93092155456543 + ], + [ + "\u2581Hindernisse", + -13.930923461914062 + ], + [ + "\u2581Maureen", + -13.93093204498291 + ], + [ + "\u2581deforma", + -13.930950164794922 + ], + [ + "\u2581Farbstoff", + -13.930967330932615 + ], + [ + "\u2581carrozze", + -13.93097686767578 + ], + [ + "anneau", + -13.930980682373049 + ], + [ + "\u2581ber\u00fchren", + -13.93098258972168 + ], + [ + "taires", + -13.930990219116213 + ], + [ + "\u2581Blutdruck", + -13.930997848510742 + ], + [ + "\u2581boreal", + -13.93099880218506 + ], + [ + "uppe", + -13.931034088134766 + ], + [ + "gew\u00e4hrung", + -13.93108367919922 + ], + [ + "\u2581Carni", + -13.931102752685549 + ], + [ + "\u2581Dicha", + -13.931129455566406 + ], + [ + "\u2581Dill", + -13.931130409240724 + ], + [ + "GOOGLE", + -13.931140899658203 + ], + [ + "\u2581sympathie", + -13.931158065795898 + ], + [ + "\u2581assomiglia", + -13.931159019470217 + ], + [ + "\u2581m\u00e9fi", + -13.931163787841797 + ], + [ + "\u2581zwak", + -13.931170463562012 + ], + [ + "\u2581fotogr\u00e1fica", + -13.931172370910645 + ], + [ + "\u2581eingeteilt", + -13.931185722351074 + ], + [ + "\u2581Angriffs", + -13.931187629699709 + ], + [ + "\u2581juger", + -13.931190490722656 + ], + [ + "midst", + -13.931241035461426 + ], + [ + "\u2581analysed", + -13.931273460388184 + ], + [ + "retrieve", + -13.931297302246094 + ], + [ + "\u2581Spu", + -13.931299209594728 + ], + [ + "erebbero", + -13.93132209777832 + ], + [ + "verwerking", + -13.9313383102417 + ], + [ + "Segments", + -13.931367874145508 + ], + [ + "\u2581transportado", + -13.931376457214355 + ], + [ + "\u00e9rique", + -13.931390762329102 + ], + [ + "Saison", + -13.931396484375 + ], + [ + "redhat", + -13.93142032623291 + ], + [ + "Herz\u00e9govine", + -13.931426048278809 + ], + [ + "\u2581---|---", + -13.93143367767334 + ], + [ + "vierzig", + -13.931434631347656 + ], + [ + "\u2581Adolph", + -13.931436538696287 + ], + [ + "\u2581partidarios", + -13.931462287902832 + ], + [ + "\u2581moines", + -13.931463241577148 + ], + [ + "\u2581siccome", + -13.931485176086426 + ], + [ + "\u2581borr", + -13.931486129760742 + ], + [ + "\u2581Alterssicherung", + -13.93149185180664 + ], + [ + "\u2581roues", + -13.931501388549805 + ], + [ + "\u2581catalana", + -13.931503295898438 + ], + [ + "movz", + -13.931512832641602 + ], + [ + "\u2581Boj", + -13.931513786315918 + ], + [ + "Methyl", + -13.931558609008787 + ], + [ + "meaning", + -13.93156909942627 + ], + [ + "\u2581mejoras", + -13.93157958984375 + ], + [ + "Speler", + -13.93158721923828 + ], + [ + "\u2581cattedra", + -13.931623458862305 + ], + [ + "\u2581Pok", + -13.931646347045898 + ], + [ + "\u2581resigned", + -13.93165683746338 + ], + [ + "\u2581aument\u00f3", + -13.931703567504885 + ], + [ + "\u2581rodaje", + -13.931716918945312 + ], + [ + "\u2581Gry", + -13.931751251220703 + ], + [ + "specified", + -13.931753158569336 + ], + [ + "\u2581relacionar", + -13.931763648986816 + ], + [ + "\u2581Bain", + -13.931775093078612 + ], + [ + "estinzione", + -13.93177604675293 + ], + [ + "rupal", + -13.931781768798828 + ], + [ + "\u2581concorrente", + -13.931798934936523 + ], + [ + "nopsis", + -13.931822776794434 + ], + [ + "\u2581disputas", + -13.931844711303713 + ], + [ + "polita", + -13.93185043334961 + ], + [ + "Recipe", + -13.931859016418455 + ], + [ + "\u2581appliqu\u00e9", + -13.931872367858888 + ], + [ + "lezer", + -13.931879997253418 + ], + [ + "\u2581Candidats", + -13.931883811950684 + ], + [ + "ContentView", + -13.931899070739746 + ], + [ + "Exerc\u00edcios", + -13.931901931762695 + ], + [ + "BAU", + -13.931924819946287 + ], + [ + "rijtuigen", + -13.931989669799805 + ], + [ + "\u2581fortificazioni", + -13.932010650634766 + ], + [ + "vanishing", + -13.932011604309082 + ], + [ + "kwamen", + -13.932015419006348 + ], + [ + "\u2581abgesetzt", + -13.93204116821289 + ], + [ + "TestSuite", + -13.932053565979004 + ], + [ + "\u2581razionali", + -13.932064056396484 + ], + [ + "\u2581Diferen", + -13.93209171295166 + ], + [ + "Kopf", + -13.93211841583252 + ], + [ + "decision", + -13.93223762512207 + ], + [ + "\u2581corro", + -13.932239532470703 + ], + [ + "MINU", + -13.932241439819336 + ], + [ + "Coder", + -13.932249069213867 + ], + [ + "\u2581c\u00f3rtex", + -13.932249069213867 + ], + [ + "\u2581padroni", + -13.932252883911133 + ], + [ + "\u2581dinanzi", + -13.932259559631348 + ], + [ + "\u2581solucionar", + -13.932272911071776 + ], + [ + "\u2581embarazo", + -13.932291984558104 + ], + [ + "\u2581ARST", + -13.932292938232422 + ], + [ + "angled", + -13.932295799255373 + ], + [ + "\u2581commemora", + -13.93230152130127 + ], + [ + "\u2581kommerzielle", + -13.932303428649902 + ], + [ + "\u2581riusciti", + -13.932312965393066 + ], + [ + "\u2581effettuate", + -13.932433128356934 + ], + [ + "\u2581serez", + -13.932438850402832 + ], + [ + "\u2581offener", + -13.932446479797363 + ], + [ + "\u2581vicepresident", + -13.932497024536133 + ], + [ + "dynamische", + -13.932520866394045 + ], + [ + "\u2581boete", + -13.932543754577637 + ], + [ + "aena", + -13.932573318481444 + ], + [ + "\u2581gebeurd", + -13.932576179504396 + ], + [ + "\u2581Mier", + -13.932591438293455 + ], + [ + "\u2581fraglich", + -13.932599067687988 + ], + [ + "\u2581romantische", + -13.932600021362305 + ], + [ + "nationale", + -13.932618141174316 + ], + [ + "\u2581HRESULT", + -13.932621955871582 + ], + [ + "Cara", + -13.93262767791748 + ], + [ + "\u2581selbst\u00e4ndigen", + -13.93264102935791 + ], + [ + "\u2581exerc\u00edcios", + -13.932649612426758 + ], + [ + "liefer", + -13.932674407958984 + ], + [ + "PrivateKey", + -13.932679176330566 + ], + [ + "\u2581directores", + -13.932680130004885 + ], + [ + "\u2581Aren", + -13.932683944702148 + ], + [ + "\u2581Jed", + -13.932690620422363 + ], + [ + "\u2581behoeve", + -13.932733535766602 + ], + [ + "\u2581Besser", + -13.93275547027588 + ], + [ + "uelas", + -13.932772636413574 + ], + [ + "\u2581Niki", + -13.932774543762209 + ], + [ + "\u2581Laur\u00e9at", + -13.93278980255127 + ], + [ + "\u2581originari", + -13.932790756225586 + ], + [ + "\u2581Cody", + -13.932799339294434 + ], + [ + "\u2581Nate", + -13.9328031539917 + ], + [ + "galle", + -13.932811737060549 + ], + [ + "\u2581Fuori", + -13.932814598083496 + ], + [ + "\u2581estad\u00edsticas", + -13.932818412780762 + ], + [ + "\u2581Gew\u00e4hr", + -13.932820320129396 + ], + [ + "\u2581Limeira", + -13.932830810546877 + ], + [ + "Wort", + -13.932847023010254 + ], + [ + "\u2581cohete", + -13.932859420776367 + ], + [ + "Persoonlijk", + -13.93287181854248 + ], + [ + "\u2581factorization", + -13.932876586914062 + ], + [ + "\u2581physicist", + -13.932876586914062 + ], + [ + "\u2581sp\u00e9cialis\u00e9s", + -13.932887077331545 + ], + [ + "vital", + -13.932929039001465 + ], + [ + "FED", + -13.932943344116213 + ], + [ + "outdir", + -13.932968139648438 + ], + [ + "\u2581verbesserten", + -13.932987213134766 + ], + [ + "\u2581Migra", + -13.933016777038574 + ], + [ + "auberge", + -13.933027267456056 + ], + [ + "Deserialize", + -13.933063507080078 + ], + [ + "SECONDS", + -13.933069229125977 + ], + [ + "\u2581sufre", + -13.933106422424316 + ], + [ + "\u2581Entsprechende", + -13.93312168121338 + ], + [ + "\u2581termin\u00e9e", + -13.9331636428833 + ], + [ + "nicus", + -13.933207511901855 + ], + [ + "\u2581Chirac", + -13.933235168457031 + ], + [ + "\u2581Deriva", + -13.933271408081056 + ], + [ + "\u2581physic", + -13.933279991149902 + ], + [ + "\u2581alloy", + -13.933289527893066 + ], + [ + "\u2581Blois", + -13.933297157287598 + ], + [ + "\u2581Messa", + -13.93331241607666 + ], + [ + "ungsantrag", + -13.933314323425291 + ], + [ + "\u2581archipi\u00e9lago", + -13.933335304260254 + ], + [ + "\u2581Kanzler", + -13.933342933654783 + ], + [ + "\u2581Bebauung", + -13.933372497558594 + ], + [ + "\u2581Horacio", + -13.93337345123291 + ], + [ + "\u2581ouvertes", + -13.933395385742188 + ], + [ + "anic", + -13.933415412902832 + ], + [ + "\u2581peel", + -13.933428764343262 + ], + [ + "\u2581Whar", + -13.933446884155272 + ], + [ + "indigen", + -13.93344783782959 + ], + [ + "\u2581Tapa", + -13.933514595031738 + ], + [ + "\u2581vissers", + -13.933518409729004 + ], + [ + "\u2581Favorit", + -13.9335298538208 + ], + [ + "\u2581geschlechts", + -13.933564186096191 + ], + [ + "\u2581facilite", + -13.933565139770508 + ], + [ + "dockerfile", + -13.933575630187988 + ], + [ + "\u2581faccend", + -13.933582305908203 + ], + [ + "\u2581Manuskript", + -13.933611869812012 + ], + [ + "dermalm", + -13.933615684509276 + ], + [ + "\u2581minime", + -13.933619499206545 + ], + [ + "\u2581Trains", + -13.933685302734377 + ], + [ + "\u2581ladies", + -13.933686256408691 + ], + [ + "\u2581folgenderma", + -13.933692932128906 + ], + [ + "Reihe", + -13.933693885803224 + ], + [ + "scrollbar", + -13.9337158203125 + ], + [ + "befreiung", + -13.933720588684082 + ], + [ + "\u2581Warburg", + -13.933741569519045 + ], + [ + "tutorials", + -13.933798789978027 + ], + [ + "ionidae", + -13.933819770812988 + ], + [ + "NCC", + -13.933876037597656 + ], + [ + "ifikation", + -13.933914184570312 + ], + [ + "\u2581Bones", + -13.933958053588867 + ], + [ + "describing", + -13.933977127075195 + ], + [ + "provou", + -13.933992385864258 + ], + [ + "\u2581composiciones", + -13.934019088745115 + ], + [ + "k\u00fcnstler", + -13.934042930603027 + ], + [ + "\u2581Grotte", + -13.934077262878418 + ], + [ + "\u2581biomass", + -13.934087753295898 + ], + [ + "izzante", + -13.93409252166748 + ], + [ + "\u2581Pata", + -13.93409824371338 + ], + [ + "MSI", + -13.93410301208496 + ], + [ + "naturale", + -13.934106826782228 + ], + [ + "\u2581Numerosi", + -13.934112548828123 + ], + [ + "coated", + -13.93411922454834 + ], + [ + "ayi", + -13.934125900268556 + ], + [ + "\u2581abbondanti", + -13.934160232543944 + ], + [ + "figuur", + -13.934167861938477 + ], + [ + "inensis", + -13.934181213378906 + ], + [ + "llmann", + -13.93421459197998 + ], + [ + "\u2581Typologie", + -13.9342679977417 + ], + [ + "\u2581rochas", + -13.934303283691406 + ], + [ + "\u2581Antibiotika", + -13.93432331085205 + ], + [ + "\u2581especializa", + -13.934332847595217 + ], + [ + "\u2581cosine", + -13.934389114379885 + ], + [ + "iteratee", + -13.934441566467283 + ], + [ + "\u2581Udo", + -13.934463500976562 + ], + [ + "\u2581Tumoren", + -13.93446445465088 + ], + [ + "\u2581riconquista", + -13.934465408325195 + ], + [ + "\u2581Cr\u00f3nica", + -13.934489250183104 + ], + [ + "frozen", + -13.934496879577637 + ], + [ + "\u2581jolie", + -13.934502601623535 + ], + [ + "\u2581Erben", + -13.9345121383667 + ], + [ + "zieher", + -13.93451976776123 + ], + [ + "interroge", + -13.934595108032228 + ], + [ + "biology", + -13.934627532958984 + ], + [ + "availability", + -13.934640884399414 + ], + [ + "\u2581Schuss", + -13.93465805053711 + ], + [ + "m\u00fcll", + -13.93468952178955 + ], + [ + "notamment", + -13.934701919555664 + ], + [ + "getDefault", + -13.934715270996094 + ], + [ + "\u2581caminar", + -13.934734344482422 + ], + [ + "\u2581insuficiente", + -13.934743881225586 + ], + [ + "\u2581voelde", + -13.934770584106444 + ], + [ + "\u2581Beaufort", + -13.934773445129396 + ], + [ + "\u2581lossen", + -13.93477725982666 + ], + [ + "\u2581Ligure", + -13.93480396270752 + ], + [ + "vory", + -13.934805870056152 + ], + [ + "\u2581Termo", + -13.934847831726074 + ], + [ + "Docs", + -13.934859275817873 + ], + [ + "Agath", + -13.934870719909668 + ], + [ + "\u2581Thiele", + -13.934896469116213 + ], + [ + "months", + -13.934906005859377 + ], + [ + "chik", + -13.93491268157959 + ], + [ + "\u2581brill", + -13.934942245483398 + ], + [ + "uyo", + -13.93495273590088 + ], + [ + "SEA", + -13.934961318969728 + ], + [ + "\u2581emana", + -13.934974670410156 + ], + [ + "\u2581Barat", + -13.934975624084473 + ], + [ + "\u2581spetta", + -13.934975624084473 + ], + [ + "\u2581atalho", + -13.935007095336914 + ], + [ + "ikkel", + -13.935046195983888 + ], + [ + "\u2581Tig", + -13.935057640075684 + ], + [ + "\u2581perceive", + -13.935068130493164 + ], + [ + "EventType", + -13.935120582580566 + ], + [ + "\u2581Stiftungen", + -13.935138702392578 + ], + [ + "olanda", + -13.935168266296388 + ], + [ + "IFA", + -13.935172080993652 + ], + [ + "\u2581Evangelio", + -13.935174942016602 + ], + [ + "Conc", + -13.93520164489746 + ], + [ + "usure", + -13.935223579406738 + ], + [ + "\u2581ecclesiastica", + -13.935248374938965 + ], + [ + "\u2581allegations", + -13.935253143310549 + ], + [ + "iaco", + -13.935270309448242 + ], + [ + "\u2581sardo", + -13.93528652191162 + ], + [ + "\u2581violenti", + -13.935287475585938 + ], + [ + "ambul", + -13.935291290283203 + ], + [ + "\u2581chemisch", + -13.935294151306152 + ], + [ + "pek", + -13.935304641723633 + ], + [ + "stima", + -13.935322761535645 + ], + [ + "clr", + -13.93535614013672 + ], + [ + "castle", + -13.935420989990234 + ], + [ + "\u2581sermon", + -13.935429573059082 + ], + [ + "\u2581pr\u00e4gt", + -13.935447692871094 + ], + [ + "\u2581fisici", + -13.93546199798584 + ], + [ + "autrice", + -13.935500144958496 + ], + [ + "Translator", + -13.93555736541748 + ], + [ + "\u2581efetivamente", + -13.93562126159668 + ], + [ + "ONN", + -13.935629844665527 + ], + [ + "\u2581Kempen", + -13.935641288757324 + ], + [ + "\u2581rumeur", + -13.935653686523438 + ], + [ + "\u2581escava", + -13.93565845489502 + ], + [ + "demonstratie", + -13.935661315917969 + ], + [ + "griffen", + -13.935672760009766 + ], + [ + "\u2581assoziiert", + -13.93567943572998 + ], + [ + "\u2581complementary", + -13.935704231262209 + ], + [ + "kandal", + -13.935708045959473 + ], + [ + "xcerpt", + -13.9357271194458 + ], + [ + "kombination", + -13.935731887817385 + ], + [ + "\u2581annually", + -13.935773849487305 + ], + [ + "\u2581spokesperson", + -13.935795783996582 + ], + [ + "\u2581Rohan", + -13.935800552368164 + ], + [ + "\u2581Cach", + -13.935856819152832 + ], + [ + "\u2581miserable", + -13.93588924407959 + ], + [ + "cordi", + -13.935918807983398 + ], + [ + "malerei", + -13.935924530029297 + ], + [ + "\u2581estimativa", + -13.935924530029297 + ], + [ + "\u2581caduti", + -13.93592643737793 + ], + [ + "\u2581belonged", + -13.935940742492676 + ], + [ + "Cuando", + -13.935961723327637 + ], + [ + "Ibidem", + -13.93596363067627 + ], + [ + "\u2581d\u00e9f", + -13.935980796813965 + ], + [ + "\u2581noisy", + -13.93599796295166 + ], + [ + "\u2581sucesos", + -13.936006546020508 + ], + [ + "\u2581Lizenzen", + -13.936034202575684 + ], + [ + "factorial", + -13.93608283996582 + ], + [ + "\u2581armon\u00eda", + -13.936094284057615 + ], + [ + "\u2581introductie", + -13.936102867126465 + ], + [ + "\u2581Parler", + -13.936166763305664 + ], + [ + "ss\u00e9e", + -13.936182022094728 + ], + [ + "\u2581aangevuld", + -13.936249732971191 + ], + [ + "\u2581angustia", + -13.936249732971191 + ], + [ + "\u2581sabio", + -13.93627643585205 + ], + [ + "\u2581blink", + -13.93628215789795 + ], + [ + "\u2581mentions", + -13.936284065246582 + ], + [ + "\u2581Colu", + -13.936290740966797 + ], + [ + "\u2581Agente", + -13.936308860778809 + ], + [ + "\u2581reservada", + -13.93632984161377 + ], + [ + "\u2581gelanceerd", + -13.9363431930542 + ], + [ + "\u2581unitario", + -13.936375617980955 + ], + [ + "\u2581correctamente", + -13.93638038635254 + ], + [ + "\u2581Cavalieri", + -13.936387062072754 + ], + [ + "\u2581Absturz", + -13.936393737792969 + ], + [ + "\u2581irregulares", + -13.936396598815918 + ], + [ + "\u2581Gambi", + -13.936400413513184 + ], + [ + "\u2581reggae", + -13.936434745788574 + ], + [ + "\u2581Resist", + -13.936466217041016 + ], + [ + "Expert", + -13.936468124389648 + ], + [ + "\u2581Geburten", + -13.936495780944824 + ], + [ + "Reserved", + -13.936553001403809 + ], + [ + "\u2581canne", + -13.936553001403809 + ], + [ + "\u2581soportar", + -13.93656063079834 + ], + [ + "Gemeenten", + -13.936593055725098 + ], + [ + "\u2581classificazione", + -13.936595916748049 + ], + [ + "STP", + -13.93661403656006 + ], + [ + "\u2581onregelmatig", + -13.936616897583008 + ], + [ + "\u2581Sain", + -13.93662166595459 + ], + [ + "trauen", + -13.936622619628906 + ], + [ + "\u2581liefst", + -13.936626434326172 + ], + [ + "\u2581\u00e9clair\u00e9", + -13.936635971069336 + ], + [ + "Fiber", + -13.93666648864746 + ], + [ + "\u2581vertigin", + -13.93666648864746 + ], + [ + "Assad", + -13.936687469482422 + ], + [ + "uchung", + -13.936692237854004 + ], + [ + "\u2581vowel", + -13.936744689941406 + ], + [ + "injiang", + -13.93677043914795 + ], + [ + "OLOG", + -13.936813354492188 + ], + [ + "\u2581milho", + -13.936888694763184 + ], + [ + "\u2581Tausch", + -13.936894416809082 + ], + [ + "Koreaanse", + -13.936897277832031 + ], + [ + "\u2581rispettivi", + -13.936907768249512 + ], + [ + "\u2581atravessar", + -13.936919212341309 + ], + [ + "\u2581bottles", + -13.936989784240724 + ], + [ + "Editable", + -13.93702220916748 + ], + [ + "\u2581d\u00e4nische", + -13.93709659576416 + ], + [ + "\u2581Arteri", + -13.937139511108398 + ], + [ + "\u2581kilos", + -13.937140464782717 + ], + [ + "\u2581persas", + -13.937149047851562 + ], + [ + "\u2581auferlegt", + -13.937167167663574 + ], + [ + "minded", + -13.937174797058104 + ], + [ + "\u2581comparada", + -13.937195777893066 + ], + [ + "\u2581Katsu", + -13.93721866607666 + ], + [ + "Rai", + -13.937227249145508 + ], + [ + "\u2581Putz", + -13.937246322631836 + ], + [ + "uccia", + -13.937250137329102 + ], + [ + "\u2581perp\u00e9tu", + -13.937257766723633 + ], + [ + "spectrum", + -13.937262535095217 + ], + [ + "Anatolia", + -13.937265396118164 + ], + [ + "\u2581Ungleichheit", + -13.937304496765137 + ], + [ + "\u2581Bieter", + -13.937307357788086 + ], + [ + "Interieur", + -13.93730926513672 + ], + [ + "\u2581opmerkelijk", + -13.937310218811035 + ], + [ + "\u2581Vorfall", + -13.93731689453125 + ], + [ + "IED", + -13.937325477600098 + ], + [ + "\u2581deixam", + -13.937332153320312 + ], + [ + "nema", + -13.937341690063477 + ], + [ + "\u2581bin\u00e1rio", + -13.93734645843506 + ], + [ + "\u2581Stadio", + -13.937348365783691 + ], + [ + "\u2581Gleiches", + -13.937363624572754 + ], + [ + "\u2581hago", + -13.937371253967283 + ], + [ + "volumens", + -13.937387466430664 + ], + [ + "\u2581circondano", + -13.93739414215088 + ], + [ + "\u2581rangs", + -13.937432289123535 + ], + [ + "\u2581Tand", + -13.937461853027344 + ], + [ + "\u2581eseguita", + -13.937471389770508 + ], + [ + "\u2581bearbeiten", + -13.93747901916504 + ], + [ + "\u2581zent", + -13.937484741210938 + ], + [ + "\u2581Krup", + -13.93751621246338 + ], + [ + "egierungsentwurf", + -13.937521934509276 + ], + [ + "onotus", + -13.93752670288086 + ], + [ + "\u2581epit", + -13.937527656555176 + ], + [ + "\u2581intimida", + -13.937543869018556 + ], + [ + "\u2581relativity", + -13.937546730041504 + ], + [ + "deprecation", + -13.937551498413086 + ], + [ + "immern", + -13.937579154968262 + ], + [ + "\u2581dunklen", + -13.937593460083008 + ], + [ + "CDD", + -13.93759822845459 + ], + [ + "\u2581stabilit\u00e9", + -13.937640190124512 + ], + [ + "\u2581amorosa", + -13.937644004821776 + ], + [ + "garh", + -13.937661170959473 + ], + [ + "Torino", + -13.93766975402832 + ], + [ + "\u2581Tron", + -13.937670707702637 + ], + [ + "Verein", + -13.937702178955078 + ], + [ + "risme", + -13.937714576721191 + ], + [ + "\u2581jenem", + -13.937762260437012 + ], + [ + "OOK", + -13.937763214111328 + ], + [ + "\u2581especializadas", + -13.937799453735352 + ], + [ + "allocation", + -13.937843322753906 + ], + [ + "determinaci\u00f3n", + -13.937851905822754 + ], + [ + "Esp", + -13.937858581542969 + ], + [ + "\u2581Kompromiss", + -13.937889099121094 + ], + [ + "\u2581Rechtsordnung", + -13.937909126281738 + ], + [ + "\u2581passate", + -13.937942504882812 + ], + [ + "\u2581snuitmotten", + -13.937987327575684 + ], + [ + "dehnung", + -13.937996864318848 + ], + [ + "ind\u00e9", + -13.938068389892578 + ], + [ + "\u2581sinagoga", + -13.938071250915527 + ], + [ + "\u2581clasificados", + -13.93808364868164 + ], + [ + "\u2581gereinigt", + -13.938093185424805 + ], + [ + "\u2581adoptado", + -13.93809413909912 + ], + [ + "\u2581melhoria", + -13.938097953796388 + ], + [ + "CONSTANT", + -13.93814182281494 + ], + [ + "\u2581vivevano", + -13.938149452209473 + ], + [ + "\u2581solitaria", + -13.938192367553713 + ], + [ + "\u00e9lectron", + -13.93819522857666 + ], + [ + "\u2581Konflikten", + -13.938199996948242 + ], + [ + "\u2581therein", + -13.938223838806152 + ], + [ + "blasen", + -13.938233375549316 + ], + [ + "prediction", + -13.938236236572266 + ], + [ + "scoped", + -13.938241004943848 + ], + [ + "conditioned", + -13.938252449035645 + ], + [ + "rija", + -13.938258171081545 + ], + [ + "\u2581suspensi\u00f3n", + -13.938268661499023 + ], + [ + "quantile", + -13.938335418701172 + ], + [ + "Nice", + -13.938337326049805 + ], + [ + "\u2581Mek", + -13.93837547302246 + ], + [ + "\u2581aprobada", + -13.938395500183104 + ], + [ + "\u2581scappa", + -13.938420295715332 + ], + [ + "\u2581Juventude", + -13.938431739807127 + ], + [ + "\u2581luxuri", + -13.938433647155762 + ], + [ + "\u2581Rosal", + -13.938440322875977 + ], + [ + "ecosistema", + -13.938450813293455 + ], + [ + "\u2581acumulado", + -13.938477516174316 + ], + [ + "ulado", + -13.938488960266112 + ], + [ + "\u2581rom\u00e1ntica", + -13.938536643981934 + ], + [ + "\u2581veroorzaken", + -13.938536643981934 + ], + [ + "\u2581Dunkelheit", + -13.938557624816896 + ], + [ + "\u2581empurra", + -13.938624382019045 + ], + [ + "\u2581boug", + -13.938652992248535 + ], + [ + "KeyValue", + -13.93868637084961 + ], + [ + "privileg", + -13.938688278198242 + ], + [ + "\u2581Plans", + -13.938690185546877 + ], + [ + "\u2581Nich", + -13.938725471496582 + ], + [ + "\u2581Ostra", + -13.938730239868164 + ], + [ + "\u2581pasteur", + -13.938751220703123 + ], + [ + "illuminazione", + -13.938796997070312 + ], + [ + "\u2581armazenados", + -13.938796997070312 + ], + [ + "England", + -13.93880844116211 + ], + [ + "\u2581stabilimenti", + -13.938838005065918 + ], + [ + "\u2581illustrat", + -13.938870429992676 + ], + [ + "\u2581rappresentanza", + -13.938887596130373 + ], + [ + "\u2581Pl\u00e4tzen", + -13.938931465148926 + ], + [ + "\u2581bevriend", + -13.938940048217772 + ], + [ + "GLI", + -13.938950538635254 + ], + [ + "\u2581witnesses", + -13.938970565795898 + ], + [ + "\u2581compliqu\u00e9", + -13.938976287841797 + ], + [ + "thode", + -13.938977241516112 + ], + [ + "\u2581suspense", + -13.939031600952148 + ], + [ + "\u2581Berti", + -13.93905258178711 + ], + [ + "\u2581Herstellern", + -13.939085006713867 + ], + [ + "kultiviert", + -13.939085960388184 + ], + [ + "\u2581Brindisi", + -13.939085960388184 + ], + [ + "\u2581detenuti", + -13.939096450805664 + ], + [ + "\u2581tegenstanders", + -13.939109802246094 + ], + [ + "\u2581adapt\u00e9e", + -13.939130783081056 + ], + [ + "\u2581abzugeben", + -13.939131736755373 + ], + [ + "gesproken", + -13.93915843963623 + ], + [ + "\u2581gradu", + -13.939224243164062 + ], + [ + "\u2581compilado", + -13.939245223999023 + ], + [ + "\u2581ontbonden", + -13.939361572265623 + ], + [ + "PROG", + -13.939373970031738 + ], + [ + "\u2581Amazing", + -13.939393043518066 + ], + [ + "lipas", + -13.939425468444824 + ], + [ + "jadas", + -13.939445495605469 + ], + [ + "br\u00e4uch", + -13.939460754394531 + ], + [ + "\u2581steckt", + -13.939483642578123 + ], + [ + "\u2581Lebensjahres", + -13.939497947692873 + ], + [ + "suppl", + -13.939518928527832 + ], + [ + "\u2581mentali", + -13.93956184387207 + ], + [ + "\u2581Registra", + -13.939599990844728 + ], + [ + "\u2581asilo", + -13.93960952758789 + ], + [ + "\u2581debolezza", + -13.939661026000977 + ], + [ + "\u2581riportate", + -13.93968105316162 + ], + [ + "\u2581monstre", + -13.93971347808838 + ], + [ + "avali", + -13.939714431762695 + ], + [ + "nori", + -13.939740180969238 + ], + [ + "NIST", + -13.939772605895996 + ], + [ + "bossen", + -13.93980312347412 + ], + [ + "vict", + -13.939810752868652 + ], + [ + "TVE", + -13.93982219696045 + ], + [ + "\u2581Hayek", + -13.93982982635498 + ], + [ + "Untersuchung", + -13.939836502075195 + ], + [ + "\u2581Beard", + -13.9398775100708 + ], + [ + "\u2581Freitas", + -13.939891815185549 + ], + [ + "\u2581reposit\u00f3rio", + -13.93990993499756 + ], + [ + "\u2581Dumas", + -13.939948081970217 + ], + [ + "\u2581Sheila", + -13.939990043640137 + ], + [ + "ardt", + -13.940046310424805 + ], + [ + "optimisation", + -13.940048217773438 + ], + [ + "schatz", + -13.940071105957031 + ], + [ + "herry", + -13.94008445739746 + ], + [ + "\u2581schilders", + -13.940095901489258 + ], + [ + "\u2581situados", + -13.940112113952637 + ], + [ + "h\u00e4lfte", + -13.940160751342772 + ], + [ + "\u2581Megan", + -13.940167427062988 + ], + [ + "sots", + -13.940168380737305 + ], + [ + "\u2581divertente", + -13.940184593200684 + ], + [ + "MHz", + -13.940186500549316 + ], + [ + "Courier", + -13.940189361572266 + ], + [ + "omstandigheden", + -13.940202713012695 + ], + [ + "\u2581Rams\u00e9s", + -13.9402437210083 + ], + [ + "\u2581Stopp", + -13.9402437210083 + ], + [ + "\u2581demandant", + -13.9402437210083 + ], + [ + "Anno", + -13.940299987792969 + ], + [ + "bling", + -13.940327644348145 + ], + [ + "\u2581Indiz", + -13.94033908843994 + ], + [ + "PEM", + -13.940340995788574 + ], + [ + "\u2581Missbrauch", + -13.940347671508787 + ], + [ + "\u2581engeren", + -13.940422058105469 + ], + [ + "\u2581Odont", + -13.94044017791748 + ], + [ + "\u2581nigro", + -13.940489768981934 + ], + [ + "\u00edfico", + -13.94049072265625 + ], + [ + "\u2581chase", + -13.940495491027832 + ], + [ + "\u2581concilio", + -13.940496444702148 + ], + [ + "bide", + -13.940511703491213 + ], + [ + "\u2581montrant", + -13.94051456451416 + ], + [ + "\u2581Pflanze", + -13.94051742553711 + ], + [ + "\u2581celebri", + -13.94052028656006 + ], + [ + "\u2581Rodney", + -13.940522193908691 + ], + [ + "\u2581documentalmente", + -13.94054889678955 + ], + [ + "\u2581bal\u00f3n", + -13.94058895111084 + ], + [ + "\u00e9taire", + -13.940593719482422 + ], + [ + "\u2581reichlich", + -13.940648078918455 + ], + [ + "disput", + -13.940650939941406 + ], + [ + "million", + -13.94065761566162 + ], + [ + "latine", + -13.940670013427734 + ], + [ + "\u2581ambientadas", + -13.940677642822266 + ], + [ + "\u2581D\u00fcn", + -13.940689086914062 + ], + [ + "tiker", + -13.940695762634276 + ], + [ + "indexer", + -13.940714836120604 + ], + [ + "\u2581Cade", + -13.940741539001465 + ], + [ + "\u2581Actualizado", + -13.940749168395996 + ], + [ + "\u2581Sattel", + -13.940757751464844 + ], + [ + "\u2581Titolare", + -13.940768241882324 + ], + [ + "migranten", + -13.940778732299805 + ], + [ + "\u2581kruiden", + -13.940821647644045 + ], + [ + "axton", + -13.940831184387209 + ], + [ + "\u2581confuse", + -13.940837860107422 + ], + [ + "\u2581einziger", + -13.940841674804688 + ], + [ + "sigmoid", + -13.94084930419922 + ], + [ + "\u2581pulm", + -13.940884590148926 + ], + [ + "\u2581consumir", + -13.940888404846191 + ], + [ + "\u2581Widerstands", + -13.940939903259276 + ], + [ + "\u2581Arendt", + -13.94094467163086 + ], + [ + "principe", + -13.940954208374023 + ], + [ + "\u2581inch", + -13.940956115722656 + ], + [ + "m\u00e4n", + -13.94096851348877 + ], + [ + "\u2581Faden", + -13.940973281860352 + ], + [ + "Contour", + -13.94100570678711 + ], + [ + "PHA", + -13.941025733947754 + ], + [ + "agoniz", + -13.94106388092041 + ], + [ + "\u2581Buen", + -13.941079139709473 + ], + [ + "\u2581narrador", + -13.941083908081056 + ], + [ + "\u2581forgot", + -13.941096305847168 + ], + [ + "\u2581overname", + -13.941104888916016 + ], + [ + "\u2581opzet", + -13.941198348999023 + ], + [ + "\u2581zugesagt", + -13.941235542297363 + ], + [ + "\u2581vielf\u00e4ltig", + -13.94125270843506 + ], + [ + "\u2581gepleegd", + -13.941285133361816 + ], + [ + "\u2581aufbewahrt", + -13.94128704071045 + ], + [ + "\u2581prever", + -13.941325187683104 + ], + [ + "opened", + -13.941330909729004 + ], + [ + "Contrib", + -13.94133758544922 + ], + [ + "\u2581fabul", + -13.941343307495115 + ], + [ + "dbd", + -13.941344261169434 + ], + [ + "chstbetrag", + -13.941363334655762 + ], + [ + "lunga", + -13.941383361816406 + ], + [ + "\u2581variare", + -13.941404342651367 + ], + [ + "\u2581ciudadan\u00eda", + -13.941428184509276 + ], + [ + "balancer", + -13.941436767578123 + ], + [ + "\u2581abiertos", + -13.94151210784912 + ], + [ + "\u2581Habe", + -13.941513061523438 + ], + [ + "\u2581Liege", + -13.941545486450195 + ], + [ + "\u2581Coppe", + -13.941558837890623 + ], + [ + "\u2581t\u00e9l\u00e9phonique", + -13.94155979156494 + ], + [ + "\u2581visitatore", + -13.941569328308104 + ], + [ + "\u2581acorda", + -13.941590309143066 + ], + [ + "\u2581zur\u00fcckkehren", + -13.941591262817385 + ], + [ + "\u2581Kee", + -13.941605567932127 + ], + [ + "\u2581pr\u00e9sent\u00e9es", + -13.941614151000977 + ], + [ + "segurando", + -13.941627502441406 + ], + [ + "ultra", + -13.941638946533203 + ], + [ + "\u2581cabezas", + -13.941670417785645 + ], + [ + "arbitrage", + -13.941685676574709 + ], + [ + "Dispose", + -13.941693305969238 + ], + [ + "\u2581detona", + -13.9417085647583 + ], + [ + "SEP", + -13.941715240478516 + ], + [ + "arrangement", + -13.941725730895996 + ], + [ + "acanth", + -13.941733360290527 + ], + [ + "kampagne", + -13.941850662231444 + ], + [ + "ivre", + -13.94185733795166 + ], + [ + "lub", + -13.94186019897461 + ], + [ + "\u2581georgiano", + -13.941865921020508 + ], + [ + "\u2581Larsen", + -13.94188117980957 + ], + [ + "why", + -13.941941261291504 + ], + [ + "\u2581verzorgde", + -13.941962242126465 + ], + [ + "\u2581Fres", + -13.94197940826416 + ], + [ + "affitto", + -13.94199275970459 + ], + [ + "\u2581cornice", + -13.942036628723145 + ], + [ + "strichen", + -13.942039489746094 + ], + [ + "\u2581Corri", + -13.942052841186523 + ], + [ + "\u2581vicinity", + -13.942058563232422 + ], + [ + "\u2581Demenz", + -13.94212532043457 + ], + [ + "\u2581Teilweise", + -13.942127227783203 + ], + [ + "\u2581Stoffwechsel", + -13.942136764526367 + ], + [ + "\u2581fortgeschritten", + -13.942137718200684 + ], + [ + "\u2581hexagonal", + -13.942146301269531 + ], + [ + "\u2581saints", + -13.94215965270996 + ], + [ + "\u2581falt", + -13.94217300415039 + ], + [ + "scendente", + -13.942190170288086 + ], + [ + "\u2581\u00e9tnico", + -13.942195892333984 + ], + [ + "monio", + -13.94220733642578 + ], + [ + "\u2581sujetos", + -13.942209243774414 + ], + [ + "Readable", + -13.94224739074707 + ], + [ + "frid", + -13.942265510559082 + ], + [ + "\u2581overseas", + -13.942265510559082 + ], + [ + "ifiant", + -13.94233512878418 + ], + [ + "Carbon", + -13.942347526550291 + ], + [ + "\u2581Taiw\u00e1n", + -13.942386627197266 + ], + [ + "immediate", + -13.942402839660645 + ], + [ + "\u2581\u00eddolo", + -13.942465782165527 + ], + [ + "Tangent", + -13.94249153137207 + ], + [ + "\u2581Galen", + -13.942506790161133 + ], + [ + "etag", + -13.942513465881348 + ], + [ + "\u2581hopeful", + -13.94253158569336 + ], + [ + "nghi", + -13.94253635406494 + ], + [ + "\u2581Expedi", + -13.942537307739258 + ], + [ + "\u2581Fiori", + -13.942543983459473 + ], + [ + "dari", + -13.942570686340332 + ], + [ + "\u2581Croatie", + -13.942571640014648 + ], + [ + "guilla", + -13.942584037780762 + ], + [ + "\u2581Bray", + -13.94259548187256 + ], + [ + "NOM", + -13.942606925964355 + ], + [ + "v\u00e9ni", + -13.942606925964355 + ], + [ + "\u2581rotatie", + -13.942611694335938 + ], + [ + "\u2581arrasta", + -13.942623138427734 + ], + [ + "p\u00e9rant", + -13.942625045776367 + ], + [ + "aaien", + -13.942628860473633 + ], + [ + "isachar", + -13.942645072937012 + ], + [ + "bours", + -13.94264793395996 + ], + [ + "\u2581einsetzt", + -13.942694664001465 + ], + [ + "hierarchy", + -13.942734718322754 + ], + [ + "matige", + -13.942790031433104 + ], + [ + "BMG", + -13.94279670715332 + ], + [ + "\u2581atingido", + -13.942800521850586 + ], + [ + "\u2581Hbf", + -13.942804336547852 + ], + [ + "scler", + -13.942811965942385 + ], + [ + "\u2581geografia", + -13.94283962249756 + ], + [ + "Gemeinschaft", + -13.942864418029783 + ], + [ + "toernooien", + -13.94287109375 + ], + [ + "\u2581Pote", + -13.942888259887695 + ], + [ + "admiration", + -13.942896842956545 + ], + [ + "\u2581inversiones", + -13.942911148071287 + ], + [ + "\u2581\u00edntima", + -13.94294261932373 + ], + [ + "optreden", + -13.94295597076416 + ], + [ + "\u2581Conclu", + -13.942956924438477 + ], + [ + "\u2581Getty", + -13.94296646118164 + ], + [ + "\u2581couvrir", + -13.942975997924805 + ], + [ + "\u2581dimostrano", + -13.943002700805664 + ], + [ + "\u2581nieuwbouw", + -13.94300365447998 + ], + [ + "avoue", + -13.94301700592041 + ], + [ + "\u2581baking", + -13.943028450012209 + ], + [ + "mJ", + -13.943041801452637 + ], + [ + "\u2581surrender", + -13.943041801452637 + ], + [ + "\u2581Legends", + -13.94305419921875 + ], + [ + "\u2581punizione", + -13.9430570602417 + ], + [ + "grom", + -13.943072319030762 + ], + [ + "angig", + -13.943076133728027 + ], + [ + "\u2581Fasci", + -13.943086624145508 + ], + [ + "\u2581evalua", + -13.943103790283203 + ], + [ + "\u2581urbaniza", + -13.94313144683838 + ], + [ + "\u2581consider\u00e1vel", + -13.943155288696287 + ], + [ + "\u2581b\u00e9ton", + -13.943161964416504 + ], + [ + "\u2581Guill", + -13.94316864013672 + ], + [ + "\u2581Ske", + -13.943211555480955 + ], + [ + "\u2581El\u00edas", + -13.943215370178224 + ], + [ + "\u2581Stromerzeugung", + -13.94323444366455 + ], + [ + "\u2581Cedar", + -13.943272590637209 + ], + [ + "\u2581secundario", + -13.943280220031738 + ], + [ + "\u2581Gonna", + -13.943316459655762 + ], + [ + "\u2581\u00e9lecteurs", + -13.943320274353027 + ], + [ + "\u2581r\u00e9alis\u00e9es", + -13.94332218170166 + ], + [ + "\u2581mescola", + -13.943353652954102 + ], + [ + "zym", + -13.943377494812012 + ], + [ + "\u2581discretion", + -13.943379402160645 + ], + [ + "\u2581reparar", + -13.943385124206545 + ], + [ + "ferencing", + -13.943415641784668 + ], + [ + "INGL", + -13.94343376159668 + ], + [ + "\u2581imprime", + -13.94344997406006 + ], + [ + "\u2581roses", + -13.943463325500488 + ], + [ + "\u2581Tirreno", + -13.943490982055664 + ], + [ + "umbling", + -13.943493843078612 + ], + [ + "Serial", + -13.943520545959473 + ], + [ + "messo", + -13.943574905395508 + ], + [ + "\u2581Libert\u00e9", + -13.943584442138672 + ], + [ + "\u2581touristischen", + -13.943597793579102 + ], + [ + "limin", + -13.943608283996582 + ], + [ + "\u2581demandas", + -13.943614959716797 + ], + [ + "\u2581eventuelle", + -13.943620681762695 + ], + [ + "ATRI", + -13.943644523620604 + ], + [ + "\u2581Tash", + -13.943655967712402 + ], + [ + "\u2581assur\u00e9e", + -13.943670272827148 + ], + [ + "\u2581Loira", + -13.943679809570312 + ], + [ + "\u2581Alben", + -13.943680763244627 + ], + [ + "fragmenten", + -13.943750381469728 + ], + [ + "\u2581turque", + -13.943756103515623 + ], + [ + "\u2581Reuni", + -13.943799018859863 + ], + [ + "\u2581Pasteur", + -13.943800926208496 + ], + [ + "\u2581corrier", + -13.943822860717772 + ], + [ + "\u2581renderiza", + -13.943855285644531 + ], + [ + "Ph\u00e4no", + -13.94387435913086 + ], + [ + "\u2581interesado", + -13.94399356842041 + ], + [ + "\u2581Conseiller", + -13.944002151489258 + ], + [ + "\u2581futuri", + -13.94400405883789 + ], + [ + "\u2581geogr\u00e1ficas", + -13.944021224975586 + ], + [ + "\u2581judici", + -13.94404411315918 + ], + [ + "TIP", + -13.944061279296877 + ], + [ + "\u2581Misiones", + -13.944062232971191 + ], + [ + "esportivo", + -13.94407844543457 + ], + [ + "ns\u00e4ure", + -13.944085121154783 + ], + [ + "\u2581ricostruita", + -13.9441499710083 + ], + [ + "\u2581Lorde", + -13.944156646728516 + ], + [ + "\u2581KWK", + -13.94417667388916 + ], + [ + "lastName", + -13.944185256958008 + ], + [ + "winkels", + -13.944194793701172 + ], + [ + "\u2581Gail", + -13.944220542907717 + ], + [ + "\u2581reduzierte", + -13.944220542907717 + ], + [ + "\u2581Geiger", + -13.944231033325195 + ], + [ + "\u2581cadastro", + -13.944233894348145 + ], + [ + "umar", + -13.94424819946289 + ], + [ + "schwerpunkte", + -13.944270133972168 + ], + [ + "\u2581dynasty", + -13.944318771362305 + ], + [ + "\u2581essenciais", + -13.944320678710938 + ], + [ + "\u2581Eiffel", + -13.944337844848633 + ], + [ + "\u2581latente", + -13.94433879852295 + ], + [ + "mathtt", + -13.944365501403809 + ], + [ + "\u2581obbligatoria", + -13.944369316101074 + ], + [ + "\u2581raras", + -13.94437026977539 + ], + [ + "\u2581asegur\u00f3", + -13.94437313079834 + ], + [ + "\u2581contribuci\u00f3n", + -13.94438934326172 + ], + [ + "\u2581belgischen", + -13.94440460205078 + ], + [ + "\u2581unsuccessful", + -13.944413185119627 + ], + [ + "\u2581arbeitslos", + -13.94442367553711 + ], + [ + "\u2581tibia", + -13.944427490234377 + ], + [ + "\u2581steile", + -13.944448471069336 + ], + [ + "\u2581Cleopatra", + -13.944459915161133 + ], + [ + "\u2581Pochi", + -13.944507598876951 + ], + [ + "\u2581falsi", + -13.944510459899902 + ], + [ + "ierbare", + -13.944547653198242 + ], + [ + "Millisecond", + -13.94454860687256 + ], + [ + "\u2581suffrages", + -13.944561004638672 + ], + [ + "Orchestre", + -13.94459629058838 + ], + [ + "buren", + -13.944607734680176 + ], + [ + "f\u00fchrenden", + -13.944615364074709 + ], + [ + "\u2581uitkomt", + -13.944625854492188 + ], + [ + "\u2581prodotte", + -13.944631576538086 + ], + [ + "\u2581Lettere", + -13.944644927978516 + ], + [ + "resson", + -13.94464874267578 + ], + [ + "\u2581resemble", + -13.944649696350098 + ], + [ + "\u2581nebeneinander", + -13.944652557373049 + ], + [ + "\u2581evangelische", + -13.944653511047363 + ], + [ + "pulo", + -13.944679260253906 + ], + [ + "infrastructure", + -13.944711685180664 + ], + [ + "chemische", + -13.944719314575195 + ], + [ + "cakes", + -13.944734573364258 + ], + [ + "Silezi", + -13.944747924804688 + ], + [ + "\u2581ritirata", + -13.944767951965332 + ], + [ + "\u2581erweisen", + -13.944811820983888 + ], + [ + "gesteuerte", + -13.944828987121582 + ], + [ + "accum", + -13.944873809814451 + ], + [ + "\u2581vignoble", + -13.944879531860352 + ], + [ + "h\u00e9sitez", + -13.944906234741213 + ], + [ + "grammi", + -13.944913864135742 + ], + [ + "utico", + -13.94494915008545 + ], + [ + "bewusstsein", + -13.94495964050293 + ], + [ + "\u2581contactos", + -13.944964408874512 + ], + [ + "\u2581kinematic", + -13.944972038269045 + ], + [ + "\u2581variaciones", + -13.94498062133789 + ], + [ + "\u2581diplom\u00e1ticas", + -13.945037841796877 + ], + [ + "\u2581Bec", + -13.945050239562988 + ], + [ + "nunciando", + -13.94505500793457 + ], + [ + "\u2581empat", + -13.945080757141112 + ], + [ + "soziolog", + -13.945094108581545 + ], + [ + "Inside", + -13.945098876953123 + ], + [ + "byss", + -13.945101737976074 + ], + [ + "\u2581Rehabilitations", + -13.945119857788086 + ], + [ + "\u2581correspondentes", + -13.945131301879885 + ], + [ + "Indexed", + -13.945144653320312 + ], + [ + "\u2581Baltimora", + -13.945145606994627 + ], + [ + "\u2581Schottland", + -13.945145606994627 + ], + [ + "\u2581Helene", + -13.945146560668944 + ], + [ + "\u2581Andersson", + -13.945148468017578 + ], + [ + "\u2581Crosby", + -13.945157051086426 + ], + [ + "\u2581Chav", + -13.94518756866455 + ], + [ + "\u2581veder", + -13.945194244384766 + ], + [ + "\u2581winters", + -13.945198059082031 + ], + [ + "\u2581Separa", + -13.945201873779297 + ], + [ + "\u2581r\u00e9p\u00e9tition", + -13.945255279541016 + ], + [ + "Bond", + -13.94526481628418 + ], + [ + "allure", + -13.94527816772461 + ], + [ + "\u2581Mehrkosten", + -13.945341110229492 + ], + [ + "Osse", + -13.945420265197754 + ], + [ + "\u2581Shinjuku", + -13.945425987243652 + ], + [ + "\u2581volley", + -13.9454984664917 + ], + [ + "hilar", + -13.945547103881836 + ], + [ + "\u2581Horne", + -13.945551872253418 + ], + [ + "\u2581Curt", + -13.945565223693848 + ], + [ + "stond", + -13.945576667785645 + ], + [ + "toestand", + -13.945578575134276 + ], + [ + "\u2581magistrat", + -13.945616722106934 + ], + [ + "\u2581finanzieller", + -13.94562816619873 + ], + [ + "\u2581programmeur", + -13.945671081542969 + ], + [ + "v\u00edrgula", + -13.945697784423828 + ], + [ + "\u2581islamitische", + -13.94570255279541 + ], + [ + "\u2581travelers", + -13.945704460144045 + ], + [ + "jacht", + -13.94576358795166 + ], + [ + "\u2581animados", + -13.945828437805176 + ], + [ + "RST", + -13.94583797454834 + ], + [ + "\u2581mentales", + -13.945839881896973 + ], + [ + "\u2581Ting", + -13.945853233337402 + ], + [ + "\u2581Grob", + -13.94585418701172 + ], + [ + "getTime", + -13.94590187072754 + ], + [ + "\u2581traer", + -13.945913314819336 + ], + [ + "aufsichtsbeh", + -13.94591999053955 + ], + [ + "\u2581angoli", + -13.945945739746094 + ], + [ + "\u2581Projektes", + -13.945947647094728 + ], + [ + "\u2581videogioco", + -13.945974349975586 + ], + [ + "\u2581verwandelt", + -13.945982933044434 + ], + [ + "\u2581conductivity", + -13.94598388671875 + ], + [ + "\u2581statutory", + -13.945996284484863 + ], + [ + "\u2581popolarit\u00e0", + -13.946011543273926 + ], + [ + "\u2581merkte", + -13.946043968200684 + ], + [ + "\u2581indizi", + -13.946066856384276 + ], + [ + "\u2581Fertigungs", + -13.946128845214844 + ], + [ + "\u2581traditionnelles", + -13.946136474609377 + ], + [ + "\u2581Alu", + -13.946154594421388 + ], + [ + "nvloeden", + -13.946181297302246 + ], + [ + "\u2581dipole", + -13.946197509765623 + ], + [ + "\u2581Berber", + -13.946202278137209 + ], + [ + "\u2581Nikolaj", + -13.946227073669434 + ], + [ + "M\u00edchigan", + -13.946250915527344 + ], + [ + "\u2581distes", + -13.946259498596191 + ], + [ + "\u2581comport", + -13.946269989013672 + ], + [ + "persoon", + -13.94630527496338 + ], + [ + "\u2581organised", + -13.946311950683594 + ], + [ + "histo", + -13.946313858032228 + ], + [ + "Dat", + -13.946319580078123 + ], + [ + "\u2581Johansson", + -13.946334838867188 + ], + [ + "konsum", + -13.946359634399414 + ], + [ + "\u2581Nauru", + -13.946375846862791 + ], + [ + "amarra", + -13.94637966156006 + ], + [ + "\u2581standpunt", + -13.946401596069336 + ], + [ + "grundst\u00fcck", + -13.946419715881348 + ], + [ + "\u2581Bov", + -13.94643783569336 + ], + [ + "\u2581Situa", + -13.946444511413574 + ], + [ + "oped", + -13.94644832611084 + ], + [ + "ucken", + -13.946465492248535 + ], + [ + "chita", + -13.946471214294434 + ], + [ + "\u2581Daddy", + -13.94650173187256 + ], + [ + "\u2581cronista", + -13.946524620056152 + ], + [ + "\u2581sup\u00e9rieures", + -13.946524620056152 + ], + [ + "\u2581africani", + -13.946526527404783 + ], + [ + "\u2581halverwege", + -13.946527481079102 + ], + [ + "\u2581giacch\u00e9", + -13.946544647216797 + ], + [ + "\u2581dunne", + -13.946561813354492 + ], + [ + "agged", + -13.946565628051758 + ], + [ + "iljoen", + -13.946568489074709 + ], + [ + "\u2581trazendo", + -13.946578979492188 + ], + [ + "\u2581angehoben", + -13.946584701538086 + ], + [ + "affascinante", + -13.946589469909668 + ], + [ + "\u2581humanitaire", + -13.946589469909668 + ], + [ + "AMC", + -13.94660472869873 + ], + [ + "\u2581veuve", + -13.94662094116211 + ], + [ + "bonus", + -13.946633338928224 + ], + [ + "\u2581S\u00e4tzen", + -13.946637153625488 + ], + [ + "\u2581solares", + -13.946651458740234 + ], + [ + "\u2581ideologisch", + -13.94665813446045 + ], + [ + "\u2581contemporains", + -13.9467134475708 + ], + [ + "\u2581interpretazioni", + -13.946722984313965 + ], + [ + "\u2581scavat", + -13.946732521057127 + ], + [ + "fallende", + -13.946734428405762 + ], + [ + "\u2581prononce", + -13.946778297424316 + ], + [ + "\u2581Susana", + -13.946813583374023 + ], + [ + "\u2581Kreditinstitute", + -13.946821212768556 + ], + [ + "\u00e1gio", + -13.94685173034668 + ], + [ + "\u2581verkeerde", + -13.94689655303955 + ], + [ + "Adaptive", + -13.946959495544434 + ], + [ + "herrn", + -13.946965217590332 + ], + [ + "burst", + -13.946971893310549 + ], + [ + "bombe", + -13.946982383728027 + ], + [ + "Coins", + -13.946983337402344 + ], + [ + "\u2581Grum", + -13.947002410888672 + ], + [ + "\u2581verstorben", + -13.947009086608888 + ], + [ + "sterreicher", + -13.947039604187012 + ], + [ + "\u2581Cristiana", + -13.947040557861328 + ], + [ + "\u2581CONDUIT", + -13.947081565856934 + ], + [ + "\u2581Gesti\u00f3n", + -13.947094917297363 + ], + [ + "gage", + -13.94711208343506 + ], + [ + "\u2581untersuchte", + -13.947113037109377 + ], + [ + "Defensor", + -13.947128295898438 + ], + [ + "\u2581ocultar", + -13.947138786315918 + ], + [ + "\u00e9nique", + -13.947176933288574 + ], + [ + "\u2581viol\u00edn", + -13.947196006774902 + ], + [ + "\u2581Strick", + -13.947232246398926 + ], + [ + "\u2581Prospekt", + -13.947239875793455 + ], + [ + "\u2581Toxic", + -13.947250366210938 + ], + [ + "rawSpec", + -13.947282791137695 + ], + [ + "\u2581roupa", + -13.947293281555176 + ], + [ + "renda", + -13.947301864624023 + ], + [ + "zot", + -13.94733715057373 + ], + [ + "\u2581r\u00e9novation", + -13.947358131408691 + ], + [ + "\u2581dram\u00e1tico", + -13.947361946105955 + ], + [ + "\u2581departments", + -13.947381019592283 + ], + [ + "\u2581sessione", + -13.947383880615234 + ], + [ + "resina", + -13.9473876953125 + ], + [ + "\u2581resistere", + -13.94740104675293 + ], + [ + "\u2581Sabah", + -13.947404861450195 + ], + [ + "\u2581d\u00e9nomm\u00e9", + -13.94741439819336 + ], + [ + "aderas", + -13.947425842285156 + ], + [ + "tiempo", + -13.947429656982422 + ], + [ + "\u2581footballer", + -13.94744873046875 + ], + [ + "\u2581Vesper", + -13.94747543334961 + ], + [ + "admission", + -13.94747829437256 + ], + [ + "ibrid", + -13.94749355316162 + ], + [ + "\u2581Chand", + -13.947537422180176 + ], + [ + "\u2581liceo", + -13.947564125061035 + ], + [ + "\u2581Considering", + -13.94758415222168 + ], + [ + "faculteit", + -13.947636604309082 + ], + [ + "\u2581Daughter", + -13.947638511657717 + ], + [ + "LinkPresentation", + -13.947651863098145 + ], + [ + "usters", + -13.94766330718994 + ], + [ + "\u2581recipes", + -13.947664260864258 + ], + [ + "\u2581Kamerlid", + -13.947669982910156 + ], + [ + "\u2581NUTS", + -13.947672843933104 + ], + [ + "\u2581inclut", + -13.947690963745115 + ], + [ + "RTS", + -13.94772243499756 + ], + [ + "RIP", + -13.947723388671877 + ], + [ + "ternity", + -13.947724342346191 + ], + [ + "odierno", + -13.94774055480957 + ], + [ + "\u2581strategisch", + -13.947761535644531 + ], + [ + "Bearer", + -13.94778823852539 + ], + [ + "\u2581Vaca", + -13.947793960571287 + ], + [ + "SLE", + -13.947850227355955 + ], + [ + "assembler", + -13.94786262512207 + ], + [ + "kompetenzen", + -13.947937965393066 + ], + [ + "patches", + -13.947942733764648 + ], + [ + "\u2581crab", + -13.94796657562256 + ], + [ + "LING", + -13.94800853729248 + ], + [ + "\u2581Kanten", + -13.94801139831543 + ], + [ + "Rj", + -13.948034286499023 + ], + [ + "\u2581Bomber", + -13.948043823242188 + ], + [ + "\u2581Offiziere", + -13.948047637939451 + ], + [ + "\u2581procession", + -13.948080062866213 + ], + [ + "Nom", + -13.94808864593506 + ], + [ + "\u2581Malasia", + -13.948094367980955 + ], + [ + "occidental", + -13.94810390472412 + ], + [ + "\u2581suffisante", + -13.948140144348145 + ], + [ + "erkrankung", + -13.94815731048584 + ], + [ + "\u2581S\u00e9n\u00e9gal", + -13.94818878173828 + ], + [ + "sauer", + -13.948209762573242 + ], + [ + "\u2581traurig", + -13.948216438293455 + ], + [ + "\u2581Matilde", + -13.948248863220217 + ], + [ + "\u2581tijdelijke", + -13.948261260986328 + ], + [ + "\u2581Formular", + -13.948287963867188 + ], + [ + "\u2581traslada", + -13.948293685913086 + ], + [ + "\u2581middels", + -13.948312759399414 + ], + [ + "PING", + -13.948319435119627 + ], + [ + "\u2581officiels", + -13.948319435119627 + ], + [ + "\u2581communistische", + -13.948322296142578 + ], + [ + "\u2581verhoogd", + -13.94836711883545 + ], + [ + "\u2581Baar", + -13.948410987854004 + ], + [ + "Streams", + -13.94841766357422 + ], + [ + "\u2581vertragliche", + -13.948453903198242 + ], + [ + "\u2581C\u00e1rdenas", + -13.948466300964355 + ], + [ + "\u2581eficacia", + -13.948466300964355 + ], + [ + "gip", + -13.948505401611328 + ], + [ + "avour", + -13.948537826538086 + ], + [ + "physische", + -13.948543548583984 + ], + [ + "\u2581Armi", + -13.94858169555664 + ], + [ + "\u2581lege", + -13.94862174987793 + ], + [ + "trier", + -13.94864559173584 + ], + [ + "\u2581aristocrat", + -13.948670387268066 + ], + [ + "\u2581costera", + -13.9486722946167 + ], + [ + "gelesen", + -13.948687553405762 + ], + [ + "ennial", + -13.948721885681152 + ], + [ + "dauernde", + -13.948723793029783 + ], + [ + "immunit", + -13.948756217956545 + ], + [ + "\u2581millennio", + -13.948790550231934 + ], + [ + "\u2581carabinieri", + -13.948796272277832 + ], + [ + "kleuren", + -13.94880485534668 + ], + [ + "\u2581sights", + -13.948806762695312 + ], + [ + "torp", + -13.948820114135742 + ], + [ + "\u2581Tatbest\u00e4nde", + -13.948834419250488 + ], + [ + "\u2581bemerkenswert", + -13.948843002319336 + ], + [ + "ADOS", + -13.94886302947998 + ], + [ + "\u2581Jala", + -13.948866844177246 + ], + [ + "\u2581soddisfa", + -13.948866844177246 + ], + [ + "\u2581Hate", + -13.948917388916016 + ], + [ + "\u2581te\u00f3ricos", + -13.948938369750977 + ], + [ + "\u2581Guin", + -13.94895362854004 + ], + [ + "pT", + -13.948999404907228 + ], + [ + "\u2581Estat\u00edstica", + -13.949020385742188 + ], + [ + "\u2581repetidamente", + -13.94906234741211 + ], + [ + "TableName", + -13.949067115783691 + ], + [ + "\u2581logotipo", + -13.94910717010498 + ], + [ + "\u2581Teg", + -13.949140548706056 + ], + [ + "\u2581zumutbar", + -13.949142456054688 + ], + [ + "tans", + -13.949199676513672 + ], + [ + "Deps", + -13.949209213256836 + ], + [ + "\u2581luidt", + -13.949209213256836 + ], + [ + "sektors", + -13.949213981628418 + ], + [ + "caf\u00e9", + -13.94926929473877 + ], + [ + "\u2581unita", + -13.949280738830566 + ], + [ + "\u2581Ribera", + -13.949288368225098 + ], + [ + "\u2581garota", + -13.949297904968262 + ], + [ + "\u2581Patrono", + -13.949302673339844 + ], + [ + "\u2581arqui", + -13.949313163757324 + ], + [ + "icillin", + -13.94931983947754 + ], + [ + "\u2581serena", + -13.949325561523438 + ], + [ + "ieden", + -13.949332237243652 + ], + [ + "\u2581Faculty", + -13.949337005615234 + ], + [ + "ENGINE", + -13.949384689331056 + ], + [ + "abr\u00eda", + -13.949387550354004 + ], + [ + "\u2581Pago", + -13.949390411376951 + ], + [ + "\u2581ritrovato", + -13.94940948486328 + ], + [ + "\u2581revival", + -13.949421882629396 + ], + [ + "\u2581autopista", + -13.949447631835938 + ], + [ + "\u2581elimination", + -13.949478149414062 + ], + [ + "\u2581Phan", + -13.949524879455566 + ], + [ + "berlieferung", + -13.949530601501465 + ], + [ + "pr\u00e4g", + -13.949530601501465 + ], + [ + "\u2581fatty", + -13.949559211730955 + ], + [ + "Frag", + -13.949580192565918 + ], + [ + "\u2581capturados", + -13.949585914611816 + ], + [ + "qu\u00edn", + -13.949604988098145 + ], + [ + "\u2581rest\u00e9e", + -13.949626922607422 + ], + [ + "stringValue", + -13.949650764465332 + ], + [ + "\u2581Agen", + -13.949658393859863 + ], + [ + "Recursive", + -13.949665069580078 + ], + [ + "AGN", + -13.94968318939209 + ], + [ + "GTA", + -13.94969654083252 + ], + [ + "\u2581donnera", + -13.949736595153809 + ], + [ + "\u2581gentleman", + -13.949743270874023 + ], + [ + "id\u00e9o", + -13.949747085571287 + ], + [ + "fbb", + -13.949763298034668 + ], + [ + "\u2581lobisomem", + -13.949764251708984 + ], + [ + "\u2581descreveu", + -13.949787139892578 + ], + [ + "\u2581tradotto", + -13.949801445007324 + ], + [ + "\u2581ceramic", + -13.949814796447754 + ], + [ + "\u2581giudizi", + -13.949828147888184 + ], + [ + "\u2581borra", + -13.949857711791992 + ], + [ + "treibung", + -13.949873924255373 + ], + [ + "\u2581Habermas", + -13.949874877929688 + ], + [ + "\u2581\u00e4hnliches", + -13.94987678527832 + ], + [ + "\u2581meldde", + -13.94988250732422 + ], + [ + "\u2581produjeron", + -13.949884414672852 + ], + [ + "nall", + -13.949901580810549 + ], + [ + "\u2581discret", + -13.94992733001709 + ], + [ + "chster", + -13.94993495941162 + ], + [ + "measurement", + -13.949950218200684 + ], + [ + "\u2581enormemente", + -13.949951171875 + ], + [ + "HEADERS", + -13.949959754943848 + ], + [ + "\u2581Cym", + -13.94996166229248 + ], + [ + "\u2581veneno", + -13.950044631958008 + ], + [ + "zeugnis", + -13.950045585632324 + ], + [ + "\u2581Ural", + -13.95010757446289 + ], + [ + "\u00e4rztliche", + -13.950118064880373 + ], + [ + "geschw", + -13.95012664794922 + ], + [ + "\u2581verwirklichen", + -13.9501314163208 + ], + [ + "\u2581continuaron", + -13.95013427734375 + ], + [ + "dragon", + -13.950136184692385 + ], + [ + "\u2581Goff", + -13.950161933898926 + ], + [ + "\u2581Tecnic", + -13.950172424316406 + ], + [ + "\u2581Punt", + -13.950186729431152 + ], + [ + "rijder", + -13.950190544128418 + ], + [ + "gestemd", + -13.950241088867188 + ], + [ + "st\u00ed", + -13.95024585723877 + ], + [ + "\u2581succ\u00e9d", + -13.950247764587402 + ], + [ + "\u2581vodka", + -13.950282096862791 + ], + [ + "gati", + -13.950284004211426 + ], + [ + "waan", + -13.950288772583008 + ], + [ + "\u2581waist", + -13.950325965881348 + ], + [ + "activ", + -13.950357437133787 + ], + [ + "\u2581Iser", + -13.950369834899902 + ], + [ + "\u2581Borb\u00f3n", + -13.950374603271484 + ], + [ + "\u2581cape", + -13.95038604736328 + ], + [ + "\u2581tumbas", + -13.95040512084961 + ], + [ + "\u2581trasportare", + -13.950408935546877 + ], + [ + "crowodot", + -13.950411796569824 + ], + [ + "\u2581espressi", + -13.95050811767578 + ], + [ + "\u2581Gallia", + -13.950516700744627 + ], + [ + "olev", + -13.950539588928224 + ], + [ + "\u2581comprada", + -13.950562477111816 + ], + [ + "historique", + -13.950571060180664 + ], + [ + "NonNull", + -13.950583457946776 + ], + [ + "\u2581varier", + -13.950637817382812 + ], + [ + "Citizen", + -13.95067024230957 + ], + [ + "meuMundo", + -13.950684547424316 + ], + [ + "\u2581artefact", + -13.95071792602539 + ], + [ + "dello", + -13.9507474899292 + ], + [ + "sfehler", + -13.950761795043944 + ], + [ + "\u2581symlinks", + -13.950775146484377 + ], + [ + "\u2581lluvias", + -13.950780868530272 + ], + [ + "\u2581uiterste", + -13.950780868530272 + ], + [ + "\u2581estimating", + -13.950794219970703 + ], + [ + "\u2581Sch\u00fctt", + -13.950800895690918 + ], + [ + "novelle", + -13.950804710388184 + ], + [ + "\u2581Schrei", + -13.950838088989258 + ], + [ + "\u2581Escobar", + -13.950885772705078 + ], + [ + "\u2581empresarios", + -13.950907707214355 + ], + [ + "\u2581chili", + -13.95096206665039 + ], + [ + "\u2581D\u00e9veloppement", + -13.950971603393556 + ], + [ + "\u2581omtrent", + -13.950979232788086 + ], + [ + "ezzo", + -13.950987815856934 + ], + [ + "\u2581landelijk", + -13.950992584228516 + ], + [ + "\u2581ans\u00e4ssig", + -13.950995445251465 + ], + [ + "ttich", + -13.950998306274414 + ], + [ + "Canonical", + -13.95100212097168 + ], + [ + "Offen", + -13.951068878173828 + ], + [ + "\u2581Kopien", + -13.951078414916992 + ], + [ + "\u2581adquiriu", + -13.951120376586914 + ], + [ + "Schmidt", + -13.951148986816406 + ], + [ + "\u2581jet\u00e9", + -13.951213836669922 + ], + [ + "\u2581rechtfertigt", + -13.951233863830566 + ], + [ + "\u2581cont\u00ednuo", + -13.951242446899414 + ], + [ + "Very", + -13.95125675201416 + ], + [ + "\u2581apparemment", + -13.951266288757324 + ], + [ + "\u2581Rosas", + -13.95126724243164 + ], + [ + "sendungen", + -13.951278686523438 + ], + [ + "arang", + -13.951306343078612 + ], + [ + "\u2581cancelado", + -13.951414108276367 + ], + [ + "\u2581defici", + -13.951455116271973 + ], + [ + "addChild", + -13.95148468017578 + ], + [ + "prav", + -13.95155429840088 + ], + [ + "\u2581sembr", + -13.95156478881836 + ], + [ + "vip", + -13.951631546020508 + ], + [ + "Shirt", + -13.95164680480957 + ], + [ + "\u2581interessieren", + -13.95164966583252 + ], + [ + "\u2581cahier", + -13.951662063598633 + ], + [ + "\u2581Verk", + -13.951672554016112 + ], + [ + "Serializable", + -13.951720237731934 + ], + [ + "\u2581obreros", + -13.95173168182373 + ], + [ + "\u2581Gegenst\u00e4nden", + -13.95175075531006 + ], + [ + "erteilung", + -13.951753616333008 + ], + [ + "\u2581Exhibition", + -13.95179843902588 + ], + [ + "\u2581revend", + -13.95180320739746 + ], + [ + "emper", + -13.95180892944336 + ], + [ + "\u2581Mette", + -13.951825141906738 + ], + [ + "loud", + -13.9518404006958 + ], + [ + "Tail", + -13.951860427856444 + ], + [ + "Correction", + -13.95189380645752 + ], + [ + "\u2581Verwaltungskost", + -13.951895713806152 + ], + [ + "\u2581spectre", + -13.951896667480469 + ], + [ + "querschnitt", + -13.951909065246582 + ], + [ + "\u2581Corsa", + -13.951923370361328 + ], + [ + "\u2581cellulari", + -13.951959609985352 + ], + [ + "\u2581Herrmann", + -13.951964378356934 + ], + [ + "\u2581setores", + -13.951973915100098 + ], + [ + "\u2581regna", + -13.95197582244873 + ], + [ + "aktiven", + -13.952027320861816 + ], + [ + "\u2581nominativo", + -13.952043533325195 + ], + [ + "icchi", + -13.952046394348145 + ], + [ + "\u2581Nederlandsche", + -13.952049255371094 + ], + [ + "\u2581Elvira", + -13.95211696624756 + ], + [ + "medic", + -13.952136039733888 + ], + [ + "\u2581preliminar", + -13.952194213867188 + ], + [ + "\u2581Veranstaltungs", + -13.95219612121582 + ], + [ + "\u2581Bate", + -13.952231407165527 + ], + [ + "\u2581zangvogel", + -13.95223331451416 + ], + [ + "ippe", + -13.952299118041992 + ], + [ + "\u2581prudent", + -13.952301025390623 + ], + [ + "gegroeid", + -13.95230197906494 + ], + [ + "GTG", + -13.95232105255127 + ], + [ + "\u2581Klassifizierung", + -13.952354431152344 + ], + [ + "\u2581larghezza", + -13.95236110687256 + ], + [ + "\u2581Hust", + -13.952387809753418 + ], + [ + "\u2581Winkler", + -13.952412605285645 + ], + [ + "Rechtssicherheit", + -13.952418327331545 + ], + [ + "id\u00e9al", + -13.952421188354492 + ], + [ + "bbf", + -13.952422142028809 + ], + [ + "\u2581viewBox", + -13.952423095703123 + ], + [ + "\u2581d\u00e9pression", + -13.952425956726074 + ], + [ + "scritto", + -13.952454566955566 + ], + [ + "\u2581kooperier", + -13.95252513885498 + ], + [ + "Brabantse", + -13.952563285827637 + ], + [ + "bl\u00fct", + -13.952606201171877 + ], + [ + "\u2581Murta", + -13.952610969543455 + ], + [ + "\u2581cons\u00e9cutive", + -13.952632904052734 + ], + [ + "\u2581Carmelo", + -13.95263957977295 + ], + [ + "AMD", + -13.952640533447266 + ], + [ + "ioides", + -13.952691078186035 + ], + [ + "\u2581r\u00e9unit", + -13.952703475952148 + ], + [ + "zinsen", + -13.95270824432373 + ], + [ + "\u2581kraa", + -13.952813148498535 + ], + [ + "\u2581olvida", + -13.952828407287598 + ], + [ + "\u2581beschrieb", + -13.952831268310549 + ], + [ + "pat\u00eda", + -13.952858924865724 + ], + [ + "\u2581presun", + -13.952862739562988 + ], + [ + "\u2581Lehm", + -13.95287799835205 + ], + [ + "\u2581identificato", + -13.952881813049316 + ], + [ + "bread", + -13.952890396118164 + ], + [ + "\u2581Kr\u00fcger", + -13.952911376953123 + ], + [ + "\u2581Myrmicinae", + -13.952911376953123 + ], + [ + "htb", + -13.952930450439451 + ], + [ + "\u2581redacci\u00f3n", + -13.95293426513672 + ], + [ + "bellum", + -13.952998161315918 + ], + [ + "padded", + -13.95305633544922 + ], + [ + "\u2581Physiol", + -13.953085899353027 + ], + [ + "\u2581assignments", + -13.95308780670166 + ], + [ + "\u2581toros", + -13.95310401916504 + ], + [ + "\u2581ascendido", + -13.953150749206545 + ], + [ + "\u2581aufzubauen", + -13.953155517578123 + ], + [ + "\u2581assistir", + -13.953180313110352 + ], + [ + "stevig", + -13.9531831741333 + ], + [ + "\u2581vosotros", + -13.953189849853516 + ], + [ + "\u2581Tienen", + -13.953192710876465 + ], + [ + "Allier", + -13.953207969665527 + ], + [ + "gaussian", + -13.953213691711426 + ], + [ + "\u2581companheiro", + -13.953214645385742 + ], + [ + "routers", + -13.953253746032717 + ], + [ + "\u2581aislado", + -13.953266143798828 + ], + [ + "\u2581Compared", + -13.95327091217041 + ], + [ + "\u00edfera", + -13.953274726867676 + ], + [ + "\u2581Aru", + -13.953283309936523 + ], + [ + "\u2581Cartes", + -13.953314781188965 + ], + [ + "\u2581gasten", + -13.953335762023926 + ], + [ + "treuung", + -13.953357696533203 + ], + [ + "\u2581Vitali", + -13.953369140625 + ], + [ + "Topics", + -13.953397750854492 + ], + [ + "\u2581Nationalparks", + -13.95342254638672 + ], + [ + "\u2581vendedores", + -13.953453063964844 + ], + [ + "onCreate", + -13.953460693359377 + ], + [ + "\u2581Rockefeller", + -13.953468322753906 + ], + [ + "\u2581entfalten", + -13.953468322753906 + ], + [ + "\u2581Varsovie", + -13.95347023010254 + ], + [ + "\u2581Ansichten", + -13.953474044799805 + ], + [ + "Saar", + -13.953487396240234 + ], + [ + "viendrait", + -13.953490257263184 + ], + [ + "\u2581anexo", + -13.953496932983398 + ], + [ + "\u2581Subventions", + -13.95358657836914 + ], + [ + "\u2581undertaking", + -13.953593254089355 + ], + [ + "\u2581participan", + -13.953621864318848 + ], + [ + "\u2581Vegetation", + -13.953640937805176 + ], + [ + "\u2581Stolz", + -13.95365047454834 + ], + [ + "\u2581koningen", + -13.953658103942873 + ], + [ + "uake", + -13.95367431640625 + ], + [ + "\u2581reorganiza", + -13.95367431640625 + ], + [ + "\u2581Bindungen", + -13.95369815826416 + ], + [ + "PDS", + -13.953720092773438 + ], + [ + "\u2581apoy\u00f3", + -13.95375156402588 + ], + [ + "\u2581descendencia", + -13.95375633239746 + ], + [ + "ilinx", + -13.95376205444336 + ], + [ + "\u2581smiling", + -13.95376205444336 + ], + [ + "\u2581incentiva", + -13.95376682281494 + ], + [ + "\u2581jouant", + -13.953784942626951 + ], + [ + "gespr", + -13.953797340393066 + ], + [ + "\u2581Trapp", + -13.953800201416016 + ], + [ + "\u2581reconstruct", + -13.953803062438965 + ], + [ + "\u2581Rovere", + -13.953839302062988 + ], + [ + "\u2581fich\u00f3", + -13.953845977783203 + ], + [ + "Pedro", + -13.953899383544922 + ], + [ + "ektion", + -13.95390510559082 + ], + [ + "\u2581oppress", + -13.95393180847168 + ], + [ + "\u2581Experiments", + -13.953934669494627 + ], + [ + "allarme", + -13.953948974609377 + ], + [ + "vingt", + -13.953962326049805 + ], + [ + "uerschnitts", + -13.95397663116455 + ], + [ + "\u2581riservata", + -13.954020500183104 + ], + [ + "\u2581perfeita", + -13.954038619995115 + ], + [ + "\u2581Kud", + -13.954042434692385 + ], + [ + "subvention", + -13.95405101776123 + ], + [ + "\u2581Compl", + -13.954055786132812 + ], + [ + "\u2581Cordi", + -13.954082489013672 + ], + [ + "\u2581defrontar", + -13.95415210723877 + ], + [ + "ammiraglio", + -13.954166412353516 + ], + [ + "\u2581intentando", + -13.954174041748049 + ], + [ + "\u2581Kaufpreis", + -13.954206466674805 + ], + [ + "Equivalent", + -13.95421028137207 + ], + [ + "\u2581esposti", + -13.95423412322998 + ], + [ + "\u2581Ereignissen", + -13.954237937927246 + ], + [ + "gesloten", + -13.954242706298828 + ], + [ + "\u2581exhausted", + -13.954245567321776 + ], + [ + "\u2581bicolor", + -13.954276084899902 + ], + [ + "\u2581ascendente", + -13.95428466796875 + ], + [ + "\u2581incredible", + -13.954304695129396 + ], + [ + "\u2581cruzamento", + -13.954307556152344 + ], + [ + "\u2581Troch", + -13.954310417175291 + ], + [ + "\u2581coloc\u00f3", + -13.954315185546877 + ], + [ + "arrange", + -13.954347610473633 + ], + [ + "\u2581Middelburg", + -13.954352378845217 + ], + [ + "tsje", + -13.954410552978516 + ], + [ + "\u2581Fertigung", + -13.954411506652832 + ], + [ + "\u2581sfrutta", + -13.954416275024414 + ], + [ + "\u2581citando", + -13.954466819763184 + ], + [ + "\u2581alturas", + -13.954490661621094 + ], + [ + "\u2581maman", + -13.95449924468994 + ], + [ + "\u2581superbe", + -13.954517364501951 + ], + [ + "detti", + -13.95453929901123 + ], + [ + "\u2581Fundo", + -13.954569816589355 + ], + [ + "\u2581Chic", + -13.954574584960938 + ], + [ + "\u2581Gertrude", + -13.95458698272705 + ], + [ + "speaking", + -13.954604148864746 + ], + [ + "\u2581dignit", + -13.954654693603516 + ], + [ + "\u2581organizadas", + -13.954689025878906 + ], + [ + "\u2581cloche", + -13.95472812652588 + ], + [ + "\u2581Noite", + -13.95478057861328 + ], + [ + "\u2581Nahverkehr", + -13.954792022705078 + ], + [ + "atico", + -13.95485019683838 + ], + [ + "zade", + -13.95485019683838 + ], + [ + "\u2581Meis", + -13.954856872558594 + ], + [ + "\u2581oftewel", + -13.954870223999023 + ], + [ + "amichevole", + -13.954872131347656 + ], + [ + "\u2581port\u00e1til", + -13.954895973205566 + ], + [ + "wandeln", + -13.95493984222412 + ], + [ + "erfahrungen", + -13.954954147338867 + ], + [ + "tyre", + -13.954980850219728 + ], + [ + "\u2581schm", + -13.95501708984375 + ], + [ + "democratische", + -13.955021858215332 + ], + [ + "\u2581Genna", + -13.955033302307127 + ], + [ + "\u2581ingann", + -13.955033302307127 + ], + [ + "\u2581industriels", + -13.955079078674316 + ], + [ + "\u2581cultivos", + -13.955093383789062 + ], + [ + "impel", + -13.955142974853516 + ], + [ + "\u2581Chronologie", + -13.955144882202148 + ], + [ + "\u2581gew\u00e4hrte", + -13.955175399780272 + ], + [ + "\u2581Lakers", + -13.955235481262209 + ], + [ + "ruga", + -13.955236434936523 + ], + [ + "\u2581coucher", + -13.955252647399902 + ], + [ + "\u2581pouce", + -13.955323219299316 + ], + [ + "beken", + -13.955330848693848 + ], + [ + "whole", + -13.95533561706543 + ], + [ + "\u2581tifo", + -13.95538330078125 + ], + [ + "affaibli", + -13.95542049407959 + ], + [ + "\u2581vorteilhaft", + -13.955451965332031 + ], + [ + "\u2581Eleonora", + -13.955456733703612 + ], + [ + "\u2581neighbouring", + -13.955463409423828 + ], + [ + "nsberg", + -13.955473899841309 + ], + [ + "\u2581isolado", + -13.95551872253418 + ], + [ + "\u2581anxious", + -13.955538749694824 + ], + [ + "\u2581wom", + -13.955540657043455 + ], + [ + "\u2581\u00e9crivains", + -13.955571174621582 + ], + [ + "\u2581Kalt", + -13.955622673034668 + ], + [ + "gravity", + -13.95565128326416 + ], + [ + "tromb", + -13.955678939819336 + ], + [ + "\u2581cristallin", + -13.955711364746094 + ], + [ + "umgebung", + -13.955718040466309 + ], + [ + "\u2581Verstand", + -13.955732345581056 + ], + [ + "bigl", + -13.955740928649902 + ], + [ + "\u2581celebran", + -13.955798149108888 + ], + [ + "\u2581Cream", + -13.95582675933838 + ], + [ + "\u2581Proteins", + -13.955833435058594 + ], + [ + "nomos", + -13.955855369567873 + ], + [ + "\u2581sagesse", + -13.9558687210083 + ], + [ + "revolution", + -13.955894470214844 + ], + [ + "\u2581B\u00e4ren", + -13.955899238586426 + ], + [ + "oyant", + -13.95593547821045 + ], + [ + "zeilen", + -13.956002235412598 + ], + [ + "\u2581profundos", + -13.956010818481444 + ], + [ + "\u2581Schone", + -13.956024169921877 + ], + [ + "ensur", + -13.956037521362305 + ], + [ + "\u2581tapi", + -13.95604133605957 + ], + [ + "\u2581Magnesium", + -13.956047058105469 + ], + [ + "\u2581r\u00e9tro", + -13.956060409545898 + ], + [ + "\u2581cooperazione", + -13.95606803894043 + ], + [ + "\u2581aviaci\u00f3n", + -13.956068992614746 + ], + [ + "\u2581Helder", + -13.95608139038086 + ], + [ + "\u2581r\u00e9glementation", + -13.956099510192873 + ], + [ + "\u2581Burt", + -13.956101417541504 + ], + [ + "\u2581Gleichungen", + -13.95610809326172 + ], + [ + "scrizioni", + -13.95611572265625 + ], + [ + "\u2581matura", + -13.95613956451416 + ], + [ + "esheim", + -13.956151008605955 + ], + [ + "\u2581Exposi", + -13.956191062927246 + ], + [ + "\u2581standardized", + -13.956220626831056 + ], + [ + "\u2581F\u00e1tima", + -13.956257820129396 + ], + [ + "\u2581NASCAR", + -13.956258773803713 + ], + [ + "\u2581Matti", + -13.956265449523926 + ], + [ + "\u2581createNode", + -13.956296920776367 + ], + [ + "\u2581mediterraneo", + -13.956315994262695 + ], + [ + "\u2581vaderland", + -13.956337928771973 + ], + [ + "\u2581Touring", + -13.9563570022583 + ], + [ + "\u2581violazione", + -13.95635986328125 + ], + [ + "\u2581steppe", + -13.95637035369873 + ], + [ + "Orientales", + -13.956372261047363 + ], + [ + "ListItem", + -13.956435203552246 + ], + [ + "\u2581saurait", + -13.956442832946776 + ], + [ + "\u2581centrado", + -13.956459999084473 + ], + [ + "\u2581Machi", + -13.956480026245115 + ], + [ + "inflate", + -13.956483840942385 + ], + [ + "\u2581Bestell", + -13.956510543823242 + ], + [ + "Folge", + -13.956527709960938 + ], + [ + "\u2581Tragen", + -13.956527709960938 + ], + [ + "Hitnotering", + -13.956539154052734 + ], + [ + "\u2581sinaliza", + -13.95654296875 + ], + [ + "lq", + -13.956548690795898 + ], + [ + "\u2581bedeutete", + -13.956554412841797 + ], + [ + "AUT", + -13.95655918121338 + ], + [ + "apparenza", + -13.95655918121338 + ], + [ + "impasse", + -13.956584930419922 + ], + [ + "adobe", + -13.956615447998049 + ], + [ + "pessoa", + -13.956642150878906 + ], + [ + "\u2581subdivis", + -13.956655502319336 + ], + [ + "DISTRO", + -13.95666790008545 + ], + [ + "Reach", + -13.956700325012209 + ], + [ + "\u2581Sick", + -13.956719398498535 + ], + [ + "\u2581Tamara", + -13.956721305847168 + ], + [ + "\u2581lachte", + -13.956748962402344 + ], + [ + "\u2581exclus", + -13.956769943237305 + ], + [ + "\u2581voorafgaand", + -13.956771850585938 + ], + [ + "\u2581bosni", + -13.956793785095217 + ], + [ + "\u2581extraordinario", + -13.956816673278809 + ], + [ + "\u2581controversie", + -13.956852912902832 + ], + [ + "\u2581francisca", + -13.956878662109377 + ], + [ + "jagd", + -13.956900596618652 + ], + [ + "poot", + -13.95692253112793 + ], + [ + "quien", + -13.956926345825195 + ], + [ + "getContext", + -13.956929206848145 + ], + [ + "\u2581Breed", + -13.956964492797852 + ], + [ + "\u2581hispano", + -13.95699977874756 + ], + [ + "Drei", + -13.957027435302734 + ], + [ + "\u2581esteticamente", + -13.957039833068848 + ], + [ + "\u2581litho", + -13.95706844329834 + ], + [ + "\u2581generalize", + -13.957072257995604 + ], + [ + "\u2581FIBA", + -13.957073211669922 + ], + [ + "\u2581obtidos", + -13.957077980041504 + ], + [ + "\u2581costos", + -13.95707893371582 + ], + [ + "\u2581Cracovia", + -13.957096099853516 + ], + [ + "\u2581Marcell", + -13.957109451293944 + ], + [ + "ELLOW", + -13.957139015197754 + ], + [ + "\u2581preferencia", + -13.957172393798828 + ], + [ + "kura", + -13.957191467285156 + ], + [ + "reflex", + -13.957196235656738 + ], + [ + "\u2581chamamos", + -13.957219123840332 + ], + [ + "qL", + -13.95724391937256 + ], + [ + "\u2581\u00e9vite", + -13.957273483276367 + ], + [ + "carta", + -13.957274436950684 + ], + [ + "\u2581incorporaci\u00f3n", + -13.957307815551758 + ], + [ + "\u2581aangevallen", + -13.957308769226074 + ], + [ + "u\u00e1rio", + -13.957319259643556 + ], + [ + "\u2581verursachten", + -13.957340240478516 + ], + [ + "\u2581Cato", + -13.957345008850098 + ], + [ + "\u2581distinctions", + -13.957374572753906 + ], + [ + "\u2581armaz\u00e9m", + -13.95737648010254 + ], + [ + "\u2581\u00e9quations", + -13.957377433776855 + ], + [ + "mian", + -13.95738124847412 + ], + [ + "\u2581Krasnodar", + -13.957383155822754 + ], + [ + "CNSA", + -13.957416534423828 + ], + [ + "\u2581certifi\u00e9", + -13.957420349121094 + ], + [ + "\u2581Flammen", + -13.957425117492676 + ], + [ + "ECE", + -13.957430839538574 + ], + [ + "\u2581weakness", + -13.95748805999756 + ], + [ + "\u2581Bestrebungen", + -13.957489967346191 + ], + [ + "maler", + -13.957493782043455 + ], + [ + "\u2581ausmachen", + -13.957510948181152 + ], + [ + "\u2581reducida", + -13.957539558410645 + ], + [ + "\u2581Gerda", + -13.957584381103516 + ], + [ + "\u2581crit\u00e9rio", + -13.957587242126465 + ], + [ + "glutin", + -13.957602500915527 + ], + [ + "\u2581riflettere", + -13.957616806030272 + ], + [ + "\u2581schedel", + -13.9576416015625 + ], + [ + "\u2581definiti", + -13.957645416259766 + ], + [ + "Fern", + -13.957655906677246 + ], + [ + "\u2581bimb", + -13.957658767700195 + ], + [ + "acci\u00f3n", + -13.957670211791992 + ], + [ + "\u2581Titus", + -13.957677841186523 + ], + [ + "\u2581elektriciteit", + -13.957711219787598 + ], + [ + "\u2581stabilimento", + -13.957727432250977 + ], + [ + "\u2581Duff", + -13.957730293273926 + ], + [ + "\u2581vieilles", + -13.957735061645508 + ], + [ + "variavel", + -13.957752227783203 + ], + [ + "\u2581Doni", + -13.957758903503418 + ], + [ + "b\u00fcrg", + -13.957786560058594 + ], + [ + "\u2581Hypothesen", + -13.957837104797363 + ], + [ + "\u2581agricultores", + -13.95785140991211 + ], + [ + "weekday", + -13.957865715026855 + ], + [ + "\u00e1si", + -13.957874298095703 + ], + [ + "nuda", + -13.957903861999512 + ], + [ + "mitveranschlagt", + -13.957935333251951 + ], + [ + "\u2581risu", + -13.957952499389648 + ], + [ + "getNext", + -13.95797061920166 + ], + [ + "\u2581cantonal", + -13.957982063293455 + ], + [ + "\u2581neueren", + -13.957990646362305 + ], + [ + "\u2581aerial", + -13.958001136779783 + ], + [ + "TESTING", + -13.958019256591797 + ], + [ + "\u2581intenzioni", + -13.95804214477539 + ], + [ + "ecd", + -13.958047866821287 + ], + [ + "\u2581Schwestern", + -13.958047866821287 + ], + [ + "\u2581Danza", + -13.958057403564451 + ], + [ + "FSI", + -13.95806121826172 + ], + [ + "vit\u00e9", + -13.95807647705078 + ], + [ + "\u2581visit\u00f3", + -13.95809841156006 + ], + [ + "\u2581Genes", + -13.958104133605955 + ], + [ + "\u00fcbungen", + -13.958118438720703 + ], + [ + "Teams", + -13.958123207092283 + ], + [ + "\u2581Sabo", + -13.958135604858398 + ], + [ + "vuelve", + -13.958144187927246 + ], + [ + "CCI", + -13.958154678344728 + ], + [ + "aardige", + -13.958165168762209 + ], + [ + "\u2581microscopic", + -13.9581880569458 + ], + [ + "\u2581malheur", + -13.958189010620115 + ], + [ + "\u2581Architetture", + -13.958215713500977 + ], + [ + "pig", + -13.95822525024414 + ], + [ + "IDENT", + -13.95823574066162 + ], + [ + "\u2581angesprochenen", + -13.958280563354492 + ], + [ + "\u2581cometer", + -13.958284378051758 + ], + [ + "\u2581citados", + -13.958296775817873 + ], + [ + "\u2581trucks", + -13.958298683166504 + ], + [ + "\u2581mistaken", + -13.958324432373049 + ], + [ + "macOS", + -13.958328247070312 + ], + [ + "\u2581eigenem", + -13.958352088928224 + ], + [ + "\u2581coffre", + -13.958388328552246 + ], + [ + "Alan", + -13.958396911621094 + ], + [ + "\u2581Tourisme", + -13.958401679992676 + ], + [ + "\u2581Mandats", + -13.958404541015623 + ], + [ + "\u2581traducido", + -13.958443641662598 + ], + [ + "\u2581fru", + -13.958450317382812 + ], + [ + "aufrechterhalten", + -13.958502769470217 + ], + [ + "\u2581coule", + -13.958536148071287 + ], + [ + "affare", + -13.95856475830078 + ], + [ + "\u2581Bellini", + -13.958582878112791 + ], + [ + "\u2581Kass", + -13.958588600158691 + ], + [ + "\u2581escursionisti", + -13.95860481262207 + ], + [ + "\u2581Troyes", + -13.958608627319336 + ], + [ + "\u2581tu\u00e9s", + -13.958622932434082 + ], + [ + "AAG", + -13.958640098571776 + ], + [ + "\u2581opgetrokken", + -13.958653450012209 + ], + [ + "scott", + -13.958690643310549 + ], + [ + "\u2581F\u00fcll", + -13.958710670471191 + ], + [ + "\u2581recurrente", + -13.958722114562988 + ], + [ + "pacht", + -13.958723068237305 + ], + [ + "\u2581volontaire", + -13.958742141723633 + ], + [ + "\u2581gelebt", + -13.95876693725586 + ], + [ + "waschen", + -13.958772659301758 + ], + [ + "\u2581Boudewijn", + -13.958775520324709 + ], + [ + "\u2581flou", + -13.958792686462402 + ], + [ + "\u2581esclude", + -13.958807945251465 + ], + [ + "gny", + -13.95880889892578 + ], + [ + "eiss", + -13.958832740783691 + ], + [ + "TLE", + -13.958867073059082 + ], + [ + "\u2581boll", + -13.958881378173828 + ], + [ + "Neckar", + -13.958892822265623 + ], + [ + "Need", + -13.958895683288574 + ], + [ + "\u2581Leitbild", + -13.958904266357422 + ], + [ + "CNI", + -13.958909034729004 + ], + [ + "\u2581Pyro", + -13.958913803100586 + ], + [ + "\u2581\u00e9lectroniques", + -13.958942413330078 + ], + [ + "\u2581escribiendo", + -13.958959579467772 + ], + [ + "COIN", + -13.958982467651367 + ], + [ + "\u2581S\u00fcdamerika", + -13.958992004394531 + ], + [ + "\u2581Lieu", + -13.95901584625244 + ], + [ + "\u2581Cuzco", + -13.959016799926758 + ], + [ + "fakt", + -13.959030151367188 + ], + [ + "\u2581gobernante", + -13.959039688110352 + ], + [ + "LUA", + -13.959040641784668 + ], + [ + "\u2581pesco", + -13.95905876159668 + ], + [ + "\u2581Babilonia", + -13.959059715270996 + ], + [ + "\u2581r\u00e9f\u00e9rendum", + -13.95907211303711 + ], + [ + "\u2581Organic", + -13.95909023284912 + ], + [ + "\u2581rassur", + -13.959196090698242 + ], + [ + "EventHandler", + -13.959209442138672 + ], + [ + "\u2581utensil", + -13.959251403808594 + ], + [ + "VirtualMachine", + -13.959266662597656 + ], + [ + "\u2581contratti", + -13.959268569946287 + ], + [ + "\u2581saludo", + -13.959274291992188 + ], + [ + "\u2581Leonhard", + -13.95928192138672 + ], + [ + "\u2581Moldavia", + -13.95928192138672 + ], + [ + "onderzee", + -13.959309577941896 + ], + [ + "UAR", + -13.959342002868652 + ], + [ + "ective", + -13.959354400634766 + ], + [ + "\u2581Ausstellungs", + -13.95942497253418 + ], + [ + "\u2581\u00e4nderte", + -13.95944118499756 + ], + [ + "Critical", + -13.959485054016112 + ], + [ + "\u2581limpid", + -13.959494590759276 + ], + [ + "Lister", + -13.959503173828123 + ], + [ + "\u2581expres\u00f3", + -13.959517478942873 + ], + [ + "\u2581L\u00e4den", + -13.959590911865234 + ], + [ + "\u2581invitada", + -13.959598541259766 + ], + [ + "J\u00fcrgen", + -13.959604263305664 + ], + [ + "\u2581appariva", + -13.959634780883787 + ], + [ + "IONAL", + -13.959661483764648 + ], + [ + "\u2581Gastst\u00e4tten", + -13.959667205810549 + ], + [ + "Akademi", + -13.959674835205078 + ], + [ + "ophagus", + -13.959677696228027 + ], + [ + "\u2581Killing", + -13.959715843200684 + ], + [ + "EGA", + -13.959742546081545 + ], + [ + "epidemie", + -13.959761619567873 + ], + [ + "drink", + -13.959831237792969 + ], + [ + "riol", + -13.959867477416992 + ], + [ + "growth", + -13.959905624389648 + ], + [ + "libxml", + -13.959938049316406 + ], + [ + "\u2581Bijgewerkt", + -13.959941864013672 + ], + [ + "\u2581threaten", + -13.959945678710938 + ], + [ + "\u2581fears", + -13.959973335266112 + ], + [ + "\u2581Capua", + -13.959978103637695 + ], + [ + "appuie", + -13.959980964660645 + ], + [ + "installatie", + -13.959990501403809 + ], + [ + "\u2581Sato", + -13.959997177124023 + ], + [ + "\u2581Fremdenverkehrs", + -13.960001945495604 + ], + [ + "\u2581Glori", + -13.960012435913086 + ], + [ + "\u2581M\u00fcnch", + -13.9600248336792 + ], + [ + "organizations", + -13.960026741027832 + ], + [ + "\u2581decays", + -13.960036277770996 + ], + [ + "stellbar", + -13.960076332092283 + ], + [ + "\u2581falsos", + -13.960079193115234 + ], + [ + "\u2581soldaat", + -13.96008014678955 + ], + [ + "\u2581permettait", + -13.960082054138184 + ], + [ + "OSA", + -13.96008586883545 + ], + [ + "\u2581adotta", + -13.960092544555664 + ], + [ + "\u2581Bree", + -13.960128784179688 + ], + [ + "treatment", + -13.960143089294434 + ], + [ + "ouville", + -13.960148811340332 + ], + [ + "\u2581raccontato", + -13.960153579711914 + ], + [ + "\u2581segnala", + -13.96015453338623 + ], + [ + "\u2581sensores", + -13.96016788482666 + ], + [ + "\u2581britanniche", + -13.960176467895508 + ], + [ + "RDA", + -13.960196495056152 + ], + [ + "ibble", + -13.960206985473633 + ], + [ + "\u2581genoma", + -13.960227012634276 + ], + [ + "\u2581contacten", + -13.96023178100586 + ], + [ + "\u2581ottenuti", + -13.960235595703123 + ], + [ + "fizierten", + -13.960274696350098 + ], + [ + "logrus", + -13.960285186767578 + ], + [ + "neux", + -13.960287094116213 + ], + [ + "\u2581manteniendo", + -13.960291862487791 + ], + [ + "\u2581progressi", + -13.96040153503418 + ], + [ + "\u2581coperti", + -13.960412979125977 + ], + [ + "\u2581bevrijding", + -13.960429191589355 + ], + [ + "\u2581pac\u00edfica", + -13.960456848144531 + ], + [ + "\u2581Galv", + -13.960466384887695 + ], + [ + "\u2581campeggio", + -13.960467338562012 + ], + [ + "\u2581subsidi", + -13.9605073928833 + ], + [ + "\u2581Sette", + -13.960529327392578 + ], + [ + "\u2581Barbe", + -13.960533142089844 + ], + [ + "\u2581raiva", + -13.960535049438477 + ], + [ + "\u2581unconditionally", + -13.960543632507324 + ], + [ + "\u2581weitergegeben", + -13.960549354553224 + ], + [ + "\u2581massimi", + -13.960551261901855 + ], + [ + "\u00edfero", + -13.960583686828612 + ], + [ + "\u2581Diablo", + -13.96060276031494 + ], + [ + "ertr\u00e4ge", + -13.960647583007812 + ], + [ + "\u2581Cure", + -13.960660934448242 + ], + [ + "moedig", + -13.960663795471191 + ], + [ + "MarshalJSON", + -13.960673332214355 + ], + [ + "\u2581Europacup", + -13.960679054260254 + ], + [ + "konform", + -13.960688591003418 + ], + [ + "\u2581locomotive", + -13.960711479187012 + ], + [ + "\u2581tortuos", + -13.960735321044922 + ], + [ + "\u2581joueuse", + -13.960738182067873 + ], + [ + "i\u00e9ndolo", + -13.960742950439451 + ], + [ + "\u2581Verfolg", + -13.960832595825195 + ], + [ + "ranking", + -13.960851669311523 + ], + [ + "NESS", + -13.9608793258667 + ], + [ + "uffel", + -13.960886001586914 + ], + [ + "\u2581nuttig", + -13.960917472839355 + ], + [ + "\u2581slit", + -13.960949897766112 + ], + [ + "\u2581mango", + -13.960952758789062 + ], + [ + "discuss", + -13.96095848083496 + ], + [ + "\u2581specially", + -13.960959434509276 + ], + [ + "\u2581Escultura", + -13.960983276367188 + ], + [ + "\u2581Shimo", + -13.960988998413086 + ], + [ + "Tweet", + -13.9610013961792 + ], + [ + "Hurac\u00e1n", + -13.961018562316896 + ], + [ + "\u2581Mahmoud", + -13.961018562316896 + ], + [ + "\u2581Pakistani", + -13.961050033569336 + ], + [ + "\u2581comprendono", + -13.961053848266602 + ], + [ + "\u2581intensamente", + -13.961058616638184 + ], + [ + "\u2581optimalen", + -13.96107292175293 + ], + [ + "\u2581pessim", + -13.961076736450195 + ], + [ + "\u2581pertencentes", + -13.961081504821776 + ], + [ + "\u2581nationaliteit", + -13.961101531982422 + ], + [ + "gestreckt", + -13.961136817932127 + ], + [ + "\u2581encara", + -13.96117877960205 + ], + [ + "\u2581Colla", + -13.961195945739746 + ], + [ + "\u2581Gefangene", + -13.961211204528809 + ], + [ + "FAA", + -13.96121311187744 + ], + [ + "\u2581venci\u00f3", + -13.961216926574709 + ], + [ + "\u2581Athletics", + -13.961224555969238 + ], + [ + "Stable", + -13.961309432983398 + ], + [ + "dialect", + -13.961312294006348 + ], + [ + "\u2581assinado", + -13.96133041381836 + ], + [ + "\u2581abgezogen", + -13.961342811584473 + ], + [ + "fbc", + -13.961380958557127 + ], + [ + "nightly", + -13.961421012878418 + ], + [ + "\u2581bint", + -13.961440086364746 + ], + [ + "\u2581homin", + -13.96144199371338 + ], + [ + "ologic", + -13.96147918701172 + ], + [ + "\u2581assistito", + -13.961528778076172 + ], + [ + "\u2581sumar", + -13.961540222167969 + ], + [ + "gesteckt", + -13.961549758911133 + ], + [ + "\u2581bedenk", + -13.961549758911133 + ], + [ + "\u2581sospeso", + -13.961549758911133 + ], + [ + "\u2581th\u00e9ologie", + -13.961573600769045 + ], + [ + "\u2581inauguraci\u00f3n", + -13.96157455444336 + ], + [ + "DiscardUnknown", + -13.961585998535156 + ], + [ + "ALLOW", + -13.961590766906738 + ], + [ + "EEE", + -13.961592674255373 + ], + [ + "\u2581extraterrestre", + -13.96159553527832 + ], + [ + "ziali", + -13.961600303649902 + ], + [ + "\u2581Tolosa", + -13.9616060256958 + ], + [ + "\u2581numerically", + -13.961609840393066 + ], + [ + "ornis", + -13.961651802062988 + ], + [ + "\u2581condesa", + -13.961654663085938 + ], + [ + "BATCH", + -13.96166706085205 + ], + [ + "isseur", + -13.96169376373291 + ], + [ + "ikos", + -13.961721420288086 + ], + [ + "escrito", + -13.96174144744873 + ], + [ + "imbri", + -13.961761474609377 + ], + [ + "\u2581Unterabschnitt", + -13.96176528930664 + ], + [ + "Beziehung", + -13.96180534362793 + ], + [ + "\u2581Peixe", + -13.96180820465088 + ], + [ + "\u2581aggravat", + -13.961810111999512 + ], + [ + "rpura", + -13.961817741394045 + ], + [ + "cendi\u00f3", + -13.96182632446289 + ], + [ + "\u2581obligatorisch", + -13.961847305297852 + ], + [ + "IRO", + -13.961852073669434 + ], + [ + "schalen", + -13.961857795715332 + ], + [ + "\u2581verklaren", + -13.961865425109863 + ], + [ + "\u2581Griechisch", + -13.96186637878418 + ], + [ + "phyl", + -13.96188259124756 + ], + [ + "\u2581enfatiza", + -13.961883544921877 + ], + [ + "\u2581Ratifikation", + -13.961926460266112 + ], + [ + "twist", + -13.96193027496338 + ], + [ + "xito", + -13.96194076538086 + ], + [ + "\u2581verleihen", + -13.961999893188477 + ], + [ + "sim\u00e9trica", + -13.962002754211426 + ], + [ + "\u2581abertas", + -13.962042808532717 + ], + [ + "\u2581battant", + -13.96205711364746 + ], + [ + "\u2581Pl\u00e4nen", + -13.962068557739258 + ], + [ + "nisi", + -13.962127685546877 + ], + [ + "\u2581meramente", + -13.962129592895508 + ], + [ + "\u2581babil", + -13.962141036987305 + ], + [ + "hamma", + -13.962142944335938 + ], + [ + "legio", + -13.962152481079102 + ], + [ + "\u2581Beretta", + -13.962193489074709 + ], + [ + "\u2581convocatoria", + -13.962230682373049 + ], + [ + "\u2581historian", + -13.962240219116213 + ], + [ + "\u2581Kubi", + -13.96225643157959 + ], + [ + "tira", + -13.962286949157717 + ], + [ + "\u2581professeurs", + -13.962298393249512 + ], + [ + "\u2581Belli", + -13.962300300598145 + ], + [ + "\u2581rassemble", + -13.96230411529541 + ], + [ + "\u2581Freire", + -13.962319374084473 + ], + [ + "\u2581Chatt", + -13.962392807006836 + ], + [ + "\u2581Narcissa", + -13.962419509887695 + ], + [ + "\u2581conosciute", + -13.962428092956545 + ], + [ + "\u2581cuantos", + -13.96243381500244 + ], + [ + "\u2581ib\u00e9rica", + -13.962435722351074 + ], + [ + "\u2581Ansiedlung", + -13.962453842163086 + ], + [ + "Squadre", + -13.962465286254885 + ], + [ + "accoglienza", + -13.962512969970703 + ], + [ + "\u2581s\u00e1", + -13.962520599365234 + ], + [ + "\u2581Havana", + -13.96254062652588 + ], + [ + "\u2581psicologica", + -13.962566375732422 + ], + [ + "\u2581F\u00fclle", + -13.962568283081056 + ], + [ + "\u2581Mex", + -13.962576866149902 + ], + [ + "\u2581enclosed", + -13.96259307861328 + ], + [ + "sturz", + -13.962604522705078 + ], + [ + "\u2581diferenciar", + -13.962627410888672 + ], + [ + "wickau", + -13.962663650512695 + ], + [ + "\u2581Calder", + -13.962666511535645 + ], + [ + "\u2581Giordania", + -13.9627046585083 + ], + [ + "\u2581quadrinhos", + -13.962716102600098 + ], + [ + "\u2581Timm", + -13.962723731994627 + ], + [ + "\u2581coperte", + -13.962736129760742 + ], + [ + "\u2581gleichwertig", + -13.96273708343506 + ], + [ + "\u2581Tsi", + -13.962738037109377 + ], + [ + "Altersversorgung", + -13.962766647338867 + ], + [ + "\u2581est\u00e1vel", + -13.962773323059082 + ], + [ + "\u2581bestimmtes", + -13.962786674499512 + ], + [ + "guay", + -13.962788581848145 + ], + [ + "w\u00fcrdigkeit", + -13.96283721923828 + ], + [ + "\u2581minuscol", + -13.962895393371582 + ], + [ + "rdinator", + -13.962929725646973 + ], + [ + "\u2581Missions", + -13.962937355041504 + ], + [ + "\u2581Horton", + -13.962947845458984 + ], + [ + "\u2581Pech", + -13.962960243225098 + ], + [ + "gliedern", + -13.962979316711426 + ], + [ + "\u2581Munster", + -13.962983131408691 + ], + [ + "\u2581dovute", + -13.962992668151855 + ], + [ + "\u2581Emperador", + -13.962993621826172 + ], + [ + "wanderweg", + -13.963030815124512 + ], + [ + "\u2581Sassonia", + -13.963048934936523 + ], + [ + "ECA", + -13.963102340698242 + ], + [ + "Concept", + -13.96312427520752 + ], + [ + "Imperatore", + -13.963157653808594 + ], + [ + "\u2581Ergeb", + -13.963176727294922 + ], + [ + "\u2581unemployment", + -13.963207244873049 + ], + [ + "\u2581monetaria", + -13.96322536468506 + ], + [ + "\u2581Bundesgesetz", + -13.963272094726562 + ], + [ + "\u2581Schwarze", + -13.963295936584473 + ], + [ + "\u2581campeggi", + -13.963318824768066 + ], + [ + "fristen", + -13.963332176208496 + ], + [ + "medizinische", + -13.96334457397461 + ], + [ + "\u2581desliza", + -13.96335506439209 + ], + [ + "\u2581effizienter", + -13.963356018066406 + ], + [ + "gl\u00e4ubig", + -13.963364601135254 + ], + [ + "\u2581aumentou", + -13.96337890625 + ], + [ + "isierende", + -13.963394165039062 + ], + [ + "eilig", + -13.963398933410645 + ], + [ + "\u2581Beh\u00e4lter", + -13.963411331176758 + ], + [ + "\u2581farmacia", + -13.963436126708984 + ], + [ + "\u2581recordings", + -13.963451385498049 + ], + [ + "\u2581Austritt", + -13.96346664428711 + ], + [ + "uadratmeter", + -13.963529586791992 + ], + [ + "Classification", + -13.96353816986084 + ], + [ + "\u2581sabbios", + -13.963562965393066 + ], + [ + "\u2581McD", + -13.963582992553713 + ], + [ + "\u2581devenus", + -13.963618278503418 + ], + [ + "\u2581Neer", + -13.963626861572266 + ], + [ + "orgia", + -13.963628768920898 + ], + [ + "DISPLA", + -13.96363353729248 + ], + [ + "orridor", + -13.963661193847656 + ], + [ + "taine", + -13.963672637939451 + ], + [ + "sechzig", + -13.963674545288086 + ], + [ + "\u2581Timber", + -13.963685035705566 + ], + [ + "\u2581litor", + -13.9636869430542 + ], + [ + "pels", + -13.963703155517578 + ], + [ + "\u2581slopes", + -13.963725090026855 + ], + [ + "\u2581laterais", + -13.96373176574707 + ], + [ + "Altenburg", + -13.963744163513184 + ], + [ + "accento", + -13.963746070861816 + ], + [ + "\u2581pianiste", + -13.96376132965088 + ], + [ + "ssier", + -13.963778495788574 + ], + [ + "tangent", + -13.963784217834473 + ], + [ + "\u2581Bride", + -13.963820457458496 + ], + [ + "\u2581peintres", + -13.963822364807127 + ], + [ + "\u2581terapeutic", + -13.96382999420166 + ], + [ + "\u2581strafschoppen", + -13.963836669921877 + ], + [ + "\u2581Christiane", + -13.963848114013672 + ], + [ + "\u2581poitrine", + -13.9638671875 + ], + [ + "Eure", + -13.96388053894043 + ], + [ + "multirow", + -13.96388339996338 + ], + [ + "fuga", + -13.963924407958984 + ], + [ + "\u2581salieron", + -13.963924407958984 + ], + [ + "\u2581personelle", + -13.963949203491213 + ], + [ + "\u2581Mortal", + -13.963981628417969 + ], + [ + "\u2581dominada", + -13.96398639678955 + ], + [ + "Lebens", + -13.964035034179688 + ], + [ + "\u2581direcciones", + -13.96407413482666 + ], + [ + "\u2581aut\u00f3nomo", + -13.964111328125 + ], + [ + "\u2581ecological", + -13.964119911193848 + ], + [ + "\u2581gratt", + -13.964128494262695 + ], + [ + "\u2581inhibitors", + -13.964138984680176 + ], + [ + "\u2581vocales", + -13.96416473388672 + ], + [ + "\u2581passie", + -13.964187622070312 + ], + [ + "Bookmark", + -13.964207649230955 + ], + [ + "\u2581iniciando", + -13.964231491088867 + ], + [ + "\u2581volar", + -13.964241027832031 + ], + [ + "\u2581desenvolvedores", + -13.964242935180664 + ], + [ + "emovl", + -13.96424674987793 + ], + [ + "\u2581Sete", + -13.964247703552246 + ], + [ + "\u2581Antr\u00e4gen", + -13.964309692382812 + ], + [ + "\u2581gigantesco", + -13.964333534240724 + ], + [ + "\u2581sesta", + -13.964402198791504 + ], + [ + "\u2581malati", + -13.96440315246582 + ], + [ + "\u2581Cindy", + -13.964405059814451 + ], + [ + "\u2581hysterical", + -13.964407920837402 + ], + [ + "baard", + -13.964431762695312 + ], + [ + "eanu", + -13.96445083618164 + ], + [ + "\u2581battendo", + -13.964495658874512 + ], + [ + "\u2581shaking", + -13.964500427246094 + ], + [ + "\u2581Sour", + -13.964543342590332 + ], + [ + "birgt", + -13.964592933654783 + ], + [ + "\u2581Galilea", + -13.964598655700684 + ], + [ + "raken", + -13.964618682861328 + ], + [ + "flotte", + -13.964624404907228 + ], + [ + "\u2581bestonden", + -13.964635848999023 + ], + [ + "\u2581Infrastrutture", + -13.96467399597168 + ], + [ + "\u2581tiranni", + -13.964689254760742 + ], + [ + "\u2581utilization", + -13.964735984802246 + ], + [ + "\u2581Rechtsstreit", + -13.96474838256836 + ], + [ + "Elenco", + -13.964751243591309 + ], + [ + "\u2581pierna", + -13.964754104614258 + ], + [ + "\u2581Garo", + -13.964762687683104 + ], + [ + "HealthCheck", + -13.964771270751951 + ], + [ + "\u2581suizo", + -13.964776039123535 + ], + [ + "rahm", + -13.964776992797852 + ], + [ + "\u2581Maske", + -13.964797019958496 + ], + [ + "ompensation", + -13.964884757995604 + ], + [ + "\u2581avvicin", + -13.964892387390137 + ], + [ + "\u2581lobe", + -13.9649076461792 + ], + [ + "seinheiten", + -13.964909553527832 + ], + [ + "\u2581Wassersport", + -13.96491241455078 + ], + [ + "triebs", + -13.96491813659668 + ], + [ + "\u2581escalas", + -13.964930534362791 + ], + [ + "\u2581r\u00e9fugi\u00e9s", + -13.964938163757324 + ], + [ + "urbe", + -13.964956283569336 + ], + [ + "\u2581Cat\u00e1logo", + -13.964956283569336 + ], + [ + "\u2581Ge\u00f3rgia", + -13.964956283569336 + ], + [ + "\u2581unbegr\u00fcndet", + -13.964956283569336 + ], + [ + "usu\u00e1rio", + -13.964962005615234 + ], + [ + "\u2581armazena", + -13.9649658203125 + ], + [ + "weefsel", + -13.964966773986816 + ], + [ + "\u2581rallenta", + -13.964981079101562 + ], + [ + "setzungen", + -13.96498203277588 + ], + [ + "Orne", + -13.965005874633787 + ], + [ + "\u2581Wohnungswesen", + -13.965032577514648 + ], + [ + "\u2581calif", + -13.965048789978027 + ], + [ + "\u2581terminato", + -13.965058326721191 + ], + [ + "Administration", + -13.965097427368164 + ], + [ + "\u2581emigrant", + -13.965103149414062 + ], + [ + "\u2581onderlinge", + -13.965109825134276 + ], + [ + "\u2581Gunnar", + -13.965164184570312 + ], + [ + "\u2581capitais", + -13.96518325805664 + ], + [ + "\u2581B\u00e4umen", + -13.965203285217283 + ], + [ + "\u2581rijksmonument", + -13.965205192565918 + ], + [ + "\u2581buur", + -13.965229034423828 + ], + [ + "\u2581hinausgehen", + -13.96523094177246 + ], + [ + "\u2581vedova", + -13.96524143218994 + ], + [ + "\u2581Aflevering", + -13.965249061584473 + ], + [ + "\u2581chasseurs", + -13.96525764465332 + ], + [ + "\u2581ridere", + -13.965259552001951 + ], + [ + "\u2581veelvuldig", + -13.9652681350708 + ], + [ + "\u2581tipologie", + -13.965293884277344 + ], + [ + "\u2581sine", + -13.965310096740724 + ], + [ + "\u2581dicion\u00e1rio", + -13.965327262878418 + ], + [ + "\u2581Doce", + -13.965339660644531 + ], + [ + "campagne", + -13.965392112731934 + ], + [ + "\u2581emplois", + -13.965411186218262 + ], + [ + "\u2581Mateus", + -13.965414047241213 + ], + [ + "\u2581monitored", + -13.965418815612791 + ], + [ + "\u2581Jang", + -13.965445518493652 + ], + [ + "\u2581Warnung", + -13.96546745300293 + ], + [ + "\u2581uniformes", + -13.965509414672852 + ], + [ + "\u2581eixos", + -13.96554470062256 + ], + [ + "sectional", + -13.965550422668455 + ], + [ + "herzog", + -13.965657234191896 + ], + [ + "\u2581Elst", + -13.965686798095703 + ], + [ + "Polymerase", + -13.96568775177002 + ], + [ + "douin", + -13.965720176696776 + ], + [ + "\u2581foreigners", + -13.965741157531738 + ], + [ + "Suggestion", + -13.96574878692627 + ], + [ + "\u2581recluta", + -13.965758323669434 + ], + [ + "\u2581r\u00e9veill", + -13.965760231018066 + ], + [ + "spritz", + -13.965774536132812 + ], + [ + "Ware", + -13.96580696105957 + ], + [ + "\u2581unterst\u00fctzte", + -13.965825080871582 + ], + [ + "\u2581Guru", + -13.965876579284668 + ], + [ + "europ\u00e4ische", + -13.965883255004885 + ], + [ + "\u2581Lebensdauer", + -13.965895652770996 + ], + [ + "Dol", + -13.965925216674805 + ], + [ + "Conoc", + -13.965930938720703 + ], + [ + "\u2581stationiert", + -13.966012001037598 + ], + [ + "Mazur", + -13.96601676940918 + ], + [ + "alimentazione", + -13.966075897216797 + ], + [ + "terapeuta", + -13.966082572937012 + ], + [ + "Ocean", + -13.966083526611328 + ], + [ + "\u2581est\u00e1tica", + -13.96610164642334 + ], + [ + "\u00e1cte", + -13.966111183166504 + ], + [ + "\u2581optimiert", + -13.96613597869873 + ], + [ + "\u2581Gambia", + -13.966143608093262 + ], + [ + "\u2581Slater", + -13.966148376464844 + ], + [ + "modifiers", + -13.966160774230955 + ], + [ + "\u2581wagons", + -13.966208457946776 + ], + [ + "oyo", + -13.966211318969728 + ], + [ + "serien", + -13.966211318969728 + ], + [ + "rezzo", + -13.966216087341309 + ], + [ + "\u2581ausgedehnt", + -13.966242790222168 + ], + [ + "\u2581dinosaur", + -13.9662446975708 + ], + [ + "\u2581Visite", + -13.966268539428713 + ], + [ + "\u2581Terza", + -13.966297149658203 + ], + [ + "\u2581Paare", + -13.966343879699709 + ], + [ + "wahlen", + -13.966349601745604 + ], + [ + "\u2581Gringotes", + -13.966365814208984 + ], + [ + "\u2581feudatari", + -13.96636962890625 + ], + [ + "\u2581Komfort", + -13.9663724899292 + ], + [ + "\u2581fasce", + -13.966374397277832 + ], + [ + "\u2581nodige", + -13.966390609741213 + ], + [ + "\u2581ganaron", + -13.96639347076416 + ], + [ + "\u2581march\u00f3", + -13.966419219970703 + ], + [ + "\u2581allunga", + -13.966442108154297 + ], + [ + "\u2581SBB", + -13.96644401550293 + ], + [ + "\u2581electr\u00f3nicos", + -13.966456413269045 + ], + [ + "\u2581emite", + -13.966463088989258 + ], + [ + "slds", + -13.966477394104004 + ], + [ + "\u2581rastro", + -13.966480255126951 + ], + [ + "nnn", + -13.966486930847168 + ], + [ + "ackbone", + -13.966533660888672 + ], + [ + "chester", + -13.966552734375 + ], + [ + "j\u00e4h", + -13.966554641723633 + ], + [ + "\u2581eclesi\u00e1stico", + -13.966574668884276 + ], + [ + "\u2581Buslinie", + -13.966617584228516 + ], + [ + "\u2581scopr", + -13.966623306274414 + ], + [ + "Typing", + -13.966630935668944 + ], + [ + "\u2581pervers", + -13.966654777526855 + ], + [ + "\u2581fermato", + -13.966680526733398 + ], + [ + "\u2581Frog", + -13.966694831848145 + ], + [ + "\u2581ragionamento", + -13.966702461242676 + ], + [ + "inetd", + -13.966707229614258 + ], + [ + "wP", + -13.966713905334473 + ], + [ + "\u2581Dominican", + -13.966721534729004 + ], + [ + "assay", + -13.966732025146484 + ], + [ + "\u2581diplomaat", + -13.966747283935549 + ], + [ + "\u2581vereint", + -13.966771125793455 + ], + [ + "\u2581saisie", + -13.966774940490724 + ], + [ + "allergi", + -13.96677589416504 + ], + [ + "\u2581Mois", + -13.966794967651367 + ], + [ + "\u2581machinery", + -13.966833114624023 + ], + [ + "\u2581rastre", + -13.966835021972656 + ], + [ + "\u2581evtl", + -13.966862678527832 + ], + [ + "\u2581moth", + -13.96690845489502 + ], + [ + "ordering", + -13.96692180633545 + ], + [ + "\u2581vervulde", + -13.966933250427246 + ], + [ + "\u2581dormitorio", + -13.966940879821776 + ], + [ + "Boltzmann", + -13.966961860656738 + ], + [ + "veglia", + -13.966965675354004 + ], + [ + "grafie", + -13.966992378234863 + ], + [ + "glielo", + -13.967052459716797 + ], + [ + "\u2581tragico", + -13.967060089111328 + ], + [ + "\u2581angekommen", + -13.967063903808594 + ], + [ + "Krankenversicher", + -13.967069625854492 + ], + [ + "kletter", + -13.96707248687744 + ], + [ + "EICH", + -13.967073440551758 + ], + [ + "\u2581Florent", + -13.967077255249023 + ], + [ + "\u2581Variations", + -13.967110633850098 + ], + [ + "Accepted", + -13.967124938964844 + ], + [ + "\u2581Barbar", + -13.967167854309082 + ], + [ + "\u2581subterr", + -13.96717643737793 + ], + [ + "\u2581jouw", + -13.967211723327637 + ], + [ + "\u2581dispiace", + -13.967214584350586 + ], + [ + "\u2581ballerin", + -13.96721649169922 + ], + [ + "\u2581mat\u00f3", + -13.967227935791016 + ], + [ + "ductie", + -13.967232704162598 + ], + [ + "\u2581Lokale", + -13.96724796295166 + ], + [ + "\u2581Loki", + -13.967249870300291 + ], + [ + "cisa", + -13.967255592346191 + ], + [ + "invio", + -13.967269897460938 + ], + [ + "\u2581hierarquia", + -13.96728229522705 + ], + [ + "medskip", + -13.967294692993164 + ], + [ + "\u2581Sanit\u00e4ts", + -13.967299461364746 + ], + [ + "\u2581Artiste", + -13.96730613708496 + ], + [ + "roda", + -13.967308044433594 + ], + [ + "anella", + -13.967329978942873 + ], + [ + "\u2581Finanzielle", + -13.96733570098877 + ], + [ + "\u2581certitude", + -13.967357635498049 + ], + [ + "\u2581volet", + -13.967361450195312 + ], + [ + "Education", + -13.96737575531006 + ], + [ + "\u00e1ndome", + -13.967376708984377 + ], + [ + "\u2581ceased", + -13.96738052368164 + ], + [ + "\u2581Vei", + -13.967419624328612 + ], + [ + "\u2581impressed", + -13.96742343902588 + ], + [ + "\u2581admits", + -13.967430114746094 + ], + [ + "\u2581hombro", + -13.96743106842041 + ], + [ + "\u2581decapita", + -13.967434883117676 + ], + [ + "SAP", + -13.967443466186523 + ], + [ + "\u2581Reconocimiento", + -13.967499732971191 + ], + [ + "\u2581Weimarer", + -13.967501640319824 + ], + [ + "Leading", + -13.967531204223633 + ], + [ + "\u2581Utrechtse", + -13.967558860778809 + ], + [ + "\u2581classificati", + -13.96759033203125 + ], + [ + "grundlage", + -13.967609405517578 + ], + [ + "\u2581Choc", + -13.967617988586426 + ], + [ + "\u2581feared", + -13.96764087677002 + ], + [ + "WriteString", + -13.967679023742676 + ], + [ + "\u2581Bakker", + -13.96768856048584 + ], + [ + "\u2581combines", + -13.967693328857422 + ], + [ + "\u2581praticar", + -13.967729568481444 + ], + [ + "\u2581Aku", + -13.967733383178713 + ], + [ + "\u2581Alcalde", + -13.967756271362305 + ], + [ + "\u2581infraestrutura", + -13.96778678894043 + ], + [ + "ENER", + -13.967791557312012 + ], + [ + "\u2581percussioni", + -13.967827796936035 + ], + [ + "TREE", + -13.967829704284668 + ], + [ + "tomy", + -13.967832565307615 + ], + [ + "coreano", + -13.967835426330566 + ], + [ + "menor", + -13.967844009399414 + ], + [ + "\u2581Munique", + -13.967854499816896 + ], + [ + "\u2581vot\u00e9", + -13.967887878417969 + ], + [ + "\u2581Obispos", + -13.967901229858398 + ], + [ + "directive", + -13.967905044555664 + ], + [ + "lveolar", + -13.967968940734863 + ], + [ + "\u2581Eingliederungs", + -13.968021392822266 + ], + [ + "tarifliche", + -13.968026161193848 + ], + [ + "Mikro", + -13.968031883239746 + ], + [ + "faser", + -13.968032836914062 + ], + [ + "bergangszeit", + -13.968037605285645 + ], + [ + "flake", + -13.968050956726074 + ], + [ + "\u2581diskutieren", + -13.968061447143556 + ], + [ + "\u2581Mantenha", + -13.96806526184082 + ], + [ + "ARCHS", + -13.96810531616211 + ], + [ + "gpio", + -13.96810817718506 + ], + [ + "\u2581cylindre", + -13.968116760253906 + ], + [ + "\u2581hoffen", + -13.96812915802002 + ], + [ + "\u2581finland", + -13.968141555786133 + ], + [ + "ibor", + -13.968164443969728 + ], + [ + "\u2581Agenten", + -13.968191146850586 + ], + [ + "sklage", + -13.968210220336914 + ], + [ + "\u2581tumors", + -13.96821117401123 + ], + [ + "sbereichen", + -13.968214988708496 + ], + [ + "Decis", + -13.968225479125977 + ], + [ + "Dream", + -13.968231201171877 + ], + [ + "checkpoints", + -13.968231201171877 + ], + [ + "azur", + -13.968247413635254 + ], + [ + "\u2581inaccessible", + -13.96826171875 + ], + [ + "trito", + -13.968269348144531 + ], + [ + "\u2581B\u00fcchern", + -13.968274116516112 + ], + [ + "\u2581pubblicare", + -13.968276023864746 + ], + [ + "\u2581Presley", + -13.968294143676758 + ], + [ + "\u2581Pamp", + -13.96831226348877 + ], + [ + "\u2581carrefour", + -13.968343734741213 + ], + [ + "\u2581circun", + -13.968355178833008 + ], + [ + "\u2581nigri", + -13.96837043762207 + ], + [ + "corsi", + -13.968376159667969 + ], + [ + "\u2581Sabemos", + -13.968384742736816 + ], + [ + "GroupName", + -13.968430519104004 + ], + [ + "\u2581solitude", + -13.968439102172852 + ], + [ + "cuerda", + -13.968445777893066 + ], + [ + "\u2581Putt", + -13.968461990356444 + ], + [ + "\u2581proximidade", + -13.96848487854004 + ], + [ + "\u2581Sendungen", + -13.96848964691162 + ], + [ + "vocal", + -13.968494415283203 + ], + [ + "\u2581manifestaci\u00f3n", + -13.968503952026367 + ], + [ + "\u2581perl", + -13.96854305267334 + ], + [ + "\u2581philosophes", + -13.968567848205566 + ], + [ + "MOVE", + -13.968575477600098 + ], + [ + "\u2581Verwaltungsbeh", + -13.968587875366213 + ], + [ + "spits", + -13.968588829040527 + ], + [ + "motorische", + -13.968621253967283 + ], + [ + "doorverwijspagin", + -13.968626022338867 + ], + [ + "\u2581Instandhaltung", + -13.968626022338867 + ], + [ + "\u2581r\u00e9v\u00e9ler", + -13.968626022338867 + ], + [ + "\u2581holandeses", + -13.968629837036133 + ], + [ + "\u2581Serre", + -13.968655586242676 + ], + [ + "\u2581goutte", + -13.968667030334473 + ], + [ + "\u2581Hazel", + -13.968667984008787 + ], + [ + "\u2581journ\u00e9es", + -13.96867561340332 + ], + [ + "\u2581N\u00f3", + -13.968704223632812 + ], + [ + "zusammengestellt", + -13.96871852874756 + ], + [ + "grit", + -13.96872901916504 + ], + [ + "\u2581Ausf\u00fchrer", + -13.968746185302734 + ], + [ + "\u2581Desmond", + -13.968762397766112 + ], + [ + "Interstate", + -13.96878719329834 + ], + [ + "\u2581Vermessung", + -13.968806266784668 + ], + [ + "rago", + -13.968810081481934 + ], + [ + "\u2581Custo", + -13.968897819519045 + ], + [ + "ISC", + -13.968918800354004 + ], + [ + "mdi", + -13.968929290771484 + ], + [ + "Messungen", + -13.968938827514648 + ], + [ + "\u2581Minen", + -13.968938827514648 + ], + [ + "\u2581roumain", + -13.968941688537598 + ], + [ + "\u2581oefen", + -13.968990325927734 + ], + [ + "LGA", + -13.96900463104248 + ], + [ + "\u2581psychiatrischen", + -13.96900749206543 + ], + [ + "\u2581Amal", + -13.969050407409668 + ], + [ + "\u2581durchg\u00e4ngig", + -13.969057083129885 + ], + [ + "\u2581Hellen", + -13.969066619873049 + ], + [ + "Williams", + -13.96908187866211 + ], + [ + "\u2581failwith", + -13.969085693359377 + ], + [ + "\u2581ricoperto", + -13.969094276428224 + ], + [ + "leidende", + -13.96909999847412 + ], + [ + "\u2581Ostro", + -13.96913242340088 + ], + [ + "\u2581subsidiari", + -13.969135284423828 + ], + [ + "foregroundColor", + -13.969141006469728 + ], + [ + "Alessio", + -13.96914291381836 + ], + [ + "\u2581Namibi", + -13.969148635864258 + ], + [ + "\u2581tightly", + -13.96915340423584 + ], + [ + "\u2581contorna", + -13.969191551208496 + ], + [ + "\u2581ajud\u00e1", + -13.969192504882812 + ], + [ + "\u2581Haberkorn", + -13.969194412231444 + ], + [ + "\u2581voluntarios", + -13.969244003295898 + ], + [ + "Gau", + -13.969307899475098 + ], + [ + "governo", + -13.969320297241213 + ], + [ + "dom\u00ednio", + -13.969338417053224 + ], + [ + "\u2581creados", + -13.969353675842283 + ], + [ + "\u2581Kr\u00e4ften", + -13.969372749328612 + ], + [ + "ariscas", + -13.969388008117676 + ], + [ + "rotten", + -13.969389915466309 + ], + [ + "\u2581Tiet", + -13.96941089630127 + ], + [ + "berries", + -13.969433784484863 + ], + [ + "\u2581concedida", + -13.969436645507812 + ], + [ + "\u2581educativos", + -13.96945571899414 + ], + [ + "CTAssertNotNil", + -13.969474792480469 + ], + [ + "\u2581sterrenstelsel", + -13.969483375549316 + ], + [ + "antino", + -13.969487190246582 + ], + [ + "zangeres", + -13.96950340270996 + ], + [ + "\u2581werkgever", + -13.969515800476074 + ], + [ + "\u2581Verbrennung", + -13.969529151916504 + ], + [ + "\u2581infantiles", + -13.969536781311035 + ], + [ + "\u2581Besprechung", + -13.969542503356934 + ], + [ + "ipfs", + -13.969582557678224 + ], + [ + "\u2581scultura", + -13.969590187072754 + ], + [ + "\u2581Dart", + -13.969600677490234 + ], + [ + "icki", + -13.969610214233398 + ], + [ + "\u2581Marek", + -13.969614028930664 + ], + [ + "nuoto", + -13.96962547302246 + ], + [ + "\u2581eaten", + -13.969629287719728 + ], + [ + "\u2581unregelm\u00e4", + -13.96964168548584 + ], + [ + "oulette", + -13.9696683883667 + ], + [ + "\u00e9chappe", + -13.969719886779783 + ], + [ + "\u2581estatura", + -13.969733238220217 + ], + [ + "\u2581Monique", + -13.969735145568848 + ], + [ + "\u2581sozusagen", + -13.969759941101074 + ], + [ + "\u2581excitement", + -13.96976089477539 + ], + [ + "Conjun", + -13.96981716156006 + ], + [ + "csproj", + -13.969820022583008 + ], + [ + "\u2581Rufus", + -13.969822883605955 + ], + [ + "logan", + -13.969826698303224 + ], + [ + "\u2581hostel", + -13.96985149383545 + ], + [ + "obacter", + -13.969854354858398 + ], + [ + "elbach", + -13.969905853271484 + ], + [ + "\u2581developmental", + -13.969937324523926 + ], + [ + "regue", + -13.969948768615724 + ], + [ + "hok", + -13.969956398010254 + ], + [ + "strlen", + -13.969959259033203 + ], + [ + "\u2581componer", + -13.970012664794922 + ], + [ + "\u00fcberpr\u00fcfung", + -13.97002124786377 + ], + [ + "\u2581complejos", + -13.97002124786377 + ], + [ + "orhynchus", + -13.970085144042969 + ], + [ + "\u2581Bertin", + -13.97008991241455 + ], + [ + "\u2581Carpi", + -13.970154762268066 + ], + [ + "\u2581resumen", + -13.97022533416748 + ], + [ + "tunes", + -13.970227241516112 + ], + [ + "\u2581Estuvo", + -13.970237731933594 + ], + [ + "icultura", + -13.970252990722656 + ], + [ + "\u2581Romains", + -13.970270156860352 + ], + [ + "\u2581introducido", + -13.970270156860352 + ], + [ + "\u2581Grundrecht", + -13.970312118530272 + ], + [ + "emma", + -13.97031307220459 + ], + [ + "\u2581extras", + -13.97036361694336 + ], + [ + "geral", + -13.970396995544434 + ], + [ + "\u2581instantly", + -13.970406532287598 + ], + [ + "Than", + -13.970484733581545 + ], + [ + "\u2581Cornu", + -13.97049617767334 + ], + [ + "\u2581chronisch", + -13.97049617767334 + ], + [ + "\u2581Beur", + -13.970503807067873 + ], + [ + "\u2581Herausgabe", + -13.970598220825195 + ], + [ + "\u2581v\u00e9los", + -13.970622062683104 + ], + [ + "\u2581goleiro", + -13.970633506774902 + ], + [ + "\u2581epoche", + -13.970678329467772 + ], + [ + "quista", + -13.970699310302734 + ], + [ + "\u2581enamorado", + -13.970704078674316 + ], + [ + "\u2581estremi", + -13.970738410949709 + ], + [ + "coef", + -13.970768928527832 + ], + [ + "\u2581Energia", + -13.97079086303711 + ], + [ + "\u2581Prusia", + -13.97080421447754 + ], + [ + "Emit", + -13.970806121826172 + ], + [ + "\u2581automatico", + -13.970832824707031 + ], + [ + "peach", + -13.97084903717041 + ], + [ + "ificato", + -13.970871925354004 + ], + [ + "\u2581Hezbollah", + -13.970891952514648 + ], + [ + "\u2581p\u00e9rih\u00e9lie", + -13.970891952514648 + ], + [ + "\u2581avviso", + -13.970909118652344 + ], + [ + "\u2581woensdag", + -13.970913887023926 + ], + [ + "\u2581convincere", + -13.970917701721191 + ], + [ + "Indon\u00e9sie", + -13.970918655395508 + ], + [ + "arza", + -13.970919609069824 + ], + [ + "\u2581argil", + -13.97094440460205 + ], + [ + "\u2581wetenschappers", + -13.970947265625 + ], + [ + "\u2581herindeling", + -13.970969200134276 + ], + [ + "\u2581omgeven", + -13.970969200134276 + ], + [ + "MAIL", + -13.970970153808594 + ], + [ + "\u2581flauta", + -13.97097396850586 + ], + [ + "thie", + -13.970980644226074 + ], + [ + "\u2581erteilten", + -13.970983505249023 + ], + [ + "oxidase", + -13.97099494934082 + ], + [ + "\u2581spiriti", + -13.971010208129885 + ], + [ + "selenium", + -13.9710111618042 + ], + [ + "Third", + -13.971020698547363 + ], + [ + "\u2581Cruci", + -13.971020698547363 + ], + [ + "\u2581beliebige", + -13.97104835510254 + ], + [ + "\u2581cohesi", + -13.97109603881836 + ], + [ + "ITI", + -13.9711275100708 + ], + [ + "quila", + -13.971151351928713 + ], + [ + "pathology", + -13.971155166625977 + ], + [ + "ostro", + -13.971158027648926 + ], + [ + "\u2581kennzeichnen", + -13.971176147460938 + ], + [ + "\u2581Accueil", + -13.971181869506836 + ], + [ + "\u2581Burgeroorlog", + -13.971181869506836 + ], + [ + "SMO", + -13.971200942993164 + ], + [ + "\u2581orientar", + -13.97121524810791 + ], + [ + "\u2581V\u00e1rias", + -13.971234321594238 + ], + [ + "interazione", + -13.971269607543944 + ], + [ + "inssatz", + -13.97134780883789 + ], + [ + "Ann\u00e9e", + -13.971358299255373 + ], + [ + "neigung", + -13.971373558044434 + ], + [ + "erga", + -13.971379280090332 + ], + [ + "\u2581parcourir", + -13.971390724182127 + ], + [ + "\u2581Veran", + -13.97139835357666 + ], + [ + "\u2581RSSSF", + -13.97146987915039 + ], + [ + "ergehen", + -13.9714937210083 + ], + [ + "alismus", + -13.971508026123049 + ], + [ + "\u2581Erreger", + -13.971508979797363 + ], + [ + "conquista", + -13.971524238586426 + ], + [ + "neura", + -13.971551895141602 + ], + [ + "\u2581Spritz", + -13.971585273742676 + ], + [ + "\u2581Hemmung", + -13.971607208251951 + ], + [ + "\u2581unerw\u00fcnschte", + -13.97161865234375 + ], + [ + "\u2581conduzir", + -13.971620559692385 + ], + [ + "\u2581prevalent", + -13.971635818481444 + ], + [ + "ewicz", + -13.971638679504396 + ], + [ + "EMB", + -13.971651077270508 + ], + [ + "splitter", + -13.971673011779783 + ], + [ + "\u2581Revistas", + -13.97171115875244 + ], + [ + "\u2581geografische", + -13.971724510192873 + ], + [ + "\u2581ruzie", + -13.971741676330566 + ], + [ + "\u2581pacchetto", + -13.971750259399414 + ], + [ + "netten", + -13.971769332885742 + ], + [ + "\u2581Sociologi", + -13.971769332885742 + ], + [ + "\u2581nervioso", + -13.971793174743652 + ], + [ + "athl\u00e9tisme", + -13.971799850463867 + ], + [ + "\u2581Vorl\u00e4ufer", + -13.971832275390623 + ], + [ + "\u2581Sunset", + -13.971843719482422 + ], + [ + "plaintext", + -13.971845626831056 + ], + [ + "\u2581serviti", + -13.97185230255127 + ], + [ + "\u2581geologic", + -13.97190761566162 + ], + [ + "\u2581represent\u00f3", + -13.971933364868164 + ], + [ + "txid", + -13.971939086914062 + ], + [ + "\u2581anatomic", + -13.971940994262695 + ], + [ + "\u2581Verwaltungen", + -13.971993446350098 + ], + [ + "\u2581Schweigen", + -13.972004890441896 + ], + [ + "\u2581Jerusal\u00e9m", + -13.972026824951172 + ], + [ + "posiciones", + -13.972061157226562 + ], + [ + "Reform", + -13.972095489501951 + ], + [ + "neum", + -13.972097396850586 + ], + [ + "santa", + -13.972105979919434 + ], + [ + "selen", + -13.972149848937988 + ], + [ + "\u2581membranes", + -13.972230911254885 + ], + [ + "\u2581Socialism", + -13.972265243530272 + ], + [ + "ragt", + -13.972275733947754 + ], + [ + "activo", + -13.972296714782717 + ], + [ + "\u2581Takahashi", + -13.97231388092041 + ], + [ + "\u2581Gefl\u00fcgel", + -13.97241497039795 + ], + [ + "esModule", + -13.972427368164062 + ], + [ + "\u2581utilit\u00e1rio", + -13.972461700439451 + ], + [ + "young", + -13.972464561462402 + ], + [ + "\u2581Conus", + -13.972471237182615 + ], + [ + "Jm", + -13.972475051879885 + ], + [ + "\u2581Strategic", + -13.972506523132324 + ], + [ + "\u2581Nove", + -13.97251796722412 + ], + [ + "noaa", + -13.972537994384766 + ], + [ + "\u2581Dementadores", + -13.97259521484375 + ], + [ + "\u2581Kommt", + -13.972607612609863 + ], + [ + "polygon", + -13.972640991210938 + ], + [ + "pidos", + -13.972701072692873 + ], + [ + "Netzwerk", + -13.97270965576172 + ], + [ + "dessa", + -13.97273063659668 + ], + [ + "\u2581apostoli", + -13.972748756408691 + ], + [ + "usement", + -13.9727783203125 + ], + [ + "\u2581concesi\u00f3n", + -13.972782135009766 + ], + [ + "overwinning", + -13.97279453277588 + ], + [ + "decorator", + -13.972864151000977 + ], + [ + "Isle", + -13.97286891937256 + ], + [ + "Correlation", + -13.972872734069824 + ], + [ + "\u2581Urbana", + -13.972905158996582 + ], + [ + "spice", + -13.972908020019531 + ], + [ + "\u2581reacties", + -13.972920417785645 + ], + [ + "ehrt", + -13.972922325134276 + ], + [ + "\u2581clay", + -13.972979545593262 + ], + [ + "\u2581demgegen\u00fcber", + -13.97304344177246 + ], + [ + "\u2581repr\u00e4sentative", + -13.973112106323242 + ], + [ + "TNA", + -13.973116874694824 + ], + [ + "\u2581Schriftliche", + -13.973126411437988 + ], + [ + "\u2581trionfo", + -13.973162651062012 + ], + [ + "\u00f3rum", + -13.973175048828123 + ], + [ + "tafeln", + -13.973200798034668 + ], + [ + "\u2581cervical", + -13.973233222961426 + ], + [ + "kiel", + -13.9732666015625 + ], + [ + "\u2581passions", + -13.973271369934082 + ], + [ + "\u2581inwoneraantal", + -13.97328281402588 + ], + [ + "\u2581est\u00edmulos", + -13.973332405090332 + ], + [ + "DATASET", + -13.973361015319824 + ], + [ + "\u2581inteligentes", + -13.973374366760254 + ], + [ + "\u2581Translations", + -13.97337818145752 + ], + [ + "gore", + -13.97340202331543 + ], + [ + "intercept", + -13.97341537475586 + ], + [ + "vrai", + -13.973417282104492 + ], + [ + "\u2581innovador", + -13.973440170288086 + ], + [ + "\u2581Troms", + -13.973441123962402 + ], + [ + "\u2581d\u00e9clarer", + -13.973459243774414 + ], + [ + "\u2581essay\u00e9", + -13.97346019744873 + ], + [ + "poet", + -13.973475456237791 + ], + [ + "boekje", + -13.97348403930664 + ], + [ + "lastische", + -13.973533630371094 + ], + [ + "visited", + -13.973535537719728 + ], + [ + "\u2581cintur", + -13.973548889160156 + ], + [ + "stroming", + -13.973555564880373 + ], + [ + "\u2581Delfin", + -13.973591804504396 + ], + [ + "\u2581polaca", + -13.973605155944824 + ], + [ + "\u2581iniziali", + -13.973644256591797 + ], + [ + "\u2581Deswegen", + -13.97366428375244 + ], + [ + "\u2581derartiger", + -13.973678588867188 + ], + [ + "\u2581Veranlassung", + -13.973731994628906 + ], + [ + "\u2581tolerate", + -13.973742485046388 + ], + [ + "\u2581ensina", + -13.973761558532717 + ], + [ + "\u2581potremmo", + -13.97376823425293 + ], + [ + "Timing", + -13.97377109527588 + ], + [ + "\u2581celda", + -13.973800659179688 + ], + [ + "illian", + -13.97380828857422 + ], + [ + "livre", + -13.97386074066162 + ], + [ + "\u2581Panne", + -13.973868370056152 + ], + [ + "\u2581Neves", + -13.97393035888672 + ], + [ + "dienstliche", + -13.973939895629885 + ], + [ + "\u2581Secr\u00e9taire", + -13.97401523590088 + ], + [ + "\u2581complejidad", + -13.97401523590088 + ], + [ + "\u2581Espinosa", + -13.974029541015623 + ], + [ + "\u2581motorista", + -13.974047660827637 + ], + [ + "verdien", + -13.974061012268066 + ], + [ + "\u2581exceeded", + -13.974079132080078 + ], + [ + "\u2581punte", + -13.97409439086914 + ], + [ + "\u2581neighborhoods", + -13.974111557006836 + ], + [ + "ADH", + -13.974127769470217 + ], + [ + "\u2581_______", + -13.974150657653809 + ], + [ + "Compat", + -13.974154472351074 + ], + [ + "\u2581Energietr\u00e4ger", + -13.974154472351074 + ], + [ + "\u00e4fer", + -13.974177360534668 + ], + [ + "\u2581Resto", + -13.97421646118164 + ], + [ + "blobs", + -13.9743070602417 + ], + [ + "CTT", + -13.974320411682127 + ], + [ + "\u2581contraddizione", + -13.974326133728027 + ], + [ + "structeur", + -13.974343299865724 + ], + [ + "classifier", + -13.974382400512695 + ], + [ + "auter", + -13.974387168884276 + ], + [ + "belastungen", + -13.97439956665039 + ], + [ + "\u2581contribu\u00e9", + -13.97443675994873 + ], + [ + "\u2581agieren", + -13.974445343017578 + ], + [ + "\u00f3lica", + -13.974472999572754 + ], + [ + "jaz", + -13.97451114654541 + ], + [ + "\u2581Iedereen", + -13.974530220031738 + ], + [ + "\u2581Bonaire", + -13.974532127380373 + ], + [ + "\u2581Bodi", + -13.974581718444824 + ], + [ + "\u2581n\u00e4heren", + -13.974629402160645 + ], + [ + "\u2581administrado", + -13.97463321685791 + ], + [ + "\u2581Tla", + -13.974658012390137 + ], + [ + "HOR", + -13.97466278076172 + ], + [ + "Bohemen", + -13.974665641784668 + ], + [ + "\u2581acervo", + -13.97472095489502 + ], + [ + "uolo", + -13.974743843078612 + ], + [ + "\u2581intermedi", + -13.974763870239258 + ], + [ + "\u2581noires", + -13.97477912902832 + ], + [ + "\u2581Morin", + -13.974786758422852 + ], + [ + "\u2581d\u00e9licate", + -13.974787712097168 + ], + [ + "\u2581imputa", + -13.974812507629396 + ], + [ + "\u2581Parfois", + -13.974870681762695 + ], + [ + "\u2581MGM", + -13.974882125854492 + ], + [ + "Venezuela", + -13.97489070892334 + ], + [ + "\u2581Enferm", + -13.974919319152832 + ], + [ + "N\u00fcrnberg", + -13.974934577941896 + ], + [ + "mandat", + -13.97494125366211 + ], + [ + "\u2581Arenas", + -13.975017547607422 + ], + [ + "\u2581sachliche", + -13.975019454956056 + ], + [ + "\u2581commerces", + -13.975071907043455 + ], + [ + "breu", + -13.975136756896973 + ], + [ + "\u2581charmant", + -13.975140571594238 + ], + [ + "\u2581Nennung", + -13.975141525268556 + ], + [ + "\u2581Dominica", + -13.97517204284668 + ], + [ + "\u2581Dar\u00edo", + -13.975177764892578 + ], + [ + "\u2581TGF", + -13.975181579589844 + ], + [ + "\u2581Maca", + -13.975226402282717 + ], + [ + "Ospedale", + -13.975227355957031 + ], + [ + "\u2581Oedipus", + -13.97523593902588 + ], + [ + "\u2581Anzeichen", + -13.975296020507812 + ], + [ + "cropped", + -13.975302696228027 + ], + [ + "\u2581aggiunse", + -13.975302696228027 + ], + [ + "\u2581interpretatie", + -13.975327491760254 + ], + [ + "milit", + -13.975353240966797 + ], + [ + "CentOS", + -13.9753999710083 + ], + [ + "Verbatim", + -13.975438117980955 + ], + [ + "\u2581Tokugawa", + -13.975439071655272 + ], + [ + "shilfen", + -13.975458145141602 + ], + [ + "\u2581heterogene", + -13.975462913513184 + ], + [ + "\u2581smelt", + -13.975464820861816 + ], + [ + "\u2581Klarheit", + -13.97547435760498 + ], + [ + "\u2581pintar", + -13.975479125976562 + ], + [ + "\u2581gevoelens", + -13.975481033325195 + ], + [ + "Prinzip", + -13.975481986999512 + ], + [ + "\u2581erna", + -13.975510597229004 + ], + [ + "volto", + -13.97553253173828 + ], + [ + "\u2581Shal", + -13.975534439086914 + ], + [ + "\u2581ricade", + -13.975537300109863 + ], + [ + "\u2581condotti", + -13.975543975830078 + ], + [ + "\u2581vestimenta", + -13.97554874420166 + ], + [ + "\u2581dissipa", + -13.97556495666504 + ], + [ + "\u2581Cera", + -13.97557258605957 + ], + [ + "\u2581angestiegen", + -13.975576400756836 + ], + [ + "\u2581harte", + -13.975578308105469 + ], + [ + "halogen", + -13.975601196289062 + ], + [ + "\u2581centenario", + -13.975677490234377 + ], + [ + "ACB", + -13.975703239440918 + ], + [ + "\u2581undertaken", + -13.975708961486816 + ], + [ + "TELE", + -13.97572422027588 + ], + [ + "\u2581promontorio", + -13.975733757019045 + ], + [ + "molekulare", + -13.975744247436523 + ], + [ + "\u2581daban", + -13.975811004638672 + ], + [ + "\u2581Tahiti", + -13.975850105285645 + ], + [ + "\u2581evolutiva", + -13.97588348388672 + ], + [ + "\u2581uiteindelijke", + -13.97588348388672 + ], + [ + "spoo", + -13.975893020629885 + ], + [ + "\u2581viruses", + -13.975945472717283 + ], + [ + "\u2581curtas", + -13.975984573364258 + ], + [ + "salon", + -13.975992202758787 + ], + [ + "\u2581MCG", + -13.975997924804688 + ], + [ + "intStringLen", + -13.976007461547852 + ], + [ + "\u2581krabbensoort", + -13.976007461547852 + ], + [ + "\u2581vrijgelaten", + -13.976024627685549 + ], + [ + "prookje", + -13.976051330566406 + ], + [ + "verl\u00e4ufe", + -13.976058959960938 + ], + [ + "setzbar", + -13.97606372833252 + ], + [ + "keywordflow", + -13.976069450378418 + ], + [ + "\u2581portoghesi", + -13.97608757019043 + ], + [ + "\u2581Pantal", + -13.976094245910645 + ], + [ + "igual", + -13.97610569000244 + ], + [ + "\u2581Roux", + -13.976107597351074 + ], + [ + "\u2581Lipid", + -13.976117134094238 + ], + [ + "\u2581Chlo", + -13.97612762451172 + ], + [ + "\u2581sostitu", + -13.97612762451172 + ], + [ + "\u2581correntes", + -13.97616195678711 + ], + [ + "\u2581bancomat", + -13.976167678833008 + ], + [ + "tabellen", + -13.97618293762207 + ], + [ + "\u2581Rasp", + -13.976201057434082 + ], + [ + "OSE", + -13.976214408874512 + ], + [ + "ffdf", + -13.976256370544434 + ], + [ + "\u2581aanpak", + -13.976258277893066 + ], + [ + "\u2581Tote", + -13.976279258728027 + ], + [ + "\u2581Triton", + -13.976288795471191 + ], + [ + "\u2581testimony", + -13.976292610168455 + ], + [ + "Nib", + -13.976386070251465 + ], + [ + "ANE", + -13.976434707641602 + ], + [ + "slehre", + -13.97643756866455 + ], + [ + "treibt", + -13.976441383361816 + ], + [ + "\u2581rifugia", + -13.976486206054688 + ], + [ + "osit\u00e0", + -13.97648811340332 + ], + [ + "\u2581justificar", + -13.976496696472168 + ], + [ + "\u2581attaqu\u00e9", + -13.976512908935549 + ], + [ + "fischerei", + -13.976556777954102 + ], + [ + "MAVLINK", + -13.976576805114746 + ], + [ + "\u2581saggezza", + -13.976577758789062 + ], + [ + "\u2581eccellenti", + -13.97657871246338 + ], + [ + "montano", + -13.976581573486328 + ], + [ + "\u2581Frequenzen", + -13.97658348083496 + ], + [ + "ificou", + -13.976600646972656 + ], + [ + "leraar", + -13.976603507995604 + ], + [ + "chak", + -13.976609230041504 + ], + [ + "ABILIT", + -13.97662353515625 + ], + [ + "\u2581:-)", + -13.976651191711426 + ], + [ + "icing", + -13.976669311523438 + ], + [ + "stylis", + -13.976679801940918 + ], + [ + "\u2581Bergmann", + -13.976701736450195 + ], + [ + "\u2581Praktiken", + -13.976722717285156 + ], + [ + "giorno", + -13.976776123046877 + ], + [ + "\u2581prontamente", + -13.976799011230469 + ], + [ + "\u2581arrestado", + -13.976802825927734 + ], + [ + "alone", + -13.976824760437012 + ], + [ + "\u2581BMAS", + -13.976831436157228 + ], + [ + "DOCUMENT", + -13.976862907409668 + ], + [ + "\u2581mitiga", + -13.97686767578125 + ], + [ + "\u2581emisiones", + -13.9768705368042 + ], + [ + "\u2581teorico", + -13.976881980895996 + ], + [ + "stringLen", + -13.976885795593262 + ], + [ + "\u2581trasferirsi", + -13.97689437866211 + ], + [ + "puff", + -13.976906776428224 + ], + [ + "hope", + -13.97691249847412 + ], + [ + "TAT", + -13.976926803588867 + ], + [ + "\u2581socialist", + -13.97694969177246 + ], + [ + "\u2581anpassen", + -13.976954460144045 + ], + [ + "\u2581Toneel", + -13.976970672607422 + ], + [ + "\u2581tolera", + -13.977038383483888 + ], + [ + "ssystemen", + -13.977042198181152 + ], + [ + "\u2581eliminando", + -13.977060317993164 + ], + [ + "\u2581wealthy", + -13.977062225341797 + ], + [ + "Attrs", + -13.977072715759276 + ], + [ + "\u00f3metro", + -13.977123260498049 + ], + [ + "\u2581Abeba", + -13.977126121520996 + ], + [ + "ethylene", + -13.977128028869627 + ], + [ + "\u2581Vorkehrungen", + -13.977148056030272 + ], + [ + "\u2581Bibliotheek", + -13.97715187072754 + ], + [ + "Albi", + -13.97716999053955 + ], + [ + "pokal", + -13.977180480957031 + ], + [ + "\u2581Grundbuch", + -13.977214813232422 + ], + [ + "\u2581koloni", + -13.977259635925291 + ], + [ + "\u2581Squa", + -13.97728157043457 + ], + [ + "\u2581Reimer", + -13.97729778289795 + ], + [ + "polarized", + -13.977412223815918 + ], + [ + "\u2581remarquables", + -13.977442741394045 + ], + [ + "\u2581Aufschwung", + -13.977463722229004 + ], + [ + "\u2581Cern", + -13.977487564086914 + ], + [ + "Levels", + -13.977496147155762 + ], + [ + "\u2581Mitbestimmung", + -13.977641105651855 + ], + [ + "\u2581Absolventen", + -13.977651596069336 + ], + [ + "\u2581requerido", + -13.977683067321776 + ], + [ + "terrorism", + -13.97769546508789 + ], + [ + "\u2581suburb", + -13.977706909179688 + ], + [ + "\u2581divenuta", + -13.977720260620115 + ], + [ + "\u2581geweiht", + -13.977720260620115 + ], + [ + "PROTOCOL", + -13.97774887084961 + ], + [ + "\u2581conclut", + -13.977760314941406 + ], + [ + "\u2581Espacio", + -13.977781295776367 + ], + [ + "\u2581Infolge", + -13.977788925170898 + ], + [ + "relevanter", + -13.977850914001465 + ], + [ + "\u2581hunger", + -13.97785472869873 + ], + [ + "ekka", + -13.977863311767578 + ], + [ + "\u2581Kontra", + -13.977904319763184 + ], + [ + "osemite", + -13.97792625427246 + ], + [ + "ins\u00e4ure", + -13.97795581817627 + ], + [ + "Profil", + -13.978012084960938 + ], + [ + "\u2581Alimenta", + -13.978028297424316 + ], + [ + "\u2581\u00e1ngeles", + -13.978034019470217 + ], + [ + "\u2581refined", + -13.97805881500244 + ], + [ + "getKey", + -13.978123664855955 + ], + [ + "Ombr", + -13.978191375732422 + ], + [ + "\u2581Pire", + -13.978217124938965 + ], + [ + "Chrome", + -13.978264808654783 + ], + [ + "\u2581dressing", + -13.978277206420898 + ], + [ + "\u2581Varsovia", + -13.978290557861328 + ], + [ + "\u2581prooi", + -13.97830581665039 + ], + [ + "\u2581facture", + -13.978313446044922 + ], + [ + "\u2581uruguay", + -13.978326797485352 + ], + [ + "mmens", + -13.978331565856934 + ], + [ + "\u2581betraut", + -13.978339195251465 + ], + [ + "\u2581Armed", + -13.978358268737791 + ], + [ + "rghi", + -13.97836971282959 + ], + [ + "\u2581Carab", + -13.978399276733398 + ], + [ + "\u2581applicata", + -13.978423118591309 + ], + [ + "SCHEMA", + -13.97844123840332 + ], + [ + "\u2581Lof", + -13.978521347045898 + ], + [ + "\u2581opgelost", + -13.978522300720217 + ], + [ + "\u00fchler", + -13.978524208068848 + ], + [ + "bescheinigung", + -13.97852897644043 + ], + [ + "teenth", + -13.978530883789062 + ], + [ + "\u2581Silen", + -13.978530883789062 + ], + [ + "allegra", + -13.978554725646973 + ], + [ + "TIMESTAMP", + -13.978578567504885 + ], + [ + "\u2581modifying", + -13.978580474853516 + ], + [ + "kritische", + -13.978592872619627 + ], + [ + "b\u00e4nder", + -13.978599548339844 + ], + [ + "\u2581faranno", + -13.978620529174805 + ], + [ + "\u2581orquestra", + -13.978623390197754 + ], + [ + "\u2581shadows", + -13.978639602661133 + ], + [ + "\u2581Tugend", + -13.978652954101562 + ], + [ + "\u2581trozo", + -13.97865390777588 + ], + [ + "\u2581pulmonary", + -13.978659629821776 + ], + [ + "\u2581Felici", + -13.978697776794434 + ], + [ + "\u2581arch\u00e9ologique", + -13.978721618652344 + ], + [ + "\u2581Salvo", + -13.978739738464355 + ], + [ + "NAC", + -13.97874641418457 + ], + [ + "\u2581amtierende", + -13.978764533996582 + ], + [ + "watt", + -13.978824615478516 + ], + [ + "CSA", + -13.97883129119873 + ], + [ + "\u2581\u00fcbertragenen", + -13.978842735290527 + ], + [ + "\u2581Regressions", + -13.978869438171388 + ], + [ + "\u2581paisagens", + -13.97887134552002 + ], + [ + "delige", + -13.978889465332031 + ], + [ + "zuki", + -13.978901863098145 + ], + [ + "\u2581contrassegnat", + -13.978903770446776 + ], + [ + "\u2581traducciones", + -13.978926658630373 + ], + [ + "\u2581Paj", + -13.978928565979004 + ], + [ + "\u2581delegato", + -13.978996276855469 + ], + [ + "PIE", + -13.97900390625 + ], + [ + "\u2581Stri", + -13.97900390625 + ], + [ + "\u2581firent", + -13.979029655456545 + ], + [ + "presiones", + -13.979055404663086 + ], + [ + "Corner", + -13.97905731201172 + ], + [ + "\u2581Kingsley", + -13.979093551635742 + ], + [ + "banan", + -13.979106903076172 + ], + [ + "\u2581Samp", + -13.979120254516602 + ], + [ + "\u2581regain", + -13.97916316986084 + ], + [ + "football", + -13.979166984558104 + ], + [ + "pand", + -13.979178428649902 + ], + [ + "\u2581Audrey", + -13.979202270507812 + ], + [ + "\u2581Batavia", + -13.979244232177734 + ], + [ + "\u2581brillantes", + -13.979260444641112 + ], + [ + "honor", + -13.979307174682615 + ], + [ + "\u00e4tte", + -13.979308128356934 + ], + [ + "RequestHeader", + -13.979318618774414 + ], + [ + "zL", + -13.97933292388916 + ], + [ + "\u2581molda", + -13.979354858398438 + ], + [ + "\u2581Hyl", + -13.979357719421388 + ], + [ + "\u2581Assistenz", + -13.979363441467283 + ], + [ + "\u2581coruja", + -13.979368209838867 + ], + [ + "\u2581espoirs", + -13.979388236999512 + ], + [ + "\u2581Disse", + -13.979392051696776 + ], + [ + "Hip", + -13.979425430297852 + ], + [ + "UnicodeScalar", + -13.979429244995115 + ], + [ + "Francisco", + -13.979455947875977 + ], + [ + "\u00fcndig", + -13.979459762573242 + ], + [ + "\u2581sufficienti", + -13.979459762573242 + ], + [ + "\u2581xadrez", + -13.979486465454102 + ], + [ + "\u2581affich\u00e9", + -13.979512214660645 + ], + [ + "\u2581vendite", + -13.979520797729492 + ], + [ + "Rahmen", + -13.979572296142578 + ], + [ + "\u2581introduzida", + -13.97958755493164 + ], + [ + "\u2581farms", + -13.979610443115234 + ], + [ + "\u2581Aussehen", + -13.979634284973145 + ], + [ + "jni", + -13.97964572906494 + ], + [ + "\u2581individueller", + -13.97966480255127 + ], + [ + "Boedapest", + -13.979719161987305 + ], + [ + "\u2581Strich", + -13.979822158813477 + ], + [ + "aceta", + -13.979840278625488 + ], + [ + "\u2581complessiva", + -13.979843139648438 + ], + [ + "gdb", + -13.979912757873535 + ], + [ + "gassen", + -13.979913711547852 + ], + [ + "\u2581divertir", + -13.979917526245115 + ], + [ + "\u2581Irma", + -13.979940414428713 + ], + [ + "\u2581Weinheim", + -13.979955673217772 + ], + [ + "ge\u00fcbt", + -13.979960441589355 + ], + [ + "\u2581christianisme", + -13.980006217956545 + ], + [ + "sinds", + -13.980008125305176 + ], + [ + "abzug", + -13.98003101348877 + ], + [ + "\u2581respaldo", + -13.980037689208984 + ], + [ + "\u2581einzustellen", + -13.98004150390625 + ], + [ + "\u2581ewige", + -13.98005199432373 + ], + [ + "\u2581Aroma", + -13.980058670043944 + ], + [ + "\u2581disruption", + -13.980091094970703 + ], + [ + "\u2581Indonesische", + -13.980094909667969 + ], + [ + "fertig", + -13.980121612548828 + ], + [ + "naya", + -13.980137825012209 + ], + [ + "\u2581Charley", + -13.980143547058104 + ], + [ + "\u2581Titular", + -13.980168342590332 + ], + [ + "\u2581aparata", + -13.98018741607666 + ], + [ + "\u2581Etablierung", + -13.980292320251465 + ], + [ + "\u2581filmacteur", + -13.980337142944336 + ], + [ + "th\u00e9rapie", + -13.980355262756348 + ], + [ + "\u2581gesellschafts", + -13.980363845825195 + ], + [ + "\u2581Immuno", + -13.980377197265623 + ], + [ + "\u2581Personali", + -13.980382919311523 + ], + [ + "\u2581Urge", + -13.9804105758667 + ], + [ + "\u2581Rechtm\u00e4", + -13.98041820526123 + ], + [ + "\u2581efetiva", + -13.98048973083496 + ], + [ + "RCS", + -13.980539321899414 + ], + [ + "eichnungen", + -13.98055648803711 + ], + [ + "\u2581ficar\u00e1", + -13.980579376220703 + ], + [ + "\u2581dateren", + -13.980588912963867 + ], + [ + "\u2581L\u00fct", + -13.980602264404297 + ], + [ + "\u2581formati", + -13.980630874633787 + ], + [ + "geschossen", + -13.98063850402832 + ], + [ + "\u2581Crossing", + -13.980639457702637 + ], + [ + "tomie", + -13.98068904876709 + ], + [ + "\u2581norteamericana", + -13.980704307556152 + ], + [ + "\u2581estive", + -13.980706214904783 + ], + [ + "\u2581urged", + -13.980731010437012 + ], + [ + "riech", + -13.980751037597656 + ], + [ + "\u2581efficacement", + -13.980759620666504 + ], + [ + "\u2581solitaire", + -13.98078727722168 + ], + [ + "\u2581foresti", + -13.98080825805664 + ], + [ + "\u2581Projektion", + -13.980817794799805 + ], + [ + "\u2581kostenfrei", + -13.980846405029297 + ], + [ + "\u2581L\u00e1zaro", + -13.980863571166992 + ], + [ + "\u2581Camponotus", + -13.98087215423584 + ], + [ + "arino", + -13.98093032836914 + ], + [ + "\u2581wenigsten", + -13.980931282043455 + ], + [ + "\u2581Kuri", + -13.98093605041504 + ], + [ + "terminate", + -13.980937004089355 + ], + [ + "\u2581volontaires", + -13.98095417022705 + ], + [ + "\u2581admiti", + -13.980958938598633 + ], + [ + "\u2581Laien", + -13.980979919433594 + ], + [ + "\u2581origens", + -13.980996131896973 + ], + [ + "n\u00f3mica", + -13.980997085571287 + ], + [ + "iqui", + -13.981000900268556 + ], + [ + "\u2581denses", + -13.981067657470703 + ], + [ + "\u2581Machinery", + -13.9810791015625 + ], + [ + "\u2581Recomenda", + -13.981152534484863 + ], + [ + "\u2581Popolare", + -13.981163024902344 + ], + [ + "\u2581festzuhalten", + -13.981185913085938 + ], + [ + "\u2581establecidas", + -13.981199264526367 + ], + [ + "\u2581arrivate", + -13.981218338012695 + ], + [ + "\u2581ganader\u00eda", + -13.981219291687012 + ], + [ + "\u2581polemiche", + -13.98123264312744 + ], + [ + "\u2581breakdown", + -13.981252670288086 + ], + [ + "\u2581Simples", + -13.98125457763672 + ], + [ + "udine", + -13.98126220703125 + ], + [ + "\u2581Vorm", + -13.981283187866213 + ], + [ + "\u2581interpretations", + -13.98129940032959 + ], + [ + "corrente", + -13.98130226135254 + ], + [ + "schrijf", + -13.98130702972412 + ], + [ + "\u2581verdiepingen", + -13.981315612792969 + ], + [ + "verleg", + -13.981367111206056 + ], + [ + "Always", + -13.98137664794922 + ], + [ + "branden", + -13.981401443481444 + ], + [ + "BUTTON", + -13.981436729431152 + ], + [ + "P\u00e9tersbourg", + -13.98144817352295 + ], + [ + "\u2581Gramsci", + -13.98145580291748 + ], + [ + "zoeken", + -13.981463432312012 + ], + [ + "\u2581vagues", + -13.981467247009276 + ], + [ + "\u2581Krom", + -13.981500625610352 + ], + [ + "\u2581Schrifttype", + -13.9815092086792 + ], + [ + "\u2581In\u00e9s", + -13.981518745422363 + ], + [ + "sperre", + -13.981522560119627 + ], + [ + "employeur", + -13.981526374816896 + ], + [ + "\u2581unverzichtbar", + -13.98154354095459 + ], + [ + "\u2581desenvolvidas", + -13.981555938720703 + ], + [ + "\u2581Rache", + -13.981584548950195 + ], + [ + "\u2581Alvin", + -13.981599807739258 + ], + [ + "\u2581constructs", + -13.9816255569458 + ], + [ + "boga", + -13.98171615600586 + ], + [ + "\u2581vacant", + -13.981718063354492 + ], + [ + "imbarco", + -13.981744766235352 + ], + [ + "r\u00f3s", + -13.98175048828125 + ], + [ + "\u2581pulgadas", + -13.981759071350098 + ], + [ + "\u2581pescadores", + -13.981764793395996 + ], + [ + "installazione", + -13.981767654418944 + ], + [ + "Cov", + -13.981768608093262 + ], + [ + "\u2581cercate", + -13.981801986694336 + ], + [ + "\u2581producono", + -13.981805801391602 + ], + [ + "\u2581abbandon", + -13.981817245483398 + ], + [ + "Allocate", + -13.981833457946776 + ], + [ + "\u2581atomes", + -13.981857299804688 + ], + [ + "\u2581lernte", + -13.981868743896484 + ], + [ + "enya", + -13.981895446777344 + ], + [ + "INGH", + -13.981915473937988 + ], + [ + "\u2581omschreven", + -13.981926918029783 + ], + [ + "\u2581Kall", + -13.981929779052734 + ], + [ + "\u2581clearing", + -13.981956481933594 + ], + [ + "telet", + -13.981966972351074 + ], + [ + "spraken", + -13.981973648071287 + ], + [ + "\u2581Mendi", + -13.98198699951172 + ], + [ + "\u2581Tanaka", + -13.981988906860352 + ], + [ + "\u2581antioxidant", + -13.982009887695312 + ], + [ + "\u2581indirizzi", + -13.982009887695312 + ], + [ + "\u2581juguete", + -13.982011795043944 + ], + [ + "lidi", + -13.982036590576172 + ], + [ + "\u2581significar", + -13.982060432434082 + ], + [ + "\u2581bezorgd", + -13.98210906982422 + ], + [ + "onzi", + -13.982125282287598 + ], + [ + "\u2581palmar", + -13.982181549072266 + ], + [ + "rannte", + -13.982190132141112 + ], + [ + "\u2581Pol\u00f3nia", + -13.98219871520996 + ], + [ + "verantwortliche", + -13.982255935668944 + ], + [ + "\u2581kwalificeerde", + -13.982269287109377 + ], + [ + "\u2581flanc", + -13.982271194458008 + ], + [ + "\u2581Prem", + -13.982290267944336 + ], + [ + "\u2581redonde", + -13.982295036315918 + ], + [ + "\u2581Investigaciones", + -13.982301712036133 + ], + [ + "\u2581Leopardi", + -13.982319831848145 + ], + [ + "\u2581clips", + -13.98232364654541 + ], + [ + "dirigent", + -13.982343673706056 + ], + [ + "\u2581organis\u00e9s", + -13.98235321044922 + ], + [ + "\u2581extremidades", + -13.98240566253662 + ], + [ + "rdiente", + -13.982413291931152 + ], + [ + "\u2581figurin", + -13.982413291931152 + ], + [ + "trojan", + -13.982415199279783 + ], + [ + "at\u00f3", + -13.982427597045898 + ], + [ + "\u2581marr\u00f3n", + -13.982441902160645 + ], + [ + "\u2581helpt", + -13.982446670532228 + ], + [ + "freeze", + -13.982452392578123 + ], + [ + "\u2581St\u00e4nde", + -13.98245906829834 + ], + [ + "\u2581ricorre", + -13.982462882995604 + ], + [ + "\u00e9tit", + -13.982471466064451 + ], + [ + "ichtigkeit", + -13.982486724853516 + ], + [ + "\u2581Bols", + -13.98254680633545 + ], + [ + "melon", + -13.982555389404297 + ], + [ + "Deferred", + -13.982583999633787 + ], + [ + "\u2581Vettel", + -13.982589721679688 + ], + [ + "pK", + -13.98262882232666 + ], + [ + "\u2581tavern", + -13.982717514038086 + ], + [ + "\u2581Funde", + -13.98275375366211 + ], + [ + "subjektiv", + -13.98277473449707 + ], + [ + "\u2581acoge", + -13.982810020446776 + ], + [ + "liefen", + -13.982828140258787 + ], + [ + "ocarpus", + -13.982829093933104 + ], + [ + "\u2581leefden", + -13.982866287231444 + ], + [ + "\u2581Esposito", + -13.982873916625977 + ], + [ + "\u2581Audiencia", + -13.98287868499756 + ], + [ + "\u2581ricostruire", + -13.982881546020508 + ], + [ + "chada", + -13.98288345336914 + ], + [ + "\u2581cujas", + -13.982901573181152 + ], + [ + "\u2581filing", + -13.982922554016112 + ], + [ + "LAP", + -13.982928276062012 + ], + [ + "\u2581Cami", + -13.982950210571287 + ], + [ + "\u2581ouvri", + -13.982952117919922 + ], + [ + "\u2581festiv", + -13.982956886291504 + ], + [ + "wiebel", + -13.982972145080566 + ], + [ + "\u2581termali", + -13.982988357543944 + ], + [ + "\u2581poul", + -13.98304843902588 + ], + [ + "\u2581decreet", + -13.983071327209473 + ], + [ + "loppy", + -13.983089447021484 + ], + [ + "\u2581Deputati", + -13.983102798461914 + ], + [ + "\u2581calcule", + -13.983108520507812 + ], + [ + "zaki", + -13.98312282562256 + ], + [ + "\u2581Alberti", + -13.983135223388672 + ], + [ + "emeni", + -13.983139991760254 + ], + [ + "\u2581columnist", + -13.983198165893556 + ], + [ + "\u2581interrump", + -13.983209609985352 + ], + [ + "endIndex", + -13.983223915100098 + ], + [ + "\u2581Cantores", + -13.983262062072754 + ], + [ + "\u2581joli", + -13.983262062072754 + ], + [ + "\u2581Konsul", + -13.98326587677002 + ], + [ + "\u2581Hors", + -13.98329734802246 + ], + [ + "verloren", + -13.983335494995115 + ], + [ + "\u2581razo\u00e1vel", + -13.983345985412598 + ], + [ + "\u2581artificielle", + -13.983368873596191 + ], + [ + "\u2581Sentier", + -13.983369827270508 + ], + [ + "Prod", + -13.983375549316406 + ], + [ + "\u2581impara", + -13.98338222503662 + ], + [ + "turbine", + -13.983396530151367 + ], + [ + "avancer", + -13.98340129852295 + ], + [ + "\u2581illumina", + -13.98341464996338 + ], + [ + "\u2581sovereignty", + -13.983416557312012 + ], + [ + "octets", + -13.983417510986328 + ], + [ + "\u2581Andres", + -13.983418464660645 + ], + [ + "\u2581Finanzmittel", + -13.983461380004885 + ], + [ + "Blog", + -13.983475685119627 + ], + [ + "assembl", + -13.983509063720703 + ], + [ + "\u2581av\u00f3", + -13.98353099822998 + ], + [ + "proef", + -13.983534812927246 + ], + [ + "koren", + -13.983537673950195 + ], + [ + "widrige", + -13.983553886413574 + ], + [ + "nail", + -13.98355484008789 + ], + [ + "\u2581Odessa", + -13.98358917236328 + ], + [ + "\u2581correcte", + -13.983610153198242 + ], + [ + "\u2581conjuntamente", + -13.98361110687256 + ], + [ + "\u2581disquete", + -13.983613014221191 + ], + [ + "\u2581opponents", + -13.983649253845217 + ], + [ + "latus", + -13.983698844909668 + ], + [ + "\u2581absehbar", + -13.983724594116213 + ], + [ + "\u2581Borja", + -13.983729362487791 + ], + [ + "tteln", + -13.983739852905272 + ], + [ + "\u2581Dienstbez\u00fcge", + -13.983752250671388 + ], + [ + "\u2581r\u00e9server", + -13.983773231506348 + ], + [ + "\u2581Kraj", + -13.983789443969728 + ], + [ + "\u2581enerzijds", + -13.983805656433104 + ], + [ + "\u2581Breu", + -13.98381233215332 + ], + [ + "magne", + -13.983820915222168 + ], + [ + "\u2581llamarse", + -13.983846664428713 + ], + [ + "\u2581Aktionsprogramm", + -13.983871459960938 + ], + [ + "\u2581Supra", + -13.98389720916748 + ], + [ + "\u2581Ryo", + -13.983922004699709 + ], + [ + "rks", + -13.983988761901855 + ], + [ + "\u2581Carel", + -13.983993530273438 + ], + [ + "\u2581exemplaar", + -13.984018325805664 + ], + [ + "\u2581confes", + -13.98407745361328 + ], + [ + "ttata", + -13.984086990356444 + ], + [ + "\u2581ardu", + -13.984088897705078 + ], + [ + "uarti", + -13.984101295471191 + ], + [ + "episode", + -13.98411750793457 + ], + [ + "\u2581opgelegd", + -13.984136581420898 + ], + [ + "techniken", + -13.984148979187012 + ], + [ + "\u2581Rubio", + -13.984161376953123 + ], + [ + "\u2581Kirsten", + -13.98417854309082 + ], + [ + "\u2581glatt", + -13.984203338623049 + ], + [ + "\u2581lev\u00e9e", + -13.98421573638916 + ], + [ + "\u2581salaires", + -13.984244346618652 + ], + [ + "\u2581\u00fcberfl\u00fcssig", + -13.984268188476562 + ], + [ + "sberger", + -13.98426914215088 + ], + [ + "\u2581Kathedrale", + -13.984307289123535 + ], + [ + "\u2581prestigiosa", + -13.984307289123535 + ], + [ + "\u2581vermijden", + -13.984307289123535 + ], + [ + "\u2581trilhas", + -13.984334945678713 + ], + [ + "hirn", + -13.984339714050291 + ], + [ + "\u2581pr\u00e1ctico", + -13.98434066772461 + ], + [ + "\u2581estera", + -13.984350204467772 + ], + [ + "\u2581contribuer", + -13.984379768371582 + ], + [ + "\u2581bestiame", + -13.98444652557373 + ], + [ + "cljs", + -13.984461784362791 + ], + [ + "\u2581Hib", + -13.984469413757324 + ], + [ + "Priv\u00e9", + -13.984482765197754 + ], + [ + "\u2581Tatiana", + -13.98449420928955 + ], + [ + "\u2581vorerst", + -13.984498977661133 + ], + [ + "Sab", + -13.98451328277588 + ], + [ + "\u2581ruime", + -13.984548568725586 + ], + [ + "\u2581clientela", + -13.98455810546875 + ], + [ + "\u2581suonare", + -13.98458480834961 + ], + [ + "vrije", + -13.984589576721191 + ], + [ + "\u2581Stoccolma", + -13.98459243774414 + ], + [ + "\u2581limpeza", + -13.98459243774414 + ], + [ + "classList", + -13.984611511230469 + ], + [ + "embe", + -13.984615325927734 + ], + [ + "chilo", + -13.98465347290039 + ], + [ + "zustehen", + -13.9846830368042 + ], + [ + "substrat", + -13.984711647033691 + ], + [ + "\u2581Silicon", + -13.98473072052002 + ], + [ + "memberOf", + -13.984763145446776 + ], + [ + "indigde", + -13.98477554321289 + ], + [ + "agenda", + -13.984827041625977 + ], + [ + "sch\u00e4rfe", + -13.984834671020508 + ], + [ + "\u2581Olli", + -13.984890937805176 + ], + [ + "\u2581confermata", + -13.984896659851074 + ], + [ + "\u2581debilidad", + -13.984898567199709 + ], + [ + "arbeider", + -13.984949111938477 + ], + [ + "\u2581indici", + -13.984951972961426 + ], + [ + "\u2581vulgaris", + -13.98495864868164 + ], + [ + "\u2581conquistas", + -13.985011100769045 + ], + [ + "Geschichte", + -13.985069274902344 + ], + [ + "\u2581einzuf\u00fcgen", + -13.985076904296877 + ], + [ + "\u2581ospitato", + -13.985103607177734 + ], + [ + "Glaub", + -13.985105514526367 + ], + [ + "\u2581Terrorism", + -13.985136032104492 + ], + [ + "\u2581insbeson", + -13.985152244567873 + ], + [ + "\u2581aerol\u00ednea", + -13.985169410705566 + ], + [ + "\u2581coinvolgimento", + -13.985169410705566 + ], + [ + "SCAL", + -13.985204696655272 + ], + [ + "ongeval", + -13.985207557678224 + ], + [ + "\u2581Indem", + -13.985294342041016 + ], + [ + "mmlichen", + -13.985295295715332 + ], + [ + "\u2581associata", + -13.98534870147705 + ], + [ + "embal", + -13.985350608825684 + ], + [ + "iktion", + -13.98537254333496 + ], + [ + "\u2581Tribruxo", + -13.985455513000488 + ], + [ + "\u2581Cynthia", + -13.985458374023438 + ], + [ + "\u2581vervallen", + -13.98547649383545 + ], + [ + "\u2581Sklaven", + -13.985481262207031 + ], + [ + "leng", + -13.985499382019045 + ], + [ + "\u2581justifie", + -13.985507011413574 + ], + [ + "\u2581tentatives", + -13.98552417755127 + ], + [ + "\u2581indirekte", + -13.9855375289917 + ], + [ + "sprachige", + -13.985544204711914 + ], + [ + "\u2581monoton", + -13.98554515838623 + ], + [ + "\u2581Fragetext", + -13.985599517822266 + ], + [ + "Energieeffizienz", + -13.98566436767578 + ], + [ + "PROCEDURE", + -13.985742568969728 + ], + [ + "\u2581wrestling", + -13.985742568969728 + ], + [ + "\u2581souverainet\u00e9", + -13.98574447631836 + ], + [ + "\u2581corriendo", + -13.98577880859375 + ], + [ + "Markup", + -13.98583984375 + ], + [ + "EMU", + -13.985873222351074 + ], + [ + "trimmed", + -13.9858980178833 + ], + [ + "\u2581Diesem", + -13.985932350158691 + ], + [ + "longa", + -13.985949516296388 + ], + [ + "\u2581Lagen", + -13.985960006713867 + ], + [ + "Signor", + -13.985974311828612 + ], + [ + "\u2581vorstehenden", + -13.986016273498535 + ], + [ + "\u2581compagnon", + -13.986038208007812 + ], + [ + "vulling", + -13.986071586608888 + ], + [ + "\u2581tensioni", + -13.986093521118164 + ], + [ + "\u2581propriet\u00e1rios", + -13.986098289489746 + ], + [ + "\u2581prim\u00e4re", + -13.986126899719238 + ], + [ + "\u2581Verleger", + -13.986135482788086 + ], + [ + "\u2581milicia", + -13.9861478805542 + ], + [ + "Einnahmen", + -13.98615264892578 + ], + [ + "\u2581beast", + -13.986163139343262 + ], + [ + "\u2581stuur", + -13.986184120178224 + ], + [ + "vulkan", + -13.986201286315918 + ], + [ + "\u2581crush", + -13.986201286315918 + ], + [ + "disciplinaire", + -13.986215591430664 + ], + [ + "\u2581approximations", + -13.986226081848145 + ], + [ + "\u2581Raa", + -13.986251831054688 + ], + [ + "\u2581vedette", + -13.98625659942627 + ], + [ + "regering", + -13.986300468444824 + ], + [ + "\u2581peligrosa", + -13.986334800720217 + ], + [ + "berechtigt", + -13.986350059509276 + ], + [ + "ssault", + -13.986350059509276 + ], + [ + "Ardenne", + -13.98635482788086 + ], + [ + "\u2581obsoleto", + -13.986358642578123 + ], + [ + "Cu\u00e1l", + -13.98637866973877 + ], + [ + "instellingen", + -13.986403465270996 + ], + [ + "\u2581caisse", + -13.986412048339844 + ], + [ + "\u2581Gracie", + -13.98643970489502 + ], + [ + "\u2581Berufen", + -13.98646640777588 + ], + [ + "\u2581deelnam", + -13.986486434936523 + ], + [ + "propos", + -13.9865140914917 + ], + [ + "\u2581rifiutato", + -13.986584663391112 + ], + [ + "\u2581enthousiast", + -13.98660659790039 + ], + [ + "\u2581Ginebra", + -13.986618041992188 + ], + [ + "\u2581Figueroa", + -13.986621856689451 + ], + [ + "Pyr", + -13.9866361618042 + ], + [ + "ufriedenheit", + -13.986654281616213 + ], + [ + "\u2581d\u00e9nomination", + -13.98666000366211 + ], + [ + "\u2581ritmi", + -13.98666763305664 + ], + [ + "\u2581Bao", + -13.986668586730955 + ], + [ + "\u2581certamen", + -13.986684799194336 + ], + [ + "\u2581draag", + -13.986695289611816 + ], + [ + "extrakt", + -13.986771583557127 + ], + [ + "Fixture", + -13.98681354522705 + ], + [ + "\u2581guidate", + -13.986870765686035 + ], + [ + "\u2581materias", + -13.986879348754885 + ], + [ + "\u2581Aceh", + -13.986899375915527 + ], + [ + "\u2581Voort", + -13.986924171447754 + ], + [ + "\u2581R\u00e9seau", + -13.986937522888184 + ], + [ + "\u2581Lipo", + -13.986945152282717 + ], + [ + "\u2581consecutivas", + -13.98695945739746 + ], + [ + "icata", + -13.9869966506958 + ], + [ + "\u2581fucking", + -13.986998558044434 + ], + [ + "\u2581consumi", + -13.987010955810549 + ], + [ + "\u2581foundations", + -13.987019538879396 + ], + [ + "\u2581interessierten", + -13.987028121948242 + ], + [ + "tivismo", + -13.987034797668455 + ], + [ + "wari", + -13.987034797668455 + ], + [ + "\u2581wrist", + -13.987035751342772 + ], + [ + "\u2581breathe", + -13.987043380737305 + ], + [ + "campeonato", + -13.987066268920898 + ], + [ + "\u2581lean", + -13.987078666687012 + ], + [ + "\u2581empor", + -13.98708724975586 + ], + [ + "\u2581adiciona", + -13.987088203430176 + ], + [ + "referent", + -13.98709487915039 + ], + [ + "\u2581ausfallen", + -13.98710823059082 + ], + [ + "\u2581digna", + -13.987110137939451 + ], + [ + "beg\u00fcnstigten", + -13.98712158203125 + ], + [ + "\u2581leert", + -13.98717212677002 + ], + [ + "\u2581sustituci\u00f3n", + -13.9871826171875 + ], + [ + "zando", + -13.987186431884766 + ], + [ + "\u2581minoranze", + -13.987194061279297 + ], + [ + "enhuis", + -13.987208366394045 + ], + [ + "Gymnasium", + -13.987229347229004 + ], + [ + "sch\u00fcttet", + -13.987249374389648 + ], + [ + "\u2581tirs", + -13.98725414276123 + ], + [ + "\u2581Venere", + -13.987308502197266 + ], + [ + "caria", + -13.98731803894043 + ], + [ + "COMPONENTS", + -13.98732089996338 + ], + [ + "\u2581rentable", + -13.98732852935791 + ], + [ + "\u2581arrives", + -13.987390518188477 + ], + [ + "\u2581suddett", + -13.987433433532717 + ], + [ + "chrumpf", + -13.987459182739258 + ], + [ + "introduire", + -13.987465858459473 + ], + [ + "\u2581Hansestadt", + -13.987472534179688 + ], + [ + "\u2581Gianfranco", + -13.987473487854004 + ], + [ + "UPS", + -13.987476348876951 + ], + [ + "\u2581diffuser", + -13.987478256225586 + ], + [ + "\u2581raso", + -13.987494468688965 + ], + [ + "vite", + -13.987499237060549 + ], + [ + "Late", + -13.987516403198242 + ], + [ + "LDL", + -13.987518310546877 + ], + [ + "Paren", + -13.987533569335938 + ], + [ + "pyridin", + -13.987587928771973 + ], + [ + "\u2581Referent", + -13.987587928771973 + ], + [ + "\u2581honoris", + -13.987608909606934 + ], + [ + "\u2581cis", + -13.987621307373049 + ], + [ + "\u2581Matos", + -13.987635612487791 + ], + [ + "\u2581Pess", + -13.987642288208008 + ], + [ + "\u2581irse", + -13.987645149230955 + ], + [ + "\u2581Deir", + -13.987646102905272 + ], + [ + "\u2581dependem", + -13.98770809173584 + ], + [ + "\u2581Gere", + -13.987753868103027 + ], + [ + "Enseignement", + -13.98775863647461 + ], + [ + "\u2581mancato", + -13.987764358520508 + ], + [ + "milestone", + -13.98776626586914 + ], + [ + "\u2581G\u00e4rten", + -13.987768173217772 + ], + [ + "\u2581sisters", + -13.987777709960938 + ], + [ + "PAI", + -13.987788200378418 + ], + [ + "gischen", + -13.987794876098633 + ], + [ + "\u2581disagio", + -13.987796783447266 + ], + [ + "\u2581mysteri", + -13.987812042236328 + ], + [ + "\u2581mucosa", + -13.98784065246582 + ], + [ + "\u2581\u00edntimo", + -13.987848281860352 + ], + [ + "fusa", + -13.987853050231934 + ], + [ + "\u2581pensait", + -13.987854957580566 + ], + [ + "vitz", + -13.987870216369627 + ], + [ + "\u2581Volcan", + -13.987875938415527 + ], + [ + "vertrieb", + -13.987915992736816 + ], + [ + "\u2581Sioux", + -13.987954139709473 + ], + [ + "Signalweg", + -13.987966537475586 + ], + [ + "\u2581poles", + -13.98800563812256 + ], + [ + "\u2581Guanabara", + -13.98805046081543 + ], + [ + "\u2581nogmaals", + -13.98805046081543 + ], + [ + "\u2581goedgekeurd", + -13.98805332183838 + ], + [ + "\u2581Astronaut", + -13.988055229187012 + ], + [ + "optimization", + -13.988086700439451 + ], + [ + "initialized", + -13.988094329833984 + ], + [ + "\u2581Drachen", + -13.988115310668944 + ], + [ + "\u2581Computerspel", + -13.98813819885254 + ], + [ + "odori", + -13.988149642944336 + ], + [ + "khar", + -13.988166809082031 + ], + [ + "Rever", + -13.988171577453612 + ], + [ + "gebirg", + -13.988202095031738 + ], + [ + "elix", + -13.988222122192385 + ], + [ + "bonding", + -13.98822784423828 + ], + [ + "\u2581Aufbewahrung", + -13.988231658935549 + ], + [ + "\u2581Altersgruppe", + -13.988239288330078 + ], + [ + "scendance", + -13.988241195678713 + ], + [ + "\u2581parentesi", + -13.988247871398926 + ], + [ + "Libre", + -13.98824977874756 + ], + [ + "gand", + -13.988300323486328 + ], + [ + "\u2581artery", + -13.988319396972656 + ], + [ + "\u2581rendue", + -13.98833465576172 + ], + [ + "yklen", + -13.988358497619627 + ], + [ + "\u2581Envi", + -13.988361358642578 + ], + [ + "\u2581trajet\u00f3ria", + -13.988364219665527 + ], + [ + "\u2581benannte", + -13.98842716217041 + ], + [ + "immobili", + -13.988450050354004 + ], + [ + "\u2581pareil", + -13.9884672164917 + ], + [ + "\u2581verzorgd", + -13.988500595092772 + ], + [ + "\u2581Buchf\u00fchrung", + -13.98850440979004 + ], + [ + "\u2581Schadstoffe", + -13.988526344299316 + ], + [ + "\u2581corteza", + -13.988529205322266 + ], + [ + "\u2581milliard", + -13.988542556762695 + ], + [ + "\u2581descansa", + -13.98854637145996 + ], + [ + "\u2581passivo", + -13.988555908203123 + ], + [ + "\u2581kwetsbaar", + -13.98855686187744 + ], + [ + "\u2581cappello", + -13.98857307434082 + ], + [ + "italienisch", + -13.988587379455566 + ], + [ + "autoconf", + -13.988591194152832 + ], + [ + "\u00f3grafos", + -13.988597869873049 + ], + [ + "\u2581Werdegang", + -13.988624572753906 + ], + [ + "\u2581Tampoco", + -13.988629341125488 + ], + [ + "\u2581Baxter", + -13.988653182983398 + ], + [ + "\u2581Deckungs", + -13.98866844177246 + ], + [ + "\u2581Fraunhofer", + -13.98868179321289 + ], + [ + "\u2581coexist", + -13.988690376281738 + ], + [ + "lating", + -13.988698959350586 + ], + [ + "\u2581Origins", + -13.988758087158203 + ], + [ + "religion", + -13.98885726928711 + ], + [ + "zner", + -13.988883018493652 + ], + [ + "\u2581remit", + -13.988893508911133 + ], + [ + "\u2581d\u00e9finies", + -13.988910675048828 + ], + [ + "\u2581Lockheed", + -13.98891258239746 + ], + [ + "\u2581Sekret\u00e4r", + -13.98891258239746 + ], + [ + "\u2581concevoir", + -13.988913536071776 + ], + [ + "\u2581d\u00e9pass\u00e9", + -13.988922119140623 + ], + [ + "mechanik", + -13.988934516906738 + ], + [ + "\u2581Rechtsausschuss", + -13.9889497756958 + ], + [ + "\u2581Languedoc", + -13.988968849182127 + ], + [ + "\u2581Gehalts", + -13.988975524902344 + ], + [ + "\u2581memoir", + -13.98897933959961 + ], + [ + "\u2581Embryo", + -13.98903465270996 + ], + [ + "\u2581Laurenti", + -13.98903751373291 + ], + [ + "\u2581genetisch", + -13.989056587219238 + ], + [ + "\u2581fameuse", + -13.989066123962402 + ], + [ + "\u2581creuse", + -13.989106178283691 + ], + [ + "\u2581detention", + -13.989126205444336 + ], + [ + "\u2581estrangeiro", + -13.98915195465088 + ], + [ + "\u2581mixto", + -13.98917007446289 + ], + [ + "\u2581hitlijsten", + -13.989179611206056 + ], + [ + "Oneof", + -13.989184379577637 + ], + [ + "SCN", + -13.9891996383667 + ], + [ + "decrement", + -13.989212036132812 + ], + [ + "\u2581ampliaci\u00f3n", + -13.989224433898926 + ], + [ + "\u2581Lernens", + -13.98922634124756 + ], + [ + "\u2581Raba", + -13.989228248596191 + ], + [ + "krui", + -13.989274978637695 + ], + [ + "\u2581Cake", + -13.98930835723877 + ], + [ + "\u2581operativen", + -13.989335060119627 + ], + [ + "\u2581tray", + -13.989359855651855 + ], + [ + "\u2581cinquant", + -13.989402770996094 + ], + [ + "bsen", + -13.989405632019045 + ], + [ + "\u2581statistiche", + -13.989429473876951 + ], + [ + "\u2581neonat", + -13.989460945129396 + ], + [ + "Liens", + -13.989487648010254 + ], + [ + "\u2581onverwacht", + -13.989501953125 + ], + [ + "\u2581encontrava", + -13.989513397216797 + ], + [ + "aware", + -13.989596366882324 + ], + [ + "eridae", + -13.989625930786133 + ], + [ + "bestuurder", + -13.989631652832031 + ], + [ + "\u2581talloze", + -13.98965072631836 + ], + [ + "\u2581nulo", + -13.989662170410156 + ], + [ + "\u2581financiaci\u00f3n", + -13.989686012268066 + ], + [ + "\u2581Boxer", + -13.989752769470217 + ], + [ + "\u2581Chaplin", + -13.98976707458496 + ], + [ + "instar", + -13.989773750305176 + ], + [ + "\u2581prigioniero", + -13.989779472351074 + ], + [ + "\u2581bem\u00fchen", + -13.98978042602539 + ], + [ + "offin", + -13.989810943603516 + ], + [ + "evic", + -13.989835739135742 + ], + [ + "\u2581erg\u00e4nzend", + -13.989852905273438 + ], + [ + "tourist", + -13.989860534667969 + ], + [ + "\u2581Benevento", + -13.9898681640625 + ], + [ + "fullName", + -13.989882469177246 + ], + [ + "Replicas", + -13.989917755126951 + ], + [ + "BSP", + -13.9899263381958 + ], + [ + "\u2581rechercher", + -13.989967346191406 + ], + [ + "gesetzgebung", + -13.98999309539795 + ], + [ + "\u2581Kasten", + -13.990008354187012 + ], + [ + "\u2581autostradale", + -13.99002170562744 + ], + [ + "\u2581erworbenen", + -13.990055084228516 + ], + [ + "\u2581Buckingham", + -13.99007511138916 + ], + [ + "\u2581ostdeutschen", + -13.99008846282959 + ], + [ + "\u2581vuelva", + -13.990111351013184 + ], + [ + "\u2581outperform", + -13.990144729614258 + ], + [ + "st\u00e4ndigen", + -13.99014949798584 + ], + [ + "\u2581Kerl", + -13.99016284942627 + ], + [ + "\u2581Stanis", + -13.990222930908203 + ], + [ + "overload", + -13.99023151397705 + ], + [ + "Backward", + -13.990236282348633 + ], + [ + "\u2581nativas", + -13.990240097045898 + ], + [ + "\u2581magistrado", + -13.990252494812012 + ], + [ + "\u2581stupi", + -13.990264892578123 + ], + [ + "Variante", + -13.99026584625244 + ], + [ + "\u2581canna", + -13.990278244018556 + ], + [ + "\u2581Landwirt", + -13.99030590057373 + ], + [ + "\u2581Shandong", + -13.990365028381348 + ], + [ + "\u2581Weisung", + -13.99040985107422 + ], + [ + "\u2581Gato", + -13.990416526794434 + ], + [ + "formung", + -13.990423202514648 + ], + [ + "\u2581Easter", + -13.99045753479004 + ], + [ + "limmer", + -13.990461349487305 + ], + [ + "\u2581scarica", + -13.990496635437012 + ], + [ + "\u2581agrees", + -13.99050235748291 + ], + [ + "rader", + -13.990522384643556 + ], + [ + "\u2581ammette", + -13.990583419799805 + ], + [ + "uper", + -13.990618705749512 + ], + [ + "juri", + -13.990635871887209 + ], + [ + "\u2581gant", + -13.990649223327637 + ], + [ + "glichte", + -13.990679740905762 + ], + [ + "gerundet", + -13.990684509277344 + ], + [ + "\u2581Rudd", + -13.990700721740724 + ], + [ + "Nombre", + -13.990744590759276 + ], + [ + "m\u00fcs", + -13.990744590759276 + ], + [ + "Translate", + -13.990747451782228 + ], + [ + "\u2581investigator", + -13.990748405456545 + ], + [ + "\u2581actua", + -13.99077033996582 + ], + [ + "\u2581evaluar", + -13.990771293640137 + ], + [ + "orial", + -13.99078369140625 + ], + [ + "\u2581centim", + -13.990821838378906 + ], + [ + "\u2581Hauptsache", + -13.990832328796388 + ], + [ + "nc\u00e9e", + -13.990848541259766 + ], + [ + "\u2581diversifica", + -13.990875244140623 + ], + [ + "raco", + -13.990897178649902 + ], + [ + "\u2581berekend", + -13.990923881530762 + ], + [ + "\u2581zuzulassen", + -13.990923881530762 + ], + [ + "Pier", + -13.99093246459961 + ], + [ + "ERK", + -13.990978240966797 + ], + [ + "\u2581wegge", + -13.990988731384276 + ], + [ + "ppler", + -13.991008758544922 + ], + [ + "\u2581Writers", + -13.99101448059082 + ], + [ + "\u2581Potrebbe", + -13.991063117980955 + ], + [ + "garden", + -13.991101264953612 + ], + [ + "\u2581negazione", + -13.991106033325195 + ], + [ + "\u2581Litho", + -13.991122245788574 + ], + [ + "Abbaye", + -13.991144180297852 + ], + [ + "passes", + -13.991154670715332 + ], + [ + "lesssim", + -13.991174697875977 + ], + [ + "tamu", + -13.991190910339355 + ], + [ + "AVA", + -13.991219520568848 + ], + [ + "\u2581Waarschijnlijk", + -13.99122428894043 + ], + [ + "\u2581bellissimo", + -13.991250038146973 + ], + [ + "hamcrest", + -13.991251945495604 + ], + [ + "\u2581facilit\u00e0", + -13.99125862121582 + ], + [ + "\u2581hacerle", + -13.991263389587402 + ], + [ + "crire", + -13.991289138793944 + ], + [ + "pr\u00e4sident", + -13.991291999816896 + ], + [ + "BUR", + -13.99129867553711 + ], + [ + "fastq", + -13.99130916595459 + ], + [ + "abap", + -13.991310119628906 + ], + [ + "\u2581Aristoteles", + -13.991313934326172 + ], + [ + "\u2581ajoutant", + -13.991321563720703 + ], + [ + "\u2581asume", + -13.991324424743652 + ], + [ + "ascolto", + -13.991332054138184 + ], + [ + "scrivono", + -13.99134635925293 + ], + [ + "\u2581protesters", + -13.99136734008789 + ], + [ + "PEI", + -13.991397857666016 + ], + [ + "Oregon", + -13.991412162780762 + ], + [ + "\u2581botte", + -13.99144172668457 + ], + [ + "\u2581Trog", + -13.991454124450684 + ], + [ + "\u2581Flandre", + -13.991460800170898 + ], + [ + "gori", + -13.991462707519531 + ], + [ + "leich", + -13.99147129058838 + ], + [ + "zulage", + -13.991480827331545 + ], + [ + "\u2581interactie", + -13.991503715515137 + ], + [ + "\u2581met\u00e1fora", + -13.991514205932615 + ], + [ + "\u2581Proteste", + -13.991515159606934 + ], + [ + "\u2581dinsdag", + -13.991517066955566 + ], + [ + "Anth", + -13.991527557373049 + ], + [ + "betrachtung", + -13.991527557373049 + ], + [ + "\u2581Signora", + -13.991528511047363 + ], + [ + "vriend", + -13.99154281616211 + ], + [ + "\u2581Comunal", + -13.991562843322754 + ], + [ + "\u2581Prevention", + -13.991562843322754 + ], + [ + "zieh", + -13.99156379699707 + ], + [ + "\u2581pol\u00ed", + -13.991601943969728 + ], + [ + "Multiply", + -13.991607666015623 + ], + [ + "yborg", + -13.99168586730957 + ], + [ + "Cop", + -13.991697311401367 + ], + [ + "nions", + -13.991704940795898 + ], + [ + "\u2581Kamin", + -13.991753578186035 + ], + [ + "\u2581Espe", + -13.991790771484377 + ], + [ + "sign\u00f3", + -13.991813659667969 + ], + [ + "assegnazione", + -13.99182415008545 + ], + [ + "\u2581straniera", + -13.991832733154297 + ], + [ + "VIDEO", + -13.99183464050293 + ], + [ + "apex", + -13.991866111755373 + ], + [ + "\u2581colpire", + -13.991888999938965 + ], + [ + "\u2581fauteuil", + -13.991890907287598 + ], + [ + "ratified", + -13.991896629333496 + ], + [ + "dichter", + -13.99192714691162 + ], + [ + "\u2581akuten", + -13.991943359375 + ], + [ + "\u2581tenute", + -13.991958618164062 + ], + [ + "constexpr", + -13.99197769165039 + ], + [ + "ringing", + -13.991979598999023 + ], + [ + "\u2581soporta", + -13.991987228393556 + ], + [ + "\u2581criticar", + -13.991997718811035 + ], + [ + "\u2581ber\u00fchmte", + -13.992022514343262 + ], + [ + "L\u00e9vy", + -13.992024421691896 + ], + [ + "\u2581Planetas", + -13.992032051086426 + ], + [ + "fcf", + -13.992055892944336 + ], + [ + "\u2581R\u00fcckgabe", + -13.992141723632812 + ], + [ + "\u2581lasciar", + -13.99216079711914 + ], + [ + "struktiv", + -13.992228507995604 + ], + [ + "\u2581Magister", + -13.992246627807615 + ], + [ + "Uma", + -13.992252349853516 + ], + [ + "\u2581j\u00fcngere", + -13.992281913757324 + ], + [ + "\u2581Herd", + -13.992337226867676 + ], + [ + "enwirtschafts", + -13.992351531982422 + ], + [ + "Cinema", + -13.992374420166016 + ], + [ + "professional", + -13.992390632629396 + ], + [ + "Vom", + -13.992405891418455 + ], + [ + "akke", + -13.992424011230469 + ], + [ + "\u2581zaden", + -13.992430686950684 + ], + [ + "\u2581Kanaal", + -13.992450714111328 + ], + [ + "\u2581carioca", + -13.99246597290039 + ], + [ + "\u2581concebido", + -13.992511749267578 + ], + [ + "\u2581transf", + -13.992521286010742 + ], + [ + "SECOND", + -13.99253273010254 + ], + [ + "\u2581schob", + -13.992547988891602 + ], + [ + "Energieverbrauch", + -13.992548942565918 + ], + [ + "\u2581seitlich", + -13.992558479309082 + ], + [ + "\u2581entbehrlich", + -13.992561340332031 + ], + [ + "\u2581pr\u00e9cis\u00e9", + -13.992595672607422 + ], + [ + "gerekend", + -13.992597579956056 + ], + [ + "\u2581Examin", + -13.992630958557127 + ], + [ + "IUM", + -13.992640495300291 + ], + [ + "schwierigkeiten", + -13.992671966552734 + ], + [ + "\u2581Kelvin", + -13.992673873901367 + ], + [ + "\u2581Bum", + -13.99268627166748 + ], + [ + "\u2581Gewerbesteuer", + -13.992690086364746 + ], + [ + "bewusst", + -13.99269199371338 + ], + [ + "empfinden", + -13.992694854736328 + ], + [ + "\u2581Brou", + -13.99270725250244 + ], + [ + "\u2581Armuts", + -13.992804527282717 + ], + [ + "\u2581exist\u00edan", + -13.992817878723145 + ], + [ + "\u2581Gummi", + -13.992880821228027 + ], + [ + "ziekte", + -13.992901802062988 + ], + [ + "alunni", + -13.99292278289795 + ], + [ + "\u2581fomentar", + -13.992926597595217 + ], + [ + "Forest", + -13.992942810058594 + ], + [ + "\u2581Nickelodeon", + -13.992961883544922 + ], + [ + "Skeleton", + -13.992965698242188 + ], + [ + "\u2581Aminos\u00e4ure", + -13.992985725402832 + ], + [ + "oficial", + -13.993040084838867 + ], + [ + "\u2581Fif", + -13.99305820465088 + ], + [ + "morfo", + -13.99307346343994 + ], + [ + "income", + -13.993094444274902 + ], + [ + "\u2581Arran", + -13.993109703063965 + ], + [ + "tailed", + -13.993111610412598 + ], + [ + "socks", + -13.993117332458496 + ], + [ + "phylla", + -13.993128776550291 + ], + [ + "\u2581ESPN", + -13.99314022064209 + ], + [ + "\u2581ber\u00fchmten", + -13.99314308166504 + ], + [ + "Amp", + -13.993183135986328 + ], + [ + "\u2581marble", + -13.99318790435791 + ], + [ + "jones", + -13.99319839477539 + ], + [ + "\u2581tijdschriften", + -13.993233680725098 + ], + [ + "\u2581Prie", + -13.993242263793944 + ], + [ + "\u2581Bacteri", + -13.993247985839844 + ], + [ + "\u2581Goyle", + -13.99325942993164 + ], + [ + "\u2581bekr\u00e4ftigt", + -13.993281364440918 + ], + [ + "Audience", + -13.993284225463867 + ], + [ + "another", + -13.99328899383545 + ], + [ + "\u2581pienso", + -13.993330001831056 + ], + [ + "\u2581editrice", + -13.993338584899902 + ], + [ + "\u2581Mainzer", + -13.99334716796875 + ], + [ + "\u2581g\u00edria", + -13.993367195129396 + ], + [ + "\u2581revoir", + -13.993379592895508 + ], + [ + "doux", + -13.993382453918455 + ], + [ + "\u2581Jahrhunderte", + -13.993422508239746 + ], + [ + "\u2581Karma", + -13.993443489074709 + ], + [ + "\u2581Barnard", + -13.993453025817873 + ], + [ + "cluido", + -13.993511199951172 + ], + [ + "\u2581Swee", + -13.993524551391602 + ], + [ + "\u2581marcante", + -13.993535041809082 + ], + [ + "\u00e9cliptique", + -13.993541717529297 + ], + [ + "\u2581RELATED", + -13.993541717529297 + ], + [ + "\u2581underneath", + -13.993541717529297 + ], + [ + "\u2581aluminum", + -13.99354648590088 + ], + [ + "\u2581dovuti", + -13.99354648590088 + ], + [ + "Geld", + -13.993560791015623 + ], + [ + "Puntos", + -13.993563652038574 + ], + [ + "ologischer", + -13.993572235107422 + ], + [ + "\u2581Shoe", + -13.993603706359863 + ], + [ + "\u2581Laurie", + -13.993616104125977 + ], + [ + "mentar", + -13.99361801147461 + ], + [ + "\u2581Mensa", + -13.993626594543455 + ], + [ + "\u2581viril", + -13.993638038635254 + ], + [ + "\u2581positioning", + -13.993653297424316 + ], + [ + "\u2581uitkomen", + -13.993675231933594 + ], + [ + "\u2581obesity", + -13.993688583374023 + ], + [ + "\u2581pr\u00e4sentieren", + -13.993700981140137 + ], + [ + "\u2581mosche", + -13.993712425231934 + ], + [ + "Dub", + -13.993751525878906 + ], + [ + "Produkt", + -13.993764877319336 + ], + [ + "\u2581Borgia", + -13.993817329406738 + ], + [ + "\u2581Klagen", + -13.9938325881958 + ], + [ + "\u2581W\u00e4nde", + -13.993856430053713 + ], + [ + "\u2581suffisant", + -13.993891716003418 + ], + [ + "gitarist", + -13.993892669677734 + ], + [ + "\u2581besteuert", + -13.993892669677734 + ], + [ + "\u2581Libri", + -13.993895530700684 + ], + [ + "Middle", + -13.993922233581545 + ], + [ + "offrir", + -13.993934631347656 + ], + [ + "\u2581produzioni", + -13.993980407714844 + ], + [ + "ificeerd", + -13.993982315063477 + ], + [ + "\u2581Guana", + -13.994000434875488 + ], + [ + "ntl", + -13.994025230407717 + ], + [ + "consol", + -13.99403953552246 + ], + [ + "wolken", + -13.994061470031738 + ], + [ + "\u2581olvidado", + -13.994086265563965 + ], + [ + "\u2581citations", + -13.994104385375977 + ], + [ + "\u2581espresse", + -13.994125366210938 + ], + [ + "kuri", + -13.99414348602295 + ], + [ + "\u2581planen", + -13.99414348602295 + ], + [ + "\u2581Sittard", + -13.99415683746338 + ], + [ + "\u2581potatoes", + -13.994173049926758 + ], + [ + "\u2581dispongono", + -13.994179725646973 + ], + [ + "\u2581Reginald", + -13.994186401367188 + ], + [ + "marque", + -13.994199752807615 + ], + [ + "Luxemburg", + -13.994206428527832 + ], + [ + "Pure", + -13.994217872619627 + ], + [ + "erweiterung", + -13.994217872619627 + ], + [ + "\u2581BvR", + -13.994222640991213 + ], + [ + "HOW", + -13.994242668151855 + ], + [ + "\u2581Dami", + -13.994297981262209 + ], + [ + "ALES", + -13.994304656982422 + ], + [ + "OBRE", + -13.994306564331056 + ], + [ + "\u2581componenten", + -13.99433135986328 + ], + [ + "\u2581riesige", + -13.994345664978027 + ], + [ + "best\u00e4ndig", + -13.99434757232666 + ], + [ + "\u2581simuliert", + -13.994393348693848 + ], + [ + "\u2581Energ\u00eda", + -13.994412422180176 + ], + [ + "\u2581poliziotti", + -13.994414329528809 + ], + [ + "Milan", + -13.99443531036377 + ], + [ + "\u2581Gottlieb", + -13.994455337524414 + ], + [ + "\u2581particelle", + -13.994473457336426 + ], + [ + "\u2581Treinadores", + -13.994481086730955 + ], + [ + "\u00e9nesis", + -13.994513511657717 + ], + [ + "\u2581Impf", + -13.994528770446776 + ], + [ + "Verband", + -13.994586944580078 + ], + [ + "kistan", + -13.994587898254396 + ], + [ + "Gun", + -13.99461269378662 + ], + [ + "STL", + -13.994620323181152 + ], + [ + "\u2581Witz", + -13.994657516479492 + ], + [ + "nadel", + -13.994684219360352 + ], + [ + "\u2581Handschrift", + -13.994715690612791 + ], + [ + "lland", + -13.99471664428711 + ], + [ + "f\u00e4lligkeit", + -13.994720458984377 + ], + [ + "Auxerre", + -13.994730949401855 + ], + [ + "\u2581telescopio", + -13.994733810424805 + ], + [ + "renner", + -13.994739532470703 + ], + [ + "\u2581Raimundo", + -13.994781494140623 + ], + [ + "\u2581Amado", + -13.994834899902344 + ], + [ + "FRI", + -13.994837760925291 + ], + [ + "\u2581Kott", + -13.99484157562256 + ], + [ + "aussagen", + -13.994847297668455 + ], + [ + "iertem", + -13.994881629943848 + ], + [ + "\u2581beroemd", + -13.994894981384276 + ], + [ + "\u2581Pr\u00f3ximo", + -13.99489974975586 + ], + [ + "lugu", + -13.994915962219238 + ], + [ + "objs", + -13.994956970214844 + ], + [ + "ttk", + -13.994972229003906 + ], + [ + "\u2581mounting", + -13.99497890472412 + ], + [ + "acting", + -13.994994163513184 + ], + [ + "xdebug", + -13.994994163513184 + ], + [ + "\u2581NAD", + -13.995014190673828 + ], + [ + "\u2581Dresdner", + -13.99501895904541 + ], + [ + "\u2581Nivel", + -13.995047569274902 + ], + [ + "\u2581Wig", + -13.995055198669434 + ], + [ + "\u2581Speisen", + -13.995073318481444 + ], + [ + "Leichtathletik", + -13.995074272155762 + ], + [ + "\u2581marbre", + -13.99509620666504 + ], + [ + "errorCode", + -13.99510383605957 + ], + [ + "\u2581ossos", + -13.99515151977539 + ], + [ + "\u2581alban", + -13.995153427124023 + ], + [ + "\u2581servants", + -13.995206832885742 + ], + [ + "abreviado", + -13.995221138000488 + ], + [ + "\u2581Spiro", + -13.995222091674805 + ], + [ + "\u2581doorbraak", + -13.995227813720703 + ], + [ + "ranz", + -13.995229721069336 + ], + [ + "Edges", + -13.995230674743652 + ], + [ + "\u2581locura", + -13.99526309967041 + ], + [ + "\u2581Acuerdo", + -13.995269775390623 + ], + [ + "\u2581monstruos", + -13.995269775390623 + ], + [ + "turno", + -13.99531364440918 + ], + [ + "\u2581dirigia", + -13.995326042175291 + ], + [ + "\u2581Mauern", + -13.99533748626709 + ], + [ + "popular", + -13.995338439941406 + ], + [ + "duchesse", + -13.995342254638672 + ], + [ + "\u2581Remarque", + -13.995372772216797 + ], + [ + "\u2581participaria", + -13.99539279937744 + ], + [ + "\u2581subroutine", + -13.99539279937744 + ], + [ + "\u2581integridade", + -13.995415687561035 + ], + [ + "\u2581Lucifer", + -13.995427131652832 + ], + [ + "\u2581dotate", + -13.995455741882324 + ], + [ + "\u2581Capra", + -13.99547004699707 + ], + [ + "\u2581Mint", + -13.995484352111816 + ], + [ + "\u2581provvist", + -13.995485305786133 + ], + [ + "\u2581Nordic", + -13.99549388885498 + ], + [ + "bildern", + -13.995500564575195 + ], + [ + "voogd", + -13.995511054992676 + ], + [ + "\u2581Fraktur", + -13.995579719543455 + ], + [ + "pidi", + -13.995591163635254 + ], + [ + "B\u00fc", + -13.995594024658203 + ], + [ + "\u2581inscriptions", + -13.995598793029783 + ], + [ + "\u2581soppressione", + -13.995614051818848 + ], + [ + "\u2581Geisel", + -13.9956693649292 + ], + [ + "\u2581Falcone", + -13.99574089050293 + ], + [ + "\u2581'{\"", + -13.995747566223145 + ], + [ + "\u2581Angelika", + -13.995793342590332 + ], + [ + "\u00f3li", + -13.995794296264648 + ], + [ + "cristo", + -13.995813369750977 + ], + [ + "giet", + -13.995817184448242 + ], + [ + "Biograf\u00eda", + -13.995862007141112 + ], + [ + "\u2581Solidarit\u00e9s", + -13.99588680267334 + ], + [ + "niques", + -13.995931625366213 + ], + [ + "\u2581Kremlin", + -13.995951652526855 + ], + [ + "pique", + -13.995954513549805 + ], + [ + "treff", + -13.99595546722412 + ], + [ + "Pairs", + -13.995972633361816 + ], + [ + "beheerder", + -13.995990753173828 + ], + [ + "\u2581Liberalisierung", + -13.995997428894045 + ], + [ + "spreken", + -13.996007919311523 + ], + [ + "DRI", + -13.996009826660156 + ], + [ + "\u2581influenciada", + -13.996012687683104 + ], + [ + "\u2581overridden", + -13.996014595031738 + ], + [ + "udito", + -13.996020317077637 + ], + [ + "Forschungsprojek", + -13.996031761169434 + ], + [ + "verklaring", + -13.996051788330078 + ], + [ + "\u2581landlord", + -13.996063232421877 + ], + [ + "\u2581pols", + -13.99607276916504 + ], + [ + "\u2581not\u00e1veis", + -13.996112823486328 + ], + [ + "\u2581Ortsname", + -13.996150970458984 + ], + [ + "jardin", + -13.996155738830566 + ], + [ + "\u2581applicare", + -13.996161460876465 + ], + [ + "punto", + -13.99616527557373 + ], + [ + "Antwerpen", + -13.996177673339844 + ], + [ + "bff", + -13.996182441711426 + ], + [ + "\u2581suspicious", + -13.996191024780272 + ], + [ + "\u2581uitwerking", + -13.996198654174805 + ], + [ + "\u2581sachlichen", + -13.996222496032717 + ], + [ + "\u2581taper", + -13.996223449707031 + ], + [ + "\u2581Morelos", + -13.99622917175293 + ], + [ + "\u2581aprovado", + -13.996293067932127 + ], + [ + "\u2581vendus", + -13.996304512023926 + ], + [ + "f\u00fcgen", + -13.996331214904783 + ], + [ + "\u2581hacemos", + -13.99634075164795 + ], + [ + "\u2581papiers", + -13.996408462524414 + ], + [ + "Part\u00edcula", + -13.99643898010254 + ], + [ + "\u2581bemessen", + -13.996444702148438 + ], + [ + "\u2581Hufflepuff", + -13.996445655822754 + ], + [ + "\u2581envisag\u00e9", + -13.996447563171388 + ], + [ + "\u2581clim\u00e1tico", + -13.996450424194336 + ], + [ + "\u2581ligeiramente", + -13.99645709991455 + ], + [ + "\u2581coinciden", + -13.996482849121094 + ], + [ + "optimize", + -13.996492385864258 + ], + [ + "\u2581instrucci\u00f3n", + -13.996511459350586 + ], + [ + "azzini", + -13.996529579162598 + ], + [ + "\u2581Gorge", + -13.99655532836914 + ], + [ + "acum", + -13.996556282043455 + ], + [ + "Birken", + -13.996564865112305 + ], + [ + "\u2581gleichwertige", + -13.996578216552734 + ], + [ + "\u2581l\u00e1pi", + -13.99662971496582 + ], + [ + "prinzipien", + -13.996637344360352 + ], + [ + "ivia", + -13.996641159057615 + ], + [ + "\u2581cualidades", + -13.99665641784668 + ], + [ + "urrogate", + -13.99667739868164 + ], + [ + "vehicle", + -13.996698379516602 + ], + [ + "\u2581waking", + -13.99672794342041 + ], + [ + "\u2581simplification", + -13.996781349182127 + ], + [ + "\u2581onthuld", + -13.996824264526367 + ], + [ + "\u2581Renaud", + -13.996833801269531 + ], + [ + "svorm", + -13.996846199035645 + ], + [ + "\u2581tollera", + -13.99687671661377 + ], + [ + "\u2581Piraten", + -13.996881484985352 + ], + [ + "\u2581r\u00e9dacteurs", + -13.996891975402832 + ], + [ + "verlies", + -13.996919631958008 + ], + [ + "kennis", + -13.996926307678224 + ], + [ + "\u2581postum", + -13.996950149536133 + ], + [ + "crontab", + -13.996956825256348 + ], + [ + "jor", + -13.996957778930664 + ], + [ + "\u2581Moravia", + -13.996975898742676 + ], + [ + "\u00ednico", + -13.99700164794922 + ], + [ + "\u2581S\u00fcnde", + -13.997010231018066 + ], + [ + "\u2581labirinto", + -13.997027397155762 + ], + [ + "\u2581rodas", + -13.99703884124756 + ], + [ + "\u2581plotseling", + -13.997041702270508 + ], + [ + "oxin", + -13.997087478637695 + ], + [ + "\u2581brinquedo", + -13.997090339660645 + ], + [ + "Vergleichbarkeit", + -13.99714183807373 + ], + [ + "mosselkreeftjes", + -13.997159957885742 + ], + [ + "\u2581aproveitar", + -13.997200012207031 + ], + [ + "drager", + -13.997234344482422 + ], + [ + "Punten", + -13.997236251831056 + ], + [ + "\u2581Biotop", + -13.997249603271484 + ], + [ + "\u2581sauve", + -13.99726104736328 + ], + [ + "\u2581nickel", + -13.997302055358888 + ], + [ + "\u2581Umgehung", + -13.997320175170898 + ], + [ + "\u2581modalit\u00e9s", + -13.997323989868164 + ], + [ + "\u2581festivit\u00e0", + -13.997358322143556 + ], + [ + "\u2581Dsch", + -13.99736499786377 + ], + [ + "mestre", + -13.997370719909668 + ], + [ + "\u2581Geh\u00e4use", + -13.997376441955566 + ], + [ + "dades", + -13.99740505218506 + ], + [ + "\u2581insbe", + -13.997422218322754 + ], + [ + "\u2581Espacial", + -13.997441291809082 + ], + [ + "\u2581Datenerhebung", + -13.997446060180664 + ], + [ + "\u2581parve", + -13.997469902038574 + ], + [ + "imal", + -13.997507095336914 + ], + [ + "Brescia", + -13.997526168823242 + ], + [ + "\u2581douceur", + -13.99755859375 + ], + [ + "lify", + -13.997572898864746 + ], + [ + "Jp", + -13.997586250305176 + ], + [ + "\u2581Patrim\u00f3nio", + -13.997610092163086 + ], + [ + "\u2581Vernunft", + -13.997610092163086 + ], + [ + "\u2581noyaux", + -13.997615814208984 + ], + [ + "erlebnis", + -13.997662544250488 + ], + [ + "CEE", + -13.997686386108398 + ], + [ + "ieee", + -13.997708320617676 + ], + [ + "\u2581Brahma", + -13.997718811035156 + ], + [ + "alpin", + -13.997720718383787 + ], + [ + "\u2581conclure", + -13.997758865356444 + ], + [ + "\u2581trovarono", + -13.99776554107666 + ], + [ + "\u2581embrace", + -13.997782707214355 + ], + [ + "\u2581mariposa", + -13.99780559539795 + ], + [ + "\u2581Frankenstein", + -13.997808456420898 + ], + [ + "culta", + -13.99783706665039 + ], + [ + "\u2581probabilistic", + -13.997861862182615 + ], + [ + "sdatum", + -13.997875213623049 + ], + [ + "\u2581heterogeneous", + -13.99788761138916 + ], + [ + "\u2581bekroond", + -13.997910499572754 + ], + [ + "\u2581soulign\u00e9", + -13.997913360595703 + ], + [ + "\u2581voltooide", + -13.997913360595703 + ], + [ + "\u2581Fukushima", + -13.997933387756348 + ], + [ + "\u2581homenage", + -13.997942924499512 + ], + [ + "inhabited", + -13.997947692871094 + ], + [ + "\u2581enlaces", + -13.99795150756836 + ], + [ + "\u2581coordinaci\u00f3n", + -13.99797248840332 + ], + [ + "\u2581Rabin", + -13.998021125793455 + ], + [ + "\u2581tarjetas", + -13.998059272766112 + ], + [ + "\u2581espiral", + -13.998127937316896 + ], + [ + "\u2581tissus", + -13.99813175201416 + ], + [ + "\u2581\u00e9lites", + -13.998170852661133 + ], + [ + "\u2581strage", + -13.998174667358398 + ], + [ + "\u2581disastro", + -13.998183250427246 + ], + [ + "reichende", + -13.99819564819336 + ], + [ + "fosfato", + -13.998196601867676 + ], + [ + "\u2581Volksz\u00e4hlung", + -13.998205184936523 + ], + [ + "\u2581langages", + -13.99822235107422 + ], + [ + "\u2581indio", + -13.998251914978027 + ], + [ + "occupant", + -13.998270988464355 + ], + [ + "\u2581Nikita", + -13.998271942138672 + ], + [ + "\u2581incrocia", + -13.998302459716797 + ], + [ + "\u2581cedere", + -13.998339653015137 + ], + [ + "\u2581traduire", + -13.998345375061035 + ], + [ + "lari", + -13.99836540222168 + ], + [ + "\u2581Russians", + -13.998367309570312 + ], + [ + "\u2581conectados", + -13.998369216918944 + ], + [ + "\u2581Charm", + -13.998376846313477 + ], + [ + "bezogener", + -13.998394012451172 + ], + [ + "Hosts", + -13.998431205749512 + ], + [ + "\u2581Feuchtigkeit", + -13.998483657836914 + ], + [ + "\u2581Netzbetreiber", + -13.998501777648926 + ], + [ + "tallado", + -13.998526573181152 + ], + [ + "\u2581coletivos", + -13.99853515625 + ], + [ + "\u2581Morell", + -13.998549461364746 + ], + [ + "finanzierten", + -13.998567581176758 + ], + [ + "c\u00e9r", + -13.998575210571287 + ], + [ + "\u2581verzets", + -13.998594284057615 + ], + [ + "ACP", + -13.998615264892578 + ], + [ + "derivative", + -13.998619079589844 + ], + [ + "\u2581listados", + -13.99866771697998 + ], + [ + "fice", + -13.998687744140623 + ], + [ + "rango", + -13.998697280883787 + ], + [ + "gewassen", + -13.998729705810549 + ], + [ + "usuf", + -13.998759269714355 + ], + [ + "schrecken", + -13.998762130737305 + ], + [ + "\u2581cl\u00ed", + -13.998791694641112 + ], + [ + "\u2581Notwendig", + -13.998805046081545 + ], + [ + "\u2581Fool", + -13.998807907104492 + ], + [ + "sklearn", + -13.998812675476074 + ], + [ + "\u2581affiliat", + -13.99883270263672 + ], + [ + "biotic", + -13.998872756958008 + ], + [ + "\u2581sbarca", + -13.998878479003906 + ], + [ + "\u2581fratern", + -13.998887062072754 + ], + [ + "Angoul", + -13.998897552490234 + ], + [ + "\u2581papal", + -13.9989013671875 + ], + [ + "\u2581Scand", + -13.998967170715332 + ], + [ + "\u2581Stee", + -13.998967170715332 + ], + [ + "wiese", + -13.998995780944824 + ], + [ + "\u2581experiencing", + -13.999066352844238 + ], + [ + "\u2581constitu\u00eda", + -13.999080657958984 + ], + [ + "\u2581glorie", + -13.99909210205078 + ], + [ + "persoonlijkheid", + -13.99909496307373 + ], + [ + "structive", + -13.99909496307373 + ], + [ + "opterus", + -13.999116897583008 + ], + [ + "\u2581asientos", + -13.999137878417969 + ], + [ + "\u2581nav\u00edo", + -13.999147415161133 + ], + [ + "\u2581svela", + -13.999194145202637 + ], + [ + "chuck", + -13.999215126037598 + ], + [ + "alpini", + -13.999225616455078 + ], + [ + "\u2581symbolische", + -13.99929904937744 + ], + [ + "w\u00fcnscht", + -13.999306678771973 + ], + [ + "\u2581Schnittstellen", + -13.99933624267578 + ], + [ + "\u2581Selig", + -13.999377250671388 + ], + [ + "\u2581drinken", + -13.99941349029541 + ], + [ + "\u2581weekdieren", + -13.999452590942385 + ], + [ + "\u2581iscritti", + -13.999472618103027 + ], + [ + "\u2581steunde", + -13.999497413635254 + ], + [ + "\u2581Rosie", + -13.999505043029783 + ], + [ + "\u2581prassi", + -13.999512672424316 + ], + [ + "LEGA", + -13.999516487121582 + ], + [ + "\u00e9tiquette", + -13.999524116516112 + ], + [ + "ungsanlagen", + -13.999568939208984 + ], + [ + "\u00e9ia", + -13.999574661254885 + ], + [ + "\u2581televisor", + -13.999581336975098 + ], + [ + "lstm", + -13.999598503112791 + ], + [ + "\u2581herhaald", + -13.999619483947754 + ], + [ + "\u2581Hiermit", + -13.999642372131348 + ], + [ + "empreinte", + -13.999651908874512 + ], + [ + "\u2581Ichthyology", + -13.999653816223145 + ], + [ + "\u2581seigneurs", + -13.999707221984863 + ], + [ + "\u2581figurent", + -13.99972915649414 + ], + [ + "itato", + -13.999730110168455 + ], + [ + "Viz", + -13.999737739562988 + ], + [ + "\u2581extinci\u00f3n", + -13.999756813049316 + ], + [ + "heilung", + -13.99976634979248 + ], + [ + "\u2581exemption", + -13.999780654907228 + ], + [ + "\u2581Kolonie", + -13.999783515930176 + ], + [ + "attivazione", + -13.999796867370604 + ], + [ + "uero", + -13.999797821044922 + ], + [ + "\u2581Ansehen", + -13.99980640411377 + ], + [ + "\u2581syndicats", + -13.999814987182615 + ], + [ + "scrolling", + -13.999825477600098 + ], + [ + "enfui", + -13.999844551086426 + ], + [ + "omino", + -13.999908447265623 + ], + [ + "\u2581hoeveelheden", + -13.999948501586914 + ], + [ + "\u2581compl\u00e9ter", + -13.999960899353027 + ], + [ + "\u00edno", + -13.999990463256836 + ], + [ + "miete", + -14.00000286102295 + ], + [ + "heizung", + -14.000022888183594 + ], + [ + "\u2581levantado", + -14.00003433227539 + ], + [ + "\u2581clef", + -14.000045776367188 + ], + [ + "\u2581Schla", + -14.000093460083008 + ], + [ + "tenersi", + -14.000117301940918 + ], + [ + "borden", + -14.000147819519045 + ], + [ + "ORIT", + -14.000152587890623 + ], + [ + "\u2581reinici", + -14.000164985656738 + ], + [ + "\u2581eleitos", + -14.000205039978027 + ], + [ + "\u2581escarabajo", + -14.000234603881836 + ], + [ + "\u2581Marlene", + -14.000267028808594 + ], + [ + "\u2581computes", + -14.000313758850098 + ], + [ + "Study", + -14.000324249267578 + ], + [ + "ophag", + -14.000330924987791 + ], + [ + "\u2581conjoint", + -14.000343322753906 + ], + [ + "\u2581centrada", + -14.000349044799805 + ], + [ + "\u2581fide", + -14.00035572052002 + ], + [ + "Arm\u00e9nie", + -14.000360488891602 + ], + [ + "\u2581Dessen", + -14.00036334991455 + ], + [ + "\u2581Kuma", + -14.00038242340088 + ], + [ + "ltere", + -14.000429153442385 + ], + [ + "armement", + -14.000439643859863 + ], + [ + "tagung", + -14.000452995300291 + ], + [ + "\u2581justifier", + -14.000479698181152 + ], + [ + "Situation", + -14.000486373901367 + ], + [ + "EventArgs", + -14.000489234924316 + ], + [ + "animateur", + -14.000489234924316 + ], + [ + "mitido", + -14.000517845153809 + ], + [ + "Unicode", + -14.000526428222656 + ], + [ + "ulmanos", + -14.000533103942873 + ], + [ + "\u2581acusativo", + -14.000536918640137 + ], + [ + "\u2581Exemplare", + -14.000548362731934 + ], + [ + "\u2581escoamento", + -14.00055694580078 + ], + [ + "\u2581Huiz", + -14.000575065612791 + ], + [ + "\u2581Direitos", + -14.000577926635742 + ], + [ + "\u2581sciopero", + -14.00057888031006 + ], + [ + "\u2581ahorro", + -14.00058364868164 + ], + [ + "\u2581Owens", + -14.000588417053224 + ], + [ + "d\u00e4qua", + -14.000622749328612 + ], + [ + "\u2581Helic", + -14.000625610351562 + ], + [ + "Gallery", + -14.000632286071776 + ], + [ + "\u2581nachzu", + -14.000643730163574 + ], + [ + "vartheta", + -14.000710487365724 + ], + [ + "getuige", + -14.000713348388672 + ], + [ + "\u2581theorems", + -14.000741004943848 + ], + [ + "radweg", + -14.000770568847656 + ], + [ + "evitch", + -14.000781059265137 + ], + [ + "\u2581Dorset", + -14.000783920288086 + ], + [ + "\u2581curiosidad", + -14.000783920288086 + ], + [ + "\u2581Maier", + -14.000802993774414 + ], + [ + "\u2581gerando", + -14.000808715820312 + ], + [ + "\u2581Roermond", + -14.00081729888916 + ], + [ + "\u2581surviving", + -14.000818252563477 + ], + [ + "\u2581Inbetriebnahme", + -14.000822067260742 + ], + [ + "\u2581bittet", + -14.000856399536133 + ], + [ + "\u2581effectu\u00e9e", + -14.000882148742676 + ], + [ + "\u2581registrata", + -14.000919342041016 + ], + [ + "gettext", + -14.000927925109863 + ], + [ + "\u2581Ahl", + -14.000937461853027 + ], + [ + "\u2581contrasta", + -14.000988960266112 + ], + [ + "Geb", + -14.001017570495604 + ], + [ + "\u2581auster", + -14.001025199890137 + ], + [ + "\u2581corridas", + -14.001025199890137 + ], + [ + "\u2581hearts", + -14.001053810119627 + ], + [ + "\u2581Ebro", + -14.001058578491213 + ], + [ + "OCS", + -14.001091957092283 + ], + [ + "\u2581Podem", + -14.001102447509766 + ], + [ + "\u2581introduziu", + -14.001117706298828 + ], + [ + "schwitz", + -14.00113582611084 + ], + [ + "epithel", + -14.001141548156738 + ], + [ + "\u2581sponde", + -14.001142501831056 + ], + [ + "hyst", + -14.0011625289917 + ], + [ + "\u2581drohen", + -14.001185417175291 + ], + [ + "\u2581Agon", + -14.00119972229004 + ], + [ + "infectie", + -14.001214027404783 + ], + [ + "EDGE", + -14.001225471496582 + ], + [ + "addAction", + -14.001291275024414 + ], + [ + "\u2581extendido", + -14.00129222869873 + ], + [ + "\u2581generalizada", + -14.001320838928224 + ], + [ + "talbahn", + -14.001323699951172 + ], + [ + "chtig", + -14.001335144042969 + ], + [ + "\u2581Vag", + -14.001360893249512 + ], + [ + "\u2581cercanas", + -14.001379013061523 + ], + [ + "\u2581Produzenten", + -14.001401901245115 + ], + [ + "anthrop", + -14.001408576965332 + ], + [ + "BEFORE", + -14.001409530639648 + ], + [ + "CTAssertNil", + -14.001410484313965 + ], + [ + "\u2581concorrenti", + -14.001419067382812 + ], + [ + "rief", + -14.001444816589355 + ], + [ + "\u2581Grieken", + -14.00146198272705 + ], + [ + "PRES", + -14.00149154663086 + ], + [ + "ianum", + -14.00150203704834 + ], + [ + "\u2581Heng", + -14.001571655273438 + ], + [ + "\u2581Jama", + -14.001581192016602 + ], + [ + "\u2581operato", + -14.001593589782717 + ], + [ + "gona", + -14.001619338989258 + ], + [ + "Stuff", + -14.001622200012209 + ], + [ + "\u2581Prensa", + -14.00167751312256 + ], + [ + "\u2581vertoont", + -14.00169849395752 + ], + [ + "\u2581burgeroorlog", + -14.001702308654783 + ], + [ + "\u2581Nid", + -14.00175952911377 + ], + [ + "\u2581Maxi", + -14.001801490783691 + ], + [ + "\u2581germanique", + -14.001827239990234 + ], + [ + "\u2581brise", + -14.001838684082031 + ], + [ + "\u2581Ingles", + -14.00186538696289 + ], + [ + "\u2581answering", + -14.001869201660156 + ], + [ + "\u2581Interventionen", + -14.001880645751951 + ], + [ + "g\u00e4ngige", + -14.00188446044922 + ], + [ + "\u2581basan", + -14.001888275146484 + ], + [ + "\u2581rientro", + -14.001914024353027 + ], + [ + "\u2581gewenste", + -14.001949310302734 + ], + [ + "\u00e9tage", + -14.00196933746338 + ], + [ + "\u2581Kaya", + -14.001978874206545 + ], + [ + "\u2581virtuais", + -14.001996994018556 + ], + [ + "\u2581circundante", + -14.001999855041504 + ], + [ + "\u00e9diter", + -14.002010345458984 + ], + [ + "\u2581concentre", + -14.002034187316896 + ], + [ + "iphone", + -14.002047538757324 + ], + [ + "streitig", + -14.002049446105955 + ], + [ + "strup", + -14.002131462097168 + ], + [ + "ruk", + -14.002157211303713 + ], + [ + "\u2581estrag", + -14.00216007232666 + ], + [ + "uider", + -14.002174377441406 + ], + [ + "\u2581eliminada", + -14.002187728881836 + ], + [ + "terium", + -14.002190589904783 + ], + [ + "eiger", + -14.002202987670898 + ], + [ + "tsov", + -14.00222110748291 + ], + [ + "geformt", + -14.002264976501465 + ], + [ + "\u2581demandent", + -14.00226593017578 + ], + [ + "gill", + -14.00228500366211 + ], + [ + "wirkenden", + -14.002299308776855 + ], + [ + "\u2581variazione", + -14.00230884552002 + ], + [ + "\u2581W\u00fcrfel", + -14.00231647491455 + ], + [ + "blijven", + -14.00232219696045 + ], + [ + "EMP", + -14.002342224121094 + ], + [ + "\u2581slipped", + -14.002363204956056 + ], + [ + "berarbeitung", + -14.002374649047852 + ], + [ + "Corn", + -14.002395629882812 + ], + [ + "\u2581levemente", + -14.002411842346191 + ], + [ + "\u2581republic", + -14.002416610717772 + ], + [ + "mason", + -14.002429008483888 + ], + [ + "\u2581resumo", + -14.002435684204102 + ], + [ + "\u2581manifestar", + -14.002440452575684 + ], + [ + "sch\u00fc", + -14.002450942993164 + ], + [ + "\u2581Professoren", + -14.00246524810791 + ], + [ + "\u2581continuent", + -14.002470016479492 + ], + [ + "ahar", + -14.00247573852539 + ], + [ + "\u2581Mathematiker", + -14.00253200531006 + ], + [ + "\u2581\u00e9stas", + -14.002556800842283 + ], + [ + "\u2581Misa", + -14.002571105957031 + ], + [ + "\u2581diezelfde", + -14.002571105957031 + ], + [ + "\u2581mosqu\u00e9e", + -14.002586364746094 + ], + [ + "\u2581d\u00e9tenu", + -14.00259780883789 + ], + [ + "\u2581kommunaler", + -14.002625465393066 + ], + [ + "\u2581tubos", + -14.002638816833496 + ], + [ + "\u2581Samu", + -14.002643585205078 + ], + [ + "gales", + -14.002693176269531 + ], + [ + "\u2581processadores", + -14.002700805664062 + ], + [ + "\u2581quantitativen", + -14.002721786499023 + ], + [ + "\u2581intatt", + -14.002725601196287 + ], + [ + "\u2581hostil", + -14.0027494430542 + ], + [ + "\u2581impairment", + -14.002763748168944 + ], + [ + "\u2581Legitimation", + -14.002768516540527 + ], + [ + "\u2581dispuesta", + -14.002778053283691 + ], + [ + "\u2581Rieti", + -14.00279140472412 + ], + [ + "\u2581motiviert", + -14.002827644348145 + ], + [ + "\u2581Africano", + -14.002882957458496 + ], + [ + "\u2581r\u00e9p\u00e9t\u00e9", + -14.002882957458496 + ], + [ + "\u2581condiviso", + -14.002885818481444 + ], + [ + "flick", + -14.002936363220217 + ], + [ + "sional", + -14.002985000610352 + ], + [ + "buckets", + -14.003016471862791 + ], + [ + "\u2581sindrome", + -14.003024101257324 + ], + [ + "\u2581beizutragen", + -14.00302505493164 + ], + [ + "\u2581nascere", + -14.00307273864746 + ], + [ + "arrestation", + -14.00307559967041 + ], + [ + "\u2581andarono", + -14.00308609008789 + ], + [ + "\u2581constru\u00eddas", + -14.00308609008789 + ], + [ + "\u2581adversaires", + -14.003154754638672 + ], + [ + "\u2581musulmane", + -14.003155708312988 + ], + [ + "siedler", + -14.00317096710205 + ], + [ + "\u2581WordPress", + -14.003171920776367 + ], + [ + "auswertung", + -14.00322437286377 + ], + [ + "\u2581catar", + -14.003228187561035 + ], + [ + "\u2581giace", + -14.003251075744627 + ], + [ + "\u2581fracasso", + -14.003266334533691 + ], + [ + "Want", + -14.003320693969728 + ], + [ + "ir\u00eda", + -14.003340721130373 + ], + [ + "bille", + -14.003363609313965 + ], + [ + "\u2581awful", + -14.003366470336914 + ], + [ + "\u2581untergeordnete", + -14.003375053405762 + ], + [ + "\u2581whisper", + -14.003376007080078 + ], + [ + "\u2581r\u00e9v\u00e9lation", + -14.00338649749756 + ], + [ + "\u2581Socio", + -14.003389358520508 + ], + [ + "ographe", + -14.003395080566406 + ], + [ + "\u2581schmalen", + -14.003409385681152 + ], + [ + "Minha", + -14.003427505493164 + ], + [ + "\u2581expulso", + -14.003495216369627 + ], + [ + "sama", + -14.003521919250488 + ], + [ + "\u2581detectors", + -14.00352668762207 + ], + [ + "\u2581tags\u00fcber", + -14.003534317016602 + ], + [ + "\u2581recurrent", + -14.003543853759766 + ], + [ + "\u2581hervorragende", + -14.003559112548828 + ], + [ + "\u2581larmes", + -14.003568649291992 + ], + [ + "emmel", + -14.003570556640623 + ], + [ + "sbefugnis", + -14.003582000732422 + ], + [ + "CHF", + -14.003588676452637 + ], + [ + "crew", + -14.003588676452637 + ], + [ + "\u2581destroyer", + -14.003597259521484 + ], + [ + "diano", + -14.003605842590332 + ], + [ + "\u2581esposte", + -14.003610610961914 + ], + [ + "tnik", + -14.003653526306152 + ], + [ + "\u2581Brava", + -14.003668785095217 + ], + [ + "\u2581Serb", + -14.003684997558594 + ], + [ + "minion", + -14.003711700439451 + ], + [ + "qu\u00e9ri", + -14.003721237182615 + ], + [ + "\u2581gewest", + -14.003722190856934 + ], + [ + "\u2581Europ\u00e4er", + -14.003750801086426 + ], + [ + "\u2581terminaron", + -14.003750801086426 + ], + [ + "Einstein", + -14.003756523132324 + ], + [ + "\u2581blij", + -14.003758430480955 + ], + [ + "gef\u00e4hrlich", + -14.00378131866455 + ], + [ + "\u2581dirette", + -14.003793716430664 + ], + [ + "\u2581fortgef\u00fchrt", + -14.003804206848145 + ], + [ + "\u2581salve", + -14.00382137298584 + ], + [ + "\u2581Assistance", + -14.003825187683104 + ], + [ + "\u2581Sudamericano", + -14.003860473632812 + ], + [ + "\u2581prostate", + -14.003875732421877 + ], + [ + "\u00edndi", + -14.003883361816406 + ], + [ + "\u2581r\u00e9fl\u00e9chir", + -14.003884315490724 + ], + [ + "Derrota", + -14.004014015197754 + ], + [ + "\u2581konservativ", + -14.004080772399902 + ], + [ + "\u2581Mertens", + -14.00408172607422 + ], + [ + "\u2581NSError", + -14.00409698486328 + ], + [ + "DAM", + -14.00412940979004 + ], + [ + "\u2581Schwen", + -14.00413417816162 + ], + [ + "\u2581Hermanos", + -14.004151344299316 + ], + [ + "\u2581historically", + -14.004173278808594 + ], + [ + "gret", + -14.004202842712402 + ], + [ + "\u2581buffet", + -14.00422191619873 + ], + [ + "Algo", + -14.004247665405272 + ], + [ + "vermittelte", + -14.004257202148438 + ], + [ + "\u2581M\u00e4r", + -14.00428581237793 + ], + [ + "getItem", + -14.004302024841309 + ], + [ + "\u2581Resistenza", + -14.004323959350586 + ], + [ + "\u2581d\u00e4nischen", + -14.004347801208496 + ], + [ + "\u2581voeten", + -14.004365921020508 + ], + [ + "\u2581selecciones", + -14.00437355041504 + ], + [ + "\u2581liso", + -14.004396438598633 + ], + [ + "vedere", + -14.004398345947266 + ], + [ + "\u2581verdr\u00e4ngt", + -14.004398345947266 + ], + [ + "zcan", + -14.004426956176758 + ], + [ + "\u2581Philippinen", + -14.004438400268556 + ], + [ + "\u2581R\u00fcckst\u00e4nde", + -14.004438400268556 + ], + [ + "\u2581anticipated", + -14.004515647888184 + ], + [ + "\u2581affiancat", + -14.004518508911133 + ], + [ + "Montag", + -14.00453281402588 + ], + [ + "ssischen", + -14.004584312438965 + ], + [ + "\u2581Mandr", + -14.00459098815918 + ], + [ + "\u2581d\u00e9chir", + -14.00461483001709 + ], + [ + "Perform", + -14.00466251373291 + ], + [ + "\u2581quanta", + -14.004668235778809 + ], + [ + "Orchidaceae", + -14.004669189453123 + ], + [ + "\u2581rechnerisch", + -14.00471305847168 + ], + [ + "pornografi", + -14.00472354888916 + ], + [ + "ylie", + -14.00472354888916 + ], + [ + "\u2581Prolog", + -14.00473403930664 + ], + [ + "gefroren", + -14.004768371582031 + ], + [ + "\u2581escalar", + -14.004865646362305 + ], + [ + "\u2581strengen", + -14.004899978637695 + ], + [ + "\u00e1ramo", + -14.004902839660645 + ], + [ + "\u2581Ongeveer", + -14.004915237426758 + ], + [ + "\u2581disminuci\u00f3n", + -14.004915237426758 + ], + [ + "\u2581Perpignan", + -14.004918098449709 + ], + [ + "\u2581joden", + -14.004921913146973 + ], + [ + "\u2581Bot\u00e1nico", + -14.00498390197754 + ], + [ + "\u2581ribalta", + -14.004997253417969 + ], + [ + "scentrum", + -14.005012512207031 + ], + [ + "EVO", + -14.00503158569336 + ], + [ + "phro", + -14.005038261413574 + ], + [ + "\u2581Lich", + -14.005064964294434 + ], + [ + "\u2581Gesamtausgaben", + -14.00510311126709 + ], + [ + "P\u00e4dagogik", + -14.005173683166504 + ], + [ + "\u2581Tendenzen", + -14.005196571350098 + ], + [ + "\u2581countryside", + -14.005210876464844 + ], + [ + "\u2581Simply", + -14.005212783813477 + ], + [ + "\u2581colons", + -14.005221366882324 + ], + [ + "\u2581Premiere", + -14.005260467529297 + ], + [ + "\u2581eliminatoria", + -14.00526523590088 + ], + [ + "\u2581souhait\u00e9", + -14.005269050598145 + ], + [ + "\u2581Tsd", + -14.005270957946776 + ], + [ + "\u2581Midlands", + -14.005294799804688 + ], + [ + "\u2581funzionale", + -14.00529956817627 + ], + [ + "\u2581vacina", + -14.005321502685549 + ], + [ + "\u2581scherpe", + -14.005325317382812 + ], + [ + "\u2581Hubo", + -14.00533390045166 + ], + [ + "\u2581fr\u00fcherer", + -14.00535774230957 + ], + [ + "anmeldung", + -14.005375862121582 + ], + [ + "\u2581peninsula", + -14.005378723144531 + ], + [ + "tronic", + -14.005398750305176 + ], + [ + "vi\u00e9", + -14.005407333374023 + ], + [ + "\u2581bascule", + -14.005413055419922 + ], + [ + "viazione", + -14.005426406860352 + ], + [ + "\u2581Rete", + -14.005475997924805 + ], + [ + "itsu", + -14.005495071411133 + ], + [ + "ponte", + -14.00549602508545 + ], + [ + "calli", + -14.005504608154297 + ], + [ + "\u2581gewahrt", + -14.005505561828612 + ], + [ + "\u2581R\u00e9g", + -14.00552749633789 + ], + [ + "\u2581Wife", + -14.005532264709473 + ], + [ + "\u2581log\u00edstico", + -14.005537986755373 + ], + [ + "woll", + -14.005559921264648 + ], + [ + "\u2581handy", + -14.005632400512695 + ], + [ + "\u2581spazz", + -14.005642890930176 + ], + [ + "\u2581allestit", + -14.005643844604492 + ], + [ + "attendait", + -14.005680084228516 + ], + [ + "zylinder", + -14.005693435668944 + ], + [ + "DSG", + -14.005715370178224 + ], + [ + "Coordinates", + -14.005722045898438 + ], + [ + "\u2581r\u00e9formes", + -14.005725860595703 + ], + [ + "mova", + -14.00573444366455 + ], + [ + "svereinbarung", + -14.00574779510498 + ], + [ + "\u2581vitesses", + -14.005760192871094 + ], + [ + "aderos", + -14.005786895751951 + ], + [ + "\u2581montaje", + -14.005792617797852 + ], + [ + "\u2581Discographie", + -14.005813598632812 + ], + [ + "mirato", + -14.005817413330078 + ], + [ + "\u2581Jericho", + -14.00583267211914 + ], + [ + "\u2581farvi", + -14.005847930908203 + ], + [ + "\u2581Narita", + -14.005905151367188 + ], + [ + "Gap", + -14.0059175491333 + ], + [ + "benda", + -14.005949020385742 + ], + [ + "\u2581flavour", + -14.005958557128906 + ], + [ + "ikov", + -14.00596046447754 + ], + [ + "geteld", + -14.005969047546388 + ], + [ + "\u2581Novak", + -14.00599765777588 + ], + [ + "Menschen", + -14.006003379821776 + ], + [ + "genauigkeit", + -14.006003379821776 + ], + [ + "\u2581Amiga", + -14.00601291656494 + ], + [ + "\u2581Verse", + -14.00601291656494 + ], + [ + "ceph", + -14.006016731262209 + ], + [ + "Geschwindigkeits", + -14.006035804748535 + ], + [ + "chevron", + -14.006061553955078 + ], + [ + "tochten", + -14.006089210510254 + ], + [ + "\u2581Sounds", + -14.006089210510254 + ], + [ + "\u2581aforementioned", + -14.006089210510254 + ], + [ + "\u2581retenir", + -14.006113052368164 + ], + [ + "zaamheid", + -14.006155014038086 + ], + [ + "\u2581Eins\u00e4tze", + -14.006268501281738 + ], + [ + "Numero", + -14.006274223327637 + ], + [ + "\u2581vencedores", + -14.006301879882812 + ], + [ + "\u2581sintetiz", + -14.006341934204102 + ], + [ + "\u2581sanci", + -14.006356239318848 + ], + [ + "Antico", + -14.006373405456545 + ], + [ + "\u2581agricoli", + -14.006383895874023 + ], + [ + "\u2581israeliano", + -14.006391525268556 + ], + [ + "diskussion", + -14.00639533996582 + ], + [ + "Hydro", + -14.006413459777832 + ], + [ + "nocchi", + -14.006425857543944 + ], + [ + "\u2581erprobt", + -14.006434440612791 + ], + [ + "\u2581Kijk", + -14.006444931030272 + ], + [ + "\u2581cantos", + -14.006473541259766 + ], + [ + "\u2581verschilt", + -14.006477355957031 + ], + [ + "\u2581______", + -14.006503105163574 + ], + [ + "\u2581Verformung", + -14.006510734558104 + ], + [ + "ingegneria", + -14.006524085998535 + ], + [ + "\u00e4ge", + -14.006524085998535 + ], + [ + "\u2581financiar", + -14.006534576416016 + ], + [ + "\u2581Klapp", + -14.006610870361328 + ], + [ + "\u2581Presses", + -14.00661849975586 + ], + [ + "khi", + -14.006619453430176 + ], + [ + "Obras", + -14.006633758544922 + ], + [ + "outine", + -14.006634712219238 + ], + [ + "\u2581jointly", + -14.006643295288086 + ], + [ + "\u2581d\u00e9terminant", + -14.006677627563477 + ], + [ + "\u2581sostituita", + -14.006704330444336 + ], + [ + "ographisch", + -14.006732940673828 + ], + [ + "spielt", + -14.006749153137209 + ], + [ + "\u2581tranquilli", + -14.0067777633667 + ], + [ + "GCT", + -14.006780624389648 + ], + [ + "resnet", + -14.006781578063965 + ], + [ + "\u2581avut", + -14.006797790527344 + ], + [ + "oaming", + -14.006799697875977 + ], + [ + "pooling", + -14.006853103637695 + ], + [ + "basa", + -14.006876945495604 + ], + [ + "\u2581fundamentos", + -14.006895065307615 + ], + [ + "fiddle", + -14.00690746307373 + ], + [ + "\u2581monastic", + -14.00691032409668 + ], + [ + "\u2581consecutivo", + -14.006946563720703 + ], + [ + "\u2581oneindig", + -14.006967544555664 + ], + [ + "anwendung", + -14.00696849822998 + ], + [ + "\u2581presumably", + -14.006970405578612 + ], + [ + "\u2581sconfitte", + -14.006970405578612 + ], + [ + "\u2581Provenza", + -14.006982803344728 + ], + [ + "uecksilber", + -14.006988525390623 + ], + [ + "blicamente", + -14.007000923156738 + ], + [ + "\u2581Schor", + -14.007006645202637 + ], + [ + "\u2581Plinio", + -14.00701904296875 + ], + [ + "tschi", + -14.007046699523926 + ], + [ + "\u2581verovering", + -14.007054328918455 + ], + [ + "credul", + -14.007086753845217 + ], + [ + "\u2581conosco", + -14.007091522216797 + ], + [ + "jerg", + -14.007095336914062 + ], + [ + "\u2581Beschl\u00fcssen", + -14.00711154937744 + ], + [ + "snavel", + -14.007125854492188 + ], + [ + "itude", + -14.00712776184082 + ], + [ + "\u2581entrati", + -14.007179260253906 + ], + [ + "\u2581fingi", + -14.007241249084473 + ], + [ + "Strip", + -14.007253646850586 + ], + [ + "gekn\u00fcpft", + -14.007264137268066 + ], + [ + "\u2581largometraje", + -14.007264137268066 + ], + [ + "\u2581Verst\u00e4ndigung", + -14.007265090942385 + ], + [ + "\u2581opvolg", + -14.0072660446167 + ], + [ + "titud", + -14.007269859313965 + ], + [ + "\u2581Orsini", + -14.007293701171877 + ], + [ + "pageSize", + -14.007317543029783 + ], + [ + "\u2581Strafbarkeit", + -14.007319450378418 + ], + [ + "\u2581Negri", + -14.00732421875 + ], + [ + "APPLE", + -14.00735569000244 + ], + [ + "\u2581gliedert", + -14.007365226745604 + ], + [ + "\u2581Neto", + -14.007402420043944 + ], + [ + "\u2581generado", + -14.007405281066896 + ], + [ + "issier", + -14.007413864135742 + ], + [ + "\u2581Nimm", + -14.007450103759766 + ], + [ + "Europ\u00e4ische", + -14.007461547851562 + ], + [ + "klappen", + -14.007486343383787 + ], + [ + "\u2581Rails", + -14.007492065429688 + ], + [ + "\u2581Piloten", + -14.00749683380127 + ], + [ + "\u2581Hobb", + -14.007498741149902 + ], + [ + "GeV", + -14.007505416870115 + ], + [ + "\u2581Lego", + -14.00750732421875 + ], + [ + "\u2581Finanzhilfe", + -14.007537841796877 + ], + [ + "\u2581volver\u00eda", + -14.007539749145508 + ], + [ + "\u2581complementa", + -14.007573127746582 + ], + [ + "\u2581SwiftUI", + -14.007586479187012 + ], + [ + "\u2581quarks", + -14.007587432861328 + ], + [ + "\u2581d\u00edvida", + -14.00761604309082 + ], + [ + "\u2581Halte", + -14.007627487182615 + ], + [ + "\u2581Abfindung", + -14.007657051086426 + ], + [ + "Mei", + -14.007697105407717 + ], + [ + "\u2581Kup", + -14.007702827453612 + ], + [ + "\u2581regulamento", + -14.007729530334473 + ], + [ + "dhcp", + -14.007745742797852 + ], + [ + "approuv", + -14.007758140563965 + ], + [ + "Confirmation", + -14.007784843444824 + ], + [ + "Ecuador", + -14.007798194885254 + ], + [ + "\u2581document\u00e1rio", + -14.007835388183594 + ], + [ + "cedono", + -14.007838249206545 + ], + [ + "ONO", + -14.007848739624023 + ], + [ + "Linyphiidae", + -14.007854461669922 + ], + [ + "\u2581amenazas", + -14.007867813110352 + ], + [ + "\u2581BAFTA", + -14.007884979248049 + ], + [ + "\u2581Mica", + -14.007915496826172 + ], + [ + "Intensity", + -14.007919311523438 + ], + [ + "\u2581entusiasm", + -14.00792407989502 + ], + [ + "\u2581Resolu", + -14.007935523986816 + ], + [ + "\u2581Brum", + -14.007953643798828 + ], + [ + "\u2581necessitam", + -14.008000373840332 + ], + [ + "Premier", + -14.008012771606444 + ], + [ + "odiert", + -14.008018493652344 + ], + [ + "\u2581R\u00fcckf\u00fchrung", + -14.00801944732666 + ], + [ + "bischof", + -14.008086204528809 + ], + [ + "\u2581Fais", + -14.008102416992188 + ], + [ + "rozedur", + -14.008111000061035 + ], + [ + "Oecophoridae", + -14.008149147033691 + ], + [ + "luisteren", + -14.00815200805664 + ], + [ + "illen", + -14.008183479309082 + ], + [ + "sdl", + -14.008193016052246 + ], + [ + "\u2581Certes", + -14.00819969177246 + ], + [ + "\u2581Interna", + -14.00820255279541 + ], + [ + "\u2581Goldstein", + -14.008204460144045 + ], + [ + "\u2581Fahrbahn", + -14.008262634277344 + ], + [ + "\u2581conveni", + -14.008272171020508 + ], + [ + "\u2581wraak", + -14.008341789245604 + ], + [ + "sperren", + -14.008344650268556 + ], + [ + "\u2581Plains", + -14.008365631103516 + ], + [ + "topped", + -14.008376121520996 + ], + [ + "\u2581gegeten", + -14.008381843566896 + ], + [ + "Museo", + -14.00843620300293 + ], + [ + "\u2581Vorsatz", + -14.008445739746094 + ], + [ + "\u2581crat", + -14.008458137512209 + ], + [ + "\u2581Manti", + -14.008468627929688 + ], + [ + "mogelijkheden", + -14.0084867477417 + ], + [ + "cense", + -14.008495330810549 + ], + [ + "\u2581versorgen", + -14.008511543273926 + ], + [ + "illum", + -14.008522987365724 + ], + [ + "fhir", + -14.008527755737305 + ], + [ + "\u2581Wors", + -14.00854206085205 + ], + [ + "\u2581elogio", + -14.008543014526367 + ], + [ + "\u2581onderwijzer", + -14.008544921875 + ], + [ + "\u2581monet", + -14.00855541229248 + ], + [ + "richtet", + -14.00857162475586 + ], + [ + "\u2581Genuss", + -14.008572578430176 + ], + [ + "\u2581Salas", + -14.008585929870604 + ], + [ + "\u2581cens\u00e9", + -14.0086030960083 + ], + [ + "Arabien", + -14.008612632751465 + ], + [ + "\u2581vinculado", + -14.008628845214844 + ], + [ + "Reload", + -14.00864601135254 + ], + [ + "\u2581Orton", + -14.008654594421388 + ], + [ + "\u2581transformou", + -14.008696556091309 + ], + [ + "\u2581auspici", + -14.008702278137209 + ], + [ + "\u2581vuelven", + -14.008709907531738 + ], + [ + "\u2581Bonner", + -14.008734703063965 + ], + [ + "\u2581recibiendo", + -14.008745193481444 + ], + [ + "\u2581Buchanan", + -14.008746147155762 + ], + [ + "evsky", + -14.008766174316406 + ], + [ + "\u2581Toul", + -14.008767127990724 + ], + [ + "\u2581Maiden", + -14.008770942687988 + ], + [ + "g\u00fctern", + -14.008783340454102 + ], + [ + "\u2581telef\u00f3nica", + -14.008784294128418 + ], + [ + "\u2581purchases", + -14.008800506591797 + ], + [ + "iege", + -14.008840560913086 + ], + [ + "\u2581scans", + -14.008870124816896 + ], + [ + "trok", + -14.00888442993164 + ], + [ + "\u2581quante", + -14.008954048156738 + ], + [ + "\u2581Stig", + -14.008966445922852 + ], + [ + "\u2581kno", + -14.009016036987305 + ], + [ + "\u2581manuelino", + -14.00903034210205 + ], + [ + "\u2581verheven", + -14.009031295776367 + ], + [ + "\u2581motos", + -14.009039878845217 + ], + [ + "\u2581Basilicata", + -14.00904655456543 + ], + [ + "\u2581Dalai", + -14.009151458740234 + ], + [ + "STAGE", + -14.009162902832031 + ], + [ + "\u2581generoso", + -14.009180068969728 + ], + [ + "\u2581redditi", + -14.009195327758787 + ], + [ + "escapedName", + -14.009236335754396 + ], + [ + "\u2581alterada", + -14.009246826171877 + ], + [ + "\u2581zweitgr", + -14.009296417236328 + ], + [ + "\u2581weitem", + -14.009342193603516 + ], + [ + "\u2581Drittland", + -14.00937843322754 + ], + [ + "tower", + -14.009414672851562 + ], + [ + "phili", + -14.009416580200195 + ], + [ + "BUG", + -14.009431838989258 + ], + [ + "MONGO", + -14.009445190429688 + ], + [ + "\u2581Doutor", + -14.009453773498535 + ], + [ + "nzhou", + -14.009454727172852 + ], + [ + "\u2581Limitation", + -14.009455680847168 + ], + [ + "stijgen", + -14.009456634521484 + ], + [ + "\u00eddia", + -14.009510040283203 + ], + [ + "tapes", + -14.00952434539795 + ], + [ + "polynomial", + -14.009546279907228 + ], + [ + "\u2581Dodd", + -14.009547233581545 + ], + [ + "\u2581samenhang", + -14.00956916809082 + ], + [ + "\u2581beet", + -14.009628295898438 + ], + [ + "\u2581weitreichende", + -14.009634971618652 + ], + [ + "ruder", + -14.009687423706056 + ], + [ + "\u2581pedaggio", + -14.009689331054688 + ], + [ + "metha", + -14.009692192077637 + ], + [ + "\u2581Kash", + -14.009705543518066 + ], + [ + "tenedor", + -14.009708404541016 + ], + [ + "dopo", + -14.009721755981444 + ], + [ + "\u2581salda", + -14.009736061096191 + ], + [ + "\u2581a\u00e9reos", + -14.009782791137695 + ], + [ + "\u2581Chronicle", + -14.009794235229492 + ], + [ + "\u2581Heilung", + -14.009821891784668 + ], + [ + "\u2581marea", + -14.009858131408691 + ], + [ + "\u2581mist\u00e9rio", + -14.009858131408691 + ], + [ + "Lexer", + -14.009862899780272 + ], + [ + "\u2581vriendschap", + -14.009881019592283 + ], + [ + "aside", + -14.009904861450195 + ], + [ + "Synchronize", + -14.00991439819336 + ], + [ + "\u2581cuchillo", + -14.00991439819336 + ], + [ + "\u2581Laboratorio", + -14.009929656982422 + ], + [ + "Hybrid", + -14.009936332702637 + ], + [ + "pinos", + -14.009963989257812 + ], + [ + "roides", + -14.009980201721191 + ], + [ + "\u2581tuberculosis", + -14.009982109069824 + ], + [ + "\u2581Nikol", + -14.010015487670898 + ], + [ + "snapshots", + -14.010032653808594 + ], + [ + "chemistry", + -14.010037422180176 + ], + [ + "ugal", + -14.01004409790039 + ], + [ + "\u2581Reap", + -14.010054588317873 + ], + [ + "\u2581onion", + -14.010071754455566 + ], + [ + "\u2581'\"'", + -14.010124206542969 + ], + [ + "omed", + -14.010178565979004 + ], + [ + "rabia", + -14.010187149047852 + ], + [ + "EigsValue", + -14.010209083557127 + ], + [ + "\u2581convincing", + -14.010209083557127 + ], + [ + "eabi", + -14.010213851928713 + ], + [ + "\u2581Trenitalia", + -14.010214805603027 + ], + [ + "Department", + -14.010255813598633 + ], + [ + "\u2581quadrada", + -14.010260581970217 + ], + [ + "\u2581Mat\u00edas", + -14.010290145874023 + ], + [ + "warrior", + -14.01038932800293 + ], + [ + "arabe", + -14.010395050048828 + ], + [ + "Complet", + -14.010438919067385 + ], + [ + "\u2581Amat", + -14.010473251342772 + ], + [ + "\u2581Tsjecho", + -14.010483741760254 + ], + [ + "\u2581laagste", + -14.010530471801758 + ], + [ + "begriffe", + -14.010546684265137 + ], + [ + "l\u00e4ser", + -14.010562896728516 + ], + [ + "\u2581concentrado", + -14.01060962677002 + ], + [ + "\u2581Maza", + -14.010613441467283 + ], + [ + "ssaient", + -14.010622024536133 + ], + [ + "\u2581Patrona", + -14.01064395904541 + ], + [ + "LICHE", + -14.010645866394045 + ], + [ + "\u2581gleichem", + -14.010661125183104 + ], + [ + "\u2581disputando", + -14.010669708251951 + ], + [ + "Articles", + -14.010682106018066 + ], + [ + "\u2581menselijk", + -14.01071071624756 + ], + [ + "\u2581lineares", + -14.010712623596191 + ], + [ + "\u2581surround", + -14.010725021362305 + ], + [ + "TGT", + -14.010771751403809 + ], + [ + "Terre", + -14.010791778564451 + ], + [ + "\u2581esqueleto", + -14.010799407958984 + ], + [ + "Demograf\u00eda", + -14.010821342468262 + ], + [ + "fatura", + -14.01084041595459 + ], + [ + "Alba", + -14.010890007019045 + ], + [ + "sch\u00fctzen", + -14.010919570922852 + ], + [ + "\u00edri", + -14.010960578918455 + ], + [ + "beeren", + -14.01097011566162 + ], + [ + "pr\u00fc", + -14.010971069335938 + ], + [ + "steel", + -14.010980606079102 + ], + [ + "\u2581criticado", + -14.010986328125 + ], + [ + "gM", + -14.011000633239746 + ], + [ + "\u2581broche", + -14.011025428771973 + ], + [ + "hinter", + -14.011085510253906 + ], + [ + "\u2581filippin", + -14.011096954345703 + ], + [ + "\u2581autolinee", + -14.011120796203612 + ], + [ + "\u2581gefeiert", + -14.011126518249512 + ], + [ + "aanslag", + -14.011167526245115 + ], + [ + "\u2581Akh", + -14.0111722946167 + ], + [ + "\u2581zeitnah", + -14.011181831359863 + ], + [ + "\u2581Genua", + -14.011194229125977 + ], + [ + "vorteil", + -14.011197090148926 + ], + [ + "Pandemie", + -14.01120948791504 + ], + [ + "\u2581predicting", + -14.011222839355469 + ], + [ + "IME", + -14.011224746704102 + ], + [ + "\u2581guadagnare", + -14.01122760772705 + ], + [ + "\u2581administratives", + -14.01123332977295 + ], + [ + "\u2581lesioni", + -14.011258125305176 + ], + [ + "\u2581dollaro", + -14.011262893676758 + ], + [ + "iteits", + -14.011279106140137 + ], + [ + "Decision", + -14.011330604553224 + ], + [ + "imminente", + -14.011332511901855 + ], + [ + "\u2581sentenced", + -14.011353492736816 + ], + [ + "\u2581humble", + -14.01138401031494 + ], + [ + "\u2581Mundungus", + -14.011388778686523 + ], + [ + "anspr\u00fcchen", + -14.01140022277832 + ], + [ + "\u2581impide", + -14.01140022277832 + ], + [ + "\u2581descansar", + -14.011414527893066 + ], + [ + "\u2581tri\u00e1ngulo", + -14.011429786682127 + ], + [ + "\u2581L\u00e9o", + -14.011439323425291 + ], + [ + "\u2581Datensatz", + -14.01145076751709 + ], + [ + "rdische", + -14.011472702026367 + ], + [ + "\u2581Landtagswahl", + -14.011481285095217 + ], + [ + "uhn", + -14.011488914489746 + ], + [ + "mettait", + -14.011503219604492 + ], + [ + "\u2581confirmada", + -14.01152801513672 + ], + [ + "\u2581caminh", + -14.011533737182615 + ], + [ + "\u2581Verletzten", + -14.011610984802246 + ], + [ + "\u2581skilled", + -14.011613845825195 + ], + [ + "\u2581Umweltpolitik", + -14.01168727874756 + ], + [ + "meurent", + -14.01169204711914 + ], + [ + "stemmen", + -14.011714935302734 + ], + [ + "eitplan", + -14.011728286743164 + ], + [ + "\u2581prover", + -14.011728286743164 + ], + [ + "apostol", + -14.011733055114746 + ], + [ + "mbrando", + -14.011733055114746 + ], + [ + "assim", + -14.011740684509276 + ], + [ + "\u2581Pr\u00f3", + -14.01175022125244 + ], + [ + "\u2581manteau", + -14.01179313659668 + ], + [ + "\u2581detentor", + -14.011802673339844 + ], + [ + "\u2581attaccare", + -14.01181411743164 + ], + [ + "\u2581Grip", + -14.011858940124512 + ], + [ + "\u2581ripu", + -14.011889457702637 + ], + [ + "\u2581Asturi", + -14.011940956115724 + ], + [ + "\u2581Autorit\u00e4t", + -14.011964797973633 + ], + [ + "\u2581ausnahmsweise", + -14.01197910308838 + ], + [ + "\u2581giudicare", + -14.012033462524414 + ], + [ + "\u2581minderheid", + -14.012033462524414 + ], + [ + "\u2581Copper", + -14.012041091918944 + ], + [ + "riens", + -14.012104034423828 + ], + [ + "\u2581throne", + -14.01210880279541 + ], + [ + "uye", + -14.012167930603027 + ], + [ + "creating", + -14.012207984924316 + ], + [ + "\u2581cinematogr\u00e1fico", + -14.012226104736328 + ], + [ + "\u2581Shel", + -14.012249946594238 + ], + [ + "\u2581Olympisch", + -14.012252807617188 + ], + [ + "hingen", + -14.012256622314451 + ], + [ + "\u2581Congrega", + -14.01227569580078 + ], + [ + "encryption", + -14.01228141784668 + ], + [ + "\u2581vasco", + -14.012295722961426 + ], + [ + "\u2581kilometres", + -14.01230812072754 + ], + [ + "\u2581Inleiding", + -14.012322425842283 + ], + [ + "\u2581Mota", + -14.012336730957031 + ], + [ + "Resultaten", + -14.012347221374512 + ], + [ + "\u2581assicurare", + -14.01235580444336 + ], + [ + "tonne", + -14.01236057281494 + ], + [ + "screver", + -14.012362480163574 + ], + [ + "\u2581Acab", + -14.012369155883787 + ], + [ + "Legal", + -14.012415885925291 + ], + [ + "communication", + -14.012417793273926 + ], + [ + "unary", + -14.012420654296877 + ], + [ + "schreibt", + -14.01245403289795 + ], + [ + "\u2581chiedono", + -14.012459754943848 + ], + [ + "\u2581acquise", + -14.012468338012695 + ], + [ + "\u2581Baer", + -14.012471199035645 + ], + [ + "\u2581illustrator", + -14.012507438659668 + ], + [ + "\u2581innanzi", + -14.012537956237791 + ], + [ + "\u2581Anfahrt", + -14.012564659118652 + ], + [ + "\u2581Kathy", + -14.012566566467283 + ], + [ + "\u2581kompetent", + -14.012574195861816 + ], + [ + "AccessToken", + -14.01258659362793 + ], + [ + "\u2581medial", + -14.012598037719728 + ], + [ + "\u2581laughing", + -14.01259994506836 + ], + [ + "\u2581Villes", + -14.012605667114258 + ], + [ + "\u2581verordnet", + -14.012625694274902 + ], + [ + "\u2581cicl", + -14.012627601623535 + ], + [ + "Ionen", + -14.012638092041016 + ], + [ + "\u2581attributable", + -14.012642860412598 + ], + [ + "reflexion", + -14.012656211853027 + ], + [ + "\u2581Wechselkurs", + -14.012659072875977 + ], + [ + "predictions", + -14.012665748596191 + ], + [ + "\u2581effectief", + -14.012685775756836 + ], + [ + "angling", + -14.012728691101074 + ], + [ + "\u2581verhandelt", + -14.012738227844238 + ], + [ + "ogaster", + -14.012744903564451 + ], + [ + "iara", + -14.012768745422363 + ], + [ + "\u2581pedindo", + -14.012784957885742 + ], + [ + "Menge", + -14.01278591156006 + ], + [ + "Vrouwe", + -14.012818336486816 + ], + [ + "\u2581sovrani", + -14.012836456298828 + ], + [ + "\u2581sarete", + -14.012842178344728 + ], + [ + "tych", + -14.012853622436523 + ], + [ + "Behaviour", + -14.012866020202637 + ], + [ + "\u2581Vorlagen", + -14.0128755569458 + ], + [ + "exclusion", + -14.01288604736328 + ], + [ + "uiging", + -14.012889862060549 + ], + [ + "\u2581socialisti", + -14.012908935546877 + ], + [ + "\u2581keert", + -14.012954711914062 + ], + [ + "ulada", + -14.012979507446287 + ], + [ + "violett", + -14.013032913208008 + ], + [ + "\u2581aanpassen", + -14.01303482055664 + ], + [ + "\u2581complessivo", + -14.013063430786133 + ], + [ + "\u2581limitate", + -14.013092041015623 + ], + [ + "\u2581trafen", + -14.013132095336914 + ], + [ + "\u2581profan", + -14.013144493103027 + ], + [ + "\u2581Guis", + -14.013145446777344 + ], + [ + "\u2581commesso", + -14.013154983520508 + ], + [ + "\u2581agreg\u00f3", + -14.013165473937988 + ], + [ + "\u2581restricciones", + -14.013172149658203 + ], + [ + "WHO", + -14.013174057006836 + ], + [ + "wW", + -14.013175964355469 + ], + [ + "\u2581experimentally", + -14.013200759887695 + ], + [ + "Shan", + -14.013209342956545 + ], + [ + "\u2581umsetzen", + -14.0132474899292 + ], + [ + "\u2581compenso", + -14.013269424438477 + ], + [ + "\u2581Notez", + -14.013319969177246 + ], + [ + "\u2581propicia", + -14.01334285736084 + ], + [ + "\u2581Tade", + -14.013355255126951 + ], + [ + "\u2581Lampe", + -14.013409614562988 + ], + [ + "genie", + -14.01341438293457 + ], + [ + "\u2581Einverst\u00e4ndnis", + -14.013433456420898 + ], + [ + "Haushalts", + -14.013434410095217 + ], + [ + "\u2581brochure", + -14.013458251953123 + ], + [ + "\u2581tassametro", + -14.013470649719238 + ], + [ + "\u2581cuisson", + -14.01348114013672 + ], + [ + "GRAD", + -14.013504981994627 + ], + [ + "\u2581An\u00e1lisis", + -14.013509750366213 + ], + [ + "\u2581triomphe", + -14.013530731201172 + ], + [ + "\u2581pr\u00e9venir", + -14.013531684875488 + ], + [ + "\u2581possessed", + -14.013545036315918 + ], + [ + "\u2581punish", + -14.013561248779297 + ], + [ + "\u2581sommigen", + -14.013562202453612 + ], + [ + "schreiber", + -14.013602256774902 + ], + [ + "\u2581coincidenza", + -14.013605117797852 + ], + [ + "\u2581sutil", + -14.013611793518066 + ], + [ + "loma", + -14.013664245605469 + ], + [ + "tomia", + -14.01366901397705 + ], + [ + "\u2581sintomas", + -14.013760566711426 + ], + [ + "\u2581Inclu", + -14.013761520385742 + ], + [ + "gow", + -14.013797760009766 + ], + [ + "\u2581assegnati", + -14.013803482055664 + ], + [ + "\u2581Schaltung", + -14.01381492614746 + ], + [ + "\u2581Ragusa", + -14.013821601867676 + ], + [ + "\u2581Geistlicher", + -14.013864517211914 + ], + [ + "\u2581Tor\u00e1", + -14.013882637023926 + ], + [ + "gez\u00e4hlt", + -14.013888359069824 + ], + [ + "\u2581Umschlag", + -14.013970375061035 + ], + [ + "\u2581capisco", + -14.013978004455566 + ], + [ + "\u2581Peach", + -14.01402473449707 + ], + [ + "emscripten", + -14.01418113708496 + ], + [ + "VAC", + -14.014187812805176 + ], + [ + "\u2581Ivy", + -14.014217376708984 + ], + [ + "enial", + -14.014253616333008 + ], + [ + "\u2581strap", + -14.014270782470703 + ], + [ + "InceptionC", + -14.014273643493652 + ], + [ + "\u2581Consum", + -14.014275550842283 + ], + [ + "\u2581calcaire", + -14.014277458190918 + ], + [ + "ENO", + -14.014305114746094 + ], + [ + "alliance", + -14.014325141906738 + ], + [ + "\u2581gaining", + -14.014333724975586 + ], + [ + "opla", + -14.0143404006958 + ], + [ + "\u2581Ottomaanse", + -14.014345169067385 + ], + [ + "ARR", + -14.014391899108888 + ], + [ + "classical", + -14.014429092407228 + ], + [ + "tillon", + -14.014429092407228 + ], + [ + "\u2581Ammo", + -14.0144681930542 + ], + [ + "\u2581finanziarie", + -14.014474868774414 + ], + [ + "\u2581widow", + -14.014518737792969 + ], + [ + "\u2581vitr", + -14.014569282531738 + ], + [ + "\u2581bancaria", + -14.014573097229004 + ], + [ + "Kontrolle", + -14.01457405090332 + ], + [ + "\u2581Darkness", + -14.014592170715332 + ], + [ + "orthodoxe", + -14.014607429504396 + ], + [ + "\u2581ejecuta", + -14.014630317687988 + ], + [ + "\u2581Palabra", + -14.014723777770996 + ], + [ + "acris", + -14.014727592468262 + ], + [ + "\u2581Genossen", + -14.014730453491213 + ], + [ + "\u2581ridotti", + -14.014738082885742 + ], + [ + "\u2581organizzate", + -14.014762878417969 + ], + [ + "\u2581d\u00e9charge", + -14.014764785766602 + ], + [ + "\u2581contempor\u00e1neos", + -14.014766693115234 + ], + [ + "\u2581diverti", + -14.01478385925293 + ], + [ + "\u2581festgelegte", + -14.014795303344728 + ], + [ + "eggiare", + -14.014796257019045 + ], + [ + "\u2581tremendous", + -14.014805793762209 + ], + [ + "\u2581Flaschen", + -14.014833450317385 + ], + [ + "\u2581Villers", + -14.01484203338623 + ], + [ + "\u2581Rettung", + -14.014848709106444 + ], + [ + "\u2581cesser", + -14.014875411987305 + ], + [ + "\u2581beleuchtet", + -14.01487922668457 + ], + [ + "great", + -14.014884948730469 + ], + [ + "\u2581Pirat", + -14.014887809753418 + ], + [ + "\u2581Wilkinson", + -14.014906883239746 + ], + [ + "vraag", + -14.01492691040039 + ], + [ + "\u2581prescribe", + -14.014933586120604 + ], + [ + "Notebook", + -14.014935493469238 + ], + [ + "gesandt", + -14.014936447143556 + ], + [ + "\u2581Randolph", + -14.014937400817873 + ], + [ + "\u2581Vollst\u00e4ndigkeit", + -14.014946937561035 + ], + [ + "\u2581unieron", + -14.014974594116213 + ], + [ + "\u2581Rektor", + -14.014988899230955 + ], + [ + "\u2581r\u00e9clame", + -14.014991760253906 + ], + [ + "agissent", + -14.014999389648438 + ], + [ + "viate", + -14.015006065368652 + ], + [ + "\u2581Muta", + -14.015056610107422 + ], + [ + "\u2581affianca", + -14.01507568359375 + ], + [ + "maakt", + -14.015104293823242 + ], + [ + "\u2581Paredes", + -14.015106201171877 + ], + [ + "\u2581Insect", + -14.015107154846191 + ], + [ + "\u2581Britannia", + -14.01511001586914 + ], + [ + "\u2581Hassel", + -14.01512622833252 + ], + [ + "\u2581Waalse", + -14.01512622833252 + ], + [ + "\u2581Acosta", + -14.015143394470217 + ], + [ + "brock", + -14.015151023864746 + ], + [ + "Geh", + -14.015159606933594 + ], + [ + "\u2581Filipijns", + -14.015165328979492 + ], + [ + "recovery", + -14.01520824432373 + ], + [ + "\u2581jumping", + -14.015222549438477 + ], + [ + "\u2581aquarel", + -14.01523208618164 + ], + [ + "\u2581estabilidade", + -14.015233039855955 + ], + [ + "Gerichtsvollzieh", + -14.015233993530272 + ], + [ + "\u2581ripar", + -14.015273094177246 + ], + [ + "\u2581Mezzo", + -14.015297889709473 + ], + [ + "\u2581Geht", + -14.015303611755373 + ], + [ + "\u2581Kontinuit\u00e4t", + -14.015307426452637 + ], + [ + "pl\u00e1", + -14.015332221984863 + ], + [ + "Interpreter", + -14.015335083007812 + ], + [ + "\u2581Beco", + -14.015335083007812 + ], + [ + "sozialversicher", + -14.015336036682127 + ], + [ + "\u2581excede", + -14.015406608581545 + ], + [ + "\u2581balise", + -14.01543426513672 + ], + [ + "tomato", + -14.015435218811035 + ], + [ + "\u2581russos", + -14.015446662902832 + ], + [ + "\u2581Rhine", + -14.01546859741211 + ], + [ + "\u2581gubernamentales", + -14.015487670898438 + ], + [ + "\u2581Luang", + -14.015495300292969 + ], + [ + "tinha", + -14.015509605407717 + ], + [ + "egra", + -14.015520095825195 + ], + [ + "\u2581Bask", + -14.015520095825195 + ], + [ + "Britannique", + -14.015522956848145 + ], + [ + "\u2581Karp", + -14.015522956848145 + ], + [ + "withIdentifier", + -14.015524864196776 + ], + [ + "lkerrecht", + -14.015579223632812 + ], + [ + "Filip", + -14.01558780670166 + ], + [ + "importation", + -14.015588760375977 + ], + [ + "\u2581begrippen", + -14.015599250793455 + ], + [ + "\u2581Ruhrgebiet", + -14.015603065490724 + ], + [ + "supervisor", + -14.01560401916504 + ], + [ + "\u2581empfehlenswert", + -14.015637397766112 + ], + [ + "\u2581Generalmajor", + -14.015745162963867 + ], + [ + "\u2581madrile", + -14.015755653381348 + ], + [ + "finales", + -14.015758514404297 + ], + [ + "\u2581Wintersport", + -14.01576042175293 + ], + [ + "\u2581septentrional", + -14.015762329101562 + ], + [ + "\u2581bewegte", + -14.01576805114746 + ], + [ + "Jutland", + -14.015811920166016 + ], + [ + "\u2581Salom\u00f3n", + -14.01581573486328 + ], + [ + "\u2581Sasha", + -14.015826225280762 + ], + [ + "\u2581construtor", + -14.015859603881836 + ], + [ + "ulatus", + -14.015872955322266 + ], + [ + "NewErrorWith", + -14.015883445739746 + ], + [ + "\u2581Gracia", + -14.015886306762695 + ], + [ + "IFICATION", + -14.015891075134276 + ], + [ + "\u2581efectivamente", + -14.01589298248291 + ], + [ + "\u2581heutzutage", + -14.01589298248291 + ], + [ + "PDA", + -14.015913009643556 + ], + [ + "\u2581debida", + -14.015934944152832 + ], + [ + "\u2581versierd", + -14.015954971313477 + ], + [ + "\u2581Episodios", + -14.015974044799805 + ], + [ + "\u2581enjeux", + -14.01597499847412 + ], + [ + "\u2581zeitgleich", + -14.01597785949707 + ], + [ + "\u2581Verwandten", + -14.016005516052246 + ], + [ + "\u2581envolvem", + -14.01600742340088 + ], + [ + "\u2581convidados", + -14.01601791381836 + ], + [ + "\u00e9puis", + -14.016027450561523 + ], + [ + "\u2581vis\u00e9e", + -14.01603889465332 + ], + [ + "vej", + -14.01604461669922 + ], + [ + "pectator", + -14.016058921813965 + ], + [ + "uotient", + -14.016079902648926 + ], + [ + "\u2581vigilia", + -14.016128540039062 + ], + [ + "\u2581gebruikelijke", + -14.016135215759276 + ], + [ + "\u2581arguing", + -14.016142845153809 + ], + [ + "\u2581ondersoort", + -14.01614475250244 + ], + [ + "\u2581Ravi", + -14.016179084777832 + ], + [ + "\u2581vac\u00eda", + -14.016180038452148 + ], + [ + "ADOR", + -14.016182899475098 + ], + [ + "\u2581curiosit\u00e9", + -14.016218185424805 + ], + [ + "\u2581L\u00e4ngen", + -14.01622200012207 + ], + [ + "\u2581Pica", + -14.01623249053955 + ], + [ + "userID", + -14.016258239746094 + ], + [ + "akim", + -14.016268730163574 + ], + [ + "Arsenal", + -14.0162935256958 + ], + [ + "\u2581memor", + -14.016295433044434 + ], + [ + "Brief", + -14.016300201416016 + ], + [ + "bindungen", + -14.01630401611328 + ], + [ + "slaaf", + -14.016308784484863 + ], + [ + "\u2581bestritt", + -14.01630973815918 + ], + [ + "\u2581analisado", + -14.016335487365724 + ], + [ + "bbc", + -14.016338348388672 + ], + [ + "\u2581measurable", + -14.01635456085205 + ], + [ + "\u2581gerencia", + -14.01636028289795 + ], + [ + "\u2581costretta", + -14.01639175415039 + ], + [ + "\u2581couloir", + -14.016423225402832 + ], + [ + "wirksame", + -14.016447067260742 + ], + [ + "yoku", + -14.016447067260742 + ], + [ + "\u2581razonable", + -14.016470909118652 + ], + [ + "\u2581lesions", + -14.016485214233398 + ], + [ + "\u2581egual", + -14.016487121582031 + ], + [ + "marco", + -14.016505241394045 + ], + [ + "estad\u00edstico", + -14.016509056091309 + ], + [ + "\u2581caminhar", + -14.016517639160156 + ], + [ + "jaartal", + -14.016533851623535 + ], + [ + "deeld", + -14.016586303710938 + ], + [ + "spirant", + -14.016590118408203 + ], + [ + "\u2581Homeland", + -14.016593933105469 + ], + [ + "\u2581\u00fcberzeugend", + -14.016595840454102 + ], + [ + "anthera", + -14.0166015625 + ], + [ + "\u2581aggiudica", + -14.01661491394043 + ], + [ + "HUMAN", + -14.01661777496338 + ], + [ + "\u2581geachtet", + -14.016642570495604 + ], + [ + "\u2581H\u00fcr", + -14.01664924621582 + ], + [ + "\u2581Badminton", + -14.016701698303224 + ], + [ + "Essere", + -14.01670265197754 + ], + [ + "\u2581labores", + -14.016708374023438 + ], + [ + "impurity", + -14.016709327697754 + ], + [ + "\u2581entretenimiento", + -14.016716957092283 + ], + [ + "\u2581fome", + -14.016731262207031 + ], + [ + "ashes", + -14.016733169555664 + ], + [ + "\u2581gardes", + -14.016742706298828 + ], + [ + "viction", + -14.016753196716309 + ], + [ + "\u2581adviser", + -14.016801834106444 + ], + [ + "tropo", + -14.016819953918455 + ], + [ + "UCI", + -14.016890525817873 + ], + [ + "tmpl", + -14.01695442199707 + ], + [ + "\u2581Neem", + -14.016965866088867 + ], + [ + "Forschungs", + -14.017075538635254 + ], + [ + "\u2581Economische", + -14.01709270477295 + ], + [ + "IsNil", + -14.017135620117188 + ], + [ + "\u2581bicho", + -14.017163276672363 + ], + [ + "\u2581curiosidade", + -14.017186164855955 + ], + [ + "oasis", + -14.017196655273438 + ], + [ + "\u2581D\u00edas", + -14.017206192016602 + ], + [ + "\u2581Nederlander", + -14.017241477966309 + ], + [ + "pante", + -14.017251968383787 + ], + [ + "\u2581expulsar", + -14.017258644104004 + ], + [ + "\u2581arm\u00e9", + -14.017306327819824 + ], + [ + "\u2581eindpunt", + -14.017306327819824 + ], + [ + "\u2581Aktualisierung", + -14.017311096191406 + ], + [ + "\u2581Chamberlain", + -14.017319679260254 + ], + [ + "\u2581Antarctic", + -14.017351150512695 + ], + [ + "\u2581interdite", + -14.017352104187012 + ], + [ + "ironia", + -14.017377853393556 + ], + [ + "\u2581saltare", + -14.017382621765137 + ], + [ + "\u2581explosions", + -14.017398834228516 + ], + [ + "\u2581definitieve", + -14.01741886138916 + ], + [ + "transitive", + -14.017426490783691 + ], + [ + "\u2581Nuov", + -14.017437934875488 + ], + [ + "\u2581ausgetauscht", + -14.01744556427002 + ], + [ + "\u2581jeans", + -14.017522811889648 + ], + [ + "\u2581onderzoekers", + -14.01753044128418 + ], + [ + "\u2581morreram", + -14.017562866210938 + ], + [ + "\u2581juridische", + -14.017587661743164 + ], + [ + "\u2581Dramafilm", + -14.017657279968262 + ], + [ + "preprocessor", + -14.01767921447754 + ], + [ + "\u2581brake", + -14.017683029174805 + ], + [ + "\u2581noturna", + -14.017702102661133 + ], + [ + "\u2581Puoi", + -14.017718315124512 + ], + [ + "\u2581Termine", + -14.017723083496094 + ], + [ + "\u2581landesweit", + -14.017746925354004 + ], + [ + "cull", + -14.01774787902832 + ], + [ + "stumm", + -14.0177583694458 + ], + [ + "gew\u00e4hlt", + -14.017770767211914 + ], + [ + "\u2581giftige", + -14.017814636230469 + ], + [ + "\u2581Erfordernissen", + -14.017824172973633 + ], + [ + "\u2581contribuy\u00f3", + -14.017879486083984 + ], + [ + "\u2581architettonico", + -14.017916679382324 + ], + [ + "\u2581affacciano", + -14.017918586730955 + ], + [ + "palo", + -14.01796531677246 + ], + [ + "arily", + -14.017991065979004 + ], + [ + "lanza", + -14.017993927001951 + ], + [ + "\u2581fagot", + -14.01800537109375 + ], + [ + "\u2581disparos", + -14.018011093139648 + ], + [ + "\u2581sculture", + -14.018019676208496 + ], + [ + "Gleich", + -14.018049240112305 + ], + [ + "\u2581Dwerg", + -14.018086433410645 + ], + [ + "\u2581sechsten", + -14.018092155456545 + ], + [ + "\u2581Jahresbericht", + -14.01810359954834 + ], + [ + "opal", + -14.01811981201172 + ], + [ + "alerte", + -14.018125534057615 + ], + [ + "xab", + -14.018131256103516 + ], + [ + "UIImage", + -14.018156051635742 + ], + [ + "\u2581transference", + -14.01816177368164 + ], + [ + "Figura", + -14.018189430236816 + ], + [ + "\u2581beschikken", + -14.01820468902588 + ], + [ + "\u2581herbouwd", + -14.01821517944336 + ], + [ + "\u2581sequestro", + -14.018221855163574 + ], + [ + "mbria", + -14.01827335357666 + ], + [ + "polizeilichen", + -14.01829719543457 + ], + [ + "berf\u00fchrung", + -14.01834201812744 + ], + [ + "\u2581Landbouw", + -14.018360137939451 + ], + [ + "hemmt", + -14.018362045288086 + ], + [ + "S\u00fcddeutsche", + -14.018362998962402 + ], + [ + "\u2581anuncios", + -14.018362998962402 + ], + [ + "\u2581Destin", + -14.018431663513184 + ], + [ + "Hilaire", + -14.018445014953612 + ], + [ + "\u2581sargento", + -14.018454551696776 + ], + [ + "gerte", + -14.018465995788574 + ], + [ + "\u2581semblables", + -14.018472671508787 + ], + [ + "\u2581dipendenza", + -14.018507957458496 + ], + [ + "\u2581rilevanza", + -14.018516540527344 + ], + [ + "\u2581lanzaron", + -14.018522262573242 + ], + [ + "\u2581appels", + -14.018534660339355 + ], + [ + "\u2581Lettre", + -14.01856803894043 + ], + [ + "\u2581magneto", + -14.018596649169922 + ], + [ + "\u2581perdas", + -14.018622398376465 + ], + [ + "\u2581Gijs", + -14.018668174743652 + ], + [ + "athan", + -14.018699645996094 + ], + [ + "strafen", + -14.018754959106444 + ], + [ + "\u2581divisi", + -14.018779754638672 + ], + [ + "\u2581Reichtum", + -14.018795013427734 + ], + [ + "\u2581ammettere", + -14.018800735473633 + ], + [ + "feldes", + -14.018834114074709 + ], + [ + "\u2581gustos", + -14.018869400024414 + ], + [ + "\u2581radicales", + -14.018893241882324 + ], + [ + "\u2581Margot", + -14.018959045410156 + ], + [ + "\u2581crosta", + -14.018980979919434 + ], + [ + "wertige", + -14.018999099731444 + ], + [ + "abside", + -14.019001960754396 + ], + [ + "\u2581Tari", + -14.019006729125977 + ], + [ + "\u2581Pipp", + -14.019039154052734 + ], + [ + "CMA", + -14.019064903259276 + ], + [ + "\u2581rasp", + -14.01907730102539 + ], + [ + "\u2581diffraction", + -14.019103050231934 + ], + [ + "\u2581componen", + -14.019112586975098 + ], + [ + "\u2581Seri", + -14.019120216369627 + ], + [ + "adozione", + -14.019139289855955 + ], + [ + "\u2581entspannt", + -14.01914405822754 + ], + [ + "absorb", + -14.019234657287598 + ], + [ + "interpr", + -14.019268989562988 + ], + [ + "OpenJDK", + -14.019307136535645 + ], + [ + "\u2581simult\u00e1neamente", + -14.019326210021973 + ], + [ + "itorio", + -14.019352912902832 + ], + [ + "\u2581Malvinas", + -14.019391059875488 + ], + [ + "\u2581empr\u00e9stimo", + -14.019391059875488 + ], + [ + "\u2581toponyme", + -14.019403457641602 + ], + [ + "Beamt", + -14.019432067871094 + ], + [ + "einstellung", + -14.019449234008787 + ], + [ + "terminologie", + -14.01945686340332 + ], + [ + "\u2581muelle", + -14.019457817077637 + ], + [ + "\u2581percorrer", + -14.019458770751951 + ], + [ + "\u2581Weir", + -14.019482612609863 + ], + [ + "\u2581Metropole", + -14.01951503753662 + ], + [ + "\u2581Umbr", + -14.019532203674316 + ], + [ + "\u2581picos", + -14.019546508789062 + ], + [ + "\u2581rifles", + -14.01956272125244 + ], + [ + "\u2581compartido", + -14.019573211669922 + ], + [ + "\u2581Intercity", + -14.019576072692873 + ], + [ + "arabic", + -14.019590377807615 + ], + [ + "\u2581desconto", + -14.019609451293944 + ], + [ + "\u00e4lt", + -14.019631385803224 + ], + [ + "\u2581consegnato", + -14.019631385803224 + ], + [ + "periodic", + -14.019670486450195 + ], + [ + "\u2581Arbeitstag", + -14.019735336303713 + ], + [ + "\u2581vrachtwagen", + -14.019766807556152 + ], + [ + "anzen", + -14.019821166992188 + ], + [ + "ruppe", + -14.019826889038086 + ], + [ + "y\u00e1n", + -14.019871711730955 + ], + [ + "riet\u00e0", + -14.019877433776855 + ], + [ + "\u2581t\u00edmid", + -14.019892692565918 + ], + [ + "\u2581incursioni", + -14.01990795135498 + ], + [ + "REI", + -14.019923210144045 + ], + [ + "ivilgesellschaft", + -14.019932746887209 + ], + [ + "\u2581zuckte", + -14.019947052001951 + ], + [ + "\u2581senatori", + -14.019963264465332 + ], + [ + "\u2581ramal", + -14.019968032836914 + ], + [ + "aigne", + -14.019980430603027 + ], + [ + "CreateOrUpdate", + -14.019986152648926 + ], + [ + "\u2581mansion", + -14.019989013671877 + ], + [ + "\u2581sustituir", + -14.019989967346191 + ], + [ + "\u2581Cout", + -14.01999568939209 + ], + [ + "\u2581feroce", + -14.01999855041504 + ], + [ + "ognac", + -14.02002239227295 + ], + [ + "\u2581concern\u00e9", + -14.020039558410645 + ], + [ + "gnupg", + -14.020049095153809 + ], + [ + "\u2581sottili", + -14.020068168640137 + ], + [ + "ouvrit", + -14.02008056640625 + ], + [ + "proze", + -14.02008056640625 + ], + [ + "\u2581condenados", + -14.0200834274292 + ], + [ + "\u2581portero", + -14.020092010498049 + ], + [ + "Tecla", + -14.020106315612791 + ], + [ + "\u2581Thon", + -14.020118713378906 + ], + [ + "\u2581imparato", + -14.020121574401855 + ], + [ + "\u2581Hoh", + -14.020151138305664 + ], + [ + "\u2581assicurarsi", + -14.020176887512209 + ], + [ + "\u2581Hefe", + -14.020186424255373 + ], + [ + "\u2581Verpackung", + -14.020198822021484 + ], + [ + "\u2581pauschal", + -14.020203590393066 + ], + [ + "s\u00e4uren", + -14.020211219787598 + ], + [ + "\u2581cr\u00e9ant", + -14.020227432250977 + ], + [ + "\u2581Nacionales", + -14.020262718200684 + ], + [ + "ijzeren", + -14.020269393920898 + ], + [ + "\u2581Furn", + -14.020276069641112 + ], + [ + "Etna", + -14.020281791687012 + ], + [ + "\u2581Tocantins", + -14.02028465270996 + ], + [ + "\u2581reemplazo", + -14.02028465270996 + ], + [ + "\u2581survivors", + -14.020292282104492 + ], + [ + "\u2581intervi", + -14.020343780517578 + ], + [ + "\u2581entstamm", + -14.020360946655272 + ], + [ + "\u2581unerwartet", + -14.020367622375488 + ], + [ + "\u2581Rop", + -14.02043914794922 + ], + [ + "\u2581rientrare", + -14.020442962646484 + ], + [ + "\u2581Kreditinstitut", + -14.02046012878418 + ], + [ + "\u2581cuota", + -14.020478248596191 + ], + [ + "Temporal", + -14.020500183105469 + ], + [ + "\u2581Abdij", + -14.02053928375244 + ], + [ + "syst\u00e9matiquement", + -14.020564079284668 + ], + [ + "\u2581kerkelijke", + -14.020596504211426 + ], + [ + "\u2581commentaar", + -14.02060317993164 + ], + [ + "\u2581appes", + -14.020609855651855 + ], + [ + "\u2581classificato", + -14.020612716674805 + ], + [ + "\u2581arredores", + -14.02065086364746 + ], + [ + "\u2581Supermarkt", + -14.020734786987305 + ], + [ + "\u2581vif", + -14.02078914642334 + ], + [ + "ugging", + -14.02079963684082 + ], + [ + "\u2581drukke", + -14.0208158493042 + ], + [ + "\u2581Uribe", + -14.020880699157717 + ], + [ + "uhan", + -14.020888328552246 + ], + [ + "flur", + -14.02089786529541 + ], + [ + "\u2581teilnehmenden", + -14.020902633666992 + ], + [ + "\u2581desafios", + -14.020913124084473 + ], + [ + "\u2581leves", + -14.020920753479004 + ], + [ + "flussi", + -14.020966529846191 + ], + [ + "\u2581Gemini", + -14.020978927612305 + ], + [ + "\u2581Khao", + -14.020987510681152 + ], + [ + "\u2581enfrentou", + -14.020999908447266 + ], + [ + "bubble", + -14.021003723144531 + ], + [ + "\u2581\u00e9tions", + -14.021047592163086 + ], + [ + "\u2581nacionalismo", + -14.0210542678833 + ], + [ + "\u2581inappropriate", + -14.021068572998049 + ], + [ + "\u2581Faria", + -14.02110481262207 + ], + [ + "\u2581Pasch", + -14.021174430847168 + ], + [ + "\u2581Sterrenstelsel", + -14.021180152893066 + ], + [ + "\u2581stretching", + -14.0211820602417 + ], + [ + "ilton", + -14.021195411682127 + ], + [ + "\u2581interurba", + -14.02120876312256 + ], + [ + "inker", + -14.021209716796877 + ], + [ + "Franc", + -14.021245002746582 + ], + [ + "kuchen", + -14.021270751953123 + ], + [ + "ampier", + -14.021279335021973 + ], + [ + "\u2581sobri", + -14.021303176879885 + ], + [ + "taj", + -14.02132797241211 + ], + [ + "\u2581acopla", + -14.021329879760742 + ], + [ + "grippe", + -14.02133560180664 + ], + [ + "\u2581Rendite", + -14.021395683288574 + ], + [ + "\u2581eigenst\u00e4ndigen", + -14.021455764770508 + ], + [ + "\u2581Cyn", + -14.02146339416504 + ], + [ + "\u2581cl\u00e9rigo", + -14.02148151397705 + ], + [ + "\u2581Akzent", + -14.021486282348633 + ], + [ + "\u2581monarquia", + -14.021501541137695 + ], + [ + "quadrat", + -14.021557807922363 + ], + [ + "llement", + -14.021594047546388 + ], + [ + "\u2581Meridian", + -14.021631240844728 + ], + [ + "\u2581detailliert", + -14.021673202514648 + ], + [ + "\u2581Pisc", + -14.021703720092772 + ], + [ + "lippen", + -14.021720886230469 + ], + [ + "rbio", + -14.02173137664795 + ], + [ + "\u2581detti", + -14.02174472808838 + ], + [ + "int\u00e9resser", + -14.021759033203123 + ], + [ + "\u2581Recentemente", + -14.021777153015137 + ], + [ + "\u2581Thrombozyten", + -14.021777153015137 + ], + [ + "\u2581sindacati", + -14.021783828735352 + ], + [ + "\u2581Guadal", + -14.021787643432615 + ], + [ + "\u2581eravamo", + -14.021812438964844 + ], + [ + "\u2581parochiekerk", + -14.021812438964844 + ], + [ + "Kurz", + -14.021835327148438 + ], + [ + "\u2581zukommt", + -14.02185344696045 + ], + [ + "\u2581scelse", + -14.021865844726562 + ], + [ + "nhausen", + -14.021867752075195 + ], + [ + "lattice", + -14.021890640258787 + ], + [ + "\u2581almacena", + -14.021913528442385 + ], + [ + "\u2581achterzijde", + -14.021917343139648 + ], + [ + "tufo", + -14.021927833557127 + ], + [ + "UENTIAL", + -14.021929740905762 + ], + [ + "stritten", + -14.021931648254396 + ], + [ + "\u2581d\u00f3lar", + -14.021934509277344 + ], + [ + "elidae", + -14.021990776062012 + ], + [ + "\u2581mobiele", + -14.022010803222656 + ], + [ + "Kassel", + -14.022018432617188 + ], + [ + "\u2581Anyone", + -14.022028923034668 + ], + [ + "sitze", + -14.022029876708984 + ], + [ + "moordenaar", + -14.022050857543944 + ], + [ + "\u2581Hurt", + -14.022059440612791 + ], + [ + "\u2581Sportiva", + -14.022065162658691 + ], + [ + "\u2581verruilde", + -14.02207374572754 + ], + [ + "yler", + -14.022093772888184 + ], + [ + "\u2581obbligatorio", + -14.022098541259766 + ], + [ + "\u2581Arden", + -14.022109985351562 + ], + [ + "\u2581influenzato", + -14.022109985351562 + ], + [ + "\u2581autisti", + -14.022178649902344 + ], + [ + "toolbox", + -14.02219009399414 + ], + [ + "randint", + -14.022196769714355 + ], + [ + "\u2581opposing", + -14.022197723388672 + ], + [ + "getParent", + -14.022231101989746 + ], + [ + "\u2581gepr\u00e4gten", + -14.022241592407228 + ], + [ + "Hilfe", + -14.022255897521973 + ], + [ + "\u2581photographer", + -14.02230453491211 + ], + [ + "passion", + -14.022353172302246 + ], + [ + "\u2581Sortie", + -14.022363662719728 + ], + [ + "\u2581hurricane", + -14.022371292114258 + ], + [ + "\u00e1ctica", + -14.02239227294922 + ], + [ + "azor", + -14.022393226623535 + ], + [ + "\u2581ausreichender", + -14.022397994995115 + ], + [ + "passed", + -14.022422790527344 + ], + [ + "Withdraw", + -14.02244758605957 + ], + [ + "\u2581Aqu", + -14.022473335266112 + ], + [ + "\u2581fabricado", + -14.022513389587402 + ], + [ + "\u2581autom\u00e1ticamente", + -14.022584915161133 + ], + [ + "entwick", + -14.022587776184082 + ], + [ + "\u2581cuadr", + -14.022589683532717 + ], + [ + "\u2581Merz", + -14.02263069152832 + ], + [ + "kl\u00e4rung", + -14.022642135620115 + ], + [ + "Inseln", + -14.022648811340332 + ], + [ + "\u2581ausgeschildert", + -14.02267074584961 + ], + [ + "\u2581widerspricht", + -14.022675514221191 + ], + [ + "kopp", + -14.02269172668457 + ], + [ + "\u2581koude", + -14.02275276184082 + ], + [ + "\u2581Verk\u00fcrzung", + -14.02276611328125 + ], + [ + "twig", + -14.022819519042969 + ], + [ + "\u2581photographique", + -14.022819519042969 + ], + [ + "\u2581gusti", + -14.02283000946045 + ], + [ + "BasicBlock", + -14.022841453552246 + ], + [ + "rouwen", + -14.022854804992676 + ], + [ + "\u2581colec", + -14.022863388061523 + ], + [ + "bip", + -14.0228910446167 + ], + [ + "\u2581attaccato", + -14.022927284240724 + ], + [ + "\u2581desires", + -14.022944450378418 + ], + [ + "pr\u00e4vention", + -14.022954940795898 + ], + [ + "\u2581kiezelnaalden", + -14.022968292236328 + ], + [ + "\u2581scioglie", + -14.022977828979492 + ], + [ + "\u2581Konkretisierung", + -14.022991180419922 + ], + [ + "Edition", + -14.022993087768556 + ], + [ + "\u2581chemicals", + -14.022994995117188 + ], + [ + "\u2581Cuc", + -14.023011207580566 + ], + [ + "\u2581Einreichung", + -14.023041725158691 + ], + [ + "\u2581supprim\u00e9", + -14.023065567016602 + ], + [ + "\u2581drawings", + -14.023090362548828 + ], + [ + "pici", + -14.02309513092041 + ], + [ + "Flight", + -14.02312183380127 + ], + [ + "duttore", + -14.023137092590332 + ], + [ + "hM", + -14.023168563842772 + ], + [ + "\u2581fitta", + -14.023234367370604 + ], + [ + "\u2581povoa", + -14.02326202392578 + ], + [ + "\u2581PayPal", + -14.023274421691896 + ], + [ + "\u2581Fr\u00fchling", + -14.02328872680664 + ], + [ + "\u2581questioned", + -14.023300170898438 + ], + [ + "kong", + -14.023335456848145 + ], + [ + "gnola", + -14.023370742797852 + ], + [ + "bigcup", + -14.02343463897705 + ], + [ + "\u2581condicional", + -14.023484230041504 + ], + [ + "\u2581gef\u00e4hrlichen", + -14.023497581481934 + ], + [ + "locator", + -14.023504257202148 + ], + [ + "diamo", + -14.02350616455078 + ], + [ + "\u2581Hatte", + -14.023564338684082 + ], + [ + "\u2581Slovaquie", + -14.023568153381348 + ], + [ + "\u2581verzetsstrijder", + -14.023573875427246 + ], + [ + "FRAME", + -14.02357578277588 + ], + [ + "\u2581obst\u00e1culo", + -14.02357578277588 + ], + [ + "\u2581designation", + -14.023578643798828 + ], + [ + "\u2581unz\u00e4hlige", + -14.023581504821776 + ], + [ + "\u2581mostro", + -14.023627281188965 + ], + [ + "ctypes", + -14.023645401000977 + ], + [ + "\u2581Mayr", + -14.023691177368164 + ], + [ + "\u2581metabol", + -14.023743629455566 + ], + [ + "\u2581Kranke", + -14.023789405822754 + ], + [ + "\u2581salvado", + -14.02379322052002 + ], + [ + "utoriteit", + -14.023834228515623 + ], + [ + "clipboard", + -14.02385425567627 + ], + [ + "\u2581conservadora", + -14.02385711669922 + ], + [ + "\u2581Gemarkung", + -14.023866653442385 + ], + [ + "INGM", + -14.023869514465332 + ], + [ + "\u2581Spion", + -14.023870468139648 + ], + [ + "\u2581Basque", + -14.02387523651123 + ], + [ + "\u2581shrugged", + -14.023876190185549 + ], + [ + "prijzen", + -14.023923873901367 + ], + [ + "stackoverflow", + -14.023948669433594 + ], + [ + "jani", + -14.023950576782228 + ], + [ + "\u2581institutionelle", + -14.023964881896973 + ], + [ + "\u2581verschillend", + -14.023967742919922 + ], + [ + "TemplateHelper", + -14.02398681640625 + ], + [ + "\u2581organis\u00e9es", + -14.023987770080566 + ], + [ + "\u2581appended", + -14.024069786071776 + ], + [ + "convenienti", + -14.024081230163574 + ], + [ + "armonica", + -14.024083137512209 + ], + [ + "\u2581hexadecimal", + -14.024105072021484 + ], + [ + "\u2581beabsichtigte", + -14.024114608764648 + ], + [ + "\u2581zoekt", + -14.02411937713623 + ], + [ + "\u2581sponginevezels", + -14.024164199829102 + ], + [ + "\u2581ganancias", + -14.024176597595217 + ], + [ + "TestMetadata", + -14.02420425415039 + ], + [ + "\u2581toccare", + -14.024206161499023 + ], + [ + "\u2581Pirra", + -14.024221420288086 + ], + [ + "tolerance", + -14.024225234985352 + ], + [ + "Bundesverwaltung", + -14.024248123168944 + ], + [ + "roem", + -14.024293899536133 + ], + [ + "bcc", + -14.024348258972168 + ], + [ + "\u2581d\u00e9cern\u00e9", + -14.024353981018066 + ], + [ + "z\u00fcnd", + -14.024368286132812 + ], + [ + "\u2581respected", + -14.024394989013672 + ], + [ + "\u2581pup", + -14.024439811706545 + ], + [ + "\u2581Fjord", + -14.024446487426758 + ], + [ + "\u2581r\u00e9centes", + -14.024469375610352 + ], + [ + "DSP", + -14.0244779586792 + ], + [ + "\u2581Lithium", + -14.024480819702148 + ], + [ + "yma", + -14.024495124816896 + ], + [ + "\u2581pr\u00e9sent\u00e9s", + -14.024507522583008 + ], + [ + "\u2581redirecci\u00f3n", + -14.024545669555664 + ], + [ + "\u2581wereldtitel", + -14.024558067321776 + ], + [ + "americani", + -14.024569511413574 + ], + [ + "onata", + -14.024600982666016 + ], + [ + "dicus", + -14.024601936340332 + ], + [ + "\u2581workaround", + -14.024616241455078 + ], + [ + "GCG", + -14.024651527404783 + ], + [ + "\u2581implor", + -14.024696350097656 + ], + [ + "laufzeit", + -14.024701118469238 + ], + [ + "\u2581stimmten", + -14.024724960327148 + ], + [ + "\u2581Welch", + -14.024773597717283 + ], + [ + "\u2581audiovisual", + -14.024781227111816 + ], + [ + "\u2581Polder", + -14.02479076385498 + ], + [ + "\u2581Participaciones", + -14.024828910827637 + ], + [ + "bl\u00e4ttern", + -14.024843215942385 + ], + [ + "imonia", + -14.024852752685549 + ], + [ + "imposi", + -14.024856567382812 + ], + [ + "\u2581Hoop", + -14.024871826171877 + ], + [ + "\u2581Tausend", + -14.02492618560791 + ], + [ + "\u2581angestrebten", + -14.024931907653809 + ], + [ + "afra", + -14.024948120117188 + ], + [ + "av\u00e9r", + -14.024959564208984 + ], + [ + "\u2581canoa", + -14.024967193603516 + ], + [ + "\u2581Mold", + -14.024975776672363 + ], + [ + "\u2581Duin", + -14.024977684020996 + ], + [ + "\u2581Bienes", + -14.024985313415527 + ], + [ + "\u2581requieren", + -14.02499771118164 + ], + [ + "\u2581Especially", + -14.025005340576172 + ], + [ + "accusation", + -14.025036811828612 + ], + [ + "\u2581compongono", + -14.02504062652588 + ], + [ + "\u2581practicar", + -14.025046348571776 + ], + [ + "Pomerania", + -14.02506160736084 + ], + [ + "\u2581sincero", + -14.02507495880127 + ], + [ + "\u2581prop\u00f3sitos", + -14.025079727172852 + ], + [ + "\u2581autoris\u00e9e", + -14.025080680847168 + ], + [ + "\u2581roulant", + -14.025094032287598 + ], + [ + "exercise", + -14.025107383728027 + ], + [ + "DGE", + -14.02513027191162 + ], + [ + "Heim", + -14.025131225585938 + ], + [ + "\u2581Gemma", + -14.025135040283203 + ], + [ + "\u2581calculada", + -14.025142669677734 + ], + [ + "\u2581deliberately", + -14.025179862976074 + ], + [ + "PTR", + -14.02518081665039 + ], + [ + "\u2581mercur", + -14.02520751953125 + ], + [ + "\u2581Finances", + -14.025225639343262 + ], + [ + "\u2581controllate", + -14.025285720825195 + ], + [ + "\u2581verliep", + -14.025297164916992 + ], + [ + "\u2581finlandais", + -14.025298118591309 + ], + [ + "ayan", + -14.025350570678713 + ], + [ + "\u2581juif", + -14.025360107421877 + ], + [ + "AIRFLOW", + -14.025362968444824 + ], + [ + "\u2581Russe", + -14.025381088256836 + ], + [ + "gebrannt", + -14.025385856628418 + ], + [ + "\u2581beherbergt", + -14.025389671325684 + ], + [ + "\u2581Utilisation", + -14.025404930114746 + ], + [ + "\u2581EMR", + -14.025409698486328 + ], + [ + "\u2581Caspi", + -14.02541732788086 + ], + [ + "\u2581Postal", + -14.025443077087402 + ], + [ + "\u2581freshwater", + -14.025445938110352 + ], + [ + "\u2581adopt\u00e9e", + -14.025450706481934 + ], + [ + "ngste", + -14.025490760803224 + ], + [ + "\u2581Lachen", + -14.025557518005373 + ], + [ + "\u2581ricarica", + -14.025567054748535 + ], + [ + "\u2581onderorde", + -14.025620460510254 + ], + [ + "\u2581quantit\u00e9s", + -14.025679588317873 + ], + [ + "\u2581seguaci", + -14.025680541992188 + ], + [ + "rousse", + -14.025694847106934 + ], + [ + "acute", + -14.025701522827148 + ], + [ + "\u2581geschafft", + -14.025750160217283 + ], + [ + "\u2581corrup", + -14.02578353881836 + ], + [ + "\u2581monk", + -14.025787353515623 + ], + [ + "setImage", + -14.02582550048828 + ], + [ + "\u2581Dublino", + -14.025835037231444 + ], + [ + "\u2581Olo", + -14.025839805603027 + ], + [ + "\u2581dejan", + -14.02585220336914 + ], + [ + "\u2581genealog", + -14.025856018066406 + ], + [ + "\u2581Intermedi", + -14.025886535644531 + ], + [ + "\u2581introduzir", + -14.02590560913086 + ], + [ + "appartement", + -14.025933265686035 + ], + [ + "embouchure", + -14.025959968566896 + ], + [ + "\u2581Litu", + -14.025961875915527 + ], + [ + "\u2581Britanniques", + -14.0260009765625 + ], + [ + "\u2581studioso", + -14.026005744934082 + ], + [ + "\u2581galop", + -14.026010513305664 + ], + [ + "\u2581manejar", + -14.026043891906738 + ], + [ + "\u2581Bonifa", + -14.02604866027832 + ], + [ + "\u2581Siren", + -14.026073455810549 + ], + [ + "\u2581Espera", + -14.02608585357666 + ], + [ + "wijken", + -14.026089668273926 + ], + [ + "\u2581darsi", + -14.026123046875 + ], + [ + "ECK", + -14.026124954223633 + ], + [ + "\u2581sueldo", + -14.026168823242188 + ], + [ + "\u2581unite", + -14.02617073059082 + ], + [ + "\u2581disputata", + -14.026190757751465 + ], + [ + "taru", + -14.02622127532959 + ], + [ + "imum", + -14.02625846862793 + ], + [ + "\u2581BWV", + -14.02625846862793 + ], + [ + "\u2581Com\u00e9rcio", + -14.026259422302246 + ], + [ + "\u2581Beja", + -14.026301383972168 + ], + [ + "beurten", + -14.02634048461914 + ], + [ + "\u2581durchzusetzen", + -14.026348114013672 + ], + [ + "bloc", + -14.026354789733888 + ], + [ + "ucina", + -14.026361465454102 + ], + [ + "SWA", + -14.026365280151367 + ], + [ + "\u2581Cabeza", + -14.026386260986328 + ], + [ + "bombardier", + -14.026416778564451 + ], + [ + "Amor", + -14.02642059326172 + ], + [ + "jax", + -14.02642059326172 + ], + [ + "\u2581corriger", + -14.026432037353516 + ], + [ + "Bayern", + -14.026450157165527 + ], + [ + "italic", + -14.02645206451416 + ], + [ + "\u2581Nachkommen", + -14.02651309967041 + ], + [ + "Filesystem", + -14.026529312133787 + ], + [ + "aeidae", + -14.026531219482422 + ], + [ + "\u2581savons", + -14.026554107666016 + ], + [ + "\u2581sikkelmotten", + -14.026558876037598 + ], + [ + "\u2581potencialmente", + -14.026602745056152 + ], + [ + "\u2581saisi", + -14.026623725891112 + ], + [ + "ppy", + -14.026640892028809 + ], + [ + "\u2581conhecemos", + -14.026646614074709 + ], + [ + "EPO", + -14.026655197143556 + ], + [ + "\u2581Kindertages", + -14.026680946350098 + ], + [ + "Subsection", + -14.02668571472168 + ], + [ + "\u2581Ganzen", + -14.026689529418944 + ], + [ + "\u2581decret", + -14.026692390441896 + ], + [ + "ackt", + -14.026698112487791 + ], + [ + "\u2581majeures", + -14.026700973510742 + ], + [ + "\u2581afirmaci\u00f3n", + -14.02671718597412 + ], + [ + "\u2581assessing", + -14.02676010131836 + ], + [ + "cuente", + -14.026762962341309 + ], + [ + "\u2581restituit", + -14.02678680419922 + ], + [ + "\u2581Scham", + -14.0267972946167 + ], + [ + "correu", + -14.026801109313965 + ], + [ + "cardia", + -14.02680206298828 + ], + [ + "\u2581peito", + -14.026813507080078 + ], + [ + "vince", + -14.026861190795898 + ], + [ + "\u2581veranlassen", + -14.026869773864746 + ], + [ + "\u2581tambien", + -14.026881217956545 + ], + [ + "\u2581Cognitive", + -14.02688980102539 + ], + [ + "onderzoeker", + -14.02690887451172 + ], + [ + "\u2581feroci", + -14.026927947998049 + ], + [ + "\u2581gestopt", + -14.026928901672363 + ], + [ + "\u2581#########", + -14.026944160461426 + ], + [ + "\u2581attir\u00e9", + -14.026975631713867 + ], + [ + "alfabeto", + -14.027016639709473 + ], + [ + "acidi", + -14.027082443237305 + ], + [ + "\u2581Belas", + -14.02708339691162 + ], + [ + "sGetCall", + -14.02708911895752 + ], + [ + "izan", + -14.027097702026367 + ], + [ + "\u2581Varsavia", + -14.027158737182615 + ], + [ + "\u2581Tr\u00e9sor", + -14.0271635055542 + ], + [ + "motorfiets", + -14.027174949645996 + ], + [ + "\u2581uniti", + -14.027206420898438 + ], + [ + "reaux", + -14.027246475219728 + ], + [ + "wekt", + -14.027274131774902 + ], + [ + "umsatz", + -14.027278900146484 + ], + [ + "\u2581Fim", + -14.027284622192385 + ], + [ + "Vertrags", + -14.02729320526123 + ], + [ + "\u2581Monthly", + -14.027299880981444 + ], + [ + "\u2581Antrieb", + -14.027321815490724 + ], + [ + "\u2581vincula", + -14.027362823486328 + ], + [ + "\u2581Wirts", + -14.027395248413086 + ], + [ + "\u2581istituzionali", + -14.027440071105955 + ], + [ + "\u2581counties", + -14.02744960784912 + ], + [ + "Environnement", + -14.027458190917969 + ], + [ + "permanent", + -14.027506828308104 + ], + [ + "Bitte", + -14.02751350402832 + ], + [ + "\u2581verf\u00fcgbare", + -14.027514457702637 + ], + [ + "\u2581voudr", + -14.027531623840332 + ], + [ + "bcf", + -14.027539253234863 + ], + [ + "\u2581Candi", + -14.027631759643556 + ], + [ + "\u2581numerosa", + -14.027631759643556 + ], + [ + "\u2581Ascenso", + -14.027674674987791 + ], + [ + "\u2581vall\u00e9es", + -14.027728080749512 + ], + [ + "\u2581neglected", + -14.027731895446776 + ], + [ + "\u2581Treuhand", + -14.027762413024902 + ], + [ + "\u2581Vlak", + -14.027785301208496 + ], + [ + "\u2581Sagrada", + -14.027825355529783 + ], + [ + "mario", + -14.027828216552734 + ], + [ + "rderungsgesetzes", + -14.027839660644531 + ], + [ + "\u2581Brix", + -14.027840614318848 + ], + [ + "negate", + -14.027856826782228 + ], + [ + "\u2581Gies", + -14.02785873413086 + ], + [ + "\u2581Aufkl\u00e4rungs", + -14.027861595153809 + ], + [ + "\u2581Pieve", + -14.027871131896973 + ], + [ + "\u2581vergeten", + -14.027917861938477 + ], + [ + "stille", + -14.0279541015625 + ], + [ + "\u2581quieta", + -14.027958869934082 + ], + [ + "\u2581mediche", + -14.027996063232422 + ], + [ + "\u2581vivante", + -14.02801513671875 + ], + [ + "\u2581benachbarte", + -14.028017044067385 + ], + [ + "\u2581Octubre", + -14.028058052062988 + ], + [ + "\u2581Pr\u00e4sidium", + -14.028058052062988 + ], + [ + "Games", + -14.028064727783203 + ], + [ + "\u2581Pik", + -14.028078079223633 + ], + [ + "\u2581Brahms", + -14.028085708618164 + ], + [ + "\u2581paterno", + -14.028094291687012 + ], + [ + "NCH", + -14.028114318847656 + ], + [ + "McC", + -14.028124809265137 + ], + [ + "glossa", + -14.028196334838867 + ], + [ + "\u2581omzet", + -14.028209686279297 + ], + [ + "\u2581Kunz", + -14.028249740600586 + ], + [ + "sema", + -14.028268814086914 + ], + [ + "\u2581Reproduktion", + -14.028287887573242 + ], + [ + "\u2581Dorado", + -14.028289794921877 + ], + [ + "bmp", + -14.028319358825684 + ], + [ + "\u2581Sila", + -14.028342247009276 + ], + [ + "\u2581anzuzeigen", + -14.028362274169922 + ], + [ + "\u2581Walloni", + -14.0283784866333 + ], + [ + "atterraggio", + -14.0283842086792 + ], + [ + "\u2581distrusse", + -14.028397560119627 + ], + [ + "\u2581Progressive", + -14.028429985046388 + ], + [ + "\u2581gelukkig", + -14.028429985046388 + ], + [ + "\u2581Noorder", + -14.028465270996094 + ], + [ + "chetti", + -14.028467178344728 + ], + [ + "\u2581sleeve", + -14.028475761413574 + ], + [ + "\u2581Saug", + -14.028517723083496 + ], + [ + "\u2581cogniti", + -14.028545379638672 + ], + [ + "equator", + -14.028570175170898 + ], + [ + "\u2581wundersch", + -14.028627395629885 + ], + [ + "\u2581valico", + -14.02865982055664 + ], + [ + "\u2581gisteren", + -14.028676986694336 + ], + [ + "\u2581L\u00e4rmschutz", + -14.028677940368652 + ], + [ + "\u2581Bolsa", + -14.028680801391602 + ], + [ + "\u2581alemanas", + -14.028745651245115 + ], + [ + "\u2581weltweite", + -14.02874755859375 + ], + [ + "\u2581raggruppa", + -14.028759002685549 + ], + [ + "it\u00e4re", + -14.028761863708496 + ], + [ + "emulator", + -14.028768539428713 + ], + [ + "\u2581UIWindow", + -14.028785705566406 + ], + [ + "WINDOW", + -14.028837203979492 + ], + [ + "usammenspiel", + -14.028853416442873 + ], + [ + "\u2581Crom", + -14.028903007507324 + ], + [ + "\u2581reageren", + -14.028966903686523 + ], + [ + "\u2581denunciar", + -14.028990745544434 + ], + [ + "\u2581Anwendbarkeit", + -14.0289945602417 + ], + [ + "\u2581mantenne", + -14.0289945602417 + ], + [ + "\u2581hinterlassen", + -14.029006958007812 + ], + [ + "\u2581Erosion", + -14.029126167297363 + ], + [ + "nistes", + -14.029139518737791 + ], + [ + "ilbert", + -14.029146194458008 + ], + [ + "edra", + -14.029170036315918 + ], + [ + "\u2581Libya", + -14.029184341430664 + ], + [ + "dioxid", + -14.02923583984375 + ], + [ + "\u2581Reisekosten", + -14.029252052307127 + ], + [ + "\u2581Einerseits", + -14.02925968170166 + ], + [ + "\u2581sterft", + -14.029268264770508 + ], + [ + "\u2581disc\u00edpulo", + -14.029271125793455 + ], + [ + "\u2581Huerta", + -14.02927589416504 + ], + [ + "\u2581prego", + -14.029296875 + ], + [ + "\u2581Claudius", + -14.029303550720217 + ], + [ + "terij", + -14.029342651367188 + ], + [ + "\u2581Voj", + -14.02934455871582 + ], + [ + "wording", + -14.029359817504885 + ], + [ + "tril", + -14.02939796447754 + ], + [ + "pali", + -14.02942943572998 + ], + [ + "\u2581contattare", + -14.02945327758789 + ], + [ + "\u2581Velde", + -14.029461860656738 + ], + [ + "\u2581Spielraum", + -14.029480934143066 + ], + [ + "anhang", + -14.029486656188965 + ], + [ + "steilnehmer", + -14.029512405395508 + ], + [ + "suspend", + -14.029515266418455 + ], + [ + "oussin", + -14.029518127441406 + ], + [ + "elektronen", + -14.02954387664795 + ], + [ + "\u2581verschlechtert", + -14.029560089111328 + ], + [ + "immaginario", + -14.02960205078125 + ], + [ + "\u2581UITextField", + -14.02960205078125 + ], + [ + "\u2581indiscut", + -14.029603958129885 + ], + [ + "\u2581respiration", + -14.029606819152832 + ], + [ + "angas", + -14.029640197753906 + ], + [ + "\u2581besprochen", + -14.02966022491455 + ], + [ + "AutoresizingMask", + -14.029664039611816 + ], + [ + "\u2581buscan", + -14.02967643737793 + ], + [ + "\u2581qualitativen", + -14.02967929840088 + ], + [ + "tieme", + -14.029701232910156 + ], + [ + "\u2581prevale", + -14.029702186584473 + ], + [ + "orbe", + -14.029769897460938 + ], + [ + "GAM", + -14.029776573181152 + ], + [ + "gaster", + -14.029789924621582 + ], + [ + "ServiceProvider", + -14.029839515686035 + ], + [ + "\u2581Onroerend", + -14.029861450195312 + ], + [ + "\u2581sostanziale", + -14.029870986938477 + ], + [ + "kkers", + -14.029871940612791 + ], + [ + "BGH", + -14.029909133911133 + ], + [ + "dataTable", + -14.02991771697998 + ], + [ + "\u2581retrocess", + -14.02994155883789 + ], + [ + "ERI", + -14.029953002929688 + ], + [ + "\u2581recept", + -14.029985427856444 + ], + [ + "\u2581Basically", + -14.03000259399414 + ], + [ + "\u2581Finanzplanung", + -14.030023574829102 + ], + [ + "musl", + -14.030025482177734 + ], + [ + "\u2581d\u00e9ploy\u00e9", + -14.030058860778809 + ], + [ + "\u2581Michiel", + -14.03010082244873 + ], + [ + "\u2581assegnata", + -14.030149459838867 + ], + [ + "\u2581epistem", + -14.030155181884766 + ], + [ + "\u2581Varela", + -14.030159950256348 + ], + [ + "\u2581embarazada", + -14.030162811279297 + ], + [ + "\u2581Rijksmuseum", + -14.030179023742676 + ], + [ + "revel", + -14.03019905090332 + ], + [ + "\u2581gebruikten", + -14.030208587646484 + ], + [ + "\u2581Skar", + -14.030251502990724 + ], + [ + "enzyme", + -14.030258178710938 + ], + [ + "\u2581Advisory", + -14.03026008605957 + ], + [ + "tendido", + -14.030263900756836 + ], + [ + "\u2581condiment", + -14.03027057647705 + ], + [ + "eventh", + -14.030309677124023 + ], + [ + "schwing", + -14.03032112121582 + ], + [ + "arabo", + -14.030329704284668 + ], + [ + "PLO", + -14.030343055725098 + ], + [ + "dcl", + -14.030362129211426 + ], + [ + "woningen", + -14.03036403656006 + ], + [ + "BOUND", + -14.030366897583008 + ], + [ + "\u2581difundir", + -14.030401229858398 + ], + [ + "qvist", + -14.030428886413574 + ], + [ + "\u2581Piren", + -14.030438423156738 + ], + [ + "\u2581colonisation", + -14.0304536819458 + ], + [ + "ATTRIBUTE", + -14.030460357666016 + ], + [ + "\u2581Hist\u00f3rica", + -14.030462265014648 + ], + [ + "\u2581Vandal", + -14.030467987060549 + ], + [ + "ankees", + -14.030468940734863 + ], + [ + "effettiva", + -14.030509948730469 + ], + [ + "\u2581consagrado", + -14.030522346496582 + ], + [ + "communic", + -14.030553817749023 + ], + [ + "\u2581Frid", + -14.03061866760254 + ], + [ + "pinned", + -14.030664443969728 + ], + [ + "orzi", + -14.030710220336914 + ], + [ + "\u2581infierno", + -14.030715942382812 + ], + [ + "erdijk", + -14.030756950378418 + ], + [ + "testify", + -14.030780792236328 + ], + [ + "\u2581nigerian", + -14.030783653259276 + ], + [ + "\u2581estampa", + -14.030803680419922 + ], + [ + "ENDPOINT", + -14.030807495117188 + ], + [ + "Pescara", + -14.030850410461426 + ], + [ + "\u2581prophet", + -14.030876159667969 + ], + [ + "dije", + -14.030885696411133 + ], + [ + "\u2581banane", + -14.030901908874512 + ], + [ + "Gg", + -14.030925750732422 + ], + [ + "\u2581alcanzando", + -14.030949592590332 + ], + [ + "\u2581Riche", + -14.03101921081543 + ], + [ + "\u2581Ant\u00e1rtida", + -14.031064987182615 + ], + [ + "\u2581seksuele", + -14.031064987182615 + ], + [ + "\u2581St\u00e4tte", + -14.031072616577148 + ], + [ + "\u2581Tourism", + -14.03107452392578 + ], + [ + "\u2581Rocchi", + -14.03107738494873 + ], + [ + "jano", + -14.031097412109377 + ], + [ + "erster", + -14.03114891052246 + ], + [ + "\u2581Hooge", + -14.03117847442627 + ], + [ + "\u2581Nobu", + -14.03117847442627 + ], + [ + "ophor", + -14.031206130981444 + ], + [ + "\u2581calam", + -14.031222343444824 + ], + [ + "\u2581Paral\u00edmpicos", + -14.031229972839355 + ], + [ + "\u2581Soph", + -14.03123664855957 + ], + [ + "\u2581lieferte", + -14.03127670288086 + ], + [ + "\u2581disminuye", + -14.031279563903809 + ], + [ + "\u2581analiza", + -14.031302452087402 + ], + [ + "kessel", + -14.031307220458984 + ], + [ + "\u2581diplomatique", + -14.031311988830566 + ], + [ + "\u2581Vesp", + -14.03133487701416 + ], + [ + "\u2581enseignants", + -14.031341552734377 + ], + [ + "\u2581Werth", + -14.031343460083008 + ], + [ + "\u2581Brit\u00e1nico", + -14.031373977661133 + ], + [ + "\u2581Klug", + -14.031377792358398 + ], + [ + "\u2581produtora", + -14.031390190124512 + ], + [ + "\u2581transcurso", + -14.03140640258789 + ], + [ + "Desempenho", + -14.031421661376951 + ], + [ + "\u2581ferita", + -14.0314302444458 + ], + [ + "\u2581Heredia", + -14.031434059143066 + ], + [ + "Workload", + -14.031439781188965 + ], + [ + "\u2581Clinic", + -14.031453132629396 + ], + [ + "\u2581musikalische", + -14.031529426574709 + ], + [ + "lijt", + -14.031536102294922 + ], + [ + "\u2581requesting", + -14.0315580368042 + ], + [ + "ragende", + -14.031580924987791 + ], + [ + "\u2581escaleras", + -14.03158950805664 + ], + [ + "voerder", + -14.03161334991455 + ], + [ + "\u2581empleada", + -14.03161907196045 + ], + [ + "\u2581Mariner", + -14.031656265258787 + ], + [ + "Posizione", + -14.031661033630373 + ], + [ + "\u2581Bichento", + -14.031667709350586 + ], + [ + "\u2581Bambino", + -14.031668663024902 + ], + [ + "\u2581riferirsi", + -14.03170680999756 + ], + [ + "osit\u00e4t", + -14.03174877166748 + ], + [ + "aiguille", + -14.03175926208496 + ], + [ + "geraden", + -14.03177261352539 + ], + [ + "\u2581speculation", + -14.031783103942873 + ], + [ + "\u2581d\u00e9taill\u00e9", + -14.03178882598877 + ], + [ + "\u2581drought", + -14.031813621520996 + ], + [ + "hup", + -14.031851768493652 + ], + [ + "Skipping", + -14.03186321258545 + ], + [ + "\u2581quebrado", + -14.031868934631348 + ], + [ + "\u2581Integrated", + -14.031869888305664 + ], + [ + "ndomi", + -14.031879425048828 + ], + [ + "\u2581minerales", + -14.031882286071776 + ], + [ + "alli\u00e9", + -14.031943321228027 + ], + [ + "\u2581transported", + -14.031960487365724 + ], + [ + "gastrointestinal", + -14.031968116760254 + ], + [ + "Fl\u00fcssig", + -14.031982421875 + ], + [ + "money", + -14.03199577331543 + ], + [ + "kinderen", + -14.032012939453123 + ], + [ + "melk", + -14.032031059265137 + ], + [ + "Am\u00e9rica", + -14.032041549682615 + ], + [ + "Brian", + -14.032065391540527 + ], + [ + "r\u00e4nke", + -14.032076835632324 + ], + [ + "\u2581verteld", + -14.03209114074707 + ], + [ + "\u2581compilateur", + -14.032094955444336 + ], + [ + "\u2581signal\u00e9", + -14.03210735321045 + ], + [ + "im\u00f3", + -14.032154083251951 + ], + [ + "morphe", + -14.03218936920166 + ], + [ + "\u2581Klassi", + -14.03219985961914 + ], + [ + "\u2581protestantse", + -14.03221035003662 + ], + [ + "\u2581integran", + -14.03221321105957 + ], + [ + "StackView", + -14.032227516174316 + ], + [ + "\u2581eccl\u00e9siastique", + -14.032269477844238 + ], + [ + "Prophecy", + -14.03227710723877 + ], + [ + "\u2581boisson", + -14.032279014587402 + ], + [ + "\u2581pl\u00e1stica", + -14.032292366027832 + ], + [ + "\u2581Fork", + -14.032301902770996 + ], + [ + "\u2581popola", + -14.032309532165527 + ], + [ + "\u2581Ideologie", + -14.03231143951416 + ], + [ + "\u2581Nicky", + -14.032328605651855 + ], + [ + "eltcalc", + -14.032344818115234 + ], + [ + "\u2581}\\\\[", + -14.032346725463867 + ], + [ + "\u2581ProtoMessage", + -14.032370567321776 + ], + [ + "\u2581hungry", + -14.032379150390623 + ], + [ + "\u2581Datenverarbeit", + -14.032381057739258 + ], + [ + "weken", + -14.03241729736328 + ], + [ + "vega", + -14.032427787780762 + ], + [ + "\u2581attendance", + -14.032434463500977 + ], + [ + "Konz", + -14.032435417175291 + ], + [ + "HLA", + -14.032464981079102 + ], + [ + "\u2581Beteiligte", + -14.032475471496582 + ], + [ + "aderno", + -14.032476425170898 + ], + [ + "\u2581pittori", + -14.032499313354492 + ], + [ + "\u2581Vicari", + -14.032537460327148 + ], + [ + "\u2581Libra", + -14.032547950744627 + ], + [ + "\u2581brigada", + -14.032552719116213 + ], + [ + "nago", + -14.03256130218506 + ], + [ + "\u2581c\u00e1tedra", + -14.032570838928224 + ], + [ + "\u2581ostacoli", + -14.032574653625488 + ], + [ + "nclass", + -14.032596588134766 + ], + [ + "arista", + -14.032617568969728 + ], + [ + "\u2581Maka", + -14.03262710571289 + ], + [ + "Still", + -14.032660484313965 + ], + [ + "\u2581Dossier", + -14.032669067382812 + ], + [ + "\u2581ostacola", + -14.032681465148926 + ], + [ + "\u2581unzureichende", + -14.03269100189209 + ], + [ + "\u2581Azo", + -14.032759666442873 + ], + [ + "\u2581onderweg", + -14.032764434814451 + ], + [ + "Escu", + -14.032791137695312 + ], + [ + "Salt", + -14.032794952392578 + ], + [ + "\u2581personellen", + -14.03282070159912 + ], + [ + "\u2581minimizar", + -14.032827377319336 + ], + [ + "\u2581einzigartige", + -14.032828330993652 + ], + [ + "\u2581consommateurs", + -14.032876014709473 + ], + [ + "\u2581b\u00e9n\u00e9fices", + -14.032891273498535 + ], + [ + "\u2581caridad", + -14.032899856567385 + ], + [ + "\u2581curr\u00edculo", + -14.032934188842772 + ], + [ + "\u2581bondad", + -14.032938957214355 + ], + [ + "weekdays", + -14.032943725585938 + ], + [ + "Einsatz", + -14.03297519683838 + ], + [ + "\u2581armazenada", + -14.03299617767334 + ], + [ + "\u2581enforced", + -14.033035278320312 + ], + [ + "\u2581costeggia", + -14.033066749572754 + ], + [ + "\u2581sacerdotal", + -14.033127784729004 + ], + [ + "Vas", + -14.033135414123535 + ], + [ + "concatenate", + -14.033138275146484 + ], + [ + "\u2581reviv", + -14.033146858215332 + ], + [ + "\u2581Lido", + -14.03314971923828 + ], + [ + "\u2581sujeta", + -14.03314971923828 + ], + [ + "\u2581Relacionamentos", + -14.033174514770508 + ], + [ + "\u2581casque", + -14.033174514770508 + ], + [ + "\u2581completata", + -14.033175468444824 + ], + [ + "\u2581beansprucht", + -14.03323745727539 + ], + [ + "\u2581nubes", + -14.033251762390137 + ], + [ + "\u2581Generales", + -14.03326416015625 + ], + [ + "\u2581florid", + -14.03328800201416 + ], + [ + "metrische", + -14.033295631408691 + ], + [ + "ontinuum", + -14.033309936523438 + ], + [ + "\u2581birman", + -14.033315658569336 + ], + [ + "\u2581simultane", + -14.033373832702637 + ], + [ + "rinkle", + -14.033374786376951 + ], + [ + "inspektor", + -14.033397674560549 + ], + [ + "osperm", + -14.033400535583496 + ], + [ + "\u2581Fossil", + -14.03341007232666 + ], + [ + "gieren", + -14.03342628479004 + ], + [ + "\u2581Pali", + -14.033430099487305 + ], + [ + "\u2581neveu", + -14.033473014831545 + ], + [ + "\u2581bicchiere", + -14.033475875854492 + ], + [ + "weiss", + -14.03350067138672 + ], + [ + "adh\u00e9r", + -14.033512115478516 + ], + [ + "\u2581Ieri", + -14.033516883850098 + ], + [ + "\u2581Fisic", + -14.033523559570312 + ], + [ + "actif", + -14.033541679382324 + ], + [ + "\u2581nervosa", + -14.033544540405272 + ], + [ + "\u2581farla", + -14.03354835510254 + ], + [ + "\u2581Galway", + -14.033552169799805 + ], + [ + "erfassungsschutz", + -14.033563613891602 + ], + [ + "ektomie", + -14.033564567565918 + ], + [ + "\u2581celos", + -14.03359031677246 + ], + [ + "AKT", + -14.033635139465332 + ], + [ + "\u2581renom", + -14.033646583557127 + ], + [ + "\u2581Obo", + -14.033705711364746 + ], + [ + "unf\u00e4lle", + -14.03370761871338 + ], + [ + "\u2581Confession", + -14.033716201782228 + ], + [ + "\u2581supon\u00eda", + -14.03372573852539 + ], + [ + "locomotieven", + -14.033788681030272 + ], + [ + "\u2581Fontes", + -14.033791542053224 + ], + [ + "Stefan", + -14.033854484558104 + ], + [ + "changing", + -14.033873558044434 + ], + [ + "TTG", + -14.0338773727417 + ], + [ + "\u2581Anteilen", + -14.033879280090332 + ], + [ + "\u2581regrette", + -14.033891677856444 + ], + [ + "ryan", + -14.033895492553713 + ], + [ + "\u2581exercices", + -14.033905029296877 + ], + [ + "\u2581procesi\u00f3n", + -14.033921241760254 + ], + [ + "smechanismus", + -14.03395175933838 + ], + [ + "\u2581Juic", + -14.033973693847656 + ], + [ + "\u2581approda", + -14.033989906311035 + ], + [ + "\u2581decina", + -14.034005165100098 + ], + [ + "\u2581ausgewiesenen", + -14.034011840820312 + ], + [ + "\u2581holand", + -14.034014701843262 + ], + [ + "\u2581trovo", + -14.034032821655272 + ], + [ + "cijfers", + -14.034052848815918 + ], + [ + "codon", + -14.03406810760498 + ], + [ + "\u2581Habsburgo", + -14.034080505371094 + ], + [ + "\u2581anexa", + -14.034080505371094 + ], + [ + "\u2581stabilirono", + -14.0341215133667 + ], + [ + "\u2581McM", + -14.034143447875977 + ], + [ + "\u2581discusses", + -14.034151077270508 + ], + [ + "w\u00fcrdigen", + -14.034153938293455 + ], + [ + "versor", + -14.034165382385254 + ], + [ + "\u2581Romanian", + -14.034180641174316 + ], + [ + "riendschappelijk", + -14.03418254852295 + ], + [ + "\u2581revendication", + -14.034205436706545 + ], + [ + "infinity", + -14.034210205078123 + ], + [ + "Verwaltungs", + -14.034215927124023 + ], + [ + "\u2581fusc", + -14.034276008605955 + ], + [ + "gleichungen", + -14.034289360046388 + ], + [ + "marzo", + -14.034342765808104 + ], + [ + "DUMP", + -14.034346580505373 + ], + [ + "\u2581mattoni", + -14.034374237060549 + ], + [ + "matos", + -14.034387588500977 + ], + [ + "\u2581Synagoge", + -14.03438949584961 + ], + [ + "autocomplete", + -14.034403800964355 + ], + [ + "\u2581bezitten", + -14.034435272216797 + ], + [ + "\u2581compart", + -14.03444480895996 + ], + [ + "\u2581pericolose", + -14.034448623657228 + ], + [ + "objective", + -14.034451484680176 + ], + [ + "ktionen", + -14.034466743469238 + ], + [ + "\u2581Tarifvertrag", + -14.034542083740234 + ], + [ + "VEC", + -14.034571647644045 + ], + [ + "Instructions", + -14.034579277038574 + ], + [ + "solde", + -14.034592628479004 + ], + [ + "\u2581voisines", + -14.034600257873535 + ], + [ + "\u2581bedeutender", + -14.034642219543455 + ], + [ + "\u2581aid\u00e9", + -14.034643173217772 + ], + [ + "\u2581Vicino", + -14.03466510772705 + ], + [ + "\u2581Danielle", + -14.034667015075684 + ], + [ + "\u2581Rechtsfolgen", + -14.034673690795898 + ], + [ + "\u2581goat", + -14.034674644470217 + ], + [ + "\u2581Seller", + -14.034713745117188 + ], + [ + "\u2581Engl\u00e4nder", + -14.034749031066896 + ], + [ + "\u2581reputatie", + -14.034782409667969 + ], + [ + "Money", + -14.034791946411133 + ], + [ + "\u2581Leoni", + -14.034805297851562 + ], + [ + "\u2581habituel", + -14.034808158874512 + ], + [ + "\u2581pomme", + -14.034808158874512 + ], + [ + "\u2581pacifist", + -14.034819602966309 + ], + [ + "\u2581Wirkstoffe", + -14.03483772277832 + ], + [ + "kontinuierlichen", + -14.034842491149902 + ], + [ + "\u2581juiz", + -14.034842491149902 + ], + [ + "\u2581Cullen", + -14.0348482131958 + ], + [ + "physiology", + -14.034856796264648 + ], + [ + "vuelta", + -14.034879684448242 + ], + [ + "\u2581medizinisch", + -14.034893989562988 + ], + [ + "\u2581sunt", + -14.03489589691162 + ], + [ + "Profiles", + -14.034903526306152 + ], + [ + "\u2581specimen", + -14.034929275512695 + ], + [ + "\u2581Cueva", + -14.034934997558594 + ], + [ + "\u2581splendide", + -14.034937858581545 + ], + [ + "\u2581observaciones", + -14.034950256347656 + ], + [ + "\u2581litro", + -14.034969329833984 + ], + [ + "\u2581Roraima", + -14.03498649597168 + ], + [ + "\u2581permitiendo", + -14.035006523132324 + ], + [ + "swiper", + -14.03500747680664 + ], + [ + "\u2581Gutes", + -14.03504753112793 + ], + [ + "udder", + -14.035048484802246 + ], + [ + "\u2581ratifi", + -14.035061836242676 + ], + [ + "\u2581n\u00e9erlandaise", + -14.03506565093994 + ], + [ + "\u2581eingesetzte", + -14.035103797912598 + ], + [ + "ehler", + -14.03515338897705 + ], + [ + "\u2581vertretenen", + -14.035161018371582 + ], + [ + "\u2581geltendem", + -14.035164833068848 + ], + [ + "dorff", + -14.035185813903809 + ], + [ + "schrijving", + -14.035198211669922 + ], + [ + "DUP", + -14.03521728515625 + ], + [ + "recida", + -14.03522491455078 + ], + [ + "BBC", + -14.035226821899414 + ], + [ + "\u2581individuen", + -14.035245895385742 + ], + [ + "it\u00e4ren", + -14.035248756408691 + ], + [ + "\u2581envolvimento", + -14.03528881072998 + ], + [ + "autrui", + -14.03530502319336 + ], + [ + "\u2581Chennai", + -14.035308837890623 + ], + [ + "Holz", + -14.035314559936523 + ], + [ + "\u2581desconfia", + -14.03531551361084 + ], + [ + "\u2581gen\u00e9rica", + -14.0353364944458 + ], + [ + "\u2581hoogst", + -14.03536891937256 + ], + [ + "\u2581Dolus", + -14.035370826721191 + ], + [ + "cfd", + -14.035371780395508 + ], + [ + "\u2581villas", + -14.035404205322266 + ], + [ + "\u2581compacto", + -14.035442352294922 + ], + [ + "\u2581recib\u00eda", + -14.035442352294922 + ], + [ + "\u2581revive", + -14.035443305969238 + ], + [ + "\u2581Magistr", + -14.0354585647583 + ], + [ + "\u2581potentiellen", + -14.0354585647583 + ], + [ + "newton", + -14.035463333129885 + ], + [ + "\u2581Dupont", + -14.035465240478516 + ], + [ + "ASDF", + -14.035494804382324 + ], + [ + "\u2581Evita", + -14.03551197052002 + ], + [ + "iPad", + -14.035540580749512 + ], + [ + "usina", + -14.03558349609375 + ], + [ + "\u2581despedida", + -14.035589218139648 + ], + [ + "Teramo", + -14.035593032836914 + ], + [ + "\u2581pflegt", + -14.035599708557127 + ], + [ + "\u2581Cristoforo", + -14.035600662231444 + ], + [ + "\u2581Hispano", + -14.03560733795166 + ], + [ + "posant", + -14.035634994506836 + ], + [ + "gendre", + -14.035669326782228 + ], + [ + "\u2581awkward", + -14.035673141479492 + ], + [ + "\u2581sarei", + -14.035679817199709 + ], + [ + "iddish", + -14.03569793701172 + ], + [ + "\u2581Senke", + -14.0357027053833 + ], + [ + "\u2581conosci", + -14.035720825195312 + ], + [ + "\u2581sujeitos", + -14.03573989868164 + ], + [ + "\u2581Corno", + -14.035784721374512 + ], + [ + "\u2581d\u00e9fauts", + -14.03578758239746 + ], + [ + "evaar", + -14.035792350769045 + ], + [ + "\u2581Shun", + -14.035815238952637 + ], + [ + "HLJL", + -14.03583526611328 + ], + [ + "As\u00ed", + -14.035853385925291 + ], + [ + "CROSSCOMPILING", + -14.035893440246582 + ], + [ + "\u2581monto", + -14.035898208618164 + ], + [ + "olivo", + -14.035905838012695 + ], + [ + "assassinio", + -14.035938262939451 + ], + [ + "flecht", + -14.035941123962402 + ], + [ + "uterin", + -14.035945892333984 + ], + [ + "\u2581Erz\u00e4hlung", + -14.035951614379885 + ], + [ + "\u2581tolle", + -14.035980224609377 + ], + [ + "\u2581avviato", + -14.035991668701172 + ], + [ + "\u2581hinreichende", + -14.035996437072754 + ], + [ + "offriva", + -14.036005973815918 + ], + [ + "oppo", + -14.03602123260498 + ], + [ + "\u2581Chalon", + -14.036041259765623 + ], + [ + "\u2581gigantesca", + -14.036046028137209 + ], + [ + "\u2581recreatie", + -14.036046028137209 + ], + [ + "\u2581Gans", + -14.036056518554688 + ], + [ + "\u2581velas", + -14.036067962646484 + ], + [ + "\u00e4mtern", + -14.036088943481444 + ], + [ + "BACKEND", + -14.036089897155762 + ], + [ + "\u2581traduzido", + -14.036104202270508 + ], + [ + "\u2581survie", + -14.036125183105469 + ], + [ + "\u2581Braz", + -14.0361328125 + ], + [ + "\u2581propulsion", + -14.03615379333496 + ], + [ + "nergieversorgung", + -14.036154747009276 + ], + [ + "\u2581pathogenic", + -14.036158561706545 + ], + [ + "rval", + -14.036178588867188 + ], + [ + "\u2581Crav", + -14.036203384399414 + ], + [ + "\u2581omwille", + -14.036203384399414 + ], + [ + "\u2581Studiengang", + -14.036226272583008 + ], + [ + "\u2581Waisen", + -14.03623104095459 + ], + [ + "\u2581Forl", + -14.036231994628906 + ], + [ + "jir", + -14.036237716674805 + ], + [ + "\u2581Bedien", + -14.03624153137207 + ], + [ + "\u2581Celestin", + -14.036259651184082 + ], + [ + "\u2581acabam", + -14.036264419555664 + ], + [ + "roca", + -14.036266326904297 + ], + [ + "suggest", + -14.036272048950195 + ], + [ + "\u2581Lavoro", + -14.036307334899902 + ], + [ + "\u2581lesbian", + -14.036336898803713 + ], + [ + "\u2581farine", + -14.036344528198242 + ], + [ + "vorkommen", + -14.036396026611328 + ], + [ + "\u2581Pani", + -14.036462783813477 + ], + [ + "GGG", + -14.036489486694336 + ], + [ + "houdende", + -14.03652286529541 + ], + [ + "\u2581\u00fcberlebt", + -14.03655242919922 + ], + [ + "\u2581modific", + -14.036569595336914 + ], + [ + "\u2581Bavaria", + -14.036579132080078 + ], + [ + "\u2581Pula", + -14.036587715148926 + ], + [ + "\u2581Datens\u00e4tze", + -14.036592483520508 + ], + [ + "PARTITION", + -14.036596298217772 + ], + [ + "ikken", + -14.036650657653809 + ], + [ + "\u2581parlamentarias", + -14.036664009094238 + ], + [ + "\u2581feij", + -14.036675453186035 + ], + [ + "ualit\u00e9", + -14.036687850952148 + ], + [ + "Tracce", + -14.036690711975098 + ], + [ + "\u2581antecedentes", + -14.036697387695312 + ], + [ + "\u2581dinamarqu", + -14.036772727966309 + ], + [ + "THR", + -14.036781311035156 + ], + [ + "ieck", + -14.036798477172852 + ], + [ + "\u2581fant\u00e1stico", + -14.036802291870115 + ], + [ + "\u2581ontwikkelings", + -14.036802291870115 + ], + [ + "Mate", + -14.036805152893066 + ], + [ + "messaging", + -14.03681468963623 + ], + [ + "\u00e9pargne", + -14.036873817443848 + ], + [ + "\u2581consumatori", + -14.036900520324709 + ], + [ + "Cocktail", + -14.03690242767334 + ], + [ + "vidente", + -14.036916732788086 + ], + [ + "analyze", + -14.036917686462402 + ], + [ + "spuren", + -14.036944389343262 + ], + [ + "\u2581rugos", + -14.036954879760742 + ], + [ + "aquet", + -14.036992073059082 + ], + [ + "ologista", + -14.03699779510498 + ], + [ + "\u2581t\u00e9moins", + -14.037006378173828 + ], + [ + "\u2581voordelen", + -14.037016868591309 + ], + [ + "\u2581Boulder", + -14.037053108215332 + ], + [ + "\u2581transcend", + -14.037103652954102 + ], + [ + "\u2581caratteristici", + -14.037104606628418 + ], + [ + "walt", + -14.037120819091797 + ], + [ + "\u2581mueve", + -14.03715991973877 + ], + [ + "liehen", + -14.037172317504885 + ], + [ + "\u2581difese", + -14.037187576293944 + ], + [ + "nooker", + -14.03719711303711 + ], + [ + "pollo", + -14.03721046447754 + ], + [ + "\u2581per\u00edmetro", + -14.037214279174805 + ], + [ + "flot", + -14.0372314453125 + ], + [ + "\u2581curar", + -14.037245750427246 + ], + [ + "valgono", + -14.03725814819336 + ], + [ + "PROF", + -14.037283897399902 + ], + [ + "COMPA", + -14.037325859069824 + ], + [ + "temperatuur", + -14.037349700927734 + ], + [ + "Brunswick", + -14.03735637664795 + ], + [ + "\u2581Targ", + -14.037372589111328 + ], + [ + "\u2581exposto", + -14.037405967712402 + ], + [ + "\u2581mundiais", + -14.03740692138672 + ], + [ + "lisp", + -14.037413597106934 + ], + [ + "\u2581Lisbona", + -14.03741455078125 + ], + [ + "\u2581destinadas", + -14.037424087524414 + ], + [ + "\u2581finanziamento", + -14.037428855895996 + ], + [ + "\u2581curse", + -14.037437438964844 + ], + [ + "calibrate", + -14.03744888305664 + ], + [ + "rouge", + -14.037463188171388 + ], + [ + "\u2581Wacker", + -14.03747272491455 + ], + [ + "\u2581ronden", + -14.037479400634766 + ], + [ + "Chlor", + -14.037497520446776 + ], + [ + "\u2581encontraram", + -14.037529945373535 + ], + [ + "\u2581whereby", + -14.037546157836914 + ], + [ + "\u2581restaur\u00e9", + -14.03754711151123 + ], + [ + "dits", + -14.037575721740724 + ], + [ + "lastet", + -14.037589073181152 + ], + [ + "\u2581robustness", + -14.037589073181152 + ], + [ + "\u2581Abhandlung", + -14.037593841552734 + ], + [ + "peratie", + -14.03760814666748 + ], + [ + "\u2581reduz", + -14.037626266479492 + ], + [ + "\u2581anniversario", + -14.037710189819336 + ], + [ + "\u2581INTERNATIONAL", + -14.037711143493652 + ], + [ + "\u2581regroupant", + -14.037711143493652 + ], + [ + "nasa", + -14.037713050842283 + ], + [ + "\u2581nommer", + -14.037717819213867 + ], + [ + "\u2581vorhergehenden", + -14.037717819213867 + ], + [ + "\u2581delantera", + -14.0377197265625 + ], + [ + "kino", + -14.03774070739746 + ], + [ + "quay", + -14.037744522094728 + ], + [ + "kozen", + -14.037775993347168 + ], + [ + "vezel", + -14.03779411315918 + ], + [ + "Chap", + -14.037799835205078 + ], + [ + "\u2581Palme", + -14.037800788879396 + ], + [ + "\u2581laissent", + -14.037800788879396 + ], + [ + "\u2581Riz", + -14.037827491760254 + ], + [ + "tines", + -14.037866592407228 + ], + [ + "ouvrent", + -14.037919044494627 + ], + [ + "\u2581Schematische", + -14.037921905517578 + ], + [ + "ddot", + -14.037936210632324 + ], + [ + "\u2581erkl\u00e4rten", + -14.037952423095703 + ], + [ + "\u2581Konsultationen", + -14.037965774536133 + ], + [ + "poneva", + -14.037981986999512 + ], + [ + "FileManager", + -14.03799533843994 + ], + [ + "\u2581Narv", + -14.03800106048584 + ], + [ + "\u2581zur\u00fcckgegangen", + -14.038100242614746 + ], + [ + "\u2581Schur", + -14.038110733032228 + ], + [ + "sociale", + -14.038142204284668 + ], + [ + "\u2581correla", + -14.038152694702148 + ], + [ + "geleverd", + -14.03816032409668 + ], + [ + "\u2581Marque", + -14.038175582885742 + ], + [ + "\u2581beams", + -14.03817653656006 + ], + [ + "advertent", + -14.038202285766602 + ], + [ + "\u2581\"***", + -14.038206100463867 + ], + [ + "\u2581fantasmas", + -14.038225173950195 + ], + [ + "\u00edg", + -14.038249015808104 + ], + [ + "\u2581Situato", + -14.038251876831056 + ], + [ + "freies", + -14.03827953338623 + ], + [ + "atience", + -14.038302421569824 + ], + [ + "beats", + -14.038308143615724 + ], + [ + "\u2581Viterbo", + -14.038318634033203 + ], + [ + "varianz", + -14.038322448730469 + ], + [ + "\u2581glazen", + -14.03835391998291 + ], + [ + "\u2581freigesetzt", + -14.038357734680176 + ], + [ + "\u2581Spalten", + -14.038376808166504 + ], + [ + "geldes", + -14.03844928741455 + ], + [ + "\u2581Orkest", + -14.03844928741455 + ], + [ + "finance", + -14.038460731506348 + ], + [ + "nachteil", + -14.038475036621094 + ], + [ + "Circ", + -14.03847599029541 + ], + [ + "\u2581Kommandeur", + -14.038481712341309 + ], + [ + "pU", + -14.038501739501951 + ], + [ + "TSP", + -14.038546562194824 + ], + [ + "\u2581dairy", + -14.03855037689209 + ], + [ + "\u2581adottare", + -14.038586616516112 + ], + [ + "\u2581Scot", + -14.038593292236328 + ], + [ + "\u2581abbina", + -14.038597106933594 + ], + [ + "\u2581coppa", + -14.038616180419922 + ], + [ + "\u2581neuem", + -14.038677215576172 + ], + [ + "\u2581enjoying", + -14.038756370544434 + ], + [ + "\u2581Talmud", + -14.038761138916016 + ], + [ + "\u2581occupati", + -14.038766860961914 + ], + [ + "\u2581entanglement", + -14.038805961608888 + ], + [ + "schl\u00fcsselt", + -14.038818359375 + ], + [ + "Drawer", + -14.038822174072266 + ], + [ + "datasource", + -14.038826942443848 + ], + [ + "\u2581Pistoia", + -14.038830757141112 + ], + [ + "\u2581physicians", + -14.038895606994627 + ], + [ + "\u2581airplane", + -14.038907051086426 + ], + [ + "\u2581luchador", + -14.03890895843506 + ], + [ + "UART", + -14.038947105407717 + ], + [ + "\u2581voetbalcoach", + -14.038949012756348 + ], + [ + "szeitraums", + -14.03896141052246 + ], + [ + "\u2581alternativen", + -14.038980484008787 + ], + [ + "fertigung", + -14.038983345031738 + ], + [ + "inquinamento", + -14.038999557495115 + ], + [ + "\u2581feine", + -14.039015769958496 + ], + [ + "segnate", + -14.039027214050291 + ], + [ + "\u2581cosmetic", + -14.03902816772461 + ], + [ + "\u2581luchtmacht", + -14.039178848266602 + ], + [ + "\u2581Couch", + -14.039207458496094 + ], + [ + "fulfilment", + -14.039226531982422 + ], + [ + "\u2581Kati", + -14.039234161376951 + ], + [ + "\u2581juzgado", + -14.03924560546875 + ], + [ + "\u2581Stuck", + -14.039270401000977 + ], + [ + "\u2581Gladi", + -14.039288520812988 + ], + [ + "\u2581lesiones", + -14.039300918579102 + ], + [ + "\u2581perdent", + -14.039332389831545 + ], + [ + "Blas", + -14.03933811187744 + ], + [ + "\u2581generosa", + -14.039345741271973 + ], + [ + "\u2581bloqueo", + -14.039351463317873 + ], + [ + "\u2581Bekannte", + -14.039421081542969 + ], + [ + "\u2581Rechtsanw\u00e4lte", + -14.03944969177246 + ], + [ + "schakeling", + -14.039493560791016 + ], + [ + "bibliotheken", + -14.039505004882812 + ], + [ + "\u2581furiosa", + -14.03951644897461 + ], + [ + "\u2581spara", + -14.039518356323242 + ], + [ + "\u2581adhesion", + -14.039530754089355 + ], + [ + "\u2581brasiliano", + -14.039532661437988 + ], + [ + "\u2581Ministeriums", + -14.03955078125 + ], + [ + "\u2581Televisieserie", + -14.03955078125 + ], + [ + "ehlen", + -14.03956413269043 + ], + [ + "Bak", + -14.039573669433594 + ], + [ + "\u2581Ptolomeu", + -14.039591789245604 + ], + [ + "\u2581intermediari", + -14.03960132598877 + ], + [ + "\u2581ambiguous", + -14.039613723754885 + ], + [ + "idius", + -14.039618492126465 + ], + [ + "keh", + -14.039800643920898 + ], + [ + "URS", + -14.039831161499023 + ], + [ + "\u2581scali", + -14.039840698242188 + ], + [ + "\u00e1cido", + -14.039849281311035 + ], + [ + "\u2581proletariato", + -14.039877891540527 + ], + [ + "\u2581Vlad", + -14.03989028930664 + ], + [ + "\u2581jahrelang", + -14.039939880371094 + ], + [ + "fah", + -14.039960861206056 + ], + [ + "\u00edlico", + -14.039977073669434 + ], + [ + "ijck", + -14.04002571105957 + ], + [ + "\u2581Proton", + -14.040081024169922 + ], + [ + "\u2581confondu", + -14.040087699890137 + ], + [ + "MDS", + -14.040088653564451 + ], + [ + "\u2581Esperan", + -14.04008960723877 + ], + [ + "\u2581Lauter", + -14.040090560913086 + ], + [ + "\u2581acordes", + -14.040098190307615 + ], + [ + "htmlParse", + -14.04010009765625 + ], + [ + "\u2581incompleta", + -14.04011344909668 + ], + [ + "biendo", + -14.040133476257324 + ], + [ + "schwankungen", + -14.040138244628906 + ], + [ + "\u2581cantata", + -14.040143013000488 + ], + [ + "\u2581Flair", + -14.040163040161133 + ], + [ + "replacement", + -14.040164947509766 + ], + [ + "\u2581Jacinto", + -14.040203094482422 + ], + [ + "\u2581comprou", + -14.040210723876951 + ], + [ + "sunterlagen", + -14.040217399597168 + ], + [ + "\u2581Dienstzeit", + -14.040238380432127 + ], + [ + "xter", + -14.040244102478027 + ], + [ + "\u2581retourn\u00e9", + -14.040297508239746 + ], + [ + "\u2581Meat", + -14.040319442749023 + ], + [ + "Reward", + -14.040335655212402 + ], + [ + "\u2581gelingen", + -14.040335655212402 + ], + [ + "comparison", + -14.0403413772583 + ], + [ + "\u2581azules", + -14.04035186767578 + ], + [ + "Clubstatistieken", + -14.04037094116211 + ], + [ + "\u2581\u00e4hnelt", + -14.040387153625488 + ], + [ + "\u2581reclamo", + -14.040419578552246 + ], + [ + "\u2581Llega", + -14.040432929992676 + ], + [ + "berufen", + -14.040446281433104 + ], + [ + "\u2581gunzip", + -14.040453910827637 + ], + [ + "\u2581humidity", + -14.04047393798828 + ], + [ + "\u2581comics", + -14.040474891662598 + ], + [ + "distas", + -14.040483474731444 + ], + [ + "\u2581Evening", + -14.04053783416748 + ], + [ + "\u2581banni", + -14.040573120117188 + ], + [ + "\u2581cacher", + -14.040581703186035 + ], + [ + "\u2581Ausschlu", + -14.040637016296388 + ], + [ + "\u2581mundialmente", + -14.040650367736816 + ], + [ + "\u2581Jamm", + -14.040672302246094 + ], + [ + "\u2581F\u00e1brica", + -14.040745735168455 + ], + [ + "\u2581Joker", + -14.040746688842772 + ], + [ + "WithOptions", + -14.040751457214355 + ], + [ + "\u2581Bruns", + -14.040764808654783 + ], + [ + "\u2581Spielberg", + -14.040764808654783 + ], + [ + "\u2581kurzzeitig", + -14.040766716003418 + ], + [ + "elled", + -14.04077434539795 + ], + [ + "\u2581mitigate", + -14.040780067443848 + ], + [ + "alpen", + -14.040785789489746 + ], + [ + "\u2581Argentijnse", + -14.04079532623291 + ], + [ + "\u2581hidr", + -14.040797233581545 + ], + [ + "\u2581evolui", + -14.040814399719238 + ], + [ + "tendait", + -14.040827751159668 + ], + [ + "\u2581Tigres", + -14.040855407714844 + ], + [ + "\u2581considerarse", + -14.040911674499512 + ], + [ + "eptic", + -14.040915489196776 + ], + [ + "\u2581Magalh", + -14.040925979614258 + ], + [ + "Graven", + -14.040936470031738 + ], + [ + "Scandinavi", + -14.040939331054688 + ], + [ + "\u2581Tsje", + -14.040942192077637 + ], + [ + "sprogramms", + -14.040950775146484 + ], + [ + "experimenten", + -14.040964126586914 + ], + [ + "RuntimeError", + -14.040971755981444 + ], + [ + "egotiation", + -14.040977478027344 + ], + [ + "\u00fctzt", + -14.040980339050291 + ], + [ + "\u2581Wellenl\u00e4nge", + -14.040990829467772 + ], + [ + "\u2581Ravel", + -14.041000366210938 + ], + [ + "\u2581wozu", + -14.041023254394531 + ], + [ + "\u2581induziert", + -14.041050910949709 + ], + [ + "\u2581Auflistung", + -14.04105281829834 + ], + [ + "\u2581alvorens", + -14.041053771972656 + ], + [ + "\u2581k\u00fcnstlichen", + -14.04106330871582 + ], + [ + "\u2581compiuta", + -14.04107666015625 + ], + [ + "\u2581Nomenklatur", + -14.041083335876465 + ], + [ + "hinweis", + -14.041102409362791 + ], + [ + "\u2581Fortschreibung", + -14.041110038757324 + ], + [ + "\u2581Vuel", + -14.04111671447754 + ], + [ + "\u2581adquir", + -14.041135787963867 + ], + [ + "\u2581Weltbank", + -14.041226387023926 + ], + [ + "BOLD", + -14.041258811950684 + ], + [ + "\u2581qualifi\u00e9e", + -14.04127025604248 + ], + [ + "rim\u00e9e", + -14.04127597808838 + ], + [ + "ASL", + -14.041304588317873 + ], + [ + "Immissionsschutz", + -14.04130744934082 + ], + [ + "\u2581Stampa", + -14.041316032409668 + ], + [ + "\u2581erteilte", + -14.041322708129885 + ], + [ + "Russische", + -14.04133129119873 + ], + [ + "\u2581Troph\u00e9e", + -14.04135513305664 + ], + [ + "\u2581Matte", + -14.041363716125488 + ], + [ + "\u2581servindo", + -14.041367530822754 + ], + [ + "\u2581Notstand", + -14.04136848449707 + ], + [ + "st\u00e4dter", + -14.041387557983398 + ], + [ + "teux", + -14.041418075561523 + ], + [ + "imetria", + -14.04143238067627 + ], + [ + "\u2581modula", + -14.041436195373535 + ], + [ + "\u2581bloques", + -14.041461944580078 + ], + [ + "\u2581Suizid", + -14.041464805603027 + ], + [ + "\u2581fierce", + -14.04147720336914 + ], + [ + "\u2581Jom", + -14.041479110717772 + ], + [ + "SMB", + -14.041492462158203 + ], + [ + "cientos", + -14.041494369506836 + ], + [ + "Marin", + -14.04150676727295 + ], + [ + "\u2581Walton", + -14.04151725769043 + ], + [ + "dateien", + -14.041539192199709 + ], + [ + "\u2581Kampen", + -14.041573524475098 + ], + [ + "\u2581Castellano", + -14.041590690612791 + ], + [ + "phoridae", + -14.04160213470459 + ], + [ + "\u2581Beschl", + -14.041603088378906 + ], + [ + "\u2581agili", + -14.041607856750488 + ], + [ + "\u2581multiplying", + -14.0416259765625 + ], + [ + "calza", + -14.04164695739746 + ], + [ + "\u2581admirable", + -14.041648864746094 + ], + [ + "\u2581Stap", + -14.04165267944336 + ], + [ + "tski", + -14.041656494140623 + ], + [ + "\u2581betekenen", + -14.041666030883787 + ], + [ + "\u2581biographique", + -14.041686058044434 + ], + [ + "\u2581decadenza", + -14.041695594787598 + ], + [ + "\u2581carnet", + -14.041698455810549 + ], + [ + "\u2581Inflation", + -14.041699409484863 + ], + [ + "Corridore", + -14.041704177856444 + ], + [ + "wekkend", + -14.041729927062988 + ], + [ + "\u2581Muz", + -14.04174518585205 + ], + [ + "\u2581backpack", + -14.041752815246582 + ], + [ + "s\u00e4nger", + -14.041765213012695 + ], + [ + "HID", + -14.041792869567873 + ], + [ + "\u2581Commandeur", + -14.04182243347168 + ], + [ + "\u2581erstaunlich", + -14.041830062866213 + ], + [ + "\u2581mercanc\u00edas", + -14.041857719421388 + ], + [ + "\u2581F\u00fchrungskr\u00e4fte", + -14.041860580444336 + ], + [ + "obbi", + -14.041866302490234 + ], + [ + "Installation", + -14.041875839233398 + ], + [ + "scrive", + -14.04188060760498 + ], + [ + "prozesses", + -14.04189109802246 + ], + [ + "marathon", + -14.041926383972168 + ], + [ + "\u2581tourna", + -14.041936874389648 + ], + [ + "Icons", + -14.041949272155762 + ], + [ + "\u2581Altersgrenze", + -14.041954040527344 + ], + [ + "Lost", + -14.041956901550291 + ], + [ + "rbole", + -14.041964530944824 + ], + [ + "\u2581Mangan", + -14.041964530944824 + ], + [ + "\u2581omliggende", + -14.041966438293455 + ], + [ + "\u2581vegetable", + -14.041973114013672 + ], + [ + "\u2581Strukturwandel", + -14.041983604431152 + ], + [ + "\u2581Tibetan", + -14.041984558105469 + ], + [ + "uari", + -14.04200839996338 + ], + [ + "\u2581{!$", + -14.042011260986328 + ], + [ + "\u2581Delle", + -14.042022705078123 + ], + [ + "\u2581verwerken", + -14.042028427124023 + ], + [ + "\u2581Casper", + -14.042043685913086 + ], + [ + "\u2581exakte", + -14.0420503616333 + ], + [ + "tight", + -14.042052268981934 + ], + [ + "\u2581baptis", + -14.042073249816896 + ], + [ + "Successful", + -14.04210376739502 + ], + [ + "\u2581Seychelles", + -14.042110443115234 + ], + [ + "\u2581Turco", + -14.042131423950195 + ], + [ + "\u2581\u00fcbersehen", + -14.042136192321776 + ], + [ + "\u2581attribuita", + -14.042153358459473 + ], + [ + "\u2581vea", + -14.042162895202637 + ], + [ + "RPA", + -14.042168617248535 + ], + [ + "m\u00e4chtige", + -14.042263984680176 + ], + [ + "\u2581Theoretical", + -14.042280197143556 + ], + [ + "Corp", + -14.042281150817873 + ], + [ + "\u2581abiertas", + -14.04232692718506 + ], + [ + "\u2581Anja", + -14.04234504699707 + ], + [ + "sch\u00fctt", + -14.042373657226562 + ], + [ + "zler", + -14.04237461090088 + ], + [ + "enhandels", + -14.042383193969728 + ], + [ + "\u2581amoureuse", + -14.042396545410156 + ], + [ + "\u2581typologie", + -14.042438507080078 + ], + [ + "\u2581hervorragend", + -14.04246425628662 + ], + [ + "\u2581Krypto", + -14.04249382019043 + ], + [ + "\u2581Robo", + -14.042495727539062 + ], + [ + "\u2581Flame", + -14.04253101348877 + ], + [ + "\u2581angefangen", + -14.042537689208984 + ], + [ + "\u2581eingezogen", + -14.04255485534668 + ], + [ + "\u2581estrib", + -14.04255485534668 + ], + [ + "\u2581robar", + -14.042569160461426 + ], + [ + "\u2581liedje", + -14.04257106781006 + ], + [ + "\u2581ognuna", + -14.042572975158691 + ], + [ + "SUMMAR", + -14.04257869720459 + ], + [ + "\u2581fr\u00e1gil", + -14.042582511901855 + ], + [ + "feather", + -14.042622566223145 + ], + [ + "\u2581andavano", + -14.042632102966309 + ], + [ + "friedhof", + -14.042646408081056 + ], + [ + "diferencia", + -14.0426607131958 + ], + [ + "\u2581balade", + -14.042661666870115 + ], + [ + "\u2581disposiciones", + -14.0426664352417 + ], + [ + "Estimation", + -14.042672157287598 + ], + [ + "\u2581mijl", + -14.042728424072266 + ], + [ + "ivilproze", + -14.04273509979248 + ], + [ + "Heu", + -14.042739868164062 + ], + [ + "\u2581successen", + -14.042807579040527 + ], + [ + "\u2581Commandant", + -14.042821884155272 + ], + [ + "\u2581Roper", + -14.042828559875488 + ], + [ + "\u2581lourds", + -14.04284381866455 + ], + [ + "\u2581citada", + -14.042888641357422 + ], + [ + "\u2581provenienza", + -14.042903900146484 + ], + [ + "plateau", + -14.04296588897705 + ], + [ + "seguro", + -14.042970657348633 + ], + [ + "\u2581inaugurata", + -14.042975425720217 + ], + [ + "\u2581attribu\u00e9e", + -14.04297924041748 + ], + [ + "macros", + -14.042988777160645 + ], + [ + "eixe", + -14.043057441711426 + ], + [ + "\u2581overleefde", + -14.043106079101562 + ], + [ + "puestos", + -14.043108940124512 + ], + [ + "\u2581d\u00e9gust", + -14.04311466217041 + ], + [ + "\u2581est\u00e1ndares", + -14.043134689331056 + ], + [ + "\u2581Agricol", + -14.04313850402832 + ], + [ + "eijer", + -14.04315948486328 + ], + [ + "\u2581Smash", + -14.043161392211914 + ], + [ + "\u2581conclui", + -14.043179512023926 + ], + [ + "\u2581testimone", + -14.043195724487305 + ], + [ + "\u2581Maat", + -14.043216705322266 + ], + [ + "\u2581Recibi\u00f3", + -14.043217658996582 + ], + [ + "fizieren", + -14.043245315551758 + ], + [ + "Sprache", + -14.043265342712402 + ], + [ + "\u2581contrada", + -14.04327392578125 + ], + [ + "\u2581liter\u00e1rio", + -14.043291091918944 + ], + [ + "\u2581nomeada", + -14.043329238891602 + ], + [ + "\u2581bundles", + -14.043330192565918 + ], + [ + "\u2581travaillant", + -14.043359756469728 + ], + [ + "Atlanta", + -14.043375968933104 + ], + [ + "\u2581gleichsam", + -14.043397903442385 + ], + [ + "brom", + -14.043420791625977 + ], + [ + "\u2581ordonn\u00e9", + -14.043437004089355 + ], + [ + "breaker", + -14.043444633483888 + ], + [ + "portlet", + -14.043472290039062 + ], + [ + "\u2581recomienda", + -14.043485641479492 + ], + [ + "operatie", + -14.043487548828123 + ], + [ + "\u2581Gremium", + -14.04349136352539 + ], + [ + "\u2581Jessie", + -14.04351043701172 + ], + [ + "erlingen", + -14.043517112731934 + ], + [ + "\u2581Bower", + -14.043522834777832 + ], + [ + "\u2581expectEqual", + -14.043522834777832 + ], + [ + "\u2581raconter", + -14.043534278869627 + ], + [ + "\u2581Soldatinnen", + -14.043575286865234 + ], + [ + "buffered", + -14.043577194213867 + ], + [ + "\u2581parecchie", + -14.043609619140623 + ], + [ + "kraftstoff", + -14.043619155883787 + ], + [ + "\u2581inseri", + -14.04363250732422 + ], + [ + "\u2581vint", + -14.04365062713623 + ], + [ + "voorheen", + -14.043681144714355 + ], + [ + "\u2581compensate", + -14.04373836517334 + ], + [ + "talige", + -14.043742179870604 + ], + [ + "\u2581Notiz", + -14.043761253356934 + ], + [ + "\u2581Scheiben", + -14.043774604797363 + ], + [ + "Ausnahmeregelung", + -14.043801307678224 + ], + [ + "\u2581testimoniano", + -14.043801307678224 + ], + [ + "\u2581n\u00e1u", + -14.043808937072754 + ], + [ + "itcms", + -14.043865203857422 + ], + [ + "\u2581Mustafa", + -14.043900489807127 + ], + [ + "\u2581borse", + -14.04392147064209 + ], + [ + "\u2581scientifici", + -14.043931007385254 + ], + [ + "Internationale", + -14.043938636779783 + ], + [ + "endpoints", + -14.043940544128418 + ], + [ + "\u2581anecdot", + -14.043956756591797 + ], + [ + "figuring", + -14.04395866394043 + ], + [ + "\u2581viscos", + -14.043972969055176 + ], + [ + "\u2581vergroten", + -14.043994903564451 + ], + [ + "\u2581pouss\u00e9", + -14.0440092086792 + ], + [ + "\u2581Chrono", + -14.044017791748049 + ], + [ + "\u2581Scream", + -14.044037818908691 + ], + [ + "Punkte", + -14.044055938720703 + ], + [ + "\u2581Jakobs", + -14.044099807739258 + ], + [ + "\u2581s\u00e9lectionner", + -14.044114112854004 + ], + [ + "\u2581proie", + -14.044130325317385 + ], + [ + "BaxA", + -14.044146537780762 + ], + [ + "\u2581pass\u00e9s", + -14.04415225982666 + ], + [ + "better", + -14.04415512084961 + ], + [ + "\u2581saddle", + -14.044178009033203 + ], + [ + "taceae", + -14.044181823730469 + ], + [ + "summen", + -14.044204711914062 + ], + [ + "verwante", + -14.04421615600586 + ], + [ + "\u2581cronaca", + -14.044241905212402 + ], + [ + "RTL", + -14.044259071350098 + ], + [ + "\u2581dor\u00e9", + -14.044281959533691 + ], + [ + "\u2581rintraccia", + -14.044282913208008 + ], + [ + "\u2581bastone", + -14.044319152832031 + ], + [ + "\u2581difere", + -14.044323921203612 + ], + [ + "\u2581mancher", + -14.044339179992676 + ], + [ + "\u2581desarma", + -14.044354438781738 + ], + [ + "\u2581allude", + -14.044384002685549 + ], + [ + "\u2581Prefeitura", + -14.044400215148926 + ], + [ + "Informa", + -14.044404983520508 + ], + [ + "\u2581Caxias", + -14.044408798217772 + ], + [ + "schuldner", + -14.044422149658203 + ], + [ + "\u2581vache", + -14.04443073272705 + ], + [ + "mogli", + -14.04445743560791 + ], + [ + "\u2581concess", + -14.044480323791504 + ], + [ + "\u2581soupe", + -14.044489860534668 + ], + [ + "Battle", + -14.0444974899292 + ], + [ + "FSA", + -14.044499397277832 + ], + [ + "\u2581erz\u00e4hlte", + -14.044519424438477 + ], + [ + "berwindung", + -14.04453182220459 + ], + [ + "\u2581activamente", + -14.044533729553224 + ], + [ + "treffende", + -14.044535636901855 + ], + [ + "orbital", + -14.044543266296388 + ], + [ + "\u2581cirug\u00eda", + -14.044549942016602 + ], + [ + "\u2581Scotia", + -14.044556617736816 + ], + [ + "\u2581Argel", + -14.044585227966309 + ], + [ + "shy", + -14.044588088989258 + ], + [ + "\u2581Bezirke", + -14.04461669921875 + ], + [ + "ectomy", + -14.044620513916016 + ], + [ + "\u2581ortodoxa", + -14.044633865356444 + ], + [ + "assunzione", + -14.044652938842772 + ], + [ + "\u2581porco", + -14.04465675354004 + ], + [ + "\u2581nominale", + -14.044665336608888 + ], + [ + "molek\u00fcle", + -14.044670104980469 + ], + [ + "\u2581uitmaken", + -14.04469108581543 + ], + [ + "utilisable", + -14.044694900512695 + ], + [ + "\u2581padrona", + -14.044734954833984 + ], + [ + "\u2581Smolensk", + -14.044737815856934 + ], + [ + "bump", + -14.04474925994873 + ], + [ + "\u2581Pompei", + -14.04475212097168 + ], + [ + "unwahrscheinlich", + -14.044761657714844 + ], + [ + "mW", + -14.04477310180664 + ], + [ + "nqp", + -14.04477310180664 + ], + [ + "aylor", + -14.044775009155272 + ], + [ + "bub", + -14.044787406921388 + ], + [ + "apprendimento", + -14.044794082641602 + ], + [ + "\u2581dot\u00e9e", + -14.044794082641602 + ], + [ + "kup", + -14.044816970825195 + ], + [ + "\u2581soffia", + -14.04483127593994 + ], + [ + "\u2581infila", + -14.044848442077637 + ], + [ + "gu\u00ed", + -14.044882774353027 + ], + [ + "\u2581cervi", + -14.04491901397705 + ], + [ + "\u2581obispos", + -14.044926643371582 + ], + [ + "\u2581rappel\u00e9", + -14.04493808746338 + ], + [ + "\u2581Gange", + -14.044960021972656 + ], + [ + "smembra", + -14.044964790344238 + ], + [ + "\u2581crossover", + -14.044967651367188 + ], + [ + "\u2581pensent", + -14.0449857711792 + ], + [ + "\u2581aceitou", + -14.044998168945312 + ], + [ + "\u2581Rowling", + -14.045003890991213 + ], + [ + "undef", + -14.045015335083008 + ], + [ + "DIRECTORIES", + -14.045024871826172 + ], + [ + "emeenschappelijk", + -14.045040130615234 + ], + [ + "\u2581afgeschaft", + -14.045088768005373 + ], + [ + "\u2581Stadtmauer", + -14.04510498046875 + ], + [ + "\u2581suportar", + -14.045120239257812 + ], + [ + "schwerpunkt", + -14.045124053955078 + ], + [ + "cego", + -14.045228004455566 + ], + [ + "\u2581impresionante", + -14.045230865478516 + ], + [ + "\u2581feud", + -14.045260429382324 + ], + [ + "powershell", + -14.045300483703612 + ], + [ + "\u2581Voyager", + -14.045312881469728 + ], + [ + "Oklahoma", + -14.045324325561523 + ], + [ + "\u2581Mauritania", + -14.04532527923584 + ], + [ + "\u2581superioridad", + -14.045355796813965 + ], + [ + "\u2581r\u00e9guliers", + -14.045414924621582 + ], + [ + "\u2581louc", + -14.045418739318848 + ], + [ + "\u2581p\u00e1gs", + -14.045418739318848 + ], + [ + "\u2581imput", + -14.045433044433594 + ], + [ + "\u2581assassination", + -14.045443534851074 + ], + [ + "mesis", + -14.045524597167969 + ], + [ + "extendable", + -14.04555320739746 + ], + [ + "\u2581vermehrte", + -14.045559883117676 + ], + [ + "\u2581sorgeva", + -14.04556369781494 + ], + [ + "\u2581keen", + -14.045576095581056 + ], + [ + "ffy", + -14.045577049255373 + ], + [ + "\u2581aggiungendo", + -14.045577049255373 + ], + [ + "rubin", + -14.045587539672852 + ], + [ + "\u2581Dender", + -14.04563045501709 + ], + [ + "sgrundlagen", + -14.045636177062988 + ], + [ + "\u2581censure", + -14.04564094543457 + ], + [ + "\u2581vertonen", + -14.04565143585205 + ], + [ + "fulness", + -14.045693397521973 + ], + [ + "\u2581ontleend", + -14.045697212219238 + ], + [ + "EAM", + -14.04570198059082 + ], + [ + "Assunta", + -14.045706748962402 + ], + [ + "Complexity", + -14.045710563659668 + ], + [ + "\u2581yeast", + -14.04571533203125 + ], + [ + "\u2581imperiali", + -14.045734405517578 + ], + [ + "bodem", + -14.045742988586426 + ], + [ + "\u2581policiais", + -14.045753479003906 + ], + [ + "\u2581Wortes", + -14.045766830444336 + ], + [ + "\u2581rilascia", + -14.045796394348145 + ], + [ + "avente", + -14.045804977416992 + ], + [ + "br\u00f3", + -14.045812606811523 + ], + [ + "\u2581beabsichtigten", + -14.045820236206056 + ], + [ + "pr\u00e4parat", + -14.045831680297852 + ], + [ + "ntwikkel", + -14.0458345413208 + ], + [ + "\u2581remporter", + -14.045843124389648 + ], + [ + "\u2581d\u00e9lic", + -14.045851707458496 + ], + [ + "\u2581festivi", + -14.045888900756836 + ], + [ + "\u2581hilo", + -14.045920372009276 + ], + [ + "\u2581Flyer", + -14.045921325683594 + ], + [ + "\u2581Barclay", + -14.045927047729492 + ], + [ + "\u2581embalagem", + -14.045934677124023 + ], + [ + "viez", + -14.045950889587402 + ], + [ + "\u2581radiofonic", + -14.045970916748049 + ], + [ + "ERAL", + -14.046016693115234 + ], + [ + "Glyph", + -14.046024322509766 + ], + [ + "beschlu", + -14.04610824584961 + ], + [ + "onafhankelijke", + -14.04617404937744 + ], + [ + "Produkte", + -14.046186447143556 + ], + [ + "Strecke", + -14.046194076538086 + ], + [ + "\u2581valer", + -14.046195030212402 + ], + [ + "\u2581classificate", + -14.046244621276855 + ], + [ + "geheimnisse", + -14.046258926391602 + ], + [ + "\u2581contrastare", + -14.046265602111816 + ], + [ + "\u2581grandmother", + -14.046266555786133 + ], + [ + "loff", + -14.04626750946045 + ], + [ + "\u2581pr\u00e9l", + -14.046307563781738 + ], + [ + "\u2581mont\u00e9", + -14.046311378479004 + ], + [ + "\u2581stammte", + -14.046331405639648 + ], + [ + "\u2581dietary", + -14.046341896057127 + ], + [ + "rups", + -14.04640769958496 + ], + [ + "\u2581indigeni", + -14.046419143676758 + ], + [ + "\u2581assicuratevi", + -14.046469688415527 + ], + [ + "\u2581Metropoli", + -14.04648780822754 + ], + [ + "SSA", + -14.046496391296388 + ], + [ + "ccare", + -14.046521186828612 + ], + [ + "\u2581trechos", + -14.046524047851562 + ], + [ + "doeleinden", + -14.046536445617676 + ], + [ + "\u2581Renacimiento", + -14.046538352966309 + ], + [ + "\u2581Mercurio", + -14.04654312133789 + ], + [ + "\u2581prompted", + -14.046552658081056 + ], + [ + "\u2581reliquia", + -14.046557426452637 + ], + [ + "\u2581Harri", + -14.046585083007812 + ], + [ + "\u2581Sich", + -14.046602249145508 + ], + [ + "atleta", + -14.04663372039795 + ], + [ + "\u2581Raiders", + -14.046655654907228 + ], + [ + "\u2581Palencia", + -14.046667098999023 + ], + [ + "\u00e9ologue", + -14.046687126159668 + ], + [ + "\u2581ciego", + -14.046688079833984 + ], + [ + "\u2581Toscane", + -14.04669189453125 + ], + [ + "animator", + -14.046692848205566 + ], + [ + "\u2581agrava", + -14.046707153320312 + ], + [ + "\u2581romanas", + -14.046712875366213 + ], + [ + "\u2581preserves", + -14.046713829040527 + ], + [ + "Oglio", + -14.04671859741211 + ], + [ + "\u2581Juega", + -14.04672145843506 + ], + [ + "\u2581Feldern", + -14.046728134155272 + ], + [ + "\u2581subentra", + -14.046741485595703 + ], + [ + "\u2581treize", + -14.046747207641602 + ], + [ + "\u2581Stey", + -14.046765327453612 + ], + [ + "\u2581schwerwiegende", + -14.046782493591309 + ], + [ + "\u2581enferma", + -14.04681396484375 + ], + [ + "\u2581rendir", + -14.046819686889648 + ], + [ + "ardini", + -14.046841621398926 + ], + [ + "\u2581predecesor", + -14.046844482421877 + ], + [ + "\u2581netta", + -14.046865463256836 + ], + [ + "\u2581waarschuw", + -14.046897888183594 + ], + [ + "vijver", + -14.046903610229492 + ], + [ + "\u2581obligaciones", + -14.046910285949709 + ], + [ + "\u2581interino", + -14.046914100646973 + ], + [ + "\u2581Berufliche", + -14.046926498413086 + ], + [ + "\u2581trentaine", + -14.046957969665527 + ], + [ + "\u2581Midwest", + -14.046961784362791 + ], + [ + "SPIE", + -14.04696559906006 + ], + [ + "astrum", + -14.04696559906006 + ], + [ + "\u2581Velik", + -14.04697322845459 + ], + [ + "\u2581constructeurs", + -14.046978950500488 + ], + [ + "uey", + -14.046991348266602 + ], + [ + "\u2581Auri", + -14.047015190124512 + ], + [ + "\u2581behield", + -14.04705047607422 + ], + [ + "catcode", + -14.0470552444458 + ], + [ + "\u2581platos", + -14.04709815979004 + ], + [ + "Monitoring", + -14.047119140625 + ], + [ + "\u2581longos", + -14.047142028808594 + ], + [ + "\u2581B\u00e1ltico", + -14.04715347290039 + ], + [ + "relay", + -14.04718017578125 + ], + [ + "plication", + -14.047181129455566 + ], + [ + "estrema", + -14.04718780517578 + ], + [ + "KeyPath", + -14.047196388244627 + ], + [ + "piombo", + -14.047211647033691 + ], + [ + "\u2581Mercy", + -14.047228813171388 + ], + [ + "\u2581candida", + -14.047231674194336 + ], + [ + "rshares", + -14.04726219177246 + ], + [ + "jeweils", + -14.047318458557127 + ], + [ + "Catch", + -14.047430038452148 + ], + [ + "\u2581favoriete", + -14.047440528869627 + ], + [ + "\u2581poss\u00e9d", + -14.04745388031006 + ], + [ + "\u2581zogeheten", + -14.047455787658691 + ], + [ + "\u2581erschweren", + -14.047473907470703 + ], + [ + "\u2581trascorso", + -14.047491073608398 + ], + [ + "quise", + -14.047492980957031 + ], + [ + "requiredBy", + -14.047505378723145 + ], + [ + "\u2581Crack", + -14.047523498535156 + ], + [ + "\u2581temporalmente", + -14.047525405883787 + ], + [ + "liebe", + -14.047527313232422 + ], + [ + "gevende", + -14.047555923461914 + ], + [ + "hawa", + -14.047574043273926 + ], + [ + "Epidemi", + -14.047612190246582 + ], + [ + "\u2581vorzeitig", + -14.04762840270996 + ], + [ + "\u2581obligados", + -14.047639846801758 + ], + [ + "\u2581serr\u00e9", + -14.047662734985352 + ], + [ + "s\u00fcd", + -14.047706604003906 + ], + [ + "\u2581aprono", + -14.047707557678224 + ], + [ + "rendite", + -14.047719955444336 + ], + [ + "DELA", + -14.047724723815918 + ], + [ + "\u2581Revenge", + -14.047738075256348 + ], + [ + "\u2581Sleeswijk", + -14.04776096343994 + ], + [ + "\u2581interessou", + -14.047761917114258 + ], + [ + "\u2581Helmholtz", + -14.047764778137209 + ], + [ + "\u2581fret", + -14.04776668548584 + ], + [ + "id\u00e9ologie", + -14.047767639160156 + ], + [ + "Lymphozyten", + -14.047770500183104 + ], + [ + "seat", + -14.047811508178713 + ], + [ + "\u2581svent", + -14.04782772064209 + ], + [ + "\u2581Ruso", + -14.047907829284668 + ], + [ + "STUDI", + -14.047954559326172 + ], + [ + "\u2581autosnelweg", + -14.047981262207031 + ], + [ + "PTO", + -14.048006057739258 + ], + [ + "insk", + -14.048028945922852 + ], + [ + "ambro", + -14.048032760620115 + ], + [ + "\u2581metabolismo", + -14.048040390014648 + ], + [ + "\u2581presentarse", + -14.048048973083496 + ], + [ + "\u2581begeistert", + -14.048060417175291 + ], + [ + "\u2581cubri\u00f3", + -14.048075675964355 + ], + [ + "reinstall", + -14.04808521270752 + ], + [ + "eintrag", + -14.048093795776367 + ], + [ + "Charge", + -14.048129081726074 + ], + [ + "\u2581melod", + -14.048135757446287 + ], + [ + "verbote", + -14.048140525817873 + ], + [ + "\u2581Diamante", + -14.048163414001465 + ], + [ + "\u2581Borbone", + -14.04818344116211 + ], + [ + "componist", + -14.048187255859377 + ], + [ + "\u2581cumpri", + -14.048189163208008 + ], + [ + "\u2581prefiere", + -14.048198699951172 + ], + [ + "Bib", + -14.048215866088867 + ], + [ + "\u2581r\u00e9vision", + -14.048284530639648 + ], + [ + "\u2581trampa", + -14.048290252685549 + ], + [ + "\u2581Barnab", + -14.048298835754396 + ], + [ + "perspektive", + -14.048317909240724 + ], + [ + "\u2581compromesso", + -14.048346519470217 + ], + [ + "kochen", + -14.048355102539062 + ], + [ + "\u2581Bicu", + -14.048364639282228 + ], + [ + "gespalten", + -14.048377990722656 + ], + [ + "\u2581auszugleichen", + -14.048383712768556 + ], + [ + "bounded", + -14.048399925231934 + ], + [ + "\u2581postoperative", + -14.048404693603516 + ], + [ + "kamm", + -14.04841136932373 + ], + [ + "\u2581licenzia", + -14.048418998718262 + ], + [ + "sprochen", + -14.048423767089844 + ], + [ + "ufalls", + -14.048425674438477 + ], + [ + "\u2581reformula", + -14.048444747924805 + ], + [ + "\u2581hoeven", + -14.04844856262207 + ], + [ + "\u2581Vieja", + -14.048486709594728 + ], + [ + "ANK", + -14.048490524291992 + ], + [ + "ch\u00e1", + -14.048495292663574 + ], + [ + "\u2581Acr", + -14.04850959777832 + ], + [ + "schiffen", + -14.0485200881958 + ], + [ + "carregada", + -14.048547744750977 + ], + [ + "strick", + -14.048564910888672 + ], + [ + "\u2581pirates", + -14.048583030700684 + ], + [ + "\u2581Gewichtung", + -14.048604011535645 + ], + [ + "\u2581aprobar", + -14.048620223999023 + ], + [ + "azos", + -14.048635482788086 + ], + [ + "AUDI", + -14.048643112182615 + ], + [ + "\u2581Hug", + -14.048644065856934 + ], + [ + "\u2581feuillet", + -14.0486478805542 + ], + [ + "Certifica", + -14.048660278320312 + ], + [ + "\u2581regimiento", + -14.048672676086426 + ], + [ + "\u2581encouraging", + -14.048681259155272 + ], + [ + "\u2581Insomma", + -14.048694610595703 + ], + [ + "lamina", + -14.048701286315918 + ], + [ + "\u2581conexiones", + -14.04870319366455 + ], + [ + "\u2581moltissimi", + -14.048752784729004 + ], + [ + "theit", + -14.048755645751951 + ], + [ + "Ajax", + -14.04875946044922 + ], + [ + "\u2581motivazioni", + -14.048762321472168 + ], + [ + "\u2581p\u00e9nal", + -14.04877471923828 + ], + [ + "wehren", + -14.048779487609863 + ], + [ + "haken", + -14.048788070678713 + ], + [ + "Flu", + -14.048815727233888 + ], + [ + "\u2581Cooke", + -14.048816680908203 + ], + [ + "aufkl\u00e4rung", + -14.048858642578123 + ], + [ + "\u2581consagra", + -14.048860549926758 + ], + [ + "wolde", + -14.048914909362791 + ], + [ + "jM", + -14.04891872406006 + ], + [ + "\u2581Siga", + -14.048934936523438 + ], + [ + "\u2581alimentaires", + -14.049015998840332 + ], + [ + "\u2581procesamiento", + -14.04905128479004 + ], + [ + "\u2581Lateinamerika", + -14.049059867858888 + ], + [ + "Adj", + -14.049078941345217 + ], + [ + "\u2581martes", + -14.049094200134276 + ], + [ + "\u2581revolutionary", + -14.049094200134276 + ], + [ + "stm", + -14.049137115478516 + ], + [ + "\u2581giusti", + -14.049166679382324 + ], + [ + "\u2581amical", + -14.049182891845703 + ], + [ + "\u2581varones", + -14.049209594726562 + ], + [ + "CCR", + -14.04921054840088 + ], + [ + "tra\u00edda", + -14.049212455749512 + ], + [ + "\u2581msat", + -14.049248695373535 + ], + [ + "\u2581disarm", + -14.049250602722168 + ], + [ + "\u00e1ssi", + -14.049288749694824 + ], + [ + "notar", + -14.049304962158203 + ], + [ + "viglio", + -14.049325942993164 + ], + [ + "\u2581Equa", + -14.049345016479492 + ], + [ + "\u2581esperava", + -14.049345016479492 + ], + [ + "\u2581Likewise", + -14.04937744140625 + ], + [ + "augmenter", + -14.049396514892578 + ], + [ + "facci\u00f3n", + -14.04940700531006 + ], + [ + "trekker", + -14.04944896697998 + ], + [ + "Singles", + -14.04945468902588 + ], + [ + "\u2581esclusiva", + -14.04945945739746 + ], + [ + "infection", + -14.049460411071776 + ], + [ + "\u2581lineaire", + -14.049483299255373 + ], + [ + "rakel", + -14.04950714111328 + ], + [ + "\u2581Torneos", + -14.049530982971191 + ], + [ + "\u2581telefona", + -14.049531936645508 + ], + [ + "startOffset", + -14.04953670501709 + ], + [ + "opdracht", + -14.049540519714355 + ], + [ + "\u2581Magie", + -14.049559593200684 + ], + [ + "\u2581gevierd", + -14.04961109161377 + ], + [ + "\u2581worin", + -14.049612045288086 + ], + [ + "\u2581Hark", + -14.049616813659668 + ], + [ + "\u2581aardappel", + -14.049633979797363 + ], + [ + "appr\u00e9cier", + -14.049673080444336 + ], + [ + "\u2581Manzan", + -14.049678802490234 + ], + [ + "gl\u00fcck", + -14.049708366394045 + ], + [ + "\u2581Croci", + -14.04973030090332 + ], + [ + "\u2581sindicatos", + -14.049745559692385 + ], + [ + "\u2581schematisch", + -14.04976749420166 + ], + [ + "\u2581niederl\u00e4ndische", + -14.04978084564209 + ], + [ + "\u2581Acord", + -14.049799919128418 + ], + [ + "\u2581karpers", + -14.049833297729492 + ], + [ + "\u2581comunitario", + -14.049838066101074 + ], + [ + "cadre", + -14.0498685836792 + ], + [ + "\u2581Vesti", + -14.049870491027832 + ], + [ + "\u2581Relev", + -14.049872398376465 + ], + [ + "r\u00fchren", + -14.04988956451416 + ], + [ + "\u2581Maverick", + -14.049907684326172 + ], + [ + "\u2581Mosebacke", + -14.049907684326172 + ], + [ + "\u2581apparso", + -14.049908638000488 + ], + [ + "m\u00e4chte", + -14.04992961883545 + ], + [ + "\u2581fondateurs", + -14.04994010925293 + ], + [ + "Dead", + -14.049948692321776 + ], + [ + "\u2581Tabasco", + -14.049973487854004 + ], + [ + "Near", + -14.049982070922852 + ], + [ + "\u2581Pluto", + -14.049991607666016 + ], + [ + "\u2581murdered", + -14.050021171569824 + ], + [ + "plasie", + -14.050118446350098 + ], + [ + "\u2581Weasleys", + -14.05013370513916 + ], + [ + "\u2581gallon", + -14.050134658813477 + ], + [ + "\u2581Vot", + -14.050138473510742 + ], + [ + "\u2581sovrasta", + -14.050148010253906 + ], + [ + "\u2581Proven", + -14.050189018249512 + ], + [ + "berichts", + -14.05019187927246 + ], + [ + "\u2581b\u00e9n\u00e9fice", + -14.050195693969728 + ], + [ + "\u2581ouve", + -14.05019760131836 + ], + [ + "OBJS", + -14.050204277038574 + ], + [ + "\u2581schrecklich", + -14.050206184387209 + ], + [ + "\u2581Malheureusement", + -14.050213813781738 + ], + [ + "pond", + -14.05025863647461 + ], + [ + "Sac", + -14.050265312194824 + ], + [ + "wsgi", + -14.050286293029783 + ], + [ + "\u2581Tamar", + -14.050286293029783 + ], + [ + "\u2581hertogdom", + -14.050288200378418 + ], + [ + "ariamente", + -14.05029582977295 + ], + [ + "Tracing", + -14.050333976745604 + ], + [ + "nive", + -14.050337791442873 + ], + [ + "\u2581Spanier", + -14.050347328186035 + ], + [ + "d\u00e9mocrate", + -14.050368309020996 + ], + [ + "ADP", + -14.05038070678711 + ], + [ + "\u2581eingesch\u00e4tzt", + -14.050385475158691 + ], + [ + "frazione", + -14.05043125152588 + ], + [ + "\u2581enamora", + -14.050451278686523 + ], + [ + "Provided", + -14.05045223236084 + ], + [ + "UCLA", + -14.050474166870115 + ], + [ + "\u2581p\u00e9riph\u00e9rique", + -14.050509452819824 + ], + [ + "\u2581Arithmetisches", + -14.05052089691162 + ], + [ + "Mismatch", + -14.050541877746582 + ], + [ + "mulos", + -14.050569534301758 + ], + [ + "afrikanische", + -14.050592422485352 + ], + [ + "Latijn", + -14.05060863494873 + ], + [ + "otw", + -14.050625801086426 + ], + [ + "\u2581trompette", + -14.050646781921388 + ], + [ + "\u2581cercan\u00edas", + -14.0506591796875 + ], + [ + "lease", + -14.050676345825195 + ], + [ + "\u2581geologische", + -14.050683975219728 + ], + [ + "welkom", + -14.050698280334473 + ], + [ + "wanden", + -14.050724029541016 + ], + [ + "\u2581fileDescriptor", + -14.050729751586914 + ], + [ + "\u2581marquer", + -14.050772666931152 + ], + [ + "woude", + -14.050774574279783 + ], + [ + "\u2581delizios", + -14.050813674926758 + ], + [ + "\u2581invadir", + -14.050817489624023 + ], + [ + "DESCRIPTOR", + -14.050824165344238 + ], + [ + "\u2581Tiflis", + -14.050829887390137 + ], + [ + "\u2581survivant", + -14.050830841064451 + ], + [ + "\u2581Lorient", + -14.050833702087402 + ], + [ + "\u2581gevangenisstraf", + -14.050833702087402 + ], + [ + "mehl", + -14.050835609436035 + ], + [ + "\u2581interpretare", + -14.050838470458984 + ], + [ + "AFTER", + -14.050844192504885 + ], + [ + "\u2581industrias", + -14.05086898803711 + ], + [ + "\u2581bact\u00e9rie", + -14.050878524780272 + ], + [ + "irostris", + -14.05088710784912 + ], + [ + "\u2581Bewilligungen", + -14.05090618133545 + ], + [ + "\u2581Weaver", + -14.050908088684082 + ], + [ + "\u2581stopt", + -14.050911903381348 + ], + [ + "\u2581lebenslange", + -14.050941467285156 + ], + [ + "\u2581boutons", + -14.05095672607422 + ], + [ + "rijders", + -14.0509614944458 + ], + [ + "\u2581Arbeitslose", + -14.0509614944458 + ], + [ + "\u2581tibet", + -14.050972938537598 + ], + [ + "\u2581federais", + -14.05099868774414 + ], + [ + "WORKDIR", + -14.051015853881836 + ], + [ + "\u2581videro", + -14.051018714904783 + ], + [ + "IFN", + -14.051055908203123 + ], + [ + "\u2581scagli", + -14.051132202148438 + ], + [ + "\u2581willk\u00fcrlich", + -14.051136016845703 + ], + [ + "Intelligent", + -14.051139831542969 + ], + [ + "hydroxid", + -14.05116081237793 + ], + [ + "Parque", + -14.051196098327637 + ], + [ + "Loose", + -14.051257133483888 + ], + [ + "SSC", + -14.051284790039062 + ], + [ + "\u2581Moser", + -14.051309585571287 + ], + [ + "\u2581zukunfts", + -14.051324844360352 + ], + [ + "viennent", + -14.051346778869627 + ], + [ + "estadounidense", + -14.051362991333008 + ], + [ + "ecma", + -14.05138111114502 + ], + [ + "\u2581journalism", + -14.05139446258545 + ], + [ + "planetary", + -14.051403999328612 + ], + [ + "\u2581composte", + -14.051403999328612 + ], + [ + "\u2581reforms", + -14.051419258117676 + ], + [ + "Tarif", + -14.051427841186523 + ], + [ + "felden", + -14.051445960998535 + ], + [ + "\u2581Previ", + -14.05146598815918 + ], + [ + "\u2581trots", + -14.051469802856444 + ], + [ + "Ultra", + -14.051480293273926 + ], + [ + "nrollment", + -14.05153751373291 + ], + [ + "Japans", + -14.051568031311035 + ], + [ + "\u2581Toiletten", + -14.051576614379885 + ], + [ + "\u2581inadequate", + -14.05158233642578 + ], + [ + "ergic", + -14.051605224609377 + ], + [ + "attoli", + -14.05162239074707 + ], + [ + "aardig", + -14.0516357421875 + ], + [ + "\u2581Coloss", + -14.051653861999512 + ], + [ + "\u2581radiale", + -14.05165958404541 + ], + [ + "\u2581clasificar", + -14.051692008972168 + ], + [ + "\u2581orgoglios", + -14.0516939163208 + ], + [ + "\u2581adatti", + -14.051724433898926 + ], + [ + "\u2581diretos", + -14.051739692687988 + ], + [ + "\u2581Lussemburgo", + -14.051750183105469 + ], + [ + "\u2581Mahlzeit", + -14.05177116394043 + ], + [ + "\u2581Emotionen", + -14.051794052124023 + ], + [ + "ziekten", + -14.051800727844238 + ], + [ + "PHO", + -14.051815032958984 + ], + [ + "\u2581h\u00e9roes", + -14.051838874816896 + ], + [ + "\u2581mand\u00f3", + -14.051868438720703 + ], + [ + "\u2581budistas", + -14.051873207092283 + ], + [ + "ualidade", + -14.051884651184082 + ], + [ + "ckler", + -14.051899909973145 + ], + [ + "\u2581ausgewogene", + -14.05191707611084 + ], + [ + "\u2581Valenz", + -14.05193042755127 + ], + [ + "HINT", + -14.051934242248535 + ], + [ + "\u2581Bundesfinanz", + -14.05198860168457 + ], + [ + "fective", + -14.052014350891112 + ], + [ + "selectors", + -14.052017211914062 + ], + [ + "\u2581Vielfach", + -14.05202579498291 + ], + [ + "\u00e9cession", + -14.052026748657228 + ], + [ + "\u2581possu\u00ed", + -14.052026748657228 + ], + [ + "\u2581Tum", + -14.052029609680176 + ], + [ + "COMPLETE", + -14.052031517028809 + ], + [ + "\u2581Dreyfus", + -14.052061080932615 + ], + [ + "CATKIN", + -14.052063941955566 + ], + [ + "schlaf", + -14.052079200744627 + ], + [ + "\u2581desloca", + -14.052081108093262 + ], + [ + "Punkt", + -14.052119255065918 + ], + [ + "\u2581Jair", + -14.052128791809082 + ], + [ + "lezing", + -14.052170753479004 + ], + [ + "patt", + -14.052183151245115 + ], + [ + "\u2581Sphinx", + -14.05220890045166 + ], + [ + "\u2581Fleck", + -14.052215576171877 + ], + [ + "\u2581reminder", + -14.052220344543455 + ], + [ + "\u2581Agrarstruktur", + -14.052234649658203 + ], + [ + "\u2581violated", + -14.0523042678833 + ], + [ + "least", + -14.052326202392578 + ], + [ + "\u2581Lokalisation", + -14.052326202392578 + ], + [ + "\u2581kognitiven", + -14.05234432220459 + ], + [ + "IntoConstraints", + -14.05237102508545 + ], + [ + "\u2581completado", + -14.052386283874512 + ], + [ + "boni", + -14.05239963531494 + ], + [ + "braten", + -14.052433967590332 + ], + [ + "\u2581produzidas", + -14.052471160888672 + ], + [ + "\u2581Kraftfahrzeuge", + -14.052478790283203 + ], + [ + "\u2581Mammal", + -14.052542686462402 + ], + [ + "\u2581Protocolo", + -14.052569389343262 + ], + [ + "Coefficient", + -14.052571296691896 + ], + [ + "uizen", + -14.052576065063477 + ], + [ + "\u2581Lucil", + -14.052584648132324 + ], + [ + "\u2581exchanged", + -14.052607536315918 + ], + [ + "tr\u00e1s", + -14.05260944366455 + ], + [ + "\u2581straordinari", + -14.052638053894045 + ], + [ + "disposition", + -14.052668571472168 + ], + [ + "\u2581incredibly", + -14.052672386169434 + ], + [ + "myth", + -14.05268669128418 + ], + [ + "\u2581zapat", + -14.052732467651367 + ], + [ + "\u2581zain", + -14.052770614624023 + ], + [ + "\u2581percepit", + -14.052794456481934 + ], + [ + "Aspett", + -14.052813529968262 + ], + [ + "\u2581experimentell", + -14.052823066711426 + ], + [ + "typical", + -14.052834510803224 + ], + [ + "\u2581opgeleid", + -14.052839279174805 + ], + [ + "aumont", + -14.05288028717041 + ], + [ + "\u2581fonci", + -14.05288028717041 + ], + [ + "\u2581Rivas", + -14.052882194519045 + ], + [ + "\u2581Housing", + -14.05288314819336 + ], + [ + "\u2581ausf\u00fchren", + -14.05288791656494 + ], + [ + "\u2581Fokker", + -14.052899360656738 + ], + [ + "\u2581handele", + -14.052931785583496 + ], + [ + "\u2581polic\u00edas", + -14.052986145019531 + ], + [ + "\u2581soste", + -14.052995681762695 + ], + [ + "\u2581sichtlich", + -14.05300998687744 + ], + [ + "\u2581croissante", + -14.053018569946287 + ], + [ + "\u2581Eigenlijk", + -14.053019523620604 + ], + [ + "akha", + -14.05306625366211 + ], + [ + "\u2581historischer", + -14.053089141845703 + ], + [ + "\u2581Discours", + -14.05309772491455 + ], + [ + "Ship", + -14.053133010864258 + ], + [ + "\u2581cugino", + -14.053165435791016 + ], + [ + "\u2581vicario", + -14.053178787231444 + ], + [ + "\u2581lighter", + -14.05319881439209 + ], + [ + "\u2581Pfeife", + -14.053230285644531 + ], + [ + "\u2581juges", + -14.05323314666748 + ], + [ + "\u2581configurazione", + -14.053251266479492 + ], + [ + "\u2581Cua", + -14.053265571594238 + ], + [ + "Matrimonio", + -14.053293228149414 + ], + [ + "\u2581gestite", + -14.053357124328612 + ], + [ + "\u2581Roots", + -14.053362846374512 + ], + [ + "\u2581variaci\u00f3n", + -14.05336570739746 + ], + [ + "\u2581Verleihung", + -14.053404808044434 + ], + [ + "zeitpunkt", + -14.05341911315918 + ], + [ + "\u2581perdura", + -14.05342960357666 + ], + [ + "\u2581P\u00e9ri", + -14.05344009399414 + ], + [ + "\u2581governantes", + -14.053455352783203 + ], + [ + "buena", + -14.053494453430176 + ], + [ + "\u2581Structures", + -14.053511619567873 + ], + [ + "\u2581Chow", + -14.053577423095703 + ], + [ + "Asburgo", + -14.053580284118652 + ], + [ + "chiro", + -14.053587913513184 + ], + [ + "ainville", + -14.053592681884766 + ], + [ + "\u2581Dogs", + -14.053594589233398 + ], + [ + "\u2581konzentrierte", + -14.053596496582031 + ], + [ + "\u2581Haftbefehl", + -14.05359935760498 + ], + [ + "\u2581Helle", + -14.05367374420166 + ], + [ + "\u2581verstorbenen", + -14.053681373596191 + ], + [ + "\u2581Nasen", + -14.053685188293455 + ], + [ + "\u2581neat", + -14.053730964660645 + ], + [ + "AMO", + -14.053750991821287 + ], + [ + "\u2581abraza", + -14.053775787353516 + ], + [ + "ignite", + -14.05378532409668 + ], + [ + "VID", + -14.053788185119627 + ], + [ + "ASD", + -14.053791999816896 + ], + [ + "Wrapped", + -14.053821563720703 + ], + [ + "glot", + -14.053855895996094 + ], + [ + "\u2581toevoeging", + -14.053881645202637 + ], + [ + "\u2581fontana", + -14.053882598876951 + ], + [ + "Sparsifying", + -14.053887367248535 + ], + [ + "\u2581possedimenti", + -14.053903579711914 + ], + [ + "\u2581Vorwort", + -14.053909301757812 + ], + [ + "\u2581Alvarado", + -14.053913116455078 + ], + [ + "\u2581Difesa", + -14.053913116455078 + ], + [ + "\u2581Peque", + -14.053914070129396 + ], + [ + "\u2581citare", + -14.053949356079102 + ], + [ + "feesten", + -14.053962707519531 + ], + [ + "\u2581pr\u00e9occupation", + -14.053969383239746 + ], + [ + "\u2581Tann", + -14.054000854492188 + ], + [ + "Alain", + -14.054027557373049 + ], + [ + "\u2581feci", + -14.05407428741455 + ], + [ + "defekt", + -14.054118156433104 + ], + [ + "verlichting", + -14.054125785827637 + ], + [ + "gest\u00fctzte", + -14.0541353225708 + ], + [ + "TING", + -14.054154396057127 + ], + [ + "\u2581eighteen", + -14.054157257080078 + ], + [ + "z\u00fcchte", + -14.054158210754396 + ], + [ + "\u2581asesinados", + -14.054158210754396 + ], + [ + "Aix", + -14.054173469543455 + ], + [ + "patite", + -14.054184913635254 + ], + [ + "unf\u00e4hig", + -14.054186820983888 + ], + [ + "\u2581repel", + -14.054200172424316 + ], + [ + "annot", + -14.05423355102539 + ], + [ + "\u2581encanto", + -14.054290771484377 + ], + [ + "\u2581Wirtschaftspr\u00fcf", + -14.054306983947754 + ], + [ + "\u2581logico", + -14.05432415008545 + ], + [ + "STRO", + -14.054344177246094 + ], + [ + "\u2581abgerissen", + -14.054377555847168 + ], + [ + "\u00e4hte", + -14.05438232421875 + ], + [ + "versprechen", + -14.054398536682127 + ], + [ + "\u2581tendr\u00e1n", + -14.054409980773926 + ], + [ + "\u2581necro", + -14.054431915283203 + ], + [ + "\u2581accompagnata", + -14.054451942443848 + ], + [ + "\u2581Gegenleistung", + -14.054458618164062 + ], + [ + "monster", + -14.05447769165039 + ], + [ + "\u2581keinesfalls", + -14.054522514343262 + ], + [ + "\u2581Scharf", + -14.054532051086426 + ], + [ + "oneof", + -14.054545402526855 + ], + [ + "vervolging", + -14.054577827453612 + ], + [ + "\u2581Doping", + -14.054611206054688 + ], + [ + "\u2581apartamentos", + -14.054667472839355 + ], + [ + "\u2581cajas", + -14.054672241210938 + ], + [ + "gione", + -14.054679870605469 + ], + [ + "\u2581Curta", + -14.054712295532228 + ], + [ + "\u2581daughters", + -14.054716110229492 + ], + [ + "\u2581mousse", + -14.054743766784668 + ], + [ + "\u2581amado", + -14.05478286743164 + ], + [ + "fida", + -14.05478572845459 + ], + [ + "berreste", + -14.054787635803224 + ], + [ + "\u2581Chino", + -14.054792404174805 + ], + [ + "wey", + -14.05479335784912 + ], + [ + "\u2581Casou", + -14.05479621887207 + ], + [ + "Equality", + -14.054816246032717 + ], + [ + "\u2581clutch", + -14.054841995239258 + ], + [ + "appropri", + -14.054876327514648 + ], + [ + "\u2581Fenner", + -14.054886817932127 + ], + [ + "\u2581electronics", + -14.054896354675291 + ], + [ + "SDS", + -14.054905891418455 + ], + [ + "Installed", + -14.054906845092772 + ], + [ + "\u2581mobilit\u00e9", + -14.054961204528809 + ], + [ + "monad", + -14.05496883392334 + ], + [ + "Later", + -14.054998397827148 + ], + [ + "Americana", + -14.055109024047852 + ], + [ + "Haushalt", + -14.055123329162598 + ], + [ + "PIR", + -14.055130004882812 + ], + [ + "feitos", + -14.055135726928713 + ], + [ + "\u2581discutido", + -14.055157661437988 + ], + [ + "dane", + -14.055167198181152 + ], + [ + "\u2581vol\u00e9", + -14.055193901062012 + ], + [ + "\u2581parisien", + -14.055194854736328 + ], + [ + "\u2581naakt", + -14.055195808410645 + ], + [ + "\u2581Gef\u00e4hrdungs", + -14.05522918701172 + ], + [ + "boxing", + -14.055230140686035 + ], + [ + "\u2581supremac", + -14.055265426635742 + ], + [ + "tenga", + -14.055292129516602 + ], + [ + "mayor", + -14.055293083190918 + ], + [ + "DidChange", + -14.055296897888184 + ], + [ + "\u2581connecter", + -14.055305480957031 + ], + [ + "\u2581s\u00e9parer", + -14.055306434631348 + ], + [ + "\u2581Schlucht", + -14.055310249328612 + ], + [ + "patron", + -14.055315971374512 + ], + [ + "\u2581servite", + -14.055327415466309 + ], + [ + "\u2581Renania", + -14.055328369140623 + ], + [ + "LogFile", + -14.055339813232422 + ], + [ + "\u2581d\u00e9mar", + -14.055359840393066 + ], + [ + "\u2581geringf\u00fcgige", + -14.055367469787598 + ], + [ + "\u2581not\u00edcia", + -14.055377960205078 + ], + [ + "mperium", + -14.055420875549316 + ], + [ + "\u2581Guggenheim", + -14.055444717407228 + ], + [ + "equivalent", + -14.055452346801758 + ], + [ + "\u2581stent", + -14.055456161499023 + ], + [ + "\u2581Reign", + -14.055474281311035 + ], + [ + "\u2581Geplaatst", + -14.055498123168944 + ], + [ + "\u2581disturbance", + -14.055500030517578 + ], + [ + "\u2581sfiora", + -14.05551052093506 + ], + [ + "houdt", + -14.055530548095703 + ], + [ + "\u2581schungs", + -14.05556297302246 + ], + [ + "\u2581intentaba", + -14.055622100830078 + ], + [ + "\u2581acelerado", + -14.055630683898926 + ], + [ + "\u2581oplossingen", + -14.055630683898926 + ], + [ + "\u2581Lice", + -14.055633544921877 + ], + [ + "\u2581retor", + -14.055635452270508 + ], + [ + "\u2581Llu", + -14.055636405944824 + ], + [ + "\u2581obedece", + -14.05564022064209 + ], + [ + "\u2581elephant", + -14.05566120147705 + ], + [ + "\u2581chefia", + -14.055668830871582 + ], + [ + "ULAR", + -14.055678367614746 + ], + [ + "\u2581transformando", + -14.055704116821287 + ], + [ + "\u2581piramide", + -14.055706024169922 + ], + [ + "\u2581minerari", + -14.05571460723877 + ], + [ + "\u2581narrazione", + -14.055721282958984 + ], + [ + "\u2581Longobardi", + -14.055755615234377 + ], + [ + "\u2581guardava", + -14.055764198303224 + ], + [ + "tragende", + -14.055782318115234 + ], + [ + "\u2581remnant", + -14.05579662322998 + ], + [ + "Least", + -14.05583381652832 + ], + [ + "\u2581patentes", + -14.055946350097656 + ], + [ + "\u2581accelerated", + -14.055949211120604 + ], + [ + "vorlagen", + -14.055964469909668 + ], + [ + "\u2581dottore", + -14.055965423583984 + ], + [ + "\u2581Agenturen", + -14.055980682373049 + ], + [ + "\u2581Taman", + -14.05600357055664 + ], + [ + "\u2581Sailor", + -14.056018829345703 + ], + [ + "\u2581pousser", + -14.056028366088867 + ], + [ + "\u2581proporre", + -14.056036949157717 + ], + [ + "curricular", + -14.056050300598145 + ], + [ + "\u2581Schrauben", + -14.05605411529541 + ], + [ + "toccolours", + -14.05606174468994 + ], + [ + "\u2581opeenvolgende", + -14.056071281433104 + ], + [ + "tsuki", + -14.056089401245115 + ], + [ + "zuschu", + -14.056117057800291 + ], + [ + "\u2581rutina", + -14.05614185333252 + ], + [ + "ENCIA", + -14.056148529052734 + ], + [ + "swipe", + -14.056157112121582 + ], + [ + "ranglijst", + -14.056164741516112 + ], + [ + "composite", + -14.05617904663086 + ], + [ + "\u2581craign", + -14.0562162399292 + ], + [ + "\u2581avevamo", + -14.056236267089844 + ], + [ + "\u2581ecol\u00f3gica", + -14.05623722076416 + ], + [ + "\u2581gestatten", + -14.056256294250488 + ], + [ + "\u2581mat\u00e9rias", + -14.056289672851562 + ], + [ + "avari", + -14.056300163269045 + ], + [ + "apori", + -14.056303977966309 + ], + [ + "\u2581insignia", + -14.056330680847168 + ], + [ + "antoni", + -14.056334495544434 + ], + [ + "wok", + -14.056342124938965 + ], + [ + "\u2581trag\u00e9die", + -14.056370735168455 + ], + [ + "\u2581Ortsumgehung", + -14.05637264251709 + ], + [ + "\u2581seguite", + -14.056374549865724 + ], + [ + "\u2581Ache", + -14.056431770324709 + ], + [ + "\u2581Bourd", + -14.05643367767334 + ], + [ + "\u2581Diener", + -14.056452751159668 + ], + [ + "\u2581folclore", + -14.056452751159668 + ], + [ + "grepen", + -14.056469917297363 + ], + [ + "\u2581MPa", + -14.056479454040527 + ], + [ + "reduction", + -14.056489944458008 + ], + [ + "insula", + -14.056528091430664 + ], + [ + "\u2581nettamente", + -14.056561470031738 + ], + [ + "\u2581f\u00e9rtil", + -14.056594848632812 + ], + [ + "\u2581milde", + -14.056607246398926 + ], + [ + "turismo", + -14.056629180908203 + ], + [ + "recent", + -14.056660652160645 + ], + [ + "ikki", + -14.05666446685791 + ], + [ + "\u2581Ganadores", + -14.056673049926758 + ], + [ + "bestanden", + -14.056674003601074 + ], + [ + "buiten", + -14.056675910949709 + ], + [ + "\u2581prospects", + -14.056675910949709 + ], + [ + "\u2581bact\u00e9ria", + -14.056679725646973 + ], + [ + "lure", + -14.056693077087402 + ], + [ + "\u2581Ludovic", + -14.056734085083008 + ], + [ + "\u2581gravados", + -14.056756019592283 + ], + [ + "tennis", + -14.056760787963867 + ], + [ + "\u2581Pisano", + -14.05679702758789 + ], + [ + "\u2581math\u00e9maticien", + -14.056825637817385 + ], + [ + "\u2581versterken", + -14.0568265914917 + ], + [ + "\u2581Catha", + -14.056870460510254 + ], + [ + "gebaut", + -14.056923866271973 + ], + [ + "\u2581Botanic", + -14.056947708129885 + ], + [ + "\u2581ethnique", + -14.056958198547363 + ], + [ + "\u2581Humanidad", + -14.056974411010742 + ], + [ + "vorteile", + -14.056992530822754 + ], + [ + "\u2581Dringlichkeit", + -14.056994438171388 + ], + [ + "\u2581honor\u00edfica", + -14.056994438171388 + ], + [ + "\u2581escrevendo", + -14.057003021240234 + ], + [ + "\u2581alcuno", + -14.05702018737793 + ], + [ + "Urb", + -14.057053565979004 + ], + [ + "hasher", + -14.057085990905762 + ], + [ + "emozione", + -14.05711269378662 + ], + [ + "\u2581Lieblings", + -14.057129859924316 + ], + [ + "\u2581Pal\u00e4st", + -14.057133674621582 + ], + [ + "\u2581premature", + -14.057144165039062 + ], + [ + "\u2581vendem", + -14.05721378326416 + ], + [ + "\u2581Promotions", + -14.057221412658691 + ], + [ + "\u2581riportare", + -14.057279586791992 + ], + [ + "\u2581Boone", + -14.057299613952637 + ], + [ + "\u2581spettacolare", + -14.057299613952637 + ], + [ + "\u2581russischer", + -14.057300567626951 + ], + [ + "\u2581Sapporo", + -14.057312965393066 + ], + [ + "\u2581Uro", + -14.05732536315918 + ], + [ + "\u2581bali", + -14.057363510131836 + ], + [ + "ducido", + -14.057372093200684 + ], + [ + "\u2581colonizza", + -14.057377815246582 + ], + [ + "\u2581schulischen", + -14.057391166687012 + ], + [ + "IMS", + -14.057414054870604 + ], + [ + "RIST", + -14.057416915893556 + ], + [ + "Traceback", + -14.057425498962402 + ], + [ + "raketten", + -14.057437896728516 + ], + [ + "schuldet", + -14.057446479797363 + ], + [ + "\u2581Neck", + -14.057458877563477 + ], + [ + "\u2581vandalism", + -14.057465553283691 + ], + [ + "\u2581raffigura", + -14.057528495788574 + ], + [ + "\u2581reservar", + -14.057538986206056 + ], + [ + "\u2581ritrovati", + -14.057546615600586 + ], + [ + "\u2581aufbauen", + -14.057558059692385 + ], + [ + "\u2581Saty", + -14.057572364807127 + ], + [ + "\u2581verl\u00e4ngern", + -14.05760669708252 + ], + [ + "D\u00f3nde", + -14.057624816894531 + ], + [ + "\u2581ricas", + -14.057634353637695 + ], + [ + "\u2581densamente", + -14.05770778656006 + ], + [ + "cogido", + -14.05772590637207 + ], + [ + "\u2581Borel", + -14.05774211883545 + ], + [ + "Palermo", + -14.057768821716309 + ], + [ + "uelos", + -14.057771682739258 + ], + [ + "Einigungsvertrag", + -14.057785034179688 + ], + [ + "ulagen", + -14.05781364440918 + ], + [ + "zionisti", + -14.057826042175291 + ], + [ + "ddington", + -14.057860374450684 + ], + [ + "Iseo", + -14.05789852142334 + ], + [ + "llana", + -14.057916641235352 + ], + [ + "\u2581bekeken", + -14.057931900024414 + ], + [ + "\u2581nuages", + -14.057931900024414 + ], + [ + "\u2581ordentlichen", + -14.057960510253906 + ], + [ + "chum", + -14.057974815368652 + ], + [ + "ahrend", + -14.05800724029541 + ], + [ + "\u2581episcopal", + -14.058040618896484 + ], + [ + "\u2581Regula", + -14.058051109313965 + ], + [ + "Dragon", + -14.058072090148926 + ], + [ + "yers", + -14.058096885681152 + ], + [ + "\u2581genehmigten", + -14.058100700378418 + ], + [ + "Trainer", + -14.058103561401367 + ], + [ + "\u2581Cayo", + -14.058103561401367 + ], + [ + "\u2581Potenz", + -14.058106422424316 + ], + [ + "\u2581Gesetzbuch", + -14.058113098144531 + ], + [ + "\u2581Viale", + -14.058116912841797 + ], + [ + "ciato", + -14.058120727539062 + ], + [ + "mounted", + -14.058135032653809 + ], + [ + "kaden", + -14.05814266204834 + ], + [ + "Lemma", + -14.05819320678711 + ], + [ + "hidrat", + -14.058195114135742 + ], + [ + "\u2581relevancia", + -14.058225631713867 + ], + [ + "\u2581Pandora", + -14.05824375152588 + ], + [ + "healthy", + -14.058260917663574 + ], + [ + "\u2581s\u00fcdliche", + -14.05829906463623 + ], + [ + "\u2581Rotterdamse", + -14.05835247039795 + ], + [ + "begleitende", + -14.058355331420898 + ], + [ + "\u2581alimenti", + -14.05837631225586 + ], + [ + "\u2581ret\u00f3rica", + -14.058382034301758 + ], + [ + "sp\u00fcl", + -14.058394432067873 + ], + [ + "ugin", + -14.058408737182615 + ], + [ + "mobiliza", + -14.058414459228516 + ], + [ + "\u2581Landtags", + -14.058496475219728 + ], + [ + "speaker", + -14.0585355758667 + ], + [ + "\u2581cupola", + -14.058537483215332 + ], + [ + "\u2581ferrovi\u00e1rio", + -14.058537483215332 + ], + [ + "\u2581satisfaz", + -14.05854606628418 + ], + [ + "\u2581H\u00e1bito", + -14.05856227874756 + ], + [ + "\u2581geodesic", + -14.05857276916504 + ], + [ + "\u2581rentr\u00e9e", + -14.058594703674316 + ], + [ + "constru", + -14.058612823486328 + ], + [ + "geh\u00e4ngt", + -14.058623313903809 + ], + [ + "\u2581Dram", + -14.05866241455078 + ], + [ + "\u2581bzgl", + -14.058674812316896 + ], + [ + "\u2581Einwanderung", + -14.058679580688477 + ], + [ + "\u2581Jew", + -14.058686256408691 + ], + [ + "steeg", + -14.058713912963867 + ], + [ + "\u2581r\u00e9current", + -14.058725357055664 + ], + [ + "cessado", + -14.058733940124512 + ], + [ + "magazine", + -14.058743476867676 + ], + [ + "\u2581producidos", + -14.058756828308104 + ], + [ + "\u2581radicali", + -14.058759689331056 + ], + [ + "Presenter", + -14.058764457702637 + ], + [ + "fetti", + -14.058785438537598 + ], + [ + "\u2581Facey", + -14.05880355834961 + ], + [ + "\u2581amplifier", + -14.05881118774414 + ], + [ + "\u2581detenci\u00f3n", + -14.05881118774414 + ], + [ + "\u2581geistig", + -14.05883502960205 + ], + [ + "\u2581Carabinieri", + -14.058844566345217 + ], + [ + "\u2581usurpa", + -14.058857917785645 + ], + [ + "phantomChildren", + -14.05885887145996 + ], + [ + "\u2581Screening", + -14.05886459350586 + ], + [ + "\u2581cubes", + -14.058870315551758 + ], + [ + "gadi", + -14.058914184570312 + ], + [ + "\u2581Esteri", + -14.058923721313477 + ], + [ + "\u2581eingef\u00fchrte", + -14.058930397033691 + ], + [ + "\u2581Houve", + -14.058937072753906 + ], + [ + "inerti", + -14.058939933776855 + ], + [ + "\u2581Tatort", + -14.058951377868652 + ], + [ + "GRI", + -14.058988571166992 + ], + [ + "\u2581Jemen", + -14.05899143218994 + ], + [ + "\u2581swept", + -14.058999061584473 + ], + [ + "\u2581k\u00fcnstlerischen", + -14.059016227722168 + ], + [ + "AIC", + -14.059022903442385 + ], + [ + "ausf\u00e4lle", + -14.05902862548828 + ], + [ + "educatie", + -14.059041023254396 + ], + [ + "\u2581Verschulden", + -14.059080123901367 + ], + [ + "rechnungen", + -14.059128761291504 + ], + [ + "hessischen", + -14.059134483337402 + ], + [ + "\u2581experimentelle", + -14.059134483337402 + ], + [ + "\u2581centinaio", + -14.05915355682373 + ], + [ + "\u2581llamas", + -14.05915641784668 + ], + [ + "\u00e9rien", + -14.059162139892578 + ], + [ + "Exponential", + -14.059163093566896 + ], + [ + "PROM", + -14.059165000915527 + ], + [ + "rolles", + -14.059218406677246 + ], + [ + "\u2581Nitrat", + -14.05922508239746 + ], + [ + "\u2581insidi", + -14.05928897857666 + ], + [ + "\u2581Gysi", + -14.059296607971191 + ], + [ + "Flug", + -14.059316635131836 + ], + [ + "\u2581Bunker", + -14.059327125549316 + ], + [ + "\u2581Dida", + -14.059351921081545 + ], + [ + "\u2581boring", + -14.059370040893556 + ], + [ + "\u2581usaba", + -14.05937957763672 + ], + [ + "\u2581abortion", + -14.05940055847168 + ], + [ + "CDM", + -14.05945110321045 + ], + [ + "\u2581Begutachtung", + -14.059463500976562 + ], + [ + "radar", + -14.059481620788574 + ], + [ + "\u2581Verstehen", + -14.0595064163208 + ], + [ + "\u2581Schwellenwert", + -14.059524536132812 + ], + [ + "\u2581circunstancia", + -14.059534072875977 + ], + [ + "asteroide", + -14.059542655944824 + ], + [ + "uzen", + -14.059552192687988 + ], + [ + "oara", + -14.059574127197266 + ], + [ + "\u2581courtes", + -14.059582710266112 + ], + [ + "\u2581implementaci\u00f3n", + -14.059619903564451 + ], + [ + "\u2581Baumann", + -14.059637069702148 + ], + [ + "\u2581sopporta", + -14.059642791748049 + ], + [ + "\u2581achttien", + -14.059647560119627 + ], + [ + "\u2581gerou", + -14.059651374816896 + ], + [ + "vlakken", + -14.05967903137207 + ], + [ + "stung", + -14.059696197509766 + ], + [ + "sans\u00e4tze", + -14.059704780578612 + ], + [ + "gevolge", + -14.059760093688965 + ], + [ + "\u2581omgekomen", + -14.059767723083496 + ], + [ + "\u2581couramment", + -14.059784889221191 + ], + [ + "\u2581geacht", + -14.059786796569824 + ], + [ + "Ascoli", + -14.059795379638672 + ], + [ + "\u2581Bridges", + -14.05979824066162 + ], + [ + "oppa", + -14.059800148010254 + ], + [ + "\u2581consiguiendo", + -14.059822082519531 + ], + [ + "\u2581Joh", + -14.059832572937012 + ], + [ + "\u2581Manoel", + -14.059865951538086 + ], + [ + "\u2581chante", + -14.059871673583984 + ], + [ + "enterprise", + -14.059874534606934 + ], + [ + "or\u00f3", + -14.059932708740234 + ], + [ + "\u2581martial", + -14.059940338134766 + ], + [ + "\u00fccke", + -14.059942245483398 + ], + [ + "spices", + -14.059948921203612 + ], + [ + "\u2581Peruan", + -14.059995651245115 + ], + [ + "\u2581Cathy", + -14.060025215148926 + ], + [ + "\u2581Krankenpflege", + -14.060029983520508 + ], + [ + "\u2581kicked", + -14.060080528259276 + ], + [ + "\u2581microscopy", + -14.060087203979492 + ], + [ + "\u2581Husserl", + -14.06009006500244 + ], + [ + "\u2581mystic", + -14.0601224899292 + ], + [ + "ontsteking", + -14.06013298034668 + ], + [ + "\u2581contam", + -14.06023120880127 + ], + [ + "Apotheke", + -14.06024169921875 + ], + [ + "\u2581Ngo", + -14.060303688049316 + ], + [ + "\u2581libert\u00e9s", + -14.06031322479248 + ], + [ + "\u2581Suz", + -14.060317993164062 + ], + [ + "kleb", + -14.060325622558594 + ], + [ + "\u2581Saxo", + -14.060327529907228 + ], + [ + "rapist", + -14.060331344604492 + ], + [ + "\u2581synchronis", + -14.060352325439451 + ], + [ + "Avignon", + -14.060385704040527 + ], + [ + "Facebook", + -14.06040382385254 + ], + [ + "spesso", + -14.06042766571045 + ], + [ + "\u2581Villen", + -14.06046199798584 + ], + [ + "\u2581pol\u00edgono", + -14.060474395751951 + ], + [ + "\u2581soffre", + -14.060477256774902 + ], + [ + "enzym", + -14.060480117797852 + ], + [ + "\u2581mauvaises", + -14.06051254272461 + ], + [ + "\u2581retourna", + -14.060532569885254 + ], + [ + "\u2581Praktikum", + -14.060542106628418 + ], + [ + "\u2581Beamter", + -14.060562133789062 + ], + [ + "\u2581auswirkt", + -14.060562133789062 + ], + [ + "stark", + -14.060583114624023 + ], + [ + "\u2581controllata", + -14.060585975646973 + ], + [ + "\u2581pr\u00e9dicat", + -14.060586929321287 + ], + [ + "\u2581Crois", + -14.060630798339844 + ], + [ + "\u2581microwave", + -14.06063461303711 + ], + [ + "\u2581Eche", + -14.060667037963867 + ], + [ + "\u2581juveniles", + -14.060681343078612 + ], + [ + "Bax", + -14.060693740844728 + ], + [ + "coalesc", + -14.060707092285156 + ], + [ + "\u2581Bazel", + -14.060738563537598 + ], + [ + "\u2581Cova", + -14.060747146606444 + ], + [ + "falcon", + -14.060820579528809 + ], + [ + "hsa", + -14.060831069946287 + ], + [ + "\u2581feroz", + -14.060840606689451 + ], + [ + "\u2581Beobachtungs", + -14.0608549118042 + ], + [ + "antrieb", + -14.060857772827148 + ], + [ + "\u2581patrici", + -14.060864448547363 + ], + [ + "\u2581Engineer", + -14.060873031616213 + ], + [ + "elftal", + -14.060935974121094 + ], + [ + "\u2581g\u00e9ologique", + -14.060943603515623 + ], + [ + "\u2581coton", + -14.0609712600708 + ], + [ + "\u2581Anastasia", + -14.060978889465332 + ], + [ + "wM", + -14.061004638671877 + ], + [ + "\u2581unangenehm", + -14.061010360717772 + ], + [ + "k\u00fcnfte", + -14.06101131439209 + ], + [ + "emicolon", + -14.061013221740724 + ], + [ + "\u2581Gallagher", + -14.061015129089355 + ], + [ + "\u2581paludi", + -14.061031341552734 + ], + [ + "\u2581schw\u00e4cher", + -14.061034202575684 + ], + [ + "affo", + -14.061050415039062 + ], + [ + "\u2581Wereldkampioen", + -14.06105899810791 + ], + [ + "\u2581nachtr\u00e4gliche", + -14.061065673828123 + ], + [ + "Verbindung", + -14.061079025268556 + ], + [ + "\u2581vendendo", + -14.061079025268556 + ], + [ + "teilig", + -14.061092376708984 + ], + [ + "blah", + -14.061095237731934 + ], + [ + "\u2581elbow", + -14.061149597167969 + ], + [ + "\u2581occupano", + -14.061169624328612 + ], + [ + "DEVICES", + -14.061172485351562 + ], + [ + "\u2581manquer", + -14.061182022094728 + ], + [ + "\u2581caribe", + -14.061211585998535 + ], + [ + "\u2581Dolo", + -14.06124496459961 + ], + [ + "\u2581esquemas", + -14.061270713806152 + ], + [ + "\u2581Werder", + -14.061271667480469 + ], + [ + "rinha", + -14.061277389526367 + ], + [ + "\u2581caves", + -14.061290740966797 + ], + [ + "\u2581Gradu", + -14.061306953430176 + ], + [ + "\u2581Wanda", + -14.061308860778809 + ], + [ + "verzamelaar", + -14.061324119567873 + ], + [ + "\u2581Wetenschappen", + -14.061324119567873 + ], + [ + "frametitle", + -14.061331748962402 + ], + [ + "esthetic", + -14.061339378356934 + ], + [ + "profiler", + -14.061354637145996 + ], + [ + "\u2581Thys", + -14.061408042907717 + ], + [ + "\u2581causados", + -14.061416625976562 + ], + [ + "Analyzer", + -14.061421394348145 + ], + [ + "\u2581Djo", + -14.06142234802246 + ], + [ + "\u2581vedendo", + -14.06142234802246 + ], + [ + "\u2581Concierto", + -14.061423301696776 + ], + [ + "\u2581vari\u00e9t\u00e9s", + -14.06144905090332 + ], + [ + "hulp", + -14.061460494995115 + ], + [ + "\u2581tridimensional", + -14.061467170715332 + ], + [ + "\u2581cruces", + -14.06147289276123 + ], + [ + "assou", + -14.06151294708252 + ], + [ + "\u2581lutas", + -14.061514854431152 + ], + [ + "adjoint", + -14.061515808105469 + ], + [ + "\u2581Pizz", + -14.061518669128418 + ], + [ + "pathic", + -14.06153964996338 + ], + [ + "\u00e9d\u00e9e", + -14.061602592468262 + ], + [ + "\u2581Nagano", + -14.061617851257324 + ], + [ + "gegenst\u00e4nde", + -14.061647415161133 + ], + [ + "kutsk", + -14.06164836883545 + ], + [ + "\u2581cantare", + -14.06164836883545 + ], + [ + "H\u00e9rault", + -14.061653137207031 + ], + [ + "\u2581Solva", + -14.061655044555664 + ], + [ + "maculatus", + -14.06167697906494 + ], + [ + "ADS", + -14.061688423156738 + ], + [ + "machtig", + -14.06174087524414 + ], + [ + "\u2581Neuhaus", + -14.061768531799316 + ], + [ + "\u2581scarcely", + -14.061779022216797 + ], + [ + "intersect", + -14.061781883239746 + ], + [ + "LIG", + -14.06180477142334 + ], + [ + "\u2581Empor", + -14.061822891235352 + ], + [ + "\u2581Herder", + -14.06191349029541 + ], + [ + "MEC", + -14.061925888061523 + ], + [ + "\u2581Helfman", + -14.061946868896484 + ], + [ + "uiven", + -14.061955451965332 + ], + [ + "irim", + -14.061984062194824 + ], + [ + "\u2581sottolineato", + -14.062010765075684 + ], + [ + "\u2581aristocratic", + -14.062057495117188 + ], + [ + "\u2581Indes", + -14.06206226348877 + ], + [ + "\u2581Composici\u00f3n", + -14.062074661254885 + ], + [ + "\u2581\u00e9choue", + -14.062074661254885 + ], + [ + "\u2581separ", + -14.062098503112791 + ], + [ + "\u2581conversi\u00f3n", + -14.062100410461426 + ], + [ + "\u2581Poeti", + -14.062105178833008 + ], + [ + "\u2581Creed", + -14.062106132507324 + ], + [ + "\u2581paralelos", + -14.062128067016602 + ], + [ + "\u2581Roller", + -14.062129974365234 + ], + [ + "crash", + -14.062156677246094 + ], + [ + "Dieu", + -14.062159538269045 + ], + [ + "\u2581Hazard", + -14.062175750732422 + ], + [ + "\u2581negatively", + -14.062230110168455 + ], + [ + "\u2581vizinhas", + -14.062268257141112 + ], + [ + "\u2581tallo", + -14.06229019165039 + ], + [ + "sbeschluss", + -14.0623779296875 + ], + [ + "\u2581dorada", + -14.062389373779297 + ], + [ + "\u2581Anblick", + -14.062411308288574 + ], + [ + "roeg", + -14.062460899353027 + ], + [ + "\u2581Savin", + -14.062485694885254 + ], + [ + "AGS", + -14.062490463256836 + ], + [ + "Unauthorized", + -14.062491416931152 + ], + [ + "zinha", + -14.06251049041748 + ], + [ + "\u2581Jahn", + -14.062530517578123 + ], + [ + "\u2581acrescenta", + -14.06253719329834 + ], + [ + "\u2581credono", + -14.06254768371582 + ], + [ + "\u2581garantisce", + -14.062581062316896 + ], + [ + "\u2581administratieve", + -14.062591552734377 + ], + [ + "Ren\u00e9", + -14.062594413757324 + ], + [ + "nticas", + -14.062623977661133 + ], + [ + "revista", + -14.06262493133545 + ], + [ + "gerechtigkeit", + -14.062642097473145 + ], + [ + "\u2581Sail", + -14.062647819519045 + ], + [ + "lingua", + -14.062699317932127 + ], + [ + "vorstendom", + -14.062718391418455 + ], + [ + "Schwangerschafts", + -14.062786102294922 + ], + [ + "\u2581doubl", + -14.062786102294922 + ], + [ + "\u2581piastr", + -14.062817573547363 + ], + [ + "\u2581attenuat", + -14.062836647033691 + ], + [ + "\u2581Valois", + -14.06285572052002 + ], + [ + "\u2581esige", + -14.062864303588867 + ], + [ + "\u2581WrestleMania", + -14.06287670135498 + ], + [ + "Eurasi", + -14.062914848327637 + ], + [ + "\u2581Sandstein", + -14.062960624694824 + ], + [ + "\u2581formulieren", + -14.062997817993164 + ], + [ + "Inbound", + -14.06301498413086 + ], + [ + "\u2581Treibstoff", + -14.063021659851074 + ], + [ + "lize", + -14.063061714172363 + ], + [ + "\u2581Figuer", + -14.063077926635742 + ], + [ + "hrt", + -14.063085556030272 + ], + [ + "\u2581insignificante", + -14.06309700012207 + ], + [ + "grauen", + -14.063135147094728 + ], + [ + "OTS", + -14.06315803527832 + ], + [ + "alfa", + -14.063172340393066 + ], + [ + "\u2581valiente", + -14.06318187713623 + ], + [ + "\u2581angenehm", + -14.063187599182127 + ], + [ + "\u2581Anweisungen", + -14.063188552856444 + ], + [ + "\u2581Dickinson", + -14.063203811645508 + ], + [ + "cubo", + -14.063207626342772 + ], + [ + "\u2581dittatura", + -14.06320858001709 + ], + [ + "\u2581avisar", + -14.063225746154783 + ], + [ + "oratoire", + -14.063228607177734 + ], + [ + "\u2581appropri\u00e9", + -14.06324863433838 + ], + [ + "\u2581Umkehr", + -14.063267707824709 + ], + [ + "fanes", + -14.063270568847656 + ], + [ + "\u2581Barca", + -14.06328010559082 + ], + [ + "\u2581jenes", + -14.063307762145996 + ], + [ + "\u2581reacciones", + -14.063312530517578 + ], + [ + "vect", + -14.063324928283691 + ], + [ + "commission", + -14.063344955444336 + ], + [ + "ronica", + -14.063346862792969 + ], + [ + "\u2581Prese", + -14.063365936279297 + ], + [ + "\u2581Speer", + -14.063366889953612 + ], + [ + "\u2581Inschrift", + -14.063379287719728 + ], + [ + "\u2581permitida", + -14.063399314880373 + ], + [ + "\u2581magical", + -14.063411712646484 + ], + [ + "\u2581synonyme", + -14.063461303710938 + ], + [ + "\u2581grondig", + -14.06346321105957 + ], + [ + "\u2581pr\u00e9sidente", + -14.063467979431152 + ], + [ + "\u2581Verwalter", + -14.063471794128418 + ], + [ + "OLL", + -14.06347942352295 + ], + [ + "\u2581Sonate", + -14.063491821289062 + ], + [ + "\u2581caduc", + -14.063495635986328 + ], + [ + "\u2581avvers", + -14.063501358032228 + ], + [ + "\u2581Benedikt", + -14.063512802124023 + ], + [ + "Threat", + -14.063521385192873 + ], + [ + "\u2581bot\u00e1nica", + -14.06352710723877 + ], + [ + "agression", + -14.063535690307615 + ], + [ + "jockey", + -14.063562393188477 + ], + [ + "\u2581r\u00e9pression", + -14.06356430053711 + ], + [ + "\u2581prohibici\u00f3n", + -14.063565254211426 + ], + [ + "mettant", + -14.063589096069336 + ], + [ + "\u2581glauc", + -14.063607215881348 + ], + [ + "USC", + -14.063611030578612 + ], + [ + "\u2581Czer", + -14.063631057739258 + ], + [ + "\u2581Gutt", + -14.063663482666016 + ], + [ + "appunto", + -14.063664436340332 + ], + [ + "\u2581indicativo", + -14.063668251037598 + ], + [ + "conjug", + -14.063705444335938 + ], + [ + "\u2581prisonnier", + -14.063705444335938 + ], + [ + "lustre", + -14.06371021270752 + ], + [ + "\u00e9lire", + -14.063725471496582 + ], + [ + "\u2581revealing", + -14.063727378845217 + ], + [ + "\u2581Smet", + -14.06373119354248 + ], + [ + "Massachusetts", + -14.06376838684082 + ], + [ + "\u2581ginocchio", + -14.063814163208008 + ], + [ + "Taunus", + -14.063820838928224 + ], + [ + "\u2581ais\u00e9ment", + -14.063852310180664 + ], + [ + "\u2581Lerner", + -14.06387710571289 + ], + [ + "\u2581autom\u00f3veis", + -14.06387710571289 + ], + [ + "\u2581Robbins", + -14.063880920410156 + ], + [ + "\u2581M\u00e9t\u00e9o", + -14.06389617919922 + ], + [ + "statistieken", + -14.063897132873535 + ], + [ + "\u2581desplaza", + -14.063920021057127 + ], + [ + "Rakete", + -14.063931465148926 + ], + [ + "\u2581counterparts", + -14.063968658447266 + ], + [ + "\u2581massiven", + -14.063969612121582 + ], + [ + "\u2581einnehmen", + -14.063976287841797 + ], + [ + "\u2581Milit", + -14.06398868560791 + ], + [ + "jenigen", + -14.064004898071287 + ], + [ + "\u2581sup\u00e9rieurs", + -14.064007759094238 + ], + [ + "\u2581convocar", + -14.064032554626465 + ], + [ + "\u2581realistas", + -14.064067840576172 + ], + [ + "\u2581simbolico", + -14.06408405303955 + ], + [ + "RAT", + -14.064122200012209 + ], + [ + "took", + -14.064128875732422 + ], + [ + "\u2581disappointed", + -14.064128875732422 + ], + [ + "Archi", + -14.06414794921875 + ], + [ + "\u2581Jai", + -14.064160346984863 + ], + [ + "\u2581curiosity", + -14.06417751312256 + ], + [ + "aluminium", + -14.064187049865724 + ], + [ + "\u00e4uber", + -14.064187049865724 + ], + [ + "\u2581kook", + -14.064193725585938 + ], + [ + "loque", + -14.064212799072266 + ], + [ + "tauglich", + -14.064215660095217 + ], + [ + "\u2581Noor", + -14.06425666809082 + ], + [ + "\u2581s\u00e9lections", + -14.064275741577148 + ], + [ + "URLParams", + -14.064284324645996 + ], + [ + "greedy", + -14.064285278320312 + ], + [ + "\u2581faria", + -14.064300537109377 + ], + [ + "\u2581Rechtsanwalts", + -14.06440544128418 + ], + [ + "\u2581geforderte", + -14.064409255981444 + ], + [ + "significa", + -14.064414978027344 + ], + [ + "\u2581ratifiziert", + -14.064417839050291 + ], + [ + "\u2581autonomi", + -14.064425468444824 + ], + [ + "\u2581songe", + -14.06442928314209 + ], + [ + "\u2581Waldeck", + -14.06443214416504 + ], + [ + "\u2581vernichtet", + -14.064433097839355 + ], + [ + "ent\u00f3", + -14.064455032348633 + ], + [ + "\u2581Knor", + -14.064485549926758 + ], + [ + "\u2581Hob", + -14.064529418945312 + ], + [ + "dsk", + -14.064532279968262 + ], + [ + "\u2581olhando", + -14.064533233642578 + ], + [ + "gemeinden", + -14.064535140991213 + ], + [ + "nemann", + -14.06455135345459 + ], + [ + "\u2581casaling", + -14.06456470489502 + ], + [ + "embora", + -14.06457233428955 + ], + [ + "enseigne", + -14.064573287963867 + ], + [ + "Ausgabe", + -14.06458854675293 + ], + [ + "\u2581Sosa", + -14.064629554748535 + ], + [ + "functies", + -14.06463623046875 + ], + [ + "clerc", + -14.064659118652344 + ], + [ + "leqslant", + -14.064672470092772 + ], + [ + "\u2581Middeleeuwen", + -14.064684867858888 + ], + [ + "vrede", + -14.064691543579102 + ], + [ + "\u2581horno", + -14.064698219299316 + ], + [ + "\u2581antagonista", + -14.06470012664795 + ], + [ + "ctuator", + -14.064722061157228 + ], + [ + "\u2581dispon\u00eda", + -14.064740180969238 + ], + [ + "\u2581Mem\u00f3ria", + -14.064743995666504 + ], + [ + "\u2581Unf\u00e4lle", + -14.0647611618042 + ], + [ + "\u2581sigil", + -14.06477165222168 + ], + [ + "\u2581interatividade", + -14.064781188964844 + ], + [ + "\u2581supostamente", + -14.064786911010742 + ], + [ + "\u2581Openbaar", + -14.064794540405272 + ], + [ + "\u2581virar", + -14.064839363098145 + ], + [ + "palen", + -14.06489086151123 + ], + [ + "\u2581Basen", + -14.064901351928713 + ], + [ + "vskip", + -14.064903259277344 + ], + [ + "\u2581Liberale", + -14.06491756439209 + ], + [ + "\u2581Islandia", + -14.064924240112305 + ], + [ + "\u2581aplicadas", + -14.06492519378662 + ], + [ + "Localized", + -14.064931869506836 + ], + [ + "\u2581Bernal", + -14.064952850341797 + ], + [ + "\u2581lokalisiert", + -14.064958572387695 + ], + [ + "Girl", + -14.06496238708496 + ], + [ + "\u2581crey", + -14.065027236938477 + ], + [ + "\u2581suppos", + -14.065031051635742 + ], + [ + "\u2581noites", + -14.065046310424805 + ], + [ + "Packard", + -14.065061569213867 + ], + [ + "Instituto", + -14.06507396697998 + ], + [ + "unterst\u00fctzung", + -14.065141677856444 + ], + [ + "uintet", + -14.06516170501709 + ], + [ + "\u2581partag\u00e9e", + -14.06518268585205 + ], + [ + "VARS", + -14.065191268920898 + ], + [ + "ouquet", + -14.065196990966797 + ], + [ + "\u2581gestaltete", + -14.06520938873291 + ], + [ + "haushalte", + -14.065244674682615 + ], + [ + "\u2581consacrer", + -14.065258026123049 + ], + [ + "\u2581consumido", + -14.06529140472412 + ], + [ + "\u2581Gigi", + -14.065317153930664 + ], + [ + "scrivi", + -14.065354347229004 + ], + [ + "trusting", + -14.065363883972168 + ], + [ + "organiza", + -14.065422058105469 + ], + [ + "\u2581Klick", + -14.065422058105469 + ], + [ + "\u2581Arbeitsgruppen", + -14.065428733825684 + ], + [ + "lepid", + -14.06548023223877 + ], + [ + "kr\u00e4ftige", + -14.065489768981934 + ], + [ + "dorm", + -14.065513610839844 + ], + [ + "\u2581Italiener", + -14.06551456451416 + ], + [ + "\u2581psichiatr", + -14.065523147583008 + ], + [ + "Forecast", + -14.065585136413574 + ], + [ + "\u2581kortweg", + -14.065606117248535 + ], + [ + "aryl", + -14.065646171569824 + ], + [ + "\u2581morality", + -14.065646171569824 + ], + [ + "duits", + -14.065659523010254 + ], + [ + "\u2581Michoac\u00e1n", + -14.065677642822266 + ], + [ + "\u2581asentamientos", + -14.065741539001465 + ], + [ + "\u2581Arac", + -14.065747261047363 + ], + [ + "\u2581tornava", + -14.06575870513916 + ], + [ + "st\u00e9ril", + -14.06576156616211 + ], + [ + "\u2581Direttore", + -14.065828323364258 + ], + [ + "\u2581Ambo", + -14.06583023071289 + ], + [ + "assimil", + -14.065851211547852 + ], + [ + "italiana", + -14.065888404846191 + ], + [ + "\u2581reproch", + -14.065914154052734 + ], + [ + "\u2581Sagrado", + -14.06593894958496 + ], + [ + "\u2581C\u00e9line", + -14.065939903259276 + ], + [ + "\u2581Whale", + -14.06594467163086 + ], + [ + "\u2581linhagem", + -14.065947532653809 + ], + [ + "asino", + -14.065962791442873 + ], + [ + "\u2581Carlisle", + -14.065991401672363 + ], + [ + "\u2581mapeamento", + -14.066032409667969 + ], + [ + "\u2581kaufte", + -14.066057205200195 + ], + [ + "scribir", + -14.06607151031494 + ], + [ + "\u2581imprenditori", + -14.066076278686523 + ], + [ + "ssr", + -14.066084861755373 + ], + [ + "trommel", + -14.066084861755373 + ], + [ + "\u2581Leeuwen", + -14.066086769104004 + ], + [ + "carbox", + -14.066092491149902 + ], + [ + "besserung", + -14.066102981567385 + ], + [ + "\u2581Covenant", + -14.066102981567385 + ], + [ + "blando", + -14.066113471984863 + ], + [ + "\u2581Flowers", + -14.066121101379396 + ], + [ + "\u2581consoante", + -14.06613826751709 + ], + [ + "\u2581Beg\u00fcnstigten", + -14.066143035888672 + ], + [ + "\u2581fundamento", + -14.066150665283203 + ], + [ + "ouvert", + -14.06619930267334 + ], + [ + "Stanisla", + -14.066207885742188 + ], + [ + "\u2581pubblicate", + -14.066253662109377 + ], + [ + "\u2581Diploma", + -14.066255569458008 + ], + [ + "ixi", + -14.06627368927002 + ], + [ + "Eglise", + -14.06633186340332 + ], + [ + "Verenigde", + -14.066340446472168 + ], + [ + "folk", + -14.066400527954102 + ], + [ + "zusagen", + -14.066408157348633 + ], + [ + "\u2581oreilles", + -14.066420555114746 + ], + [ + "\u2581Watkins", + -14.066431999206545 + ], + [ + "\u2581Hindi", + -14.066449165344238 + ], + [ + "casi", + -14.066497802734377 + ], + [ + "\u2581var\u00eda", + -14.066502571105955 + ], + [ + "imeter", + -14.066527366638184 + ], + [ + "death", + -14.06654453277588 + ], + [ + "\u2581pos\u00e9e", + -14.066551208496094 + ], + [ + "blood", + -14.066560745239258 + ], + [ + "Komponente", + -14.066571235656738 + ], + [ + "ENG", + -14.066572189331056 + ], + [ + "icolo", + -14.066603660583496 + ], + [ + "\u2581gagnant", + -14.066610336303713 + ], + [ + "\u2581Stabilit\u00e4ts", + -14.066611289978027 + ], + [ + "\u2581biogr\u00e1fico", + -14.066612243652344 + ], + [ + "\u2581oscillation", + -14.066625595092772 + ], + [ + "\u2581Prze", + -14.066646575927734 + ], + [ + "\u2581abusa", + -14.066648483276367 + ], + [ + "\u2581grandfather", + -14.066654205322266 + ], + [ + "\u2581voudrais", + -14.066694259643556 + ], + [ + "\u2581lumineuse", + -14.066701889038086 + ], + [ + "\u2581Thunderbird", + -14.066705703735352 + ], + [ + "tijdschrift", + -14.066720008850098 + ], + [ + "\u2581reconstructed", + -14.066720008850098 + ], + [ + "\u2581rises", + -14.066750526428224 + ], + [ + "erdam", + -14.06675910949707 + ], + [ + "\u2581reagir", + -14.066763877868652 + ], + [ + "\u2581Apostel", + -14.066898345947266 + ], + [ + "\u2581completamento", + -14.066900253295898 + ], + [ + "\u2581Cualquier", + -14.06692600250244 + ], + [ + "\u2581Tabellone", + -14.066926956176758 + ], + [ + "\u2581pipes", + -14.066941261291504 + ], + [ + "Colon", + -14.066967964172363 + ], + [ + "affine", + -14.066977500915527 + ], + [ + "\u2581Panch", + -14.066978454589844 + ], + [ + "\u2581Halm", + -14.066998481750488 + ], + [ + "\u2581adentro", + -14.06701946258545 + ], + [ + "\u2581remarked", + -14.067020416259766 + ], + [ + "\u2581austriaci", + -14.06703281402588 + ], + [ + "\u2581veterano", + -14.06703758239746 + ], + [ + "\u2581explorador", + -14.067105293273926 + ], + [ + "\u2581bel\u00e4uft", + -14.067111015319824 + ], + [ + "\u2581Veil", + -14.067123413085938 + ], + [ + "heffing", + -14.067136764526367 + ], + [ + "achst", + -14.067139625549316 + ], + [ + "mentioned", + -14.067156791687012 + ], + [ + "\u2581vergi", + -14.067171096801758 + ], + [ + "lamy", + -14.06717300415039 + ], + [ + "\u2581Sancti", + -14.067205429077148 + ], + [ + "\u2581Penelope", + -14.06723690032959 + ], + [ + "\u2581difensore", + -14.06723690032959 + ], + [ + "\u2581Futsal", + -14.06723976135254 + ], + [ + "kazerne", + -14.06724452972412 + ], + [ + "\u2581Gund", + -14.06725025177002 + ], + [ + "Invoice", + -14.067286491394045 + ], + [ + "zierten", + -14.067290306091309 + ], + [ + "\u2581corsie", + -14.067316055297852 + ], + [ + "\u2581Piana", + -14.067338943481444 + ], + [ + "\u2581M\u00f3nica", + -14.067339897155762 + ], + [ + "streaming", + -14.067346572875977 + ], + [ + "\u2581vasteland", + -14.06740665435791 + ], + [ + "gedr\u00fcckt", + -14.067413330078123 + ], + [ + "\u2581anfallen", + -14.06741428375244 + ], + [ + "tisse", + -14.067438125610352 + ], + [ + "\u2581provocare", + -14.067445755004885 + ], + [ + "\u2581mencionadas", + -14.067448616027832 + ], + [ + "Waren", + -14.067462921142578 + ], + [ + "gesetzen", + -14.067469596862791 + ], + [ + "\u2581programadores", + -14.067489624023438 + ], + [ + "tropie", + -14.067509651184082 + ], + [ + "Silver", + -14.067517280578612 + ], + [ + "\u2581durchlaufen", + -14.06751823425293 + ], + [ + "\u2581Bocca", + -14.067526817321776 + ], + [ + "\u2581Lancashire", + -14.067549705505373 + ], + [ + "DBUILD", + -14.067559242248535 + ], + [ + "\u2581{}\",", + -14.067583084106444 + ], + [ + "\u2581Martel", + -14.067618370056152 + ], + [ + "\u2581amino\u00e1cidos", + -14.067634582519531 + ], + [ + "tendant", + -14.06765079498291 + ], + [ + "EVE", + -14.067656517028809 + ], + [ + "cops", + -14.06767463684082 + ], + [ + "unabh\u00e4ngige", + -14.067676544189451 + ], + [ + "\u2581Kuta", + -14.067679405212402 + ], + [ + "\u2581r\u00e9unions", + -14.067684173583984 + ], + [ + "dwingen", + -14.067727088928224 + ], + [ + "Servisch", + -14.067733764648438 + ], + [ + "\u2581Avia", + -14.067754745483398 + ], + [ + "\u2581affollati", + -14.067757606506348 + ], + [ + "\u2581SBS", + -14.06775951385498 + ], + [ + "aisance", + -14.06777286529541 + ], + [ + "\u2581espressa", + -14.06778049468994 + ], + [ + "\u2581d\u00e9clarations", + -14.067784309387209 + ], + [ + "gewinne", + -14.067788124084473 + ], + [ + "\u2581Brendan", + -14.06781005859375 + ], + [ + "nesimo", + -14.067851066589355 + ], + [ + "\u2581Caetano", + -14.067862510681152 + ], + [ + "\u2581verlagert", + -14.067869186401367 + ], + [ + "\u2581Aufsatz", + -14.06791877746582 + ], + [ + "str\u00f3i", + -14.06792449951172 + ], + [ + "adding", + -14.067926406860352 + ], + [ + "Cerco", + -14.0679349899292 + ], + [ + "wolk", + -14.06794548034668 + ], + [ + "\u2581Kollagen", + -14.06795597076416 + ], + [ + "\u2581symfonie", + -14.067970275878906 + ], + [ + "\u2581berichteten", + -14.067988395690918 + ], + [ + "\u2581Liberaci\u00f3n", + -14.067989349365234 + ], + [ + "iveness", + -14.068007469177246 + ], + [ + "vaarder", + -14.06801986694336 + ], + [ + "\u2581proposant", + -14.068035125732422 + ], + [ + "\u2581CellLabel", + -14.068036079406738 + ], + [ + "\u2581sympathis", + -14.068048477172852 + ], + [ + "\u2581Schale", + -14.068050384521484 + ], + [ + "toEqual", + -14.06808090209961 + ], + [ + "\u2581erkrankt", + -14.068087577819824 + ], + [ + "\u00e1stico", + -14.068090438842772 + ], + [ + "\u2581stimulate", + -14.06809425354004 + ], + [ + "\u2581Sonja", + -14.068111419677734 + ], + [ + "gris", + -14.068117141723633 + ], + [ + "\u2581reutiliza", + -14.068122863769531 + ], + [ + "\u2581mostrava", + -14.068145751953123 + ], + [ + "\u2581nursing", + -14.068147659301758 + ], + [ + "\u2581einschr\u00e4nken", + -14.068156242370604 + ], + [ + "ncidence", + -14.068169593811035 + ], + [ + "ontwikkelaar", + -14.068175315856934 + ], + [ + "\u2581Sindicato", + -14.068175315856934 + ], + [ + "Modifies", + -14.06817626953125 + ], + [ + "\u2581punir", + -14.068177223205566 + ], + [ + "\u2581Nakamura", + -14.06818389892578 + ], + [ + "\u2581notari", + -14.06818389892578 + ], + [ + "Arabia", + -14.06821060180664 + ], + [ + "ByteArray", + -14.06821632385254 + ], + [ + "bilo", + -14.068259239196776 + ], + [ + "\u2581Absenkung", + -14.068265914916992 + ], + [ + "huy", + -14.068269729614258 + ], + [ + "svorschl\u00e4ge", + -14.06828498840332 + ], + [ + "\u2581pr\u00e9occup", + -14.068293571472168 + ], + [ + "\u2581liderados", + -14.068316459655762 + ], + [ + "Apollo", + -14.068361282348633 + ], + [ + "\u2581Pleuro", + -14.068373680114746 + ], + [ + "\u2581nacionalista", + -14.068379402160645 + ], + [ + "mude", + -14.068395614624023 + ], + [ + "\u2581Stalingrad", + -14.068411827087402 + ], + [ + "\u2581Kond", + -14.068415641784668 + ], + [ + "\u2581s\u00e9par\u00e9", + -14.068415641784668 + ], + [ + "ideolog", + -14.068448066711426 + ], + [ + "ottavo", + -14.068487167358398 + ], + [ + "\u2581identifiers", + -14.06851863861084 + ], + [ + "zenz", + -14.068531036376951 + ], + [ + "\u2581freelance", + -14.068546295166016 + ], + [ + "\u2581statute", + -14.068614959716797 + ], + [ + "\u2581zunehmendem", + -14.068764686584473 + ], + [ + "\u2581Kliniken", + -14.06877899169922 + ], + [ + "\u2581Watanabe", + -14.068799018859863 + ], + [ + "\u2581Wikim\u00e9dia", + -14.068799018859863 + ], + [ + "\u2581sinta", + -14.068818092346191 + ], + [ + "\u2581giacca", + -14.06883144378662 + ], + [ + "fined", + -14.068835258483888 + ], + [ + "\u2581etwaigen", + -14.068854331970217 + ], + [ + "\u2581rivest", + -14.068865776062012 + ], + [ + "produto", + -14.068882942199709 + ], + [ + "soap", + -14.068952560424805 + ], + [ + "edilizia", + -14.06897258758545 + ], + [ + "breaking", + -14.068981170654297 + ], + [ + "organic", + -14.068987846374512 + ], + [ + "Blood", + -14.069046020507812 + ], + [ + "vergelijking", + -14.069083213806152 + ], + [ + "icy", + -14.069086074829102 + ], + [ + "\u2581vallata", + -14.069090843200684 + ], + [ + "\u2581bioscoop", + -14.069132804870604 + ], + [ + "\u2581genetischen", + -14.069140434265137 + ], + [ + "\u2581bevorderd", + -14.069158554077148 + ], + [ + "pianto", + -14.06920051574707 + ], + [ + "\u2581viewpoint", + -14.069210052490234 + ], + [ + "\u2581H\u00e4nge", + -14.069225311279297 + ], + [ + "pillo", + -14.06926441192627 + ], + [ + "\u2581stemde", + -14.069286346435549 + ], + [ + "\u2581Comunale", + -14.069299697875977 + ], + [ + "alando", + -14.069302558898926 + ], + [ + "\u2581liderar", + -14.069317817687988 + ], + [ + "\u2581Asylverfahren", + -14.069320678710938 + ], + [ + "Johannes", + -14.069375991821287 + ], + [ + "ringa", + -14.069376945495604 + ], + [ + "\u2581durer", + -14.069416046142578 + ], + [ + "\u2581defensivo", + -14.069425582885742 + ], + [ + "Spektr", + -14.069429397583008 + ], + [ + "\u2581einzurichten", + -14.069432258605955 + ], + [ + "\u2581Lymph", + -14.069439888000488 + ], + [ + "\u2581atrac", + -14.069453239440918 + ], + [ + "\u2581genovese", + -14.069453239440918 + ], + [ + "Fox", + -14.069473266601562 + ], + [ + "\u2581Baudenkmal", + -14.069483757019045 + ], + [ + "\u2581commercianti", + -14.069491386413574 + ], + [ + "\u2581Principales", + -14.06949520111084 + ], + [ + "\u2581Prusse", + -14.069500923156738 + ], + [ + "Atomic", + -14.06953239440918 + ], + [ + "\u2581Strang", + -14.069537162780762 + ], + [ + "ualifi", + -14.06954860687256 + ], + [ + "\u2581Cambr", + -14.069551467895508 + ], + [ + "\u2581Permite", + -14.06956958770752 + ], + [ + "\u2581modificaci\u00f3n", + -14.069579124450684 + ], + [ + "\u2581Divisie", + -14.069602012634276 + ], + [ + "\u2581favoritos", + -14.069602012634276 + ], + [ + "\u2581Bref", + -14.069637298583984 + ], + [ + "\u2581perduta", + -14.069640159606934 + ], + [ + "\u2581obsolet", + -14.069642066955566 + ], + [ + "adha", + -14.069659233093262 + ], + [ + "mery", + -14.069674491882324 + ], + [ + "\u2581atualizado", + -14.0697021484375 + ], + [ + "MetaData", + -14.069711685180664 + ], + [ + "EEN", + -14.06972312927246 + ], + [ + "\u2581rondwormensoort", + -14.069737434387209 + ], + [ + "\u2581Camin", + -14.069761276245115 + ], + [ + "\u2581Momo", + -14.069775581359863 + ], + [ + "\u2581Netzwerken", + -14.069786071777344 + ], + [ + "\u2581satisfacer", + -14.069786071777344 + ], + [ + "\u2581marinai", + -14.069794654846191 + ], + [ + "enoni", + -14.069804191589355 + ], + [ + "statistic", + -14.069828987121582 + ], + [ + "apice", + -14.069860458374023 + ], + [ + "angebots", + -14.06986141204834 + ], + [ + "\u2581gesteund", + -14.069880485534668 + ], + [ + "enseite", + -14.06989288330078 + ], + [ + "natura", + -14.069921493530272 + ], + [ + "\u2581adopte", + -14.069921493530272 + ], + [ + "\u2581Broc", + -14.069923400878906 + ], + [ + "EAP", + -14.069955825805664 + ], + [ + "\u2581angestellt", + -14.070030212402344 + ], + [ + "Roger", + -14.070032119750977 + ], + [ + "replication", + -14.070035934448242 + ], + [ + "\u2581etablieren", + -14.07006549835205 + ], + [ + "NODES", + -14.07008934020996 + ], + [ + "\u2581perplex", + -14.070094108581545 + ], + [ + "\u2581preta", + -14.070096015930176 + ], + [ + "\u2581Eroberung", + -14.070162773132324 + ], + [ + "\u2581tranquilidad", + -14.07017707824707 + ], + [ + "\u2581driemaal", + -14.07021713256836 + ], + [ + "\u2581clicando", + -14.07022476196289 + ], + [ + "\u2581modernit\u00e0", + -14.070231437683104 + ], + [ + "champs", + -14.070233345031738 + ], + [ + "\u2581attained", + -14.070252418518066 + ], + [ + "SPAR", + -14.070253372192385 + ], + [ + "\u2581entstehende", + -14.07025909423828 + ], + [ + "edici\u00f3n", + -14.070260047912598 + ], + [ + "gebliche", + -14.070281982421877 + ], + [ + "\u2581campaigns", + -14.070302963256836 + ], + [ + "\u2581surgeon", + -14.070335388183594 + ], + [ + "koda", + -14.070356369018556 + ], + [ + "\u2581Conservatorium", + -14.07036590576172 + ], + [ + "\u2581Verd\u00fcnnung", + -14.07036590576172 + ], + [ + "\u2581ficaria", + -14.070404052734377 + ], + [ + "ualitative", + -14.070409774780272 + ], + [ + "\u2581invasores", + -14.070429801940918 + ], + [ + "imposant", + -14.070448875427246 + ], + [ + "\u2581syst\u00e9matique", + -14.070470809936523 + ], + [ + "\u2581Dottor", + -14.070497512817385 + ], + [ + "Shortcut", + -14.070510864257812 + ], + [ + "\u2581coaching", + -14.070536613464355 + ], + [ + "stimula", + -14.070566177368164 + ], + [ + "\u2581Cooperativa", + -14.070666313171388 + ], + [ + "\u2581scozzese", + -14.070676803588867 + ], + [ + "\u2581Azevedo", + -14.070680618286133 + ], + [ + "\u2581Ultraschall", + -14.07068920135498 + ], + [ + "Doppio", + -14.070713996887209 + ], + [ + "sp\u00e9c", + -14.070713996887209 + ], + [ + "beirat", + -14.07071590423584 + ], + [ + "\u2581Lazard", + -14.070722579956056 + ], + [ + "\u2581boast", + -14.070733070373535 + ], + [ + "Keine", + -14.070735931396484 + ], + [ + "biologische", + -14.070751190185549 + ], + [ + "\u2581regenera", + -14.070757865905762 + ], + [ + "ontologia", + -14.07077980041504 + ], + [ + "wallpaper", + -14.07077980041504 + ], + [ + "\u2581prosp", + -14.07078456878662 + ], + [ + "\u2581F\u00e4hren", + -14.070801734924316 + ], + [ + "\u2581Tiago", + -14.070858001708984 + ], + [ + "anzo", + -14.070863723754885 + ], + [ + "uyt", + -14.070866584777832 + ], + [ + "\u2581Retorna", + -14.070877075195312 + ], + [ + "bezieh", + -14.07088851928711 + ], + [ + "CEP", + -14.070918083190918 + ], + [ + "\u2581Participantes", + -14.070948600769045 + ], + [ + "\u2581supervivencia", + -14.070990562438965 + ], + [ + "\u2581tevreden", + -14.070993423461914 + ], + [ + "Slalom", + -14.07099723815918 + ], + [ + "\u2581Funktionalit\u00e4t", + -14.071003913879396 + ], + [ + "\u2581contractor", + -14.071004867553713 + ], + [ + "\u2581Lamar", + -14.071017265319824 + ], + [ + "Moment", + -14.071026802062988 + ], + [ + "\u2581shortage", + -14.071027755737305 + ], + [ + "\u2581Pseudonym", + -14.071066856384276 + ], + [ + "\u2581irlandais", + -14.071069717407228 + ], + [ + "gds", + -14.071074485778809 + ], + [ + "intrusion", + -14.071089744567873 + ], + [ + "hymne", + -14.0711088180542 + ], + [ + "\u2581cheek", + -14.071122169494627 + ], + [ + "igsten", + -14.071125984191896 + ], + [ + "libro", + -14.071239471435549 + ], + [ + "readOnly", + -14.071259498596191 + ], + [ + "\u2581rebels", + -14.07127857208252 + ], + [ + "insigne", + -14.0712890625 + ], + [ + "prat", + -14.071292877197266 + ], + [ + "iglie", + -14.071295738220217 + ], + [ + "\u2581Gianluca", + -14.071308135986328 + ], + [ + "tslib", + -14.071310997009276 + ], + [ + "Bet\u00e4ubungsmittel", + -14.07131576538086 + ], + [ + "\u2581regali", + -14.071319580078123 + ], + [ + "\u2581bereitzustellen", + -14.071324348449709 + ], + [ + "\u2581califa", + -14.071331024169922 + ], + [ + "\u2581Moul", + -14.07135009765625 + ], + [ + "\u2581contribuciones", + -14.071365356445312 + ], + [ + "\u2581peupl\u00e9e", + -14.071372032165527 + ], + [ + "RUNNING", + -14.071388244628906 + ], + [ + "\u2581Colabora", + -14.07140827178955 + ], + [ + "\u2581reflejo", + -14.0714750289917 + ], + [ + "Illumina", + -14.071495056152344 + ], + [ + "temporary", + -14.071524620056152 + ], + [ + "howpublished", + -14.071577072143556 + ], + [ + "geschichtlichen", + -14.071584701538086 + ], + [ + "\u2581connaissait", + -14.071629524230955 + ], + [ + "Collapse", + -14.071648597717283 + ], + [ + "\u2581vedut", + -14.0716552734375 + ], + [ + "\u2581Scap", + -14.071694374084473 + ], + [ + "\u2581Kalten", + -14.071781158447266 + ], + [ + "\u2581nochmal", + -14.071785926818848 + ], + [ + "cion\u00f3", + -14.071788787841797 + ], + [ + "\u2581picnic", + -14.071818351745604 + ], + [ + "\u2581Afbeelding", + -14.071836471557615 + ], + [ + "dank", + -14.071839332580566 + ], + [ + "\u2581buste", + -14.071842193603516 + ], + [ + "nominatie", + -14.071894645690918 + ], + [ + "\u2581behoorlijk", + -14.07193088531494 + ], + [ + "\u2581comprenait", + -14.07193374633789 + ], + [ + "ometra", + -14.071941375732422 + ], + [ + "\u2581anal\u00edtica", + -14.071942329406738 + ], + [ + "\u2581minacce", + -14.07194709777832 + ], + [ + "\u2581Copia", + -14.071986198425291 + ], + [ + "arama", + -14.071998596191406 + ], + [ + "\u2581Teaching", + -14.072007179260254 + ], + [ + "articulation", + -14.07201099395752 + ], + [ + "\u2581Verdichtung", + -14.072019577026367 + ], + [ + "\u2581Been", + -14.072044372558594 + ], + [ + "\u2581foment", + -14.072149276733398 + ], + [ + "\u2581Katy", + -14.072199821472168 + ], + [ + "\u2581commute", + -14.072202682495115 + ], + [ + "\u2581cadavre", + -14.072219848632812 + ], + [ + "attendre", + -14.072237968444824 + ], + [ + "Weltkulturerbe", + -14.072243690490724 + ], + [ + "fleet", + -14.072245597839355 + ], + [ + "LTLINKOPTS", + -14.07225513458252 + ], + [ + "\u2581Graduate", + -14.072280883789062 + ], + [ + "\u2581Devils", + -14.072294235229492 + ], + [ + "lora", + -14.072299003601074 + ], + [ + "\u2581libell", + -14.072312355041504 + ], + [ + "preamble", + -14.072314262390137 + ], + [ + "\u2581jogando", + -14.072324752807615 + ], + [ + "\u2581Shire", + -14.072333335876465 + ], + [ + "\u2581desnudo", + -14.072357177734377 + ], + [ + "psychologischen", + -14.0723876953125 + ], + [ + "\u2581strapp", + -14.072400093078612 + ], + [ + "\u2581tumore", + -14.072404861450195 + ], + [ + "NSB", + -14.072405815124512 + ], + [ + "\u2581juridiques", + -14.072415351867676 + ], + [ + "Another", + -14.072440147399902 + ], + [ + "ivit\u00e4t", + -14.072443008422852 + ], + [ + "wandeling", + -14.07245635986328 + ], + [ + "\u2581distanti", + -14.072468757629396 + ], + [ + "grote", + -14.07253646850586 + ], + [ + "fana", + -14.072540283203123 + ], + [ + "\u2581Slechts", + -14.072558403015137 + ], + [ + "aspera", + -14.072583198547363 + ], + [ + "confidence", + -14.07259464263916 + ], + [ + "\u2581INDIRECT", + -14.072598457336426 + ], + [ + "Care", + -14.072603225708008 + ], + [ + "\u2581Ness", + -14.07260799407959 + ], + [ + "\u2581Klara", + -14.072641372680664 + ], + [ + "\u2581espadas", + -14.07264232635498 + ], + [ + "\u2581respondents", + -14.07265567779541 + ], + [ + "qrt", + -14.072672843933104 + ], + [ + "\u2581docena", + -14.072696685791016 + ], + [ + "\u2581cr\u00e9dits", + -14.072702407836914 + ], + [ + "\u2581heir", + -14.072715759277344 + ], + [ + "\u2581beurre", + -14.072717666625977 + ], + [ + "agglomer", + -14.072723388671877 + ], + [ + "\u2581flooding", + -14.072731018066406 + ], + [ + "\u2581Banach", + -14.072745323181152 + ], + [ + "\u2581zapatos", + -14.072758674621582 + ], + [ + "\u2581Ocho", + -14.072760581970217 + ], + [ + "\u2581Alcan", + -14.072763442993164 + ], + [ + "\u2581volevo", + -14.07277011871338 + ], + [ + "mperatriz", + -14.072789192199709 + ], + [ + "\u2581mug", + -14.072793006896973 + ], + [ + "effondr", + -14.07280731201172 + ], + [ + "\u2581Consta", + -14.072808265686035 + ], + [ + "Trying", + -14.072809219360352 + ], + [ + "\u2581Prognosen", + -14.072816848754885 + ], + [ + "xac", + -14.072824478149414 + ], + [ + "\u2581pilots", + -14.07282829284668 + ], + [ + "lieferungen", + -14.072834968566896 + ], + [ + "veau", + -14.072861671447754 + ], + [ + "\u2581encodeVarint", + -14.072872161865234 + ], + [ + "Morph", + -14.072887420654297 + ], + [ + "\u2581Hinterlegung", + -14.07289218902588 + ], + [ + "imperialismo", + -14.072904586791992 + ], + [ + "LEB", + -14.072915077209473 + ], + [ + "pposant", + -14.072922706604004 + ], + [ + "\u2581criaram", + -14.07293701171875 + ], + [ + "\u2581Ofen", + -14.072978973388672 + ], + [ + "AttributedString", + -14.073065757751465 + ], + [ + "IRI", + -14.073074340820312 + ], + [ + "\u2581recibida", + -14.073125839233398 + ], + [ + "SIP", + -14.07315444946289 + ], + [ + "RAP", + -14.073205947875977 + ], + [ + "\u2581prestiti", + -14.073208808898926 + ], + [ + "triche", + -14.073225021362305 + ], + [ + "\u2581Egon", + -14.0732421875 + ], + [ + "\u2581spezie", + -14.073244094848633 + ], + [ + "tenerlo", + -14.073269844055176 + ], + [ + "cassandra", + -14.073290824890137 + ], + [ + "\u2581motivierte", + -14.073319435119627 + ], + [ + "\u2581Merle", + -14.073333740234377 + ], + [ + "\u2581Reife", + -14.07334041595459 + ], + [ + "cones", + -14.073373794555664 + ], + [ + "\u2581disperse", + -14.073389053344728 + ], + [ + "\u2581tecnol\u00f3gicos", + -14.073442459106444 + ], + [ + "stralen", + -14.073461532592772 + ], + [ + "\u2581salone", + -14.073464393615724 + ], + [ + "\u2581Scrib", + -14.073492050170898 + ], + [ + "\u2581sentit", + -14.07351303100586 + ], + [ + "\u2581anciano", + -14.073522567749023 + ], + [ + "\u2581Nile", + -14.073568344116213 + ], + [ + "blech", + -14.073572158813477 + ], + [ + "marketplace", + -14.073577880859377 + ], + [ + "\u2581percusi\u00f3n", + -14.073579788208008 + ], + [ + "\u2581falc", + -14.073582649230955 + ], + [ + "arita", + -14.07358741760254 + ], + [ + "\u2581wohin", + -14.073619842529297 + ], + [ + "\u2581Cambodia", + -14.073646545410156 + ], + [ + "\u2581Valores", + -14.073649406433104 + ], + [ + "\u2581syndical", + -14.07365894317627 + ], + [ + "\u2581Lettland", + -14.07366943359375 + ], + [ + "\u2581dungen", + -14.073675155639648 + ], + [ + "\u2581Verpackungs", + -14.07368278503418 + ], + [ + "\u2581Carex", + -14.073704719543455 + ], + [ + "GRO", + -14.073711395263672 + ], + [ + "\u2581Finaliste", + -14.073716163635254 + ], + [ + "\u2581situadas", + -14.073750495910645 + ], + [ + "\u2581concesse", + -14.0737886428833 + ], + [ + "\u2581Ind\u00edgena", + -14.073814392089844 + ], + [ + "\u2581armoede", + -14.073814392089844 + ], + [ + "\u2581entfaltet", + -14.073814392089844 + ], + [ + "\u2581Begehung", + -14.07381534576416 + ], + [ + "\u2581purchasing", + -14.073822021484377 + ], + [ + "\u2581vinil", + -14.073822975158691 + ], + [ + "\u2581Genie", + -14.073850631713867 + ], + [ + "\u2581Trich", + -14.07390022277832 + ], + [ + "\u2581estudiado", + -14.073919296264648 + ], + [ + "aspis", + -14.073963165283203 + ], + [ + "klam", + -14.073975563049316 + ], + [ + "\u2581utilisez", + -14.073996543884276 + ], + [ + "\u2581ambientais", + -14.074007034301758 + ], + [ + "hablante", + -14.074027061462402 + ], + [ + "quivalenz", + -14.074036598205566 + ], + [ + "UMA", + -14.074045181274414 + ], + [ + "\u2581IJs", + -14.07406520843506 + ], + [ + "\u2581Cant\u00f3n", + -14.074074745178224 + ], + [ + "\u2581actuando", + -14.074076652526855 + ], + [ + "signup", + -14.074106216430664 + ], + [ + "\u2581diecis\u00e9is", + -14.07412815093994 + ], + [ + "entsprechend", + -14.07415771484375 + ], + [ + "\u2581Gorizia", + -14.074179649353027 + ], + [ + "addle", + -14.074188232421877 + ], + [ + "rvik", + -14.074198722839355 + ], + [ + "\u2581massime", + -14.07425308227539 + ], + [ + "quivalent", + -14.074273109436035 + ], + [ + "entscheid", + -14.074338912963867 + ], + [ + "\u2581sorveglia", + -14.074433326721191 + ], + [ + "ritis", + -14.074472427368164 + ], + [ + "\u2581Totti", + -14.07451057434082 + ], + [ + "MPA", + -14.0745210647583 + ], + [ + "erial", + -14.074527740478516 + ], + [ + "nwartschaft", + -14.074541091918944 + ], + [ + "lac\u00e9", + -14.07459545135498 + ], + [ + "differenti", + -14.074612617492676 + ], + [ + "\u2581Methan", + -14.07461929321289 + ], + [ + "allgemein", + -14.074641227722168 + ], + [ + "\u2581kalten", + -14.074647903442385 + ], + [ + "tiende", + -14.074679374694824 + ], + [ + "fresco", + -14.07472038269043 + ], + [ + "Patient", + -14.074727058410645 + ], + [ + "Marx", + -14.07474136352539 + ], + [ + "\u2581nominee", + -14.074745178222656 + ], + [ + "welcome", + -14.074748039245604 + ], + [ + "\u2581muziekpedagoog", + -14.07476043701172 + ], + [ + "\u2581Pulitzer", + -14.074763298034668 + ], + [ + "\u2581befristete", + -14.074801445007324 + ], + [ + "\u2581dissemina", + -14.07480525970459 + ], + [ + "\u2581estimular", + -14.074814796447754 + ], + [ + "\u2581Poel", + -14.074857711791992 + ], + [ + "\u2581d\u00e9pens", + -14.074875831604004 + ], + [ + "krankenhaus", + -14.07487964630127 + ], + [ + "eater", + -14.074888229370115 + ], + [ + "santo", + -14.074895858764648 + ], + [ + "broad", + -14.07493495941162 + ], + [ + "\u2581manifestantes", + -14.07494831085205 + ], + [ + "\u2581ascendencia", + -14.074953079223633 + ], + [ + "\u2581riparo", + -14.074954986572266 + ], + [ + "unchecked", + -14.074955940246582 + ], + [ + "\u2581Amaro", + -14.074968338012695 + ], + [ + "\u2581torment", + -14.074993133544922 + ], + [ + "\u2581postali", + -14.075053215026855 + ], + [ + "\u2581Linares", + -14.07506275177002 + ], + [ + "\u2581volcanic", + -14.07506275177002 + ], + [ + "olytic", + -14.075072288513184 + ], + [ + "presentator", + -14.075078964233398 + ], + [ + "\u2581Soler", + -14.075095176696776 + ], + [ + "\u2581manoscritto", + -14.075098991394045 + ], + [ + "\u2581arch\u00e4ologische", + -14.07510471343994 + ], + [ + "\u2581Renascimento", + -14.075105667114258 + ], + [ + "bestandteile", + -14.075108528137209 + ], + [ + "pltcalc", + -14.075109481811523 + ], + [ + "\u2581prefisso", + -14.075121879577637 + ], + [ + "odactylus", + -14.07512378692627 + ], + [ + "Everything", + -14.075153350830078 + ], + [ + "\u2581M\u00fcnchener", + -14.07515811920166 + ], + [ + "Dropdown", + -14.075175285339355 + ], + [ + "endum", + -14.075194358825684 + ], + [ + "\u2581Rolls", + -14.075200080871582 + ], + [ + "\u2581asesinatos", + -14.075206756591797 + ], + [ + "\u2581disfrut", + -14.075209617614746 + ], + [ + "\u2581aplasta", + -14.075224876403809 + ], + [ + "\u2581despoj", + -14.075236320495604 + ], + [ + "\u2581bereikten", + -14.075237274169922 + ], + [ + "\u2581Carmine", + -14.075249671936035 + ], + [ + "PRESENT", + -14.075250625610352 + ], + [ + "\u2581lointain", + -14.075268745422363 + ], + [ + "ntellectuel", + -14.075298309326172 + ], + [ + "\u2581cuadra", + -14.075357437133787 + ], + [ + "\u2581Tatar", + -14.0753812789917 + ], + [ + "etzung", + -14.075385093688965 + ], + [ + "ereinheitlichung", + -14.07538890838623 + ], + [ + "\u2581turbulence", + -14.075394630432127 + ], + [ + "standorte", + -14.075404167175291 + ], + [ + "\u2581Subpan", + -14.07540512084961 + ], + [ + "ezcla", + -14.07541847229004 + ], + [ + "synchronize", + -14.07546043395996 + ], + [ + "rekord", + -14.075471878051758 + ], + [ + "cocoa", + -14.07550048828125 + ], + [ + "\u2581Jeep", + -14.075507164001465 + ], + [ + "st\u00e4", + -14.075529098510742 + ], + [ + "spannungen", + -14.075594902038574 + ], + [ + "coy", + -14.075631141662598 + ], + [ + "milie", + -14.07564640045166 + ], + [ + "Einflussfaktoren", + -14.075669288635254 + ], + [ + "cueil", + -14.075682640075684 + ], + [ + "\u2581ungeachtet", + -14.07570457458496 + ], + [ + "\u2581prospettive", + -14.075718879699709 + ], + [ + "dienstleister", + -14.075735092163086 + ], + [ + "fibroblast", + -14.075761795043944 + ], + [ + "trofe", + -14.075782775878906 + ], + [ + "\u2581Vroeger", + -14.075787544250488 + ], + [ + "\u2581ajudando", + -14.07579231262207 + ], + [ + "\u2581interm\u00e9diaires", + -14.075807571411133 + ], + [ + "\u2581inductive", + -14.075810432434082 + ], + [ + "\u2581zustimmen", + -14.075830459594728 + ], + [ + "\u2581restrictive", + -14.075860977172852 + ], + [ + "assem", + -14.075878143310549 + ], + [ + "ovitsj", + -14.075892448425291 + ], + [ + "\u2581morava", + -14.075899124145508 + ], + [ + "Nationalpark", + -14.075907707214355 + ], + [ + "dom\u00e4ne", + -14.075907707214355 + ], + [ + "\u2581troubl", + -14.07591152191162 + ], + [ + "\u2581Tauro", + -14.075912475585938 + ], + [ + "Cord", + -14.075942039489746 + ], + [ + "\u2581Liegenschaft", + -14.075946807861328 + ], + [ + "Embaixada", + -14.076016426086426 + ], + [ + "\u2581Tolsto", + -14.07601833343506 + ], + [ + "functor", + -14.076065063476562 + ], + [ + "chola", + -14.076085090637209 + ], + [ + "romp", + -14.076106071472168 + ], + [ + "\u2581cantera", + -14.07611083984375 + ], + [ + "\u2581Retiro", + -14.076117515563965 + ], + [ + "otFoundException", + -14.076119422912598 + ], + [ + "\u2581attive", + -14.076136589050291 + ], + [ + "cod\u00e9", + -14.07617473602295 + ], + [ + "raille", + -14.076189041137695 + ], + [ + "\u2581bezog", + -14.076199531555176 + ], + [ + "\u2581Vide", + -14.076289176940918 + ], + [ + "enpolitik", + -14.076326370239258 + ], + [ + "\u2581lucrativ", + -14.076330184936523 + ], + [ + "\u2581adiacenti", + -14.076332092285156 + ], + [ + "\u2581renovado", + -14.07634449005127 + ], + [ + "\u2581Chronik", + -14.076349258422852 + ], + [ + "cresciuta", + -14.0763578414917 + ], + [ + "\u2581flex\u00edve", + -14.07636833190918 + ], + [ + "\u2581barbecue", + -14.076395988464355 + ], + [ + "\u2581dioxide", + -14.076433181762695 + ], + [ + "\u2581Hicks", + -14.076478004455566 + ], + [ + "hochschul", + -14.076513290405272 + ], + [ + "\u2581chanter", + -14.076516151428224 + ], + [ + "SCRIPTS", + -14.076528549194336 + ], + [ + "Discount", + -14.076546669006348 + ], + [ + "\u2581emphasized", + -14.07655429840088 + ], + [ + "\u2581warmer", + -14.076557159423828 + ], + [ + "\u2581Kerstin", + -14.076587677001951 + ], + [ + "Elle", + -14.0766019821167 + ], + [ + "b\u00e4nde", + -14.07662296295166 + ], + [ + "\u2581rotaci\u00f3n", + -14.076638221740724 + ], + [ + "Tompkins", + -14.076647758483888 + ], + [ + "Jim", + -14.076682090759276 + ], + [ + "\u2581hebraico", + -14.076708793640137 + ], + [ + "Thickness", + -14.076727867126465 + ], + [ + "journ", + -14.076727867126465 + ], + [ + "\u2581Mage", + -14.07673454284668 + ], + [ + "Lucas", + -14.076737403869627 + ], + [ + "\u2581volcano", + -14.076741218566896 + ], + [ + "\u2581Sugi", + -14.076774597167969 + ], + [ + "ancora", + -14.076777458190918 + ], + [ + "Sede", + -14.076807022094728 + ], + [ + "\u2581pressioni", + -14.076876640319824 + ], + [ + "\u2581raccord", + -14.076884269714355 + ], + [ + "\u2581nervi", + -14.076889991760254 + ], + [ + "Frau", + -14.076896667480469 + ], + [ + "seki", + -14.076904296875 + ], + [ + "schalt", + -14.076906204223633 + ], + [ + "urst", + -14.076913833618164 + ], + [ + "\u2581Titans", + -14.076915740966797 + ], + [ + "eenheden", + -14.07691764831543 + ], + [ + "wicklung", + -14.076930046081545 + ], + [ + "\u2581Basilisco", + -14.076973915100098 + ], + [ + "\u2581interpretador", + -14.076984405517578 + ], + [ + "\u2581teilzunehmen", + -14.076986312866213 + ], + [ + "\u2581afetado", + -14.07706069946289 + ], + [ + "\u2581mortali", + -14.077067375183104 + ], + [ + "\u2581hoofdstukken", + -14.077072143554688 + ], + [ + "t\u00e4glich", + -14.07707691192627 + ], + [ + "stasi", + -14.077096939086914 + ], + [ + "BITS", + -14.077101707458496 + ], + [ + "\u2581laissez", + -14.077110290527344 + ], + [ + "\u2581ermee", + -14.077117919921877 + ], + [ + "Stunden", + -14.077126502990724 + ], + [ + "Conference", + -14.077142715454102 + ], + [ + "\u2581somatic", + -14.077162742614746 + ], + [ + "strength", + -14.07720184326172 + ], + [ + "Phospho", + -14.077214241027832 + ], + [ + "\u2581unweit", + -14.077214241027832 + ], + [ + "\u2581abgelaufen", + -14.07721996307373 + ], + [ + "\u2581Ceuta", + -14.077238082885742 + ], + [ + "\u2581odiava", + -14.077244758605955 + ], + [ + "induzierten", + -14.077276229858398 + ], + [ + "\u2581Flood", + -14.077299118041992 + ], + [ + "\u2581commercieel", + -14.077301025390623 + ], + [ + "\u2581riferiscono", + -14.07730484008789 + ], + [ + "\u2581entretenimento", + -14.077309608459473 + ], + [ + "fl\u00fcssig", + -14.077351570129396 + ], + [ + "\u2581comentarista", + -14.077351570129396 + ], + [ + "\u2581navata", + -14.077354431152344 + ], + [ + "musulman", + -14.077387809753418 + ], + [ + "\u2581improvvis", + -14.077397346496582 + ], + [ + "\u2581Monterey", + -14.077423095703123 + ], + [ + "\u2581accounted", + -14.07742404937744 + ], + [ + "ionario", + -14.077427864074709 + ], + [ + "\u2581Anstalten", + -14.077435493469238 + ], + [ + "\u2581Ocupa", + -14.07749366760254 + ], + [ + "knob", + -14.07750129699707 + ], + [ + "ab\u00eda", + -14.077512741088867 + ], + [ + "\u2581berber", + -14.077516555786133 + ], + [ + "\u2581llorar", + -14.07752513885498 + ], + [ + "admiraal", + -14.077549934387209 + ], + [ + "lecto", + -14.077610969543455 + ], + [ + "\u00edta", + -14.077616691589355 + ], + [ + "\u2581colar", + -14.07763385772705 + ], + [ + "ORGANI", + -14.07765293121338 + ], + [ + "\u2581g\u00e9ographie", + -14.077661514282228 + ], + [ + "\u2581durften", + -14.07767391204834 + ], + [ + "\u2581pauvret\u00e9", + -14.07769012451172 + ], + [ + "ondag", + -14.07769775390625 + ], + [ + "\u2581Leningrad", + -14.077720642089844 + ], + [ + "\u2581RATES", + -14.077747344970703 + ], + [ + "velt", + -14.07777500152588 + ], + [ + "\u2581Dali", + -14.077776908874512 + ], + [ + "\u2581injuri", + -14.0778169631958 + ], + [ + "farb", + -14.077820777893066 + ], + [ + "\u2581Whenever", + -14.077820777893066 + ], + [ + "wip", + -14.077829360961914 + ], + [ + "\u2581validi", + -14.077856063842772 + ], + [ + "scheduled", + -14.077898979187012 + ], + [ + "\u2581Atra", + -14.077911376953123 + ], + [ + "\u2581vereinfachen", + -14.07791233062744 + ], + [ + "\u2581Cruce", + -14.077916145324709 + ], + [ + "\u2581introduceerde", + -14.077995300292969 + ], + [ + "\u2581voelt", + -14.078030586242676 + ], + [ + "gaven", + -14.078038215637209 + ], + [ + "\u2581madame", + -14.078049659729004 + ], + [ + "\u2581Bender", + -14.078064918518066 + ], + [ + "\u2581homology", + -14.07809352874756 + ], + [ + "Calculate", + -14.078116416931152 + ], + [ + "\u2581eretta", + -14.078146934509276 + ], + [ + "dded", + -14.078161239624023 + ], + [ + "\u2581tribute", + -14.07819366455078 + ], + [ + "\u2581litri", + -14.078195571899414 + ], + [ + "UIAlertAction", + -14.078219413757324 + ], + [ + "Ambrogio", + -14.07823371887207 + ], + [ + "voque", + -14.078234672546388 + ], + [ + "amun", + -14.078239440917969 + ], + [ + "\u2581pr\u00edncipes", + -14.07824993133545 + ], + [ + "\u2581Eran", + -14.078254699707031 + ], + [ + "\u2581Automaten", + -14.078277587890623 + ], + [ + "\u2581siate", + -14.078328132629396 + ], + [ + "\u2581kings", + -14.078330039978027 + ], + [ + "filt", + -14.078332901000977 + ], + [ + "wendbar", + -14.078368186950684 + ], + [ + "\u2581Bore", + -14.078414916992188 + ], + [ + "\u2581Amel", + -14.078426361083984 + ], + [ + "\u2581Tribe", + -14.078446388244627 + ], + [ + "\u2581mestiere", + -14.078450202941896 + ], + [ + "oberfl\u00e4chen", + -14.07846450805664 + ], + [ + "\u2581grazios", + -14.078473091125488 + ], + [ + "ahora", + -14.078476905822754 + ], + [ + "\u2581ministry", + -14.078498840332031 + ], + [ + "causa", + -14.078536033630373 + ], + [ + "\u2581Bef\u00fcrchtung", + -14.07853889465332 + ], + [ + "\u2581Greenpeace", + -14.078545570373535 + ], + [ + "\u2581positivamente", + -14.078548431396484 + ], + [ + "NME", + -14.07856273651123 + ], + [ + "\u2581aspettava", + -14.078625679016112 + ], + [ + "spreidingsgebied", + -14.078635215759276 + ], + [ + "\u2581coprono", + -14.078649520874023 + ], + [ + "\u2581Keen", + -14.078722953796388 + ], + [ + "\u2581Gentechnik", + -14.078758239746094 + ], + [ + "Halb", + -14.078763008117676 + ], + [ + "\u2581sinkende", + -14.078768730163574 + ], + [ + "\u2581opvallende", + -14.07882022857666 + ], + [ + "Cour", + -14.078821182250977 + ], + [ + "\u2581poss\u00e9der", + -14.078840255737305 + ], + [ + "attachments", + -14.07884120941162 + ], + [ + "talent", + -14.07884120941162 + ], + [ + "bsp", + -14.078855514526367 + ], + [ + "\u2581Fala", + -14.078883171081545 + ], + [ + "\u2581estim\u00e9e", + -14.078889846801758 + ], + [ + "betrifft", + -14.078898429870604 + ], + [ + "rohn", + -14.078903198242188 + ], + [ + "\u2581sottostante", + -14.078946113586426 + ], + [ + "juven", + -14.07904815673828 + ], + [ + "\u2581bevrijd", + -14.079109191894531 + ], + [ + "\u2581Lozano", + -14.079121589660645 + ], + [ + "Descend", + -14.079136848449709 + ], + [ + "netje", + -14.079136848449709 + ], + [ + "scrizione", + -14.07915496826172 + ], + [ + "\u2581D\u00e9finition", + -14.07917022705078 + ], + [ + "\u2581iPod", + -14.079172134399414 + ], + [ + "zilla", + -14.079188346862791 + ], + [ + "GENERATED", + -14.07919216156006 + ], + [ + "\u2581zampe", + -14.079198837280272 + ], + [ + "\u2581guast", + -14.079211235046388 + ], + [ + "\u2581Diversity", + -14.079229354858398 + ], + [ + "\u2581Ritz", + -14.07923412322998 + ], + [ + "\u2581decorazioni", + -14.07923984527588 + ], + [ + "preds", + -14.079241752624512 + ], + [ + "\u2581potencias", + -14.079251289367676 + ], + [ + "\u2581rewards", + -14.079270362854004 + ], + [ + "\u2581freezing", + -14.079312324523926 + ], + [ + "\u2581virg", + -14.079325675964355 + ], + [ + "porus", + -14.079357147216797 + ], + [ + "\u2581spotted", + -14.079360008239746 + ], + [ + "\u2581anfallenden", + -14.07940673828125 + ], + [ + "SSP", + -14.079412460327148 + ], + [ + "contour", + -14.079431533813477 + ], + [ + "linck", + -14.079471588134766 + ], + [ + "\u2581simul", + -14.079476356506348 + ], + [ + "typeDescription", + -14.079477310180664 + ], + [ + "\u2581prezioso", + -14.079485893249512 + ], + [ + "Oudgrieks", + -14.079492568969728 + ], + [ + "CLUDE", + -14.079497337341309 + ], + [ + "iggs", + -14.079509735107422 + ], + [ + "\u2581Korrelationen", + -14.079522132873535 + ], + [ + "\u2581k\u00fcrzer", + -14.07954216003418 + ], + [ + "\u2581Majest", + -14.079553604125977 + ], + [ + "MONT", + -14.079561233520508 + ], + [ + "tonia", + -14.079594612121582 + ], + [ + "acteurs", + -14.079601287841797 + ], + [ + "\u2581s\u00edtios", + -14.079639434814451 + ], + [ + "\u2581Caire", + -14.079668998718262 + ], + [ + "experience", + -14.079710006713867 + ], + [ + "geschwindigkeits", + -14.07973289489746 + ], + [ + "\u2581kil\u00f3metro", + -14.079741477966309 + ], + [ + "\u2581nachdr\u00fccklich", + -14.07975959777832 + ], + [ + "\u2581Valenti", + -14.07978630065918 + ], + [ + "\u2581zeldzame", + -14.07980251312256 + ], + [ + "\u00fcblich", + -14.079812049865724 + ], + [ + "\u2581Dracula", + -14.079826354980469 + ], + [ + "anordnung", + -14.079829216003418 + ], + [ + "RIN", + -14.079841613769531 + ], + [ + "asses", + -14.079870223999023 + ], + [ + "\u2581applicato", + -14.079874992370604 + ], + [ + "ravel", + -14.079888343811035 + ], + [ + "rasse", + -14.07990550994873 + ], + [ + "\u2581Realiz\u00f3", + -14.079910278320312 + ], + [ + "\u2581Somos", + -14.079927444458008 + ], + [ + "\u2581Illustrated", + -14.079936027526855 + ], + [ + "\u2581Ausweisung", + -14.07998275756836 + ], + [ + "\u2581Almere", + -14.079994201660156 + ], + [ + "FFB", + -14.080029487609863 + ], + [ + "\u2581Betriebes", + -14.080031394958496 + ], + [ + "\u2581Olme", + -14.080050468444824 + ], + [ + "\u2581Oll", + -14.08005142211914 + ], + [ + "\u2581Femmes", + -14.080060005187988 + ], + [ + "coloured", + -14.080071449279783 + ], + [ + "\u2581sopravvissuti", + -14.080114364624023 + ], + [ + "\u2581Guadeloupe", + -14.080118179321287 + ], + [ + "cudaMemcpy", + -14.080119132995604 + ], + [ + "\u2581apasiona", + -14.080123901367188 + ], + [ + "\u2581ontsnapt", + -14.08012866973877 + ], + [ + "\u2581extracts", + -14.08016586303711 + ], + [ + "\u2581passenden", + -14.080180168151855 + ], + [ + "Avalo", + -14.080181121826172 + ], + [ + "\u2581Beckmann", + -14.080195426940918 + ], + [ + "Schie", + -14.08020305633545 + ], + [ + "\u2581afueras", + -14.080219268798828 + ], + [ + "StringTok", + -14.080245971679688 + ], + [ + "wohnungen", + -14.080265998840332 + ], + [ + "DEMO", + -14.08026885986328 + ], + [ + "parochie", + -14.080307006835938 + ], + [ + "\u2581isra\u00e9lien", + -14.080313682556152 + ], + [ + "sloveno", + -14.08032512664795 + ], + [ + "kkumulation", + -14.080355644226074 + ], + [ + "\u2581leggendari", + -14.0803861618042 + ], + [ + "NextToken", + -14.080387115478516 + ], + [ + "kott", + -14.080391883850098 + ], + [ + "\u2581apanhar", + -14.080438613891602 + ], + [ + "\u2581groepsfase", + -14.080439567565918 + ], + [ + "acad\u00e9mie", + -14.080455780029297 + ], + [ + "\u2581ragazzin", + -14.08046531677246 + ], + [ + "iflora", + -14.080470085144045 + ], + [ + "\u2581potenzialmente", + -14.080471992492676 + ], + [ + "\u2581restava", + -14.080476760864258 + ], + [ + "\u2581Elektrotechnik", + -14.080486297607422 + ], + [ + "\u2581encontrando", + -14.080486297607422 + ], + [ + "\u2581Biennale", + -14.08049774169922 + ], + [ + "\u2581Rana", + -14.080500602722168 + ], + [ + "\u2581Hera", + -14.080503463745115 + ], + [ + "sdelikt", + -14.08050537109375 + ], + [ + "decim", + -14.080516815185549 + ], + [ + "\u2581bulle", + -14.080526351928713 + ], + [ + "asiatischen", + -14.080530166625977 + ], + [ + "impr\u00e9", + -14.080544471740724 + ], + [ + "\u2581Corpora", + -14.080549240112305 + ], + [ + "punctata", + -14.080556869506836 + ], + [ + "\u2581gierung", + -14.080577850341797 + ], + [ + "\u2581vassal", + -14.080604553222656 + ], + [ + "artifactId", + -14.080633163452148 + ], + [ + "schale", + -14.080669403076172 + ], + [ + "\u2581Almaty", + -14.080682754516602 + ], + [ + "MessageInfo", + -14.080744743347168 + ], + [ + "\u2581Worcester", + -14.0807466506958 + ], + [ + "HTTPClient", + -14.080756187438965 + ], + [ + "\u2581motocicleta", + -14.08082103729248 + ], + [ + "\u2581bedeutend", + -14.080822944641112 + ], + [ + "\u2581excentricidade", + -14.080840110778809 + ], + [ + "\u2581assorb", + -14.08086395263672 + ], + [ + "\u2581propell", + -14.080873489379885 + ], + [ + "\u2581Ardennes", + -14.080890655517578 + ], + [ + "\u2581profitto", + -14.08089828491211 + ], + [ + "\u2581Flandres", + -14.080904006958008 + ], + [ + "\u2581skate", + -14.080915451049805 + ], + [ + "\u2581garantieren", + -14.08091926574707 + ], + [ + "Molek\u00fcl", + -14.08094882965088 + ], + [ + "\u00e4chter", + -14.080999374389648 + ], + [ + "\u2581d\u00e9missionne", + -14.081005096435549 + ], + [ + "\u2581Levine", + -14.081013679504396 + ], + [ + "coupling", + -14.081032752990724 + ], + [ + "\u2581learnt", + -14.081045150756836 + ], + [ + "investor", + -14.081069946289062 + ], + [ + "clerical", + -14.081095695495604 + ], + [ + "\u2581beruflicher", + -14.081110954284668 + ], + [ + "\u2581governar", + -14.081151008605955 + ], + [ + "\u2581Arar", + -14.081157684326172 + ], + [ + "\u2581impressionnant", + -14.081191062927246 + ], + [ + "futur", + -14.081206321716309 + ], + [ + "polyfill", + -14.081265449523926 + ], + [ + "\u2581escrituras", + -14.081291198730469 + ], + [ + "\u2581gastronomia", + -14.08131504058838 + ], + [ + "Bibliograf\u00eda", + -14.081321716308594 + ], + [ + "\u2581inviati", + -14.08133316040039 + ], + [ + "GetString", + -14.081335067749023 + ], + [ + "yster", + -14.081336975097656 + ], + [ + "weicht", + -14.081340789794922 + ], + [ + "\u2581Mulino", + -14.081356048583984 + ], + [ + "\u2581couteau", + -14.081375122070312 + ], + [ + "rappe", + -14.08139991760254 + ], + [ + "\u2581diffonde", + -14.081459045410156 + ], + [ + "\u2581Loos", + -14.081475257873535 + ], + [ + "\u2581Einf\u00fchrer", + -14.081509590148926 + ], + [ + "ecf", + -14.081515312194824 + ], + [ + "\u2581escrev", + -14.081551551818848 + ], + [ + "\u2581revisit", + -14.08159065246582 + ], + [ + "\u2581significati", + -14.081600189208984 + ], + [ + "\u2581Studenti", + -14.081631660461426 + ], + [ + "\u2581Prun", + -14.081639289855955 + ], + [ + "\u2581Kapi", + -14.081649780273438 + ], + [ + "hrchen", + -14.081682205200195 + ], + [ + "pct", + -14.081693649291992 + ], + [ + "gereicht", + -14.081700325012209 + ], + [ + "\u2581Maharashtra", + -14.081700325012209 + ], + [ + "hotep", + -14.081740379333496 + ], + [ + "haling", + -14.08179759979248 + ], + [ + "\u2581behauptete", + -14.08181858062744 + ], + [ + "hauptstadt", + -14.081880569458008 + ], + [ + "Objekt", + -14.081896781921388 + ], + [ + "agnac", + -14.081916809082031 + ], + [ + "\u2581Phu", + -14.081953048706056 + ], + [ + "\u2581Raquel", + -14.081974029541016 + ], + [ + "\u2581sachant", + -14.082005500793455 + ], + [ + "\u2581discuti", + -14.082009315490724 + ], + [ + "\u2581ricevuta", + -14.082016944885254 + ], + [ + "\u2581Arg\u00e9lia", + -14.082021713256836 + ], + [ + "Production", + -14.082038879394531 + ], + [ + "\u2581recogida", + -14.082045555114746 + ], + [ + "\u2581carolingi", + -14.08205509185791 + ], + [ + "rbu", + -14.08205795288086 + ], + [ + "hlmann", + -14.082059860229492 + ], + [ + "equo", + -14.08206844329834 + ], + [ + "\u2581bloody", + -14.08207893371582 + ], + [ + "\u2581pledge", + -14.08209228515625 + ], + [ + "\u2581climbed", + -14.082165718078612 + ], + [ + "rutti", + -14.082245826721191 + ], + [ + "\u2581interessierte", + -14.08224868774414 + ], + [ + "Alfa", + -14.08225440979004 + ], + [ + "\u2581Tulli", + -14.082265853881836 + ], + [ + "faf", + -14.082277297973633 + ], + [ + "spoorwegen", + -14.08229160308838 + ], + [ + "\u2581Georgian", + -14.08230972290039 + ], + [ + "f\u00edsica", + -14.082403182983398 + ], + [ + "\u2581Telescope", + -14.082425117492676 + ], + [ + "\u2581monetary", + -14.082459449768066 + ], + [ + "affrontement", + -14.082491874694824 + ], + [ + "\u2581downloading", + -14.08249282836914 + ], + [ + "\u2581koste", + -14.082493782043455 + ], + [ + "ATIVE", + -14.082554817199709 + ], + [ + "\u2581citati", + -14.082613945007324 + ], + [ + "\u2581Einziehung", + -14.082634925842283 + ], + [ + "\u2581cr\u00e1neo", + -14.08266830444336 + ], + [ + "uense", + -14.082669258117676 + ], + [ + "mrow", + -14.082679748535156 + ], + [ + "\u2581knocked", + -14.082683563232422 + ], + [ + "\u2581Teig", + -14.082690238952637 + ], + [ + "\u2581MAI", + -14.082700729370115 + ], + [ + "\u2581Leiche", + -14.0827054977417 + ], + [ + "nominaci\u00f3n", + -14.082724571228027 + ], + [ + "\u2581contours", + -14.08272647857666 + ], + [ + "compgen", + -14.082738876342772 + ], + [ + "\u2581puissants", + -14.082786560058594 + ], + [ + "relief", + -14.082806587219238 + ], + [ + "\u2581Redistribution", + -14.082809448242188 + ], + [ + "\u2581shoe", + -14.08288860321045 + ], + [ + "emittente", + -14.082902908325195 + ], + [ + "Dauphin", + -14.08296012878418 + ], + [ + "\u2581combatte", + -14.082988739013672 + ], + [ + "\u2581evenwel", + -14.083006858825684 + ], + [ + "\u2581Literary", + -14.083037376403809 + ], + [ + "\u2581violist", + -14.083048820495604 + ], + [ + "\u2581representou", + -14.083073616027832 + ], + [ + "\u2581Sanctu", + -14.083075523376465 + ], + [ + "\u2581Schieds", + -14.083078384399414 + ], + [ + "\u2581Ercole", + -14.083083152770996 + ], + [ + "Vila", + -14.083106994628906 + ], + [ + "zuwachs", + -14.083106994628906 + ], + [ + "\u2581Militare", + -14.083127975463867 + ], + [ + "\u2581Gu\u00eda", + -14.083131790161133 + ], + [ + "Cuartos", + -14.083142280578612 + ], + [ + "hejiang", + -14.083162307739258 + ], + [ + "\u2581israeliani", + -14.083288192749023 + ], + [ + "\u2581enfrentamientos", + -14.083294868469238 + ], + [ + "azzard", + -14.083335876464844 + ], + [ + "\u2581philosopher", + -14.083340644836426 + ], + [ + "usado", + -14.083364486694336 + ], + [ + "\u2581giova", + -14.083379745483398 + ], + [ + "\u2581administradores", + -14.083391189575195 + ], + [ + "laken", + -14.083455085754396 + ], + [ + "\u2581Lann", + -14.083466529846191 + ], + [ + "tatbest\u00e4nde", + -14.083478927612305 + ], + [ + "\u2581Horas", + -14.083486557006836 + ], + [ + "Drawable", + -14.083491325378418 + ], + [ + "\u2581moyennes", + -14.083495140075684 + ], + [ + "qP", + -14.083500862121582 + ], + [ + "h\u00fcllt", + -14.08350944519043 + ], + [ + "pageref", + -14.083510398864746 + ], + [ + "\u2581erwartende", + -14.08354377746582 + ], + [ + "\u2581allarga", + -14.083545684814451 + ], + [ + "\u2581Remus", + -14.083571434020996 + ], + [ + "\u2581Leadership", + -14.08362102508545 + ], + [ + "Dieter", + -14.083623886108398 + ], + [ + "\u2581unverh\u00e4ltnism\u00e4", + -14.083643913269045 + ], + [ + "\u2581organizzativ", + -14.083646774291992 + ], + [ + "oridae", + -14.083662986755373 + ], + [ + "struttura", + -14.08367156982422 + ], + [ + "\u2581spoil", + -14.083694458007812 + ], + [ + "yuva", + -14.083748817443848 + ], + [ + "thorn", + -14.083762168884276 + ], + [ + "characters", + -14.083834648132324 + ], + [ + "\u2581Basilio", + -14.083836555480955 + ], + [ + "motte", + -14.08391571044922 + ], + [ + "Friendship", + -14.083982467651367 + ], + [ + "Backpack", + -14.084043502807615 + ], + [ + "sampled", + -14.08407497406006 + ], + [ + "Raiz", + -14.08408546447754 + ], + [ + "sweet", + -14.084121704101562 + ], + [ + "\u2581Britannica", + -14.08413314819336 + ], + [ + "Hij", + -14.084209442138672 + ], + [ + "\u2581Pires", + -14.084216117858888 + ], + [ + "\u2581Voto", + -14.084226608276367 + ], + [ + "fusca", + -14.084233283996582 + ], + [ + "\u2581Lymphknoten", + -14.084238052368164 + ], + [ + "\u2581Receita", + -14.084245681762695 + ], + [ + "\u2581specializzati", + -14.08428192138672 + ], + [ + "\u2581Trauben", + -14.0842866897583 + ], + [ + "\u2581titulares", + -14.08430004119873 + ], + [ + "\u2581Simpl", + -14.0843505859375 + ], + [ + "ytokine", + -14.084391593933104 + ], + [ + "\u2581S\u00e4ngerin", + -14.084405899047852 + ], + [ + "gavi", + -14.084430694580078 + ], + [ + "managements", + -14.084481239318848 + ], + [ + "\u2581sicure", + -14.08448600769043 + ], + [ + "\u00e4cher", + -14.084490776062012 + ], + [ + "\u2581Chancellor", + -14.084490776062012 + ], + [ + "ikawa", + -14.084491729736328 + ], + [ + "\u2581Barney", + -14.08453369140625 + ], + [ + "\u2581overwegend", + -14.08456325531006 + ], + [ + "\u2581Wladimir", + -14.084564208984377 + ], + [ + "\u2581kiest", + -14.084577560424805 + ], + [ + "transactions", + -14.08458423614502 + ], + [ + "wR", + -14.084606170654297 + ], + [ + "\u2581lealtad", + -14.084609031677246 + ], + [ + "\u2581comprometido", + -14.084614753723145 + ], + [ + "fasciata", + -14.084637641906738 + ], + [ + "\u2581Reeves", + -14.08464241027832 + ], + [ + "IFI", + -14.084664344787598 + ], + [ + "\u2581luteran", + -14.084691047668455 + ], + [ + "\u2581recit", + -14.084708213806152 + ], + [ + "occupent", + -14.08474826812744 + ], + [ + "\u2581renoncer", + -14.084796905517578 + ], + [ + "otlin", + -14.084799766540527 + ], + [ + "\u2581Scheide", + -14.08480739593506 + ], + [ + "kosmo", + -14.084811210632324 + ], + [ + "\u2581soggettiv", + -14.08485507965088 + ], + [ + "Eau", + -14.08487319946289 + ], + [ + "\u2581combattimenti", + -14.08487319946289 + ], + [ + "\u2581koraalsoort", + -14.084883689880373 + ], + [ + "\u2581Schreibtisch", + -14.084893226623535 + ], + [ + "\u2581bestudeerd", + -14.084935188293455 + ], + [ + "\u2581effektiver", + -14.084942817687988 + ], + [ + "heffen", + -14.08496379852295 + ], + [ + "\u2581ribellione", + -14.084973335266112 + ], + [ + "\u2581Tr\u00e4ume", + -14.084975242614746 + ], + [ + "liar", + -14.084978103637695 + ], + [ + "\u2581cortas", + -14.084993362426758 + ], + [ + "\u2581hourly", + -14.085007667541504 + ], + [ + "\u2581rasche", + -14.085020065307615 + ], + [ + "\u2581Electricity", + -14.085054397583008 + ], + [ + "\u2581floral", + -14.085060119628906 + ], + [ + "NGIN", + -14.08506202697754 + ], + [ + "mbang", + -14.08506202697754 + ], + [ + "\u2581Korb", + -14.085077285766602 + ], + [ + "\u2581verplaatsen", + -14.08508014678955 + ], + [ + "pathie", + -14.085086822509766 + ], + [ + "\u2581arose", + -14.085091590881348 + ], + [ + "\u2581Scarp", + -14.08511734008789 + ], + [ + "\u2581mecan", + -14.08512020111084 + ], + [ + "\u2581instabile", + -14.085135459899902 + ], + [ + "\u2581exiting", + -14.085162162780762 + ], + [ + "Invite", + -14.085166931152344 + ], + [ + "\u2581locomotora", + -14.08519172668457 + ], + [ + "waffe", + -14.085196495056152 + ], + [ + "\u2581Wanderweg", + -14.085196495056152 + ], + [ + "\u2581Kernkraftwerke", + -14.085212707519531 + ], + [ + "Agenzia", + -14.085217475891112 + ], + [ + "Pix", + -14.085235595703123 + ], + [ + "chroot", + -14.085288047790527 + ], + [ + "gereist", + -14.085312843322754 + ], + [ + "\u2581verrichten", + -14.085326194763184 + ], + [ + "\u2581erbij", + -14.085370063781738 + ], + [ + "\u2581formuler", + -14.085381507873535 + ], + [ + "typischen", + -14.085383415222168 + ], + [ + "trail", + -14.085384368896484 + ], + [ + "xian", + -14.085402488708496 + ], + [ + "SCR", + -14.085429191589355 + ], + [ + "birds", + -14.085467338562012 + ], + [ + "\u2581Baal", + -14.085471153259276 + ], + [ + "\u2581Constitu", + -14.085497856140137 + ], + [ + "m\u00f3veis", + -14.085508346557615 + ], + [ + "\u2581relier", + -14.085528373718262 + ], + [ + "\u2581acconsenti", + -14.085631370544434 + ], + [ + "entgelte", + -14.08568286895752 + ], + [ + "\u2581Abreu", + -14.085698127746582 + ], + [ + "Kreuz", + -14.08574390411377 + ], + [ + "\u2581Veni", + -14.085753440856934 + ], + [ + "\u2581diejenige", + -14.085753440856934 + ], + [ + "Prix", + -14.085768699645996 + ], + [ + "\u2581montada", + -14.085782051086426 + ], + [ + "\u2581ceremonial", + -14.085798263549805 + ], + [ + "ATR", + -14.085803031921388 + ], + [ + "chaincode", + -14.085824012756348 + ], + [ + "z\u00e9ro", + -14.085827827453612 + ], + [ + "\u2581mellitus", + -14.08582878112793 + ], + [ + "provisioning", + -14.085833549499512 + ], + [ + "\u2581obtenidos", + -14.085864067077637 + ], + [ + "\u2581Seule", + -14.085869789123535 + ], + [ + "\u2581ridotte", + -14.085870742797852 + ], + [ + "liberalism", + -14.0858736038208 + ], + [ + "explorer", + -14.085887908935549 + ], + [ + "\u2581voorronde", + -14.085947036743164 + ], + [ + "CFD", + -14.085951805114746 + ], + [ + "\u2581conformado", + -14.085968017578123 + ], + [ + "\u2581abgeschlossene", + -14.085989952087402 + ], + [ + "\u2581wechselseitig", + -14.086037635803224 + ], + [ + "Expir", + -14.086039543151855 + ], + [ + "\u2581legislativas", + -14.086091995239258 + ], + [ + "\u2581Serio", + -14.086116790771484 + ], + [ + "genese", + -14.086129188537598 + ], + [ + "\u2581schrie", + -14.086130142211914 + ], + [ + "\u2581Aguilera", + -14.08614444732666 + ], + [ + "\u2581subtil", + -14.086148262023926 + ], + [ + "\u2581fulv", + -14.08616828918457 + ], + [ + "\u2581Konkurrenten", + -14.08618450164795 + ], + [ + "pasta", + -14.086201667785645 + ], + [ + "uori", + -14.086217880249023 + ], + [ + "\u2581Caledonia", + -14.086233139038086 + ], + [ + "\u2581Parall", + -14.086246490478516 + ], + [ + "Tang", + -14.08627700805664 + ], + [ + "Suspend", + -14.086345672607422 + ], + [ + "Trusted", + -14.086350440979004 + ], + [ + "\u2581W\u00fcsten", + -14.086382865905762 + ], + [ + "\u2581Tula", + -14.086426734924316 + ], + [ + "\u2581Lief", + -14.086444854736328 + ], + [ + "Ehrlich", + -14.086448669433594 + ], + [ + "\u2581verbouwing", + -14.086467742919922 + ], + [ + "vloed", + -14.08649444580078 + ], + [ + "amena", + -14.08650016784668 + ], + [ + "\u2581Pozzo", + -14.086505889892578 + ], + [ + "\u2581mollus", + -14.086540222167969 + ], + [ + "SPS", + -14.086631774902344 + ], + [ + "\u2581Nadien", + -14.086666107177734 + ], + [ + "agenturen", + -14.086671829223633 + ], + [ + "\u2581Norr", + -14.086677551269531 + ], + [ + "\u2581Tory", + -14.086729049682615 + ], + [ + "Sind", + -14.086774826049805 + ], + [ + "\u2581vernietigen", + -14.086780548095703 + ], + [ + "ammonium", + -14.086785316467283 + ], + [ + "\u2581dispuestos", + -14.086790084838867 + ], + [ + "Nachbargemeinden", + -14.08680534362793 + ], + [ + "\u2581enacted", + -14.08682346343994 + ], + [ + "\u2581consideram", + -14.086844444274902 + ], + [ + "\u2581fechados", + -14.0868501663208 + ], + [ + "\u2581habituales", + -14.08685302734375 + ], + [ + "Fernsehfilm", + -14.086862564086914 + ], + [ + "\u2581Boucher", + -14.086919784545898 + ], + [ + "spire", + -14.08694076538086 + ], + [ + "ukov", + -14.086955070495604 + ], + [ + "r\u00e9is", + -14.0869779586792 + ], + [ + "\u2581sistemazione", + -14.08700942993164 + ], + [ + "\u2581graines", + -14.087077140808104 + ], + [ + "correre", + -14.087082862854004 + ], + [ + "\u2581C\u00e1lculo", + -14.087099075317385 + ], + [ + "\u2581corrobora", + -14.087114334106444 + ], + [ + "\u2581nacionalistas", + -14.087170600891112 + ], + [ + "\u2581panor", + -14.087173461914062 + ], + [ + "\u2581Nev", + -14.087225914001465 + ], + [ + "\u2581Hormon", + -14.08724880218506 + ], + [ + "\u2581compuso", + -14.087273597717283 + ], + [ + "\u2581daqueles", + -14.087275505065918 + ], + [ + "\u2581Paine", + -14.08727741241455 + ], + [ + "\u2581artisans", + -14.0873441696167 + ], + [ + "\u2581Wroc", + -14.08735179901123 + ], + [ + "Georgia", + -14.087384223937988 + ], + [ + "\u2581nomeou", + -14.08739948272705 + ], + [ + "\u2581Tenete", + -14.087413787841797 + ], + [ + "\u2581Erwerbst\u00e4tigen", + -14.087422370910645 + ], + [ + "\u2581aiutato", + -14.087445259094238 + ], + [ + "\u2581clausura", + -14.08745574951172 + ], + [ + "Alabama", + -14.087478637695312 + ], + [ + "Comma", + -14.087512016296388 + ], + [ + "\u2581misiles", + -14.087542533874512 + ], + [ + "\u2581cyclone", + -14.08754539489746 + ], + [ + "\u2581Eurovis", + -14.087554931640623 + ], + [ + "\u2581pluvial", + -14.087594985961914 + ], + [ + "\u2581Elton", + -14.087605476379396 + ], + [ + "voornaam", + -14.087615966796877 + ], + [ + "\u2581damas", + -14.08762550354004 + ], + [ + "\u2581Mahal", + -14.087636947631836 + ], + [ + "\u2581Mar\u00edn", + -14.08767032623291 + ], + [ + "villiers", + -14.087676048278809 + ], + [ + "priester", + -14.087679862976074 + ], + [ + "st\u00fcrzen", + -14.087702751159668 + ], + [ + "\u2581ondergrondse", + -14.087729454040527 + ], + [ + "anana", + -14.08773136138916 + ], + [ + "\u2581Solidar", + -14.087735176086426 + ], + [ + "\u2581s\u00e9cheresse", + -14.087736129760742 + ], + [ + "cularis", + -14.087776184082031 + ], + [ + "skeletal", + -14.08779525756836 + ], + [ + "beseitigung", + -14.087808609008787 + ], + [ + "\u2581Volpi", + -14.087841987609863 + ], + [ + "\u2581apaga", + -14.08787727355957 + ], + [ + "arboxyl", + -14.0879487991333 + ], + [ + "\u2581Manor", + -14.087965965270996 + ], + [ + "Stride", + -14.087976455688477 + ], + [ + "\u2581cieli", + -14.087993621826172 + ], + [ + "ROWS", + -14.088003158569336 + ], + [ + "\u2581Verflechtung", + -14.088055610656738 + ], + [ + "\u2581squam", + -14.088057518005373 + ], + [ + "\u2581M\u00e9l", + -14.088191986083984 + ], + [ + "branding", + -14.088217735290527 + ], + [ + "\u2581seggi", + -14.088248252868652 + ], + [ + "mnist", + -14.0882568359375 + ], + [ + "\u2581atraer", + -14.0882568359375 + ], + [ + "kopen", + -14.088257789611816 + ], + [ + "duca", + -14.088276863098145 + ], + [ + "UIView", + -14.08827781677246 + ], + [ + "\u2581axiomas", + -14.088289260864258 + ], + [ + "bersetzungen", + -14.08829402923584 + ], + [ + "Dick", + -14.088334083557127 + ], + [ + "icauda", + -14.088338851928713 + ], + [ + "\u2581terminam", + -14.088346481323242 + ], + [ + "unning", + -14.08836555480957 + ], + [ + "\u2581Nahverkehrs", + -14.088396072387695 + ], + [ + "\u2581Fati", + -14.088404655456545 + ], + [ + "\u2581Transforma", + -14.088446617126465 + ], + [ + "\u2581Anwen", + -14.08845043182373 + ], + [ + "hunde", + -14.088475227355955 + ], + [ + "\u2581Hist\u00f3ricos", + -14.088486671447754 + ], + [ + "ognathus", + -14.088491439819336 + ], + [ + "verunreinig", + -14.08852195739746 + ], + [ + "\u2581tratan", + -14.088580131530762 + ], + [ + "\u2581autobuses", + -14.088590621948242 + ], + [ + "\u2581douche", + -14.088600158691406 + ], + [ + "inista", + -14.088608741760254 + ], + [ + "\u2581nociv", + -14.088622093200684 + ], + [ + "\u2581Venez", + -14.088634490966797 + ], + [ + "\u2581condecora", + -14.088640213012695 + ], + [ + "\u2581rinvi", + -14.088641166687012 + ], + [ + "KAFKA", + -14.08867645263672 + ], + [ + "\u2581Funktionsweise", + -14.088683128356934 + ], + [ + "\u2581rushed", + -14.088706016540527 + ], + [ + "domein", + -14.088790893554688 + ], + [ + "\u2581s\u00e9minaire", + -14.088797569274902 + ], + [ + "Notable", + -14.0888032913208 + ], + [ + "\u2581Kimi", + -14.08884048461914 + ], + [ + "\u2581tienden", + -14.08885097503662 + ], + [ + "\u2581Koran", + -14.088869094848633 + ], + [ + "Kurzfilm", + -14.088890075683594 + ], + [ + "\u2581municipalit\u00e9s", + -14.088890075683594 + ], + [ + "\u2581antrop", + -14.088912010192873 + ], + [ + "pinning", + -14.088974952697754 + ], + [ + "jagers", + -14.089001655578612 + ], + [ + "\u2581Giann", + -14.089018821716309 + ], + [ + "\u2581legislativa", + -14.089034080505373 + ], + [ + "\u2581mathematischen", + -14.089035987854004 + ], + [ + "\u2581tredici", + -14.089077949523926 + ], + [ + "\u2581reconcilia", + -14.08909797668457 + ], + [ + "\u2581Nedersaksen", + -14.089106559753418 + ], + [ + "\u2581adversarial", + -14.089159965515137 + ], + [ + "okke", + -14.089178085327148 + ], + [ + "RESPONSE", + -14.08922004699707 + ], + [ + "oussef", + -14.08927059173584 + ], + [ + "\u2581olfat", + -14.089285850524902 + ], + [ + "MIM", + -14.08929443359375 + ], + [ + "\u2581Pach", + -14.08931827545166 + ], + [ + "\u2581Centenario", + -14.089330673217772 + ], + [ + "\u2581Breakfast", + -14.089364051818848 + ], + [ + "\u2581Vignoble", + -14.08936882019043 + ], + [ + "\u2581utilizing", + -14.089390754699709 + ], + [ + "\u2581japonesas", + -14.089391708374023 + ], + [ + "schnei", + -14.089410781860352 + ], + [ + "Newton", + -14.089417457580566 + ], + [ + "KEL", + -14.089421272277832 + ], + [ + "\u2581s\u00e1bados", + -14.089444160461426 + ], + [ + "Frozen", + -14.08946704864502 + ], + [ + "\u2581Boiss", + -14.089496612548828 + ], + [ + "\u2581Skinner", + -14.089497566223145 + ], + [ + "\u2581tenore", + -14.089502334594728 + ], + [ + "\u00e9cha", + -14.089505195617676 + ], + [ + "\u2581cl\u00e1ssicos", + -14.089534759521484 + ], + [ + "\u2581Filipino", + -14.089643478393556 + ], + [ + "ccessoire", + -14.089651107788086 + ], + [ + "iculture", + -14.089665412902832 + ], + [ + "\u2581markante", + -14.089672088623049 + ], + [ + "\u2581tremenda", + -14.089674949645996 + ], + [ + "reja", + -14.089680671691896 + ], + [ + "Bul", + -14.089797973632812 + ], + [ + "Cu\u00e1nt", + -14.089797973632812 + ], + [ + "\u2581beliebtes", + -14.08980941772461 + ], + [ + "cientes", + -14.089831352233888 + ], + [ + "\u2581testata", + -14.089845657348633 + ], + [ + "\u2581imediata", + -14.089879035949709 + ], + [ + "\u2581captur\u00e9", + -14.089900970458984 + ], + [ + "\u2581Konvergenz", + -14.08996868133545 + ], + [ + "\u2581Cachoeira", + -14.089969635009766 + ], + [ + "\u2581guitarras", + -14.08999729156494 + ], + [ + "sofa", + -14.090021133422852 + ], + [ + "\u2581Strait", + -14.090036392211914 + ], + [ + "\u2581disputes", + -14.090036392211914 + ], + [ + "\u2581Superm\u00e4rkte", + -14.09006690979004 + ], + [ + "\u2581Lovegood", + -14.090069770812988 + ], + [ + "\u2581Usam", + -14.090069770812988 + ], + [ + "TWO", + -14.090086936950684 + ], + [ + "\u2581pertinentes", + -14.090118408203123 + ], + [ + "Emoji", + -14.090140342712402 + ], + [ + "\u2581Tr\u00ed", + -14.09014129638672 + ], + [ + "\u2581harmful", + -14.090143203735352 + ], + [ + "\u2581Corbe", + -14.09017562866211 + ], + [ + "\u2581sperimentale", + -14.090219497680664 + ], + [ + "\u2581anzutreffen", + -14.090222358703612 + ], + [ + "adult", + -14.090225219726562 + ], + [ + "\u2581pr\u00e9serv\u00e9", + -14.090288162231444 + ], + [ + "\u2581thermischen", + -14.090290069580078 + ], + [ + "\u2581adotada", + -14.090317726135254 + ], + [ + "\u2581nausea", + -14.090333938598633 + ], + [ + "\u2581glory", + -14.090344429016112 + ], + [ + "\u2581ouviu", + -14.090404510498049 + ], + [ + "\u2581festeggia", + -14.090415000915527 + ], + [ + "ADM", + -14.09048843383789 + ], + [ + "\u2581Toka", + -14.09050178527832 + ], + [ + "\u2581musiche", + -14.09056568145752 + ], + [ + "\u2581sindacali", + -14.090566635131836 + ], + [ + "suggestion", + -14.090575218200684 + ], + [ + "Sacerdote", + -14.09060764312744 + ], + [ + "\u2581scadenza", + -14.09060764312744 + ], + [ + "risci", + -14.09062385559082 + ], + [ + "\u2581enuncia", + -14.090642929077148 + ], + [ + "ografica", + -14.090658187866213 + ], + [ + "\u2581Vaux", + -14.090676307678224 + ], + [ + "\u2581Waller", + -14.09067726135254 + ], + [ + "\u2581M\u00e9dicos", + -14.09072208404541 + ], + [ + "\u2581boycott", + -14.09074592590332 + ], + [ + "\u2581Funktionieren", + -14.090764045715332 + ], + [ + "focar", + -14.09076690673828 + ], + [ + "\u2581Curios", + -14.090774536132812 + ], + [ + "\u2581constituido", + -14.090825080871582 + ], + [ + "\u2581fehlerhafte", + -14.090825080871582 + ], + [ + "\u2581Brave", + -14.09084415435791 + ], + [ + "\u2581Arznei", + -14.090900421142578 + ], + [ + "\u2581tornata", + -14.090900421142578 + ], + [ + "\u2581risqu", + -14.09090518951416 + ], + [ + "ermis", + -14.09091091156006 + ], + [ + "Firmware", + -14.090957641601562 + ], + [ + "\u2581d\u00e1ndole", + -14.090968132019045 + ], + [ + "\u2581nomadi", + -14.09099292755127 + ], + [ + "\u2581Klink", + -14.091019630432127 + ], + [ + "RequestBody", + -14.091022491455078 + ], + [ + "political", + -14.091046333312988 + ], + [ + "\u2581mi\u00e9rcoles", + -14.091064453125 + ], + [ + "pony", + -14.091069221496582 + ], + [ + "\u2581unfair", + -14.091072082519531 + ], + [ + "Hannover", + -14.091094017028809 + ], + [ + "\u2581Lutero", + -14.091146469116213 + ], + [ + "trofi", + -14.091153144836426 + ], + [ + "zaron", + -14.091154098510742 + ], + [ + "\u2581Poems", + -14.09116554260254 + ], + [ + "freud", + -14.091201782226562 + ], + [ + "\u2581SGBD", + -14.091211318969728 + ], + [ + "\u2581konkreter", + -14.091238021850586 + ], + [ + "m\u00edn", + -14.091248512268066 + ], + [ + "\u2581rum\u00e4nische", + -14.091248512268066 + ], + [ + "\u2581vicoli", + -14.091272354125977 + ], + [ + "\u2581cancellazione", + -14.091297149658203 + ], + [ + "\u2581reversible", + -14.09129810333252 + ], + [ + "\u2581Aquel", + -14.09133243560791 + ], + [ + "\u2581fortsetzen", + -14.09134292602539 + ], + [ + "\u2581Sedan", + -14.09134578704834 + ], + [ + "Vous", + -14.091382026672363 + ], + [ + "PROJ", + -14.091383934020996 + ], + [ + "\u2581Hartford", + -14.09141445159912 + ], + [ + "Cronologia", + -14.0914306640625 + ], + [ + "Anm", + -14.091440200805664 + ], + [ + "vorst", + -14.09146785736084 + ], + [ + "dalla", + -14.091477394104004 + ], + [ + "\u2581costosa", + -14.091477394104004 + ], + [ + "entit\u00e0", + -14.091506004333496 + ], + [ + "cher\u00e0", + -14.091533660888672 + ], + [ + "\u2581attacking", + -14.091557502746582 + ], + [ + "\u2581verdict", + -14.091559410095217 + ], + [ + "\u2581Onda", + -14.09156608581543 + ], + [ + "\u2581balz", + -14.091580390930176 + ], + [ + "\u2581Wiederaufnahme", + -14.091582298278809 + ], + [ + "\u2581inquadra", + -14.091591835021973 + ], + [ + "\u2581aparecer\u00e1", + -14.091601371765137 + ], + [ + "freiem", + -14.091609001159668 + ], + [ + "speelde", + -14.09162425994873 + ], + [ + "\u2581constamment", + -14.09166145324707 + ], + [ + "\u2581compagnons", + -14.091699600219728 + ], + [ + "ndung", + -14.091769218444824 + ], + [ + "\u2581baix", + -14.091777801513672 + ], + [ + "\u2581Hok", + -14.091803550720217 + ], + [ + "\u2581demogr\u00e1fico", + -14.09181022644043 + ], + [ + "\u2581conmemora", + -14.091818809509276 + ], + [ + "\u2581fl\u00fcssige", + -14.091821670532228 + ], + [ + "ISTA", + -14.091859817504885 + ], + [ + "\u2581Philadelphie", + -14.091886520385742 + ], + [ + "\u2581Scheitern", + -14.091896057128906 + ], + [ + "\u2581saluto", + -14.091898918151855 + ], + [ + "thaler", + -14.091906547546388 + ], + [ + "\u2581sicherer", + -14.091955184936523 + ], + [ + "\u2581Brenta", + -14.092015266418455 + ], + [ + "lften", + -14.092031478881836 + ], + [ + "calm", + -14.092048645019531 + ], + [ + "\u2581Fremden", + -14.092089653015137 + ], + [ + "radle", + -14.092095375061035 + ], + [ + "\u2581Nazareth", + -14.09211254119873 + ], + [ + "\u2581troc", + -14.092113494873049 + ], + [ + "\u2581weinige", + -14.092135429382324 + ], + [ + "ISIS", + -14.09213924407959 + ], + [ + "jaja", + -14.09216594696045 + ], + [ + "\u2581PROFITS", + -14.092206954956056 + ], + [ + "\u2581enzovoort", + -14.092206954956056 + ], + [ + "\u2581Mist\u00e9rios", + -14.092208862304688 + ], + [ + "\u2581constituted", + -14.092208862304688 + ], + [ + "involucr", + -14.092212677001951 + ], + [ + "\u2581Welfare", + -14.092218399047852 + ], + [ + "paleontologista", + -14.092222213745115 + ], + [ + "\u2581cuoc", + -14.092223167419434 + ], + [ + "\u2581Estatuto", + -14.092227935791016 + ], + [ + "\u2581Francfort", + -14.09223747253418 + ], + [ + "Est\u00e1dio", + -14.092241287231444 + ], + [ + "ksa", + -14.092249870300291 + ], + [ + "\u2581optimum", + -14.092251777648926 + ], + [ + "\u2581Oberfl", + -14.092299461364746 + ], + [ + "\u2581dated", + -14.092303276062012 + ], + [ + "\u2581parcheggiare", + -14.092324256896973 + ], + [ + "\u2581Selbst\u00e4ndige", + -14.092367172241213 + ], + [ + "nunzia", + -14.09237003326416 + ], + [ + "\u2581Alda", + -14.092387199401855 + ], + [ + "edusa", + -14.092432975769045 + ], + [ + "\u2581affetti", + -14.09245491027832 + ], + [ + "FIR", + -14.092489242553713 + ], + [ + "\u2581smalt", + -14.092493057250977 + ], + [ + "\u2581ressent", + -14.092524528503418 + ], + [ + "aquila", + -14.092551231384276 + ], + [ + "\u2581congratula", + -14.092556953430176 + ], + [ + "\u2581Certamente", + -14.092568397521973 + ], + [ + "covered", + -14.092585563659668 + ], + [ + "gew\u00e4hr", + -14.09259033203125 + ], + [ + "instituts", + -14.092597007751465 + ], + [ + "backdrop", + -14.092599868774414 + ], + [ + "mich", + -14.092629432678224 + ], + [ + "\u2581Gesichtspunkte", + -14.092642784118652 + ], + [ + "st\u00fccken", + -14.092666625976562 + ], + [ + "workdir", + -14.092740058898926 + ], + [ + "\u2581delegado", + -14.092750549316406 + ], + [ + "\u2581Altenpflege", + -14.092784881591797 + ], + [ + "schermen", + -14.092793464660645 + ], + [ + "papers", + -14.09280776977539 + ], + [ + "asdf", + -14.092829704284668 + ], + [ + "\u2581conquist", + -14.092841148376465 + ], + [ + "indu", + -14.092843055725098 + ], + [ + "\u2581Godan", + -14.092850685119627 + ], + [ + "LOGS", + -14.092869758605955 + ], + [ + "\u2581immersioni", + -14.09287166595459 + ], + [ + "\u2581Galilei", + -14.09289836883545 + ], + [ + "\u2581Hilda", + -14.092954635620115 + ], + [ + "\u2581tegenwoordige", + -14.092975616455078 + ], + [ + "\u2581seleccionar", + -14.092988014221191 + ], + [ + "\u2581maag", + -14.09299087524414 + ], + [ + "\u2581Townsend", + -14.092994689941406 + ], + [ + "\u2581arrivant", + -14.093006134033203 + ], + [ + "M\u00fcller", + -14.093021392822266 + ], + [ + "\u2581observational", + -14.093023300170898 + ], + [ + "\u2581Violence", + -14.093090057373049 + ], + [ + "\u2581Correio", + -14.09310817718506 + ], + [ + "\u2581mares", + -14.093130111694336 + ], + [ + "Tetra", + -14.093143463134766 + ], + [ + "AMPLE", + -14.093159675598145 + ], + [ + "COCOAPODS", + -14.09316349029541 + ], + [ + "\u2581Sammy", + -14.093180656433104 + ], + [ + "\u2581meegenomen", + -14.093194961547852 + ], + [ + "OPENCV", + -14.09320068359375 + ], + [ + "wurden", + -14.093216896057127 + ], + [ + "\u2581mourut", + -14.093219757080078 + ], + [ + "\u2581fray", + -14.093225479125977 + ], + [ + "glibc", + -14.093256950378418 + ], + [ + "\u2581Teenage", + -14.093284606933594 + ], + [ + "\u2581Principado", + -14.093294143676758 + ], + [ + "hinder", + -14.093310356140137 + ], + [ + "\u2581buchen", + -14.093316078186035 + ], + [ + "hmac", + -14.093368530273438 + ], + [ + "\u2581reclamar", + -14.09340000152588 + ], + [ + "\u2581oppos\u00e9e", + -14.093401908874512 + ], + [ + "\u2581lasciata", + -14.093423843383787 + ], + [ + "\u2581Regarding", + -14.09347438812256 + ], + [ + "\u2581librar", + -14.09348487854004 + ], + [ + "\u2581Monferrato", + -14.093487739562988 + ], + [ + "Pagination", + -14.093503952026367 + ], + [ + "Five", + -14.093513488769531 + ], + [ + "Azerba", + -14.093515396118164 + ], + [ + "\u2581V\u00e9nus", + -14.09351634979248 + ], + [ + "gierig", + -14.09352684020996 + ], + [ + "\u2581subordina", + -14.093535423278809 + ], + [ + "yoko", + -14.093541145324709 + ], + [ + "\u2581longev", + -14.093575477600098 + ], + [ + "\u2581wool", + -14.093600273132324 + ], + [ + "excellent", + -14.09361457824707 + ], + [ + "\u2581Presidential", + -14.093656539916992 + ], + [ + "bajado", + -14.093664169311523 + ], + [ + "\u2581tranquillamente", + -14.093670845031738 + ], + [ + "\u2581Concili", + -14.093673706054688 + ], + [ + "vocado", + -14.093734741210938 + ], + [ + "egna", + -14.09377098083496 + ], + [ + "romosso", + -14.093789100646973 + ], + [ + "\u2581mediator", + -14.09381103515625 + ], + [ + "\u2581einstweiligen", + -14.093825340270996 + ], + [ + "bergbau", + -14.093828201293944 + ], + [ + "\u2581navig", + -14.093899726867676 + ], + [ + "\u2581esista", + -14.093902587890623 + ], + [ + "\u2581trame", + -14.093904495239258 + ], + [ + "\u2581pensez", + -14.093917846679688 + ], + [ + "jim", + -14.093939781188965 + ], + [ + "schaal", + -14.093945503234863 + ], + [ + "duur", + -14.093958854675291 + ], + [ + "\u2581obligar", + -14.093968391418455 + ], + [ + "\u2581Gyr", + -14.093979835510254 + ], + [ + "\u2581Fragmente", + -14.093985557556152 + ], + [ + "conti", + -14.093995094299316 + ], + [ + "\u2581Thora", + -14.094054222106934 + ], + [ + "\u2581Gree", + -14.094071388244627 + ], + [ + "stored", + -14.094080924987791 + ], + [ + "zumachen", + -14.094082832336426 + ], + [ + "CUB", + -14.09409236907959 + ], + [ + "\u2581Louvain", + -14.094134330749512 + ], + [ + "\u2581Steele", + -14.094225883483888 + ], + [ + "\u2581geliefde", + -14.094231605529783 + ], + [ + "\u2581Lleg\u00f3", + -14.094236373901367 + ], + [ + "\u2581Interessant", + -14.094273567199709 + ], + [ + "\u2581ausgebaute", + -14.094276428222656 + ], + [ + "\u2581recharge", + -14.094281196594238 + ], + [ + "ceptive", + -14.094282150268556 + ], + [ + "ACD", + -14.094297409057615 + ], + [ + "\u00e4sser", + -14.094320297241213 + ], + [ + "resourceName", + -14.09434413909912 + ], + [ + "assessor", + -14.09437084197998 + ], + [ + "verzameling", + -14.09439182281494 + ], + [ + "etzer", + -14.094408988952637 + ], + [ + "\u2581Dichtung", + -14.094426155090332 + ], + [ + "CUDNN", + -14.094453811645508 + ], + [ + "\u2581Entgegen", + -14.09445571899414 + ], + [ + "apyrus", + -14.094486236572266 + ], + [ + "\u2581typischerweise", + -14.09450340270996 + ], + [ + "Louise", + -14.094520568847656 + ], + [ + "Clark", + -14.094533920288086 + ], + [ + "Finanzverwaltung", + -14.094560623168944 + ], + [ + "ahua", + -14.094598770141602 + ], + [ + "\u2581Nutzern", + -14.094600677490234 + ], + [ + "paleis", + -14.094614028930664 + ], + [ + "\u2581competitiva", + -14.094619750976562 + ], + [ + "\u2581Blun", + -14.094624519348145 + ], + [ + "wunsch", + -14.094732284545898 + ], + [ + "\u2581artillery", + -14.094744682312012 + ], + [ + "\u2581soggetta", + -14.094771385192873 + ], + [ + "\u2581W\u00fcrdigung", + -14.094772338867188 + ], + [ + "\u2581Pallavolo", + -14.094773292541504 + ], + [ + "\u2581ressource", + -14.09477710723877 + ], + [ + "\u2581Coventry", + -14.094793319702148 + ], + [ + "\u2581pugno", + -14.094801902770996 + ], + [ + "zieri", + -14.094804763793944 + ], + [ + "\u2581plaatsje", + -14.094818115234377 + ], + [ + "trijdkrachten", + -14.094834327697754 + ], + [ + "\u2581r\u00edtmica", + -14.094842910766602 + ], + [ + "\u2581Pr\u00e4fektur", + -14.094861030578612 + ], + [ + "\u2581desmonta", + -14.09487247467041 + ], + [ + "\u2581ancestors", + -14.094895362854004 + ], + [ + "\u2581Jahrtausend", + -14.09489917755127 + ], + [ + "\u2581ausger\u00fcstet", + -14.094938278198242 + ], + [ + "uiting", + -14.094948768615724 + ], + [ + "\u2581severamente", + -14.094963073730469 + ], + [ + "gestell", + -14.094972610473633 + ], + [ + "Lyon", + -14.094977378845217 + ], + [ + "\u2581penna", + -14.094985008239746 + ], + [ + "\u2581doloroso", + -14.094993591308594 + ], + [ + "\u2581gomma", + -14.095005989074709 + ], + [ + "sprechende", + -14.095010757446287 + ], + [ + "\u2581debris", + -14.095069885253906 + ], + [ + "\u2581Lorca", + -14.095072746276855 + ], + [ + "\u2581locutor", + -14.095080375671388 + ], + [ + "\u2581Requiem", + -14.095091819763184 + ], + [ + "\u2581engagierte", + -14.095098495483398 + ], + [ + "keim", + -14.095122337341309 + ], + [ + "\u2581Egger", + -14.095136642456056 + ], + [ + "zha", + -14.095189094543455 + ], + [ + "\u2581accessoires", + -14.095206260681152 + ], + [ + "\u2581panier", + -14.09521198272705 + ], + [ + "\u2581exames", + -14.095233917236328 + ], + [ + "\u2581Trock", + -14.095247268676758 + ], + [ + "GTT", + -14.095259666442873 + ], + [ + "Directories", + -14.095271110534668 + ], + [ + "jade", + -14.095296859741213 + ], + [ + "Burn", + -14.095307350158691 + ], + [ + "convex", + -14.095330238342283 + ], + [ + "\u2581artistiques", + -14.09536838531494 + ], + [ + "\u2581Awa", + -14.095407485961914 + ], + [ + "carga", + -14.095413208007812 + ], + [ + "\u2581wilderness", + -14.095417976379396 + ], + [ + "\u00e9nig", + -14.09543800354004 + ], + [ + "\u2581cromosoma", + -14.095454216003418 + ], + [ + "\u2581interprete", + -14.095477104187012 + ], + [ + "\u2581Sintaxe", + -14.09549045562744 + ], + [ + "\u2581aufzustellen", + -14.09549045562744 + ], + [ + "Vista", + -14.095501899719238 + ], + [ + "corps", + -14.095508575439451 + ], + [ + "\u2581Farr", + -14.095524787902832 + ], + [ + "\u2581polp", + -14.095544815063477 + ], + [ + "\u2581zuz\u00fcglich", + -14.095547676086426 + ], + [ + "\u2581publi\u00e9es", + -14.095551490783691 + ], + [ + "\u2581elogios", + -14.095646858215332 + ], + [ + "\u2581asistencias", + -14.095672607421877 + ], + [ + "wikkeld", + -14.095695495605469 + ], + [ + "\u2581presumibilmente", + -14.095733642578123 + ], + [ + "\u2581Kanu", + -14.095739364624023 + ], + [ + "tita", + -14.095763206481934 + ], + [ + "\u2581Steh", + -14.095809936523438 + ], + [ + "\u2581L\u00e4sion", + -14.095826148986816 + ], + [ + "gr\u00fcne", + -14.095853805541992 + ], + [ + "seweg", + -14.095866203308104 + ], + [ + "vii", + -14.09587574005127 + ], + [ + "huatl", + -14.095881462097168 + ], + [ + "\u2581poems", + -14.095887184143066 + ], + [ + "consistency", + -14.095891952514648 + ], + [ + "\u2581Brasilia", + -14.095901489257812 + ], + [ + "dumbre", + -14.095999717712402 + ], + [ + "\u2581d\u00e9finis", + -14.096009254455566 + ], + [ + "missive", + -14.096052169799805 + ], + [ + "DRO", + -14.096061706542969 + ], + [ + "wandert", + -14.096062660217283 + ], + [ + "\u2581Liberdade", + -14.096070289611816 + ], + [ + "\u2581Pauw", + -14.096070289611816 + ], + [ + "\u2581ajedrez", + -14.09607219696045 + ], + [ + "\u2581Glacier", + -14.096073150634766 + ], + [ + "\u2581Personenverkehr", + -14.09609317779541 + ], + [ + "aimait", + -14.096101760864258 + ], + [ + "\u2581klim", + -14.096149444580078 + ], + [ + "\u2581concha", + -14.096151351928713 + ], + [ + "olho", + -14.096176147460938 + ], + [ + "lfloor", + -14.096182823181152 + ], + [ + "\u2581sergent", + -14.096182823181152 + ], + [ + "terci", + -14.09618854522705 + ], + [ + "\u2581Geister", + -14.096230506896973 + ], + [ + "\u2581Muth", + -14.0962495803833 + ], + [ + "\u2581suceso", + -14.096319198608398 + ], + [ + "nfs", + -14.096342086791992 + ], + [ + "\u2581Hatt", + -14.096370697021484 + ], + [ + "genehmigungen", + -14.096403121948242 + ], + [ + "\u2581sharply", + -14.096440315246582 + ], + [ + "azote", + -14.096461296081545 + ], + [ + "Antrag", + -14.09646224975586 + ], + [ + "\u2581intenciones", + -14.096479415893556 + ], + [ + "SPL", + -14.096487998962402 + ], + [ + "\u00e9lu", + -14.096489906311035 + ], + [ + "inserimento", + -14.096510887145996 + ], + [ + "typh", + -14.096527099609377 + ], + [ + "\u2581Hermos", + -14.09660816192627 + ], + [ + "PST", + -14.096656799316406 + ], + [ + "\u2581absurdo", + -14.096672058105469 + ], + [ + "\u2581Modalit\u00e4ten", + -14.096698760986328 + ], + [ + "\u2581Antisemitismus", + -14.096701622009276 + ], + [ + "uincy", + -14.09671401977539 + ], + [ + "MAGI", + -14.096758842468262 + ], + [ + "\u2581Stadien", + -14.09682846069336 + ], + [ + "Gebouw", + -14.096829414367676 + ], + [ + "\u2581tweetal", + -14.096840858459473 + ], + [ + "\u2581masivo", + -14.09685516357422 + ], + [ + "\u2581neus", + -14.09686279296875 + ], + [ + "\u2581Brauch", + -14.09687614440918 + ], + [ + "\u2581uptake", + -14.096898078918455 + ], + [ + "RUM", + -14.096918106079102 + ], + [ + "\u2581excursion", + -14.096935272216797 + ], + [ + "\u2581unrelated", + -14.096959114074709 + ], + [ + "\u2581specificity", + -14.097002029418944 + ], + [ + "\u2581Cherokee", + -14.09701919555664 + ], + [ + "\u2581Neapel", + -14.09703540802002 + ], + [ + "\u2581taberna", + -14.097044944763184 + ], + [ + "\u2581iscritto", + -14.097054481506348 + ], + [ + "\u2581diciamo", + -14.097075462341309 + ], + [ + "\u2581depressie", + -14.09708309173584 + ], + [ + "\u2581marrone", + -14.097107887268066 + ], + [ + "\u2581Exeter", + -14.097135543823242 + ], + [ + "creet", + -14.097147941589355 + ], + [ + "\u2581meiden", + -14.097160339355469 + ], + [ + "\u2581matrizes", + -14.097167015075684 + ], + [ + "\u2581Amnesty", + -14.097183227539062 + ], + [ + "FRAMEWORK", + -14.097185134887695 + ], + [ + "\u2581Eckart", + -14.097198486328123 + ], + [ + "adverbe", + -14.097213745117188 + ], + [ + "stemmi", + -14.097222328186035 + ], + [ + "unabh\u00e4ngig", + -14.09726333618164 + ], + [ + "\u2581sedici", + -14.097339630126951 + ], + [ + "\u2581Klinische", + -14.097341537475586 + ], + [ + "\u2581m\u00e9taphysique", + -14.097341537475586 + ], + [ + "\u2581Stiftungs", + -14.097352981567385 + ], + [ + "aninotto", + -14.097373962402344 + ], + [ + "\u2581sexualidad", + -14.097394943237305 + ], + [ + "\u2581universitarios", + -14.097394943237305 + ], + [ + "\u2581Cefal", + -14.097466468811035 + ], + [ + "taca", + -14.097472190856934 + ], + [ + "\u2581silly", + -14.09755039215088 + ], + [ + "avala", + -14.097569465637209 + ], + [ + "President", + -14.097570419311523 + ], + [ + "WORLD", + -14.097662925720217 + ], + [ + "Konzern", + -14.097665786743164 + ], + [ + "Vielleicht", + -14.097671508789062 + ], + [ + "\u2581rilascio", + -14.097675323486328 + ], + [ + "annessione", + -14.097683906555176 + ], + [ + "\u2581Marsiglia", + -14.097700119018556 + ], + [ + "\u2581Selbstmord", + -14.09770393371582 + ], + [ + "\u2581escalon", + -14.097710609436035 + ], + [ + "donald", + -14.097723960876465 + ], + [ + "\u2581Allied", + -14.09775733947754 + ], + [ + "\u2581reli\u00e9", + -14.09777545928955 + ], + [ + "Mult", + -14.097783088684082 + ], + [ + "\u2581jurista", + -14.097784042358398 + ], + [ + "amaro", + -14.097787857055664 + ], + [ + "\u2581Ayant", + -14.097820281982422 + ], + [ + "\u2581Agusta", + -14.09782886505127 + ], + [ + "jaars", + -14.09784698486328 + ], + [ + "\u2581pr\u00e9vision", + -14.09785270690918 + ], + [ + "radioaktive", + -14.097871780395508 + ], + [ + "Orde", + -14.097874641418455 + ], + [ + "\u2581Fray", + -14.097898483276367 + ], + [ + "\u2581limitare", + -14.097898483276367 + ], + [ + "rendra", + -14.09790325164795 + ], + [ + "adresser", + -14.097918510437012 + ], + [ + "ffizi", + -14.097932815551758 + ], + [ + "\u2581livremente", + -14.097942352294922 + ], + [ + "\u2581evite", + -14.097947120666504 + ], + [ + "lohnt", + -14.097978591918944 + ], + [ + "\u2581Massacre", + -14.098024368286133 + ], + [ + "\u2581Besiedlung", + -14.098029136657717 + ], + [ + "\u2581Sza", + -14.098062515258787 + ], + [ + "\u2581Solving", + -14.098094940185549 + ], + [ + "Cesium", + -14.09812068939209 + ], + [ + "\u2581komische", + -14.098136901855469 + ], + [ + "\u2581Llano", + -14.098154067993164 + ], + [ + "\u2581averaging", + -14.098167419433594 + ], + [ + "st\u00fctzung", + -14.098179817199709 + ], + [ + "\u2581derrotando", + -14.09819793701172 + ], + [ + "\u2581expl\u00edcita", + -14.098203659057615 + ], + [ + "\u2581cabelos", + -14.098215103149414 + ], + [ + "\u2581Stapel", + -14.098230361938477 + ], + [ + "\u2581Konten", + -14.098260879516602 + ], + [ + "geori", + -14.098288536071776 + ], + [ + "histogram", + -14.09829044342041 + ], + [ + "SCRI", + -14.098299026489258 + ], + [ + "\u2581catolicismo", + -14.098306655883787 + ], + [ + "\u2581Erstmals", + -14.098309516906738 + ], + [ + "\u2581Geheimhaltung", + -14.09831714630127 + ], + [ + "madas", + -14.098361015319824 + ], + [ + "piste", + -14.09836483001709 + ], + [ + "spionage", + -14.098370552062988 + ], + [ + "\u2581stranger", + -14.09837818145752 + ], + [ + "Diktatur", + -14.09838581085205 + ], + [ + "\u2581mattinata", + -14.098387718200684 + ], + [ + "\u2581Pharmac", + -14.098390579223633 + ], + [ + "memset", + -14.098422050476074 + ], + [ + "\u2581abbreviat", + -14.09842586517334 + ], + [ + "\u2581autoroutes", + -14.09843635559082 + ], + [ + "\u2581colossal", + -14.098503112792969 + ], + [ + "tonation", + -14.098504066467283 + ], + [ + "\u2581indirizzat", + -14.098508834838867 + ], + [ + "Foreign", + -14.098529815673828 + ], + [ + "openair", + -14.098560333251951 + ], + [ + "\u2581Medizinischen", + -14.098572731018066 + ], + [ + "sportler", + -14.098576545715332 + ], + [ + "strum", + -14.098593711853027 + ], + [ + "\u2581kalte", + -14.098600387573242 + ], + [ + "himmel", + -14.098610877990724 + ], + [ + "\u2581\u00e9nfasis", + -14.098628044128418 + ], + [ + "\u2581Mittag", + -14.098671913146973 + ], + [ + "\u2581Meridional", + -14.098682403564451 + ], + [ + "\u2581behandelen", + -14.098682403564451 + ], + [ + "\u2581Skype", + -14.098692893981934 + ], + [ + "\u2581Stabili", + -14.09873390197754 + ], + [ + "\u2581vlaggen", + -14.098746299743652 + ], + [ + "\u2581Kham", + -14.098769187927246 + ], + [ + "\u2581r\u00e9gulier", + -14.09880256652832 + ], + [ + "Ticks", + -14.098821640014648 + ], + [ + "lotes", + -14.098854064941406 + ], + [ + "\u2581firearm", + -14.09885597229004 + ], + [ + "abweichung", + -14.09886360168457 + ], + [ + "\u2581Cavalli", + -14.098891258239746 + ], + [ + "\u2581Gastro", + -14.098933219909668 + ], + [ + "\u2581detectado", + -14.098933219909668 + ], + [ + "\u2581envoy\u00e9e", + -14.098934173583984 + ], + [ + "\u2581imprisoned", + -14.098950386047363 + ], + [ + "\u2581satisfaire", + -14.098999977111816 + ], + [ + "Cuba", + -14.099006652832031 + ], + [ + "\u2581Ramadan", + -14.099026679992676 + ], + [ + "\u2581quadros", + -14.099040031433104 + ], + [ + "\u2581Melody", + -14.09904670715332 + ], + [ + "qH", + -14.099047660827637 + ], + [ + "Kart", + -14.099050521850586 + ], + [ + "\u2581Comput", + -14.099051475524902 + ], + [ + "oulou", + -14.099053382873535 + ], + [ + "guero", + -14.099061012268066 + ], + [ + "pector", + -14.099061012268066 + ], + [ + "\u2581Guardi", + -14.09906768798828 + ], + [ + "sufici", + -14.099080085754396 + ], + [ + "\u2581amigas", + -14.099138259887695 + ], + [ + "\u2581performant", + -14.099146842956545 + ], + [ + "orrore", + -14.099148750305176 + ], + [ + "\u2581frequentata", + -14.09915256500244 + ], + [ + "\u2581Rawl", + -14.09915542602539 + ], + [ + "\u2581sp\u00e9cialit\u00e9", + -14.099172592163086 + ], + [ + "\u2581bocc", + -14.09918975830078 + ], + [ + "skonzepte", + -14.099205017089844 + ], + [ + "Guess", + -14.09920597076416 + ], + [ + "\u2581Gerona", + -14.0992431640625 + ], + [ + "\u2581Bebe", + -14.099244117736816 + ], + [ + "\u2581Poule", + -14.099250793457031 + ], + [ + "schwellen", + -14.099271774291992 + ], + [ + "\u2581internamente", + -14.099305152893066 + ], + [ + "inclusive", + -14.09931182861328 + ], + [ + "\u2581Morel", + -14.09934139251709 + ], + [ + "\u2581Diogo", + -14.099349975585938 + ], + [ + "\u2581Donde", + -14.099356651306152 + ], + [ + "\u2581Sapo", + -14.099356651306152 + ], + [ + "\u2581voelen", + -14.099359512329102 + ], + [ + "baldo", + -14.09936237335205 + ], + [ + "\u2581Sagu", + -14.099370002746582 + ], + [ + "\u2581Rechtsakte", + -14.09939956665039 + ], + [ + "\u2581molli", + -14.099431037902832 + ], + [ + "ssini", + -14.099446296691896 + ], + [ + "\u2581r\u00fcckwirkend", + -14.09945011138916 + ], + [ + "\u2581freguesias", + -14.099454879760742 + ], + [ + "\u2581Vasili", + -14.0994873046875 + ], + [ + "\u2581endommag\u00e9", + -14.09951114654541 + ], + [ + "uixote", + -14.099525451660156 + ], + [ + "\u2581compositora", + -14.099536895751951 + ], + [ + "\u2581Antiochi", + -14.099565505981444 + ], + [ + "\u2581propos\u00e9e", + -14.099570274353027 + ], + [ + "\u2581censorship", + -14.099595069885254 + ], + [ + "\u2581explications", + -14.099596977233888 + ], + [ + "\u2581Altersvorsorge", + -14.099604606628418 + ], + [ + "\u2581aborted", + -14.099608421325684 + ], + [ + "\u2581corrott", + -14.099617004394531 + ], + [ + "\u2581utilitari", + -14.099626541137695 + ], + [ + "\u2581Ungar", + -14.099628448486328 + ], + [ + "\u2581f\u00e9rrea", + -14.099642753601074 + ], + [ + "\u2581Loz", + -14.099648475646973 + ], + [ + "\u2581educativas", + -14.099649429321287 + ], + [ + "\u2581Philosophical", + -14.09967803955078 + ], + [ + "pland", + -14.099693298339844 + ], + [ + "Greater", + -14.099711418151855 + ], + [ + "\u2581Associates", + -14.099720001220703 + ], + [ + "\u2581Schwanz", + -14.099740028381348 + ], + [ + "assetto", + -14.099774360656738 + ], + [ + "\u2581pourvu", + -14.099786758422852 + ], + [ + "\u2581sigh", + -14.099788665771484 + ], + [ + "\u2581monopole", + -14.099801063537598 + ], + [ + "\u2581Verfall", + -14.09982681274414 + ], + [ + "\u2581inclusi\u00f3n", + -14.09983730316162 + ], + [ + "\u2581discontinuit", + -14.099843978881836 + ], + [ + "\u2581Lacroix", + -14.099876403808594 + ], + [ + "\u2581Dyk", + -14.09990692138672 + ], + [ + "\u2581jekt", + -14.09990692138672 + ], + [ + "\u2581decl\u00ednio", + -14.0999174118042 + ], + [ + "\u2581videoclipe", + -14.0999174118042 + ], + [ + "\u2581alg\u00e9rien", + -14.099958419799805 + ], + [ + "\u2581festivales", + -14.099961280822754 + ], + [ + "\u2581depositi", + -14.099971771240234 + ], + [ + "\u2581technologischen", + -14.100001335144045 + ], + [ + "\u2581/**************", + -14.100016593933104 + ], + [ + "conozco", + -14.100021362304688 + ], + [ + "\u2581epidemic", + -14.100022315979004 + ], + [ + "\u2581Akira", + -14.100102424621582 + ], + [ + "\u2581verliest", + -14.100105285644531 + ], + [ + "urator", + -14.10011100769043 + ], + [ + "\u2581inseriti", + -14.100140571594238 + ], + [ + "Copyright", + -14.100152969360352 + ], + [ + "\u2581funzionario", + -14.10015869140625 + ], + [ + "agissant", + -14.100179672241213 + ], + [ + "\u2581imaginando", + -14.100187301635742 + ], + [ + "\u2581sporadic", + -14.100202560424805 + ], + [ + "\u2581probeerden", + -14.10023021697998 + ], + [ + "\u2581registr\u00f3", + -14.100241661071776 + ], + [ + "schach", + -14.10025691986084 + ], + [ + "Aangrenzende", + -14.100278854370115 + ], + [ + "\u2581Eilanden", + -14.100278854370115 + ], + [ + "\u2581engagements", + -14.100317001342772 + ], + [ + "\u2581mat\u00e9riels", + -14.100324630737305 + ], + [ + "\u2581Fide", + -14.100337028503418 + ], + [ + "\u2581Wageningen", + -14.100348472595217 + ], + [ + "\u2581quarterback", + -14.100385665893556 + ], + [ + "athlon", + -14.100414276123049 + ], + [ + "regression", + -14.10042953491211 + ], + [ + "\u2581coragem", + -14.10043239593506 + ], + [ + "onnette", + -14.100445747375488 + ], + [ + "smechanismen", + -14.100454330444336 + ], + [ + "\u2581figurant", + -14.1004638671875 + ], + [ + "\u2581Larra", + -14.10046672821045 + ], + [ + "\u2581Ingenieros", + -14.100494384765623 + ], + [ + "\u2581drauf", + -14.100503921508787 + ], + [ + "azzurri", + -14.100504875183104 + ], + [ + "\u2581collaboratori", + -14.10051155090332 + ], + [ + "\u2581fecond", + -14.100529670715332 + ], + [ + "isdom", + -14.100545883178713 + ], + [ + "\u2581Juego", + -14.100546836853027 + ], + [ + "\u2581extreem", + -14.100571632385254 + ], + [ + "\u2581anim\u00e9e", + -14.100581169128418 + ], + [ + "komplexe", + -14.100582122802734 + ], + [ + "\u2581Strato", + -14.10058307647705 + ], + [ + "erfassung", + -14.100593566894531 + ], + [ + "\u2581Joaquin", + -14.100593566894531 + ], + [ + "\u2581Achilles", + -14.100600242614746 + ], + [ + "\u2581recaud", + -14.100624084472656 + ], + [ + "\u2581s\u00e4mtlicher", + -14.100659370422363 + ], + [ + "wassen", + -14.100666999816896 + ], + [ + "begrip", + -14.10069179534912 + ], + [ + "\u2581compri", + -14.100695610046388 + ], + [ + "\u2581r\u00e9sister", + -14.100708961486816 + ], + [ + "\u2581Popul", + -14.10075855255127 + ], + [ + "\u2581nodi", + -14.100760459899902 + ], + [ + "\u2581photographes", + -14.100796699523926 + ], + [ + "\u2581docentes", + -14.100807189941406 + ], + [ + "\u2581esibi", + -14.100868225097656 + ], + [ + "\u2581resulteerde", + -14.100876808166504 + ], + [ + "\u2581wechselnde", + -14.100882530212402 + ], + [ + "\u2581Conscientious", + -14.100886344909668 + ], + [ + "\u2581universit\u00e1rio", + -14.100886344909668 + ], + [ + "Abbazia", + -14.100894927978516 + ], + [ + "HaveOccurred", + -14.100897789001465 + ], + [ + "\u2581Dundee", + -14.100915908813477 + ], + [ + "\u2581bending", + -14.100915908813477 + ], + [ + "\u2581sportelli", + -14.100934028625488 + ], + [ + "\u2581Haltestellen", + -14.100950241088867 + ], + [ + "\u2581astut", + -14.10097599029541 + ], + [ + "merus", + -14.10098361968994 + ], + [ + "inari", + -14.101016998291016 + ], + [ + "gcr", + -14.101024627685549 + ], + [ + "\u2581clicca", + -14.101056098937988 + ], + [ + "\u2581sublima", + -14.101056098937988 + ], + [ + "\u2581Packung", + -14.10109043121338 + ], + [ + "\u2581significaba", + -14.101099014282228 + ], + [ + "opoda", + -14.101112365722656 + ], + [ + "\u2581Chius", + -14.101114273071287 + ], + [ + "\u2581sentiu", + -14.101118087768556 + ], + [ + "\u2581inhibi", + -14.101150512695312 + ], + [ + "\u2581Wurde", + -14.101165771484377 + ], + [ + "\u2581Kod", + -14.101171493530272 + ], + [ + "Unsigned", + -14.10117530822754 + ], + [ + "\u2581Muh", + -14.101181030273438 + ], + [ + "uliert", + -14.101202964782717 + ], + [ + "\u2581accort", + -14.10120677947998 + ], + [ + "\u2581aut\u00e9ntica", + -14.101214408874512 + ], + [ + "\u2581Worm", + -14.10124683380127 + ], + [ + "sily", + -14.101326942443848 + ], + [ + "\u2581Castell\u00f3n", + -14.10135269165039 + ], + [ + "\u2581Prospect", + -14.101385116577148 + ], + [ + "iviteit", + -14.101388931274414 + ], + [ + "\u2581negligen", + -14.101394653320312 + ], + [ + "\u2581Hawke", + -14.101398468017578 + ], + [ + "\u2581carit\u00e0", + -14.101420402526855 + ], + [ + "\u2581lib\u00e9rale", + -14.101425170898438 + ], + [ + "topAnchor", + -14.101432800292969 + ], + [ + "producci\u00f3n", + -14.10143756866455 + ], + [ + "\u2581depressive", + -14.101445198059082 + ], + [ + "\u2581interviewed", + -14.10145092010498 + ], + [ + "\u2581Mitre", + -14.101460456848145 + ], + [ + "\u2581Giude", + -14.101485252380373 + ], + [ + "\u2581Landkreises", + -14.101512908935549 + ], + [ + "\u2581ideales", + -14.101522445678713 + ], + [ + "glaz", + -14.101544380187988 + ], + [ + "\u2581andr\u00e0", + -14.101550102233888 + ], + [ + "\u2581Vermehrung", + -14.101616859436035 + ], + [ + "\u2581Conservador", + -14.101628303527832 + ], + [ + "ppliance", + -14.101678848266602 + ], + [ + "\u2581frug", + -14.101693153381348 + ], + [ + "\u2581contadino", + -14.10171890258789 + ], + [ + "\u2581hergestellte", + -14.101736068725586 + ], + [ + "paca", + -14.10175323486328 + ], + [ + "\u2581Obrero", + -14.101799964904783 + ], + [ + "Sales", + -14.101823806762695 + ], + [ + "\u2581Acapulco", + -14.101855278015137 + ], + [ + "\u2581Christchurch", + -14.10186004638672 + ], + [ + "\u2581Sima", + -14.101903915405272 + ], + [ + "\u2581Plutarco", + -14.101909637451172 + ], + [ + "Apidae", + -14.101910591125488 + ], + [ + "\u2581Possono", + -14.101911544799805 + ], + [ + "Schiff", + -14.10194206237793 + ], + [ + "\u2581aggiornato", + -14.101983070373535 + ], + [ + "\u2581j\u00fcngste", + -14.101983070373535 + ], + [ + "\u2581carinho", + -14.102015495300291 + ], + [ + "Stick", + -14.102032661437988 + ], + [ + "VIER", + -14.10204029083252 + ], + [ + "\u2581usines", + -14.102046012878418 + ], + [ + "\u2581peasant", + -14.10205078125 + ], + [ + "\u2581Corral", + -14.102051734924316 + ], + [ + "\u2581Crema", + -14.102065086364746 + ], + [ + "\u2581Boch", + -14.102066040039062 + ], + [ + "\u2581Religios", + -14.102079391479492 + ], + [ + "\u2581devoto", + -14.10211944580078 + ], + [ + "\u2581Chiefs", + -14.102123260498049 + ], + [ + "oneros", + -14.102133750915527 + ], + [ + "\u2581jumps", + -14.102153778076172 + ], + [ + "LIM", + -14.102171897888184 + ], + [ + "\u2581rupestre", + -14.102179527282717 + ], + [ + "ngela", + -14.102201461791992 + ], + [ + "CDE", + -14.1022367477417 + ], + [ + "\u2581divindade", + -14.102252006530762 + ], + [ + "\u2581Hacer", + -14.10225772857666 + ], + [ + "\u2581emprunt\u00e9", + -14.10227108001709 + ], + [ + "argue", + -14.102313995361328 + ], + [ + "\u2581Placid", + -14.10234260559082 + ], + [ + "\u2581considerano", + -14.102368354797363 + ], + [ + "\u2581islamico", + -14.102378845214844 + ], + [ + "Give", + -14.102410316467283 + ], + [ + "\u2581Parana", + -14.102429389953612 + ], + [ + "EEK", + -14.102442741394045 + ], + [ + "Familien", + -14.102449417114258 + ], + [ + "\u2581Izquierda", + -14.102477073669434 + ], + [ + "rutsch", + -14.10247802734375 + ], + [ + "sichtig", + -14.102497100830078 + ], + [ + "\u2581Meredith", + -14.10250186920166 + ], + [ + "\u2581Tavares", + -14.102516174316406 + ], + [ + "\u2581Vermelha", + -14.102534294128418 + ], + [ + "prix", + -14.102540016174316 + ], + [ + "\u2581veldslag", + -14.102550506591797 + ], + [ + "\u2581Anmelde", + -14.10256004333496 + ], + [ + "NOP", + -14.10257625579834 + ], + [ + "beacon", + -14.102582931518556 + ], + [ + "\u2581pap\u00e1", + -14.10261344909668 + ], + [ + "Installer", + -14.102616310119627 + ], + [ + "RECORD", + -14.102641105651855 + ], + [ + "\u2581Fuga", + -14.102655410766602 + ], + [ + "\u2581percebeu", + -14.102669715881348 + ], + [ + "\u2581Rapids", + -14.102684020996094 + ], + [ + "\u2581veneziano", + -14.102699279785156 + ], + [ + "\u2581necropoli", + -14.102737426757812 + ], + [ + "Politik", + -14.10275173187256 + ], + [ + "\u2581Eilat", + -14.102805137634276 + ], + [ + "\u2581hembras", + -14.102813720703123 + ], + [ + "\u2581superficiale", + -14.10281753540039 + ], + [ + "\u2581incaricato", + -14.102863311767578 + ], + [ + "\u2581Tami", + -14.102886199951172 + ], + [ + "\u2581hinzuwirken", + -14.102893829345703 + ], + [ + "standaard", + -14.102903366088867 + ], + [ + "linearity", + -14.102922439575195 + ], + [ + "\u2581triplic", + -14.10294246673584 + ], + [ + "turk", + -14.102982521057127 + ], + [ + "ppc", + -14.102986335754396 + ], + [ + "\u2581resignation", + -14.10299015045166 + ], + [ + "\u2581trouvant", + -14.10299015045166 + ], + [ + "\u2581heuristic", + -14.10300064086914 + ], + [ + "ayun", + -14.10300350189209 + ], + [ + "dilat", + -14.103028297424316 + ], + [ + "Cuarto", + -14.103089332580566 + ], + [ + "\u2581ascender", + -14.103116035461426 + ], + [ + "\u2581tamb", + -14.10312843322754 + ], + [ + "\u2581circola", + -14.103156089782717 + ], + [ + "\u2581depura", + -14.103166580200195 + ], + [ + "unber\u00fccksichtigt", + -14.103169441223145 + ], + [ + "\u2581develops", + -14.103184700012209 + ], + [ + "bdb", + -14.103191375732422 + ], + [ + "NAP", + -14.103208541870115 + ], + [ + "\u2581Anschein", + -14.103233337402344 + ], + [ + "allee", + -14.10324764251709 + ], + [ + "\u2581berechnete", + -14.103254318237305 + ], + [ + "tzlichen", + -14.103259086608888 + ], + [ + "\u2581rivolgersi", + -14.103259086608888 + ], + [ + "preprocessing", + -14.103266716003418 + ], + [ + "\u2581Lebenslauf", + -14.103267669677734 + ], + [ + "\u2581Bangalore", + -14.103288650512695 + ], + [ + "\u2581credi", + -14.103309631347656 + ], + [ + "phila", + -14.103331565856934 + ], + [ + "\u2581kijkt", + -14.103331565856934 + ], + [ + "\u2581atende", + -14.103341102600098 + ], + [ + "\u2581rimanendo", + -14.103363037109377 + ], + [ + "\u2581Veneza", + -14.103384017944336 + ], + [ + "\u2581voedings", + -14.103385925292969 + ], + [ + "\u2581Libi", + -14.103386878967283 + ], + [ + "\u2581chiare", + -14.10340690612793 + ], + [ + "gade", + -14.103412628173828 + ], + [ + "\u2581stance", + -14.103422164916992 + ], + [ + "skirchen", + -14.10342502593994 + ], + [ + "vollst\u00e4ndig", + -14.10343074798584 + ], + [ + "suchende", + -14.10345458984375 + ], + [ + "ciudad", + -14.103458404541016 + ], + [ + "\u2581Settentrionale", + -14.103470802307127 + ], + [ + "FrontEnd", + -14.103487968444824 + ], + [ + "\u2581stipula", + -14.10352897644043 + ], + [ + "arbohydrate", + -14.103532791137695 + ], + [ + "T\u00edtulos", + -14.103551864624023 + ], + [ + "\u2581Leite", + -14.103564262390137 + ], + [ + "sgegenst\u00e4nden", + -14.10356616973877 + ], + [ + "classpath", + -14.103571891784668 + ], + [ + "\u2581timber", + -14.103578567504885 + ], + [ + "welche", + -14.103581428527832 + ], + [ + "\u2581reprit", + -14.103652000427246 + ], + [ + "styling", + -14.103668212890623 + ], + [ + "\u2581Kirchengemeinde", + -14.103678703308104 + ], + [ + "\u2581Farina", + -14.103679656982422 + ], + [ + "vigli", + -14.10370922088623 + ], + [ + "\u2581Koen", + -14.103716850280762 + ], + [ + "izzando", + -14.103721618652344 + ], + [ + "\u2581poseer", + -14.103739738464355 + ], + [ + "\u2581Lesser", + -14.103767395019531 + ], + [ + "\u2581Tradi", + -14.103838920593262 + ], + [ + "\u2581subespecie", + -14.103839874267578 + ], + [ + "\u2581traversant", + -14.103840827941896 + ], + [ + "\u2581Participants", + -14.103858947753906 + ], + [ + "\u2581presentava", + -14.10386562347412 + ], + [ + "\u2581produzem", + -14.103874206542969 + ], + [ + "Schwell", + -14.103897094726562 + ], + [ + "\u2581ontvangst", + -14.103903770446776 + ], + [ + "delikte", + -14.103927612304688 + ], + [ + "\u2581Signatur", + -14.10395336151123 + ], + [ + "doublecircle", + -14.103974342346191 + ], + [ + "schnitz", + -14.103974342346191 + ], + [ + "\u2581spostare", + -14.10399055480957 + ], + [ + "\u2581Patriots", + -14.104025840759276 + ], + [ + "\u2581haftet", + -14.1040678024292 + ], + [ + "Weimar", + -14.104084014892578 + ], + [ + "dfdfdf", + -14.104119300842283 + ], + [ + "\u2581falaise", + -14.104131698608398 + ], + [ + "sturingssysteem", + -14.104145050048828 + ], + [ + "\u2581Gesamtbetrag", + -14.10416030883789 + ], + [ + "ogenes", + -14.104166984558104 + ], + [ + "\u2581Wak", + -14.104207992553713 + ], + [ + "eloos", + -14.10423183441162 + ], + [ + "\u2581vestigen", + -14.10423183441162 + ], + [ + "carrier", + -14.10423755645752 + ], + [ + "ALLE", + -14.104244232177734 + ], + [ + "\u2581Jahrzehnt", + -14.1043119430542 + ], + [ + "\u2581islamischen", + -14.104315757751465 + ], + [ + "papieren", + -14.104317665100098 + ], + [ + "g\u00e4", + -14.10431957244873 + ], + [ + "mpeg", + -14.104320526123049 + ], + [ + "\u2581Fossa", + -14.104382514953612 + ], + [ + "oslav", + -14.10441780090332 + ], + [ + "\u2581encabezado", + -14.104429244995115 + ], + [ + "Wurtemberg", + -14.104443550109863 + ], + [ + "\u2581Verwandtschaft", + -14.104443550109863 + ], + [ + "\u2581rimozione", + -14.104483604431152 + ], + [ + "scafo", + -14.1044921875 + ], + [ + "\u2581Lear", + -14.10450267791748 + ], + [ + "\u2581addetti", + -14.104510307312012 + ], + [ + "\u2581fals", + -14.104524612426758 + ], + [ + "\u2581Motte", + -14.104536056518556 + ], + [ + "\u2581breder", + -14.104537010192873 + ], + [ + "\u2581Pistol", + -14.10455322265625 + ], + [ + "breiten", + -14.104576110839844 + ], + [ + "magenta", + -14.10458278656006 + ], + [ + "\u2581portretten", + -14.104588508605955 + ], + [ + "\u2581investimentos", + -14.104595184326172 + ], + [ + "famille", + -14.104605674743652 + ], + [ + "\u2581Parme", + -14.10464572906494 + ], + [ + "\u2581importing", + -14.104671478271484 + ], + [ + "\u2581funzionano", + -14.104687690734863 + ], + [ + "\u2581Physiker", + -14.10470485687256 + ], + [ + "mpfr", + -14.10472297668457 + ], + [ + "\u2581procur", + -14.104728698730469 + ], + [ + "\u2581Bera", + -14.104743957519531 + ], + [ + "\u2581entraron", + -14.104766845703123 + ], + [ + "\u2581deckungsf\u00e4hig", + -14.10476779937744 + ], + [ + "\u2581noordoostelijk", + -14.10476779937744 + ], + [ + "M\u00fclheim", + -14.104772567749023 + ], + [ + "\u2581difetti", + -14.104788780212402 + ], + [ + "\u2581accelerate", + -14.104851722717283 + ], + [ + "\u2581escuadra", + -14.10489559173584 + ], + [ + "\u2581deposits", + -14.104918479919434 + ], + [ + "rasen", + -14.104931831359863 + ], + [ + "attuazione", + -14.104935646057127 + ], + [ + "yahoo", + -14.104960441589355 + ], + [ + "\u2581Scholz", + -14.104966163635254 + ], + [ + "heartbeat", + -14.104973793029783 + ], + [ + "\u2581Frits", + -14.104982376098633 + ], + [ + "\u2581indexing", + -14.104990005493164 + ], + [ + "\u2581Willens", + -14.105005264282228 + ], + [ + "\u2581heftige", + -14.105008125305176 + ], + [ + "accessToken", + -14.105010986328123 + ], + [ + "\u2581Modulation", + -14.105019569396973 + ], + [ + "\u2581Temper", + -14.105040550231934 + ], + [ + "stiller", + -14.10504150390625 + ], + [ + "\u2581Patronyme", + -14.10509204864502 + ], + [ + "\u2581N\u00fcrnberger", + -14.105101585388184 + ], + [ + "\u2581Procure", + -14.105104446411133 + ], + [ + "\u2581ridicule", + -14.10510540008545 + ], + [ + "\u2581impregna", + -14.105106353759766 + ], + [ + "gorz", + -14.105108261108398 + ], + [ + "\u2581socialisme", + -14.105121612548828 + ], + [ + "\u2581useradd", + -14.105142593383787 + ], + [ + "INNER", + -14.105164527893066 + ], + [ + "jboss", + -14.10519790649414 + ], + [ + "\u2581undergoing", + -14.105244636535645 + ], + [ + "\u2581Voie", + -14.10529613494873 + ], + [ + "porteur", + -14.105298042297363 + ], + [ + "\u2581charte", + -14.105303764343262 + ], + [ + "MACRO", + -14.105316162109377 + ], + [ + "\u2581Beispielen", + -14.105320930480955 + ], + [ + "\u2581sorgte", + -14.105352401733398 + ], + [ + "nched", + -14.105375289916992 + ], + [ + "\u2581eBay", + -14.105396270751951 + ], + [ + "\u2581Paquist", + -14.105413436889648 + ], + [ + "\u2581Vanuatu", + -14.105416297912598 + ], + [ + "\u2581siciliano", + -14.105416297912598 + ], + [ + "\u2581Bench\u00e9", + -14.105440139770508 + ], + [ + "gul\u00e4r", + -14.10544204711914 + ], + [ + "periment", + -14.105450630187988 + ], + [ + "\u2581Racine", + -14.105457305908203 + ], + [ + "impostazione", + -14.105474472045898 + ], + [ + "\u2581rinascita", + -14.105475425720217 + ], + [ + "\u2581couvrant", + -14.105484008789062 + ], + [ + "\u2581consomm\u00e9", + -14.105490684509276 + ], + [ + "\u2581Calif", + -14.105513572692873 + ], + [ + "\u2581Clu", + -14.10552978515625 + ], + [ + "Kav", + -14.105536460876465 + ], + [ + "\u2581Cochrane", + -14.105607986450195 + ], + [ + "\u2581bagage", + -14.10563850402832 + ], + [ + "\u2581diminish", + -14.105647087097168 + ], + [ + "maten", + -14.1056547164917 + ], + [ + "yrrh", + -14.10565948486328 + ], + [ + "\u2581mercenari", + -14.105672836303713 + ], + [ + "ifolium", + -14.105680465698242 + ], + [ + "\u2581spic", + -14.105687141418455 + ], + [ + "tudo", + -14.105705261230469 + ], + [ + "Thumb", + -14.105718612670898 + ], + [ + "carcin", + -14.105720520019531 + ], + [ + "fotograf", + -14.10574436187744 + ], + [ + "\u2581Tenggara", + -14.105746269226074 + ], + [ + "\u2581geplande", + -14.105755805969238 + ], + [ + "\u2581Ruu", + -14.10580825805664 + ], + [ + "Discard", + -14.105814933776855 + ], + [ + "objekte", + -14.10585117340088 + ], + [ + "oldstyle", + -14.105854034423828 + ], + [ + "Documentation", + -14.105856895446776 + ], + [ + "\u2581rendus", + -14.105899810791016 + ], + [ + "attn", + -14.10594654083252 + ], + [ + "uarz", + -14.10599136352539 + ], + [ + "\u2581Pank", + -14.106000900268556 + ], + [ + "\u2581transport\u00e9", + -14.106002807617188 + ], + [ + "alca", + -14.106045722961426 + ], + [ + "\u2581Nuit", + -14.106067657470703 + ], + [ + "\u2581tantissim", + -14.10607624053955 + ], + [ + "\u2581patrocinador", + -14.106106758117676 + ], + [ + "\u2581amplification", + -14.10612964630127 + ], + [ + "\u2581bewaffneten", + -14.106131553649902 + ], + [ + "processes", + -14.106133460998535 + ], + [ + "\u2581Cosmi", + -14.106134414672852 + ], + [ + "Achtergrond", + -14.1061429977417 + ], + [ + "\u2581langj\u00e4hrige", + -14.106144905090332 + ], + [ + "\u2581wereldwijde", + -14.10614776611328 + ], + [ + "\u2581trockene", + -14.10616683959961 + ], + [ + "\u2581alinea", + -14.106178283691406 + ], + [ + "\u2581escalada", + -14.106188774108888 + ], + [ + "\u2581wechselt", + -14.106197357177734 + ], + [ + "bloed", + -14.106202125549316 + ], + [ + "\u2581Truppe", + -14.106239318847656 + ], + [ + "awley", + -14.106243133544922 + ], + [ + "\u2581writeln", + -14.106284141540527 + ], + [ + "reduced", + -14.106311798095703 + ], + [ + "\u2581rotated", + -14.106319427490234 + ], + [ + "conocido", + -14.106338500976562 + ], + [ + "\u2581voorstander", + -14.106377601623535 + ], + [ + "Learn", + -14.106378555297852 + ], + [ + "\u2581arbitrarily", + -14.106389045715332 + ], + [ + "\u2581rinnovamento", + -14.106426239013672 + ], + [ + "\u2581mantenerse", + -14.106465339660645 + ], + [ + "maximal", + -14.106480598449709 + ], + [ + "ceni", + -14.10654067993164 + ], + [ + "\u2581avverte", + -14.106634140014648 + ], + [ + "\u2581Suit", + -14.10663890838623 + ], + [ + "Chrys", + -14.106678009033203 + ], + [ + "\u2581fauc", + -14.106678009033203 + ], + [ + "\u2581Atletiek", + -14.10671329498291 + ], + [ + "Herzegowina", + -14.106714248657228 + ], + [ + "ttagli", + -14.106724739074709 + ], + [ + "sbetr\u00e4ge", + -14.106735229492188 + ], + [ + "\u2581Glaube", + -14.10673713684082 + ], + [ + "Uber", + -14.106765747070312 + ], + [ + "sprechung", + -14.10678005218506 + ], + [ + "\u2581monsters", + -14.106788635253906 + ], + [ + "\u2581kenmerk", + -14.106789588928224 + ], + [ + "\u2581Precio", + -14.106806755065918 + ], + [ + "\u2581Inklusion", + -14.106807708740234 + ], + [ + "iopsis", + -14.106821060180664 + ], + [ + "Palavras", + -14.10682201385498 + ], + [ + "abbrev", + -14.10690212249756 + ], + [ + "\u2581scivola", + -14.10690689086914 + ], + [ + "\u2581Spartan", + -14.10691738128662 + ], + [ + "naturschutz", + -14.106927871704102 + ], + [ + "\u2581utilizaron", + -14.107004165649414 + ], + [ + "\u2581Connie", + -14.107019424438477 + ], + [ + "\u2581settlements", + -14.107020378112791 + ], + [ + "tagging", + -14.10702133178711 + ], + [ + "Nationale", + -14.107023239135742 + ], + [ + "\u2581arcebispo", + -14.107038497924805 + ], + [ + "\u2581Ruggero", + -14.107043266296388 + ], + [ + "\u00fcster", + -14.107059478759766 + ], + [ + "\u2581strebt", + -14.107061386108398 + ], + [ + "\u2581cylindrical", + -14.107072830200195 + ], + [ + "\u2581Fahrzeugs", + -14.107097625732422 + ], + [ + "\u2581abandonou", + -14.10710334777832 + ], + [ + "\u2581singularity", + -14.107111930847168 + ], + [ + "Interpolation", + -14.107131958007812 + ], + [ + "\u2581Kriege", + -14.107139587402344 + ], + [ + "\u2581f\u00fcnfte", + -14.10715389251709 + ], + [ + "\u2581Natl", + -14.107162475585938 + ], + [ + "\u2581Contiene", + -14.107195854187012 + ], + [ + "\u2581cumplido", + -14.107199668884276 + ], + [ + "\u2581minerais", + -14.107203483581545 + ], + [ + "\u2581Verdachts", + -14.107207298278809 + ], + [ + "\u2581Babi", + -14.107221603393556 + ], + [ + "\u2581Einzelhandel", + -14.10723114013672 + ], + [ + "\u2581inspiratie", + -14.10724639892578 + ], + [ + "\u2581demonstrating", + -14.107253074645996 + ], + [ + "\u2581pluies", + -14.107272148132324 + ], + [ + "\u2581Singapour", + -14.1073637008667 + ], + [ + "\u2581bottiglie", + -14.10736846923828 + ], + [ + "\u2581Wartezeit", + -14.10738468170166 + ], + [ + "\u2581pittoresque", + -14.10738468170166 + ], + [ + "\u2581Termini", + -14.107404708862305 + ], + [ + "identified", + -14.107451438903809 + ], + [ + "\u2581Daarin", + -14.10745906829834 + ], + [ + "\u2581quod", + -14.10746955871582 + ], + [ + "sgebot", + -14.107487678527832 + ], + [ + "\u2581Charta", + -14.107492446899414 + ], + [ + "\u2581Brosch\u00fcre", + -14.107508659362791 + ], + [ + "tragung", + -14.10752010345459 + ], + [ + "boldmath", + -14.107522010803224 + ], + [ + "\u2581refinement", + -14.107532501220703 + ], + [ + "\u2581Meilen", + -14.107552528381348 + ], + [ + "\u2581mantenut", + -14.107595443725586 + ], + [ + "iento", + -14.1076021194458 + ], + [ + "\u2581d\u00e9esse", + -14.10760498046875 + ], + [ + "FERR", + -14.107611656188965 + ], + [ + "strafrechtlichen", + -14.10761260986328 + ], + [ + "\u2581previsione", + -14.107637405395508 + ], + [ + "\u2581ardente", + -14.107683181762695 + ], + [ + "\u00e4rchen", + -14.107687950134276 + ], + [ + "\u2581apost\u00f3lico", + -14.107688903808594 + ], + [ + "\u2581Pergam", + -14.107748031616213 + ], + [ + "\u2581g\u00e9n\u00e9r\u00e9", + -14.10776710510254 + ], + [ + "d\u00edo", + -14.107782363891602 + ], + [ + "tropic", + -14.107820510864258 + ], + [ + "Palatinat", + -14.107908248901367 + ], + [ + "\u2581Sella", + -14.107915878295898 + ], + [ + "\u2581composities", + -14.10792064666748 + ], + [ + "weep", + -14.107928276062012 + ], + [ + "Insight", + -14.10793399810791 + ], + [ + "\u2581Maure", + -14.107948303222656 + ], + [ + "isierter", + -14.107952117919922 + ], + [ + "\u2581Diva", + -14.107952117919922 + ], + [ + "Bij", + -14.107966423034668 + ], + [ + "zuela", + -14.10797119140625 + ], + [ + "\u2581verifique", + -14.10797119140625 + ], + [ + "ITCH", + -14.107985496520996 + ], + [ + "developed", + -14.107987403869627 + ], + [ + "approbation", + -14.108014106750488 + ], + [ + "\u2581Themenverwandt", + -14.108014106750488 + ], + [ + "\u2581impegni", + -14.108015060424805 + ], + [ + "\u2581statuto", + -14.10801601409912 + ], + [ + "\u2581Melilla", + -14.108017921447754 + ], + [ + "\u2581McMahon", + -14.10801887512207 + ], + [ + "gesch\u00e4ften", + -14.108124732971191 + ], + [ + "rinne", + -14.108128547668455 + ], + [ + "Valencia", + -14.108221054077148 + ], + [ + "\u2581mont\u00f3n", + -14.108240127563477 + ], + [ + "\u2581rotations", + -14.108243942260742 + ], + [ + "cromo", + -14.10828971862793 + ], + [ + "\u2581Loon", + -14.108304023742676 + ], + [ + "Prozent", + -14.108305931091309 + ], + [ + "\u2581Paes", + -14.10832405090332 + ], + [ + "\u2581Vergadering", + -14.108339309692385 + ], + [ + "\u2581nebbia", + -14.108346939086914 + ], + [ + "Programme", + -14.108376502990724 + ], + [ + "\u2581Katrina", + -14.108386039733888 + ], + [ + "\u2581Londoner", + -14.108393669128418 + ], + [ + "\u2581poss\u00e9dait", + -14.10839557647705 + ], + [ + "\u2581recouvre", + -14.1083984375 + ], + [ + "purge", + -14.108405113220217 + ], + [ + "\u2581gemeinn\u00fctzige", + -14.108407974243164 + ], + [ + "\u2581gentili", + -14.108409881591797 + ], + [ + "\u2581localis\u00e9", + -14.10842514038086 + ], + [ + "\u2581Kilo", + -14.108443260192873 + ], + [ + "\u2581enunciado", + -14.108455657958984 + ], + [ + "Aven", + -14.108501434326172 + ], + [ + "\u2581Pelli", + -14.108515739440918 + ], + [ + "rfloor", + -14.108524322509766 + ], + [ + "\u2581B\u00fcros", + -14.108566284179688 + ], + [ + "\u2581Russischen", + -14.108642578125 + ], + [ + "\u2581cuadrada", + -14.108664512634276 + ], + [ + "\u2581richiesti", + -14.108664512634276 + ], + [ + "Nosotros", + -14.108665466308594 + ], + [ + "\u2581Vizcaya", + -14.10866641998291 + ], + [ + "\u2581Regulierungsbeh", + -14.108675956726074 + ], + [ + "\u2581Junker", + -14.108686447143556 + ], + [ + "\u2581Florentin", + -14.108725547790527 + ], + [ + "TIL", + -14.108747482299805 + ], + [ + "\u2581overdag", + -14.108784675598145 + ], + [ + "\u2581tumeur", + -14.108830451965332 + ], + [ + "Deleting", + -14.108840942382812 + ], + [ + "Domains", + -14.108871459960938 + ], + [ + "\u2581schlimm", + -14.10891342163086 + ], + [ + "zufriedenheit", + -14.108943939208984 + ], + [ + "\u2581fornita", + -14.108966827392578 + ], + [ + "\u2581jerarqu\u00eda", + -14.108990669250488 + ], + [ + "\u2581Gassen", + -14.109000205993652 + ], + [ + "\u2581Gr\u00e4fin", + -14.10901165008545 + ], + [ + "\u2581Baleares", + -14.109017372131348 + ], + [ + "\u2581dialecten", + -14.109038352966309 + ], + [ + "\u2581funghi", + -14.109082221984863 + ], + [ + "wachstums", + -14.109097480773926 + ], + [ + "kruip", + -14.109164237976074 + ], + [ + "\u2581Blockade", + -14.109224319458008 + ], + [ + "\u2581interrotto", + -14.109264373779297 + ], + [ + "uvas", + -14.109281539916992 + ], + [ + "ntegreerd", + -14.109286308288574 + ], + [ + "\u2581Gita", + -14.109291076660156 + ], + [ + "\u2581rimoss", + -14.109309196472168 + ], + [ + "\u2581Lauderdale", + -14.109314918518066 + ], + [ + "\u2581mantenimento", + -14.109314918518066 + ], + [ + "produzione", + -14.109328269958496 + ], + [ + "tamiento", + -14.109371185302734 + ], + [ + "\u2581Processo", + -14.109408378601074 + ], + [ + "polarity", + -14.10943603515625 + ], + [ + "zinnig", + -14.109442710876465 + ], + [ + "lazz", + -14.10944652557373 + ], + [ + "geschoss", + -14.109452247619627 + ], + [ + "\u2581compartiment", + -14.109474182128906 + ], + [ + "\u2581Malay", + -14.109484672546388 + ], + [ + "\u2581Odin", + -14.109495162963867 + ], + [ + "mirat", + -14.10950756072998 + ], + [ + "\u2581Sequ", + -14.109517097473145 + ], + [ + "Copie", + -14.109572410583496 + ], + [ + "\u2581epithelial", + -14.109624862670898 + ], + [ + "PARA", + -14.10963535308838 + ], + [ + "verwendet", + -14.109662055969238 + ], + [ + "\u2581Darr", + -14.109676361083984 + ], + [ + "\u2581org\u00e1nica", + -14.109682083129885 + ], + [ + "snippets", + -14.109700202941896 + ], + [ + "\u2581competitors", + -14.109708786010742 + ], + [ + "\u2581verkiezings", + -14.109710693359377 + ], + [ + "\u2581Urbanisme", + -14.109736442565918 + ], + [ + "\u2581sobrenatural", + -14.109752655029297 + ], + [ + "\u2581actuelles", + -14.109768867492676 + ], + [ + "\u2581NEU", + -14.109781265258787 + ], + [ + "\u2581exotic", + -14.109790802001951 + ], + [ + "\u2581Passato", + -14.109820365905762 + ], + [ + "\u2581malades", + -14.10983180999756 + ], + [ + "\u2581voyageur", + -14.109833717346191 + ], + [ + "criminal", + -14.109936714172363 + ], + [ + "ombros", + -14.10994815826416 + ], + [ + "\u2581Magallanes", + -14.109966278076172 + ], + [ + "\u2581Materia", + -14.109977722167969 + ], + [ + "\u2581salga", + -14.109992027282717 + ], + [ + "udin", + -14.109996795654297 + ], + [ + "\u2581diagonale", + -14.110014915466309 + ], + [ + "\u2581enriqueci", + -14.110024452209473 + ], + [ + "\u2581livret", + -14.110031127929688 + ], + [ + "nexo", + -14.110036849975586 + ], + [ + "\u2581Lunar", + -14.11007308959961 + ], + [ + "\u2581similarities", + -14.11007308959961 + ], + [ + "\u2581Pegasus", + -14.110098838806152 + ], + [ + "\u2581aposentado", + -14.110129356384276 + ], + [ + "\u2581aonde", + -14.110132217407228 + ], + [ + "\u2581organis", + -14.110137939453123 + ], + [ + "Stamm", + -14.110140800476074 + ], + [ + "\u2581Giov", + -14.110140800476074 + ], + [ + "\u2581Mando", + -14.110140800476074 + ], + [ + "lovi", + -14.110152244567873 + ], + [ + "thermal", + -14.1101713180542 + ], + [ + "\u00e9ny", + -14.110183715820312 + ], + [ + "\u2581virtude", + -14.110259056091309 + ], + [ + "\u2581schets", + -14.110261917114258 + ], + [ + "Sara", + -14.11026668548584 + ], + [ + "Sandbox", + -14.110268592834473 + ], + [ + "\u2581Enkelspel", + -14.110312461853027 + ], + [ + "f\u00e4rb", + -14.110321998596191 + ], + [ + "\u2581tragedie", + -14.110322952270508 + ], + [ + "\u2581Falken", + -14.110337257385254 + ], + [ + "\u2581poggia", + -14.110427856445312 + ], + [ + "obalt", + -14.11043643951416 + ], + [ + "\u2581mancia", + -14.110444068908691 + ], + [ + "\u2581Pompe", + -14.110479354858398 + ], + [ + "Landeshauptstadt", + -14.11051082611084 + ], + [ + "prenons", + -14.110518455505373 + ], + [ + "\u2581Workshops", + -14.110540390014648 + ], + [ + "\u2581cadeias", + -14.11054801940918 + ], + [ + "\u2581einig", + -14.110563278198242 + ], + [ + "\u2581catedr\u00e1tico", + -14.11057472229004 + ], + [ + "\u2581Libertador", + -14.110581398010254 + ], + [ + "\u2581entfernte", + -14.110590934753418 + ], + [ + "Sorry", + -14.110628128051758 + ], + [ + "\u2581betonen", + -14.1106538772583 + ], + [ + "\u2581soliti", + -14.11070728302002 + ], + [ + "intang", + -14.110740661621094 + ], + [ + "\u2581recomendada", + -14.11075496673584 + ], + [ + "memoria", + -14.110761642456056 + ], + [ + "Antioch", + -14.110763549804688 + ], + [ + "unbeschr\u00e4nkt", + -14.110780715942385 + ], + [ + "\u2581ejerci", + -14.110790252685549 + ], + [ + "convenience", + -14.110812187194824 + ], + [ + "destra", + -14.110817909240724 + ], + [ + "franco", + -14.110820770263672 + ], + [ + "\u2581bont\u00e0", + -14.110834121704102 + ], + [ + "\u2581otorgar", + -14.11084270477295 + ], + [ + "UEFA", + -14.110883712768556 + ], + [ + "\u2581orqu\u00eddea", + -14.11089038848877 + ], + [ + "Castell", + -14.110895156860352 + ], + [ + "\u2581gemeinsames", + -14.110905647277832 + ], + [ + "\u2581extranjera", + -14.11090850830078 + ], + [ + "\u2581balla", + -14.110922813415527 + ], + [ + "\u2581Bayes", + -14.110946655273438 + ], + [ + "\u2581Birn", + -14.110947608947754 + ], + [ + "\u2581Myko", + -14.110960006713867 + ], + [ + "enfeiti", + -14.110968589782717 + ], + [ + "\u2581accueillant", + -14.110980033874512 + ], + [ + "\u2581R\u00fcgen", + -14.110994338989258 + ], + [ + "aceti", + -14.111003875732422 + ], + [ + "\u2581Houd", + -14.111042022705078 + ], + [ + "\u2581protegge", + -14.111042022705078 + ], + [ + "\u2581Ramal", + -14.11104965209961 + ], + [ + "wandlung", + -14.111050605773926 + ], + [ + "Gauge", + -14.111075401306152 + ], + [ + "\u2581cruzado", + -14.111079216003418 + ], + [ + "\u2581ventilation", + -14.111108779907228 + ], + [ + "\u2581Voigt", + -14.111151695251465 + ], + [ + "\u2581informato", + -14.11115264892578 + ], + [ + "\u2581schwierige", + -14.11117172241211 + ], + [ + "SSS", + -14.11117935180664 + ], + [ + "\u2581proceeded", + -14.111201286315918 + ], + [ + "\u2581learners", + -14.111220359802246 + ], + [ + "\u2581estad\u00edstica", + -14.111235618591309 + ], + [ + "migrated", + -14.11123752593994 + ], + [ + "fraud", + -14.111244201660156 + ], + [ + "\u2581Tr\u00e1", + -14.111248970031738 + ], + [ + "opolis", + -14.111266136169434 + ], + [ + "\u2581costituiti", + -14.111281394958496 + ], + [ + "\u2581intussen", + -14.111310005187988 + ], + [ + "\u2581considerevole", + -14.111336708068848 + ], + [ + "\u2581ant\u00e9rieur", + -14.11134910583496 + ], + [ + "\u2581ordenou", + -14.111361503601074 + ], + [ + "\u2581vorigen", + -14.111403465270996 + ], + [ + "spr\u00fcche", + -14.111405372619627 + ], + [ + "\u2581decorada", + -14.111452102661133 + ], + [ + "\u2581Sylvie", + -14.11146068572998 + ], + [ + "\u2581representadas", + -14.111523628234863 + ], + [ + "Jul", + -14.11154556274414 + ], + [ + "\u2581vorgeworfen", + -14.11155605316162 + ], + [ + "\u2581Problemas", + -14.111602783203123 + ], + [ + "Bronnen", + -14.111604690551758 + ], + [ + "\u2581homomorphism", + -14.111607551574709 + ], + [ + "\u00fcchter", + -14.11160945892334 + ], + [ + "\u2581Gleit", + -14.111648559570312 + ], + [ + "\u2581#==============", + -14.111676216125488 + ], + [ + "\u2581Egi", + -14.111689567565918 + ], + [ + "\u2581lernt", + -14.111738204956056 + ], + [ + "\u2581Iwan", + -14.111740112304688 + ], + [ + "\u2581Tamm", + -14.11174201965332 + ], + [ + "\u2581Waka", + -14.111783981323242 + ], + [ + "\u2581opvattingen", + -14.111845970153809 + ], + [ + "\u2581Candida", + -14.111854553222656 + ], + [ + "\u2581Agricultural", + -14.111927032470703 + ], + [ + "\u2581proseguendo", + -14.111936569213867 + ], + [ + "concurrency", + -14.111952781677246 + ], + [ + "\u2581subcampe\u00f3n", + -14.111953735351562 + ], + [ + "\u2581zur\u00fcckgegriffen", + -14.11196231842041 + ], + [ + "Verifi", + -14.111982345581056 + ], + [ + "\u2581reflektiert", + -14.112006187438965 + ], + [ + "Scrap", + -14.112014770507812 + ], + [ + "upplung", + -14.112022399902344 + ], + [ + "\u2581pavo", + -14.112046241760254 + ], + [ + "zession", + -14.112049102783203 + ], + [ + "\u2581pr\u00e9para", + -14.1121187210083 + ], + [ + "\u2581\u00fcberarbeitet", + -14.112141609191896 + ], + [ + "\u2581Cadena", + -14.11215114593506 + ], + [ + "\u2581renseignement", + -14.112157821655272 + ], + [ + "\u2581gracilis", + -14.112159729003906 + ], + [ + "\u2581administrada", + -14.112171173095703 + ], + [ + "thoughts", + -14.112173080444336 + ], + [ + "cervo", + -14.11220645904541 + ], + [ + "\u2581Jacksonville", + -14.112234115600586 + ], + [ + "\u2581spettacolari", + -14.112253189086914 + ], + [ + "\u2581unterbreitet", + -14.112257957458496 + ], + [ + "\u2581Konzerte", + -14.112265586853027 + ], + [ + "\u2581Tyrann", + -14.112271308898926 + ], + [ + "\u2581Hasan", + -14.112272262573242 + ], + [ + "MemoryWarning", + -14.112279891967772 + ], + [ + "Geometric", + -14.112284660339355 + ], + [ + "Nacional", + -14.112290382385254 + ], + [ + "\u2581aventures", + -14.112293243408203 + ], + [ + "koto", + -14.11231803894043 + ], + [ + "\u2581franquista", + -14.112350463867188 + ], + [ + "\u2581implementiert", + -14.112370491027832 + ], + [ + "\u2581paja", + -14.11237621307373 + ], + [ + "vrijheid", + -14.112385749816896 + ], + [ + "\u2581ideol\u00f3gica", + -14.112420082092283 + ], + [ + "\u2581Damme", + -14.11242389678955 + ], + [ + "Gipfel", + -14.11242961883545 + ], + [ + "localization", + -14.11245346069336 + ], + [ + "\u2581Josephine", + -14.112462997436523 + ], + [ + "\u2581abgesichert", + -14.112504959106444 + ], + [ + "\u2581findest", + -14.112513542175291 + ], + [ + "\u2581tomb\u00e9e", + -14.11253261566162 + ], + [ + "\u2581inaugur\u00e9", + -14.112543106079102 + ], + [ + "\u2581emoci\u00f3n", + -14.11255168914795 + ], + [ + "\u2581m\u00e9t\u00e9orologique", + -14.11256217956543 + ], + [ + "sseurs", + -14.112571716308594 + ], + [ + "\u2581Nir", + -14.11257266998291 + ], + [ + "\u2581inmueble", + -14.112576484680176 + ], + [ + "\u2581h\u00e9t\u00e9rog", + -14.112579345703123 + ], + [ + "Armenia", + -14.1126070022583 + ], + [ + "zentralen", + -14.112625122070312 + ], + [ + "\u2581Mish", + -14.112632751464844 + ], + [ + "\u2581Collegio", + -14.112658500671388 + ], + [ + "\u2581Velocidad", + -14.112659454345703 + ], + [ + "csc", + -14.112667083740234 + ], + [ + "\u2581pouss\u00e9e", + -14.112685203552246 + ], + [ + "rezza", + -14.112713813781738 + ], + [ + "\u2581inventado", + -14.112730026245115 + ], + [ + "Forschungsvorhab", + -14.11273193359375 + ], + [ + "\u2581dementia", + -14.112740516662598 + ], + [ + "menv", + -14.112756729125977 + ], + [ + "Dit", + -14.112757682800291 + ], + [ + "blar", + -14.11276626586914 + ], + [ + "\u2581Nader", + -14.112772941589355 + ], + [ + "BackgroundColor", + -14.112774848937988 + ], + [ + "Teatro", + -14.112785339355469 + ], + [ + "\u2581Liquidit\u00e4ts", + -14.112823486328123 + ], + [ + "\u2581tuya", + -14.112826347351074 + ], + [ + "Proben", + -14.112835884094238 + ], + [ + "ceremonie", + -14.112871170043944 + ], + [ + "\u2581Slu", + -14.11287784576416 + ], + [ + "\u2581sooner", + -14.112887382507324 + ], + [ + "hobo", + -14.112896919250488 + ], + [ + "\u2581Vermietung", + -14.11290454864502 + ], + [ + "kian", + -14.112908363342283 + ], + [ + "\u2581compostas", + -14.112914085388184 + ], + [ + "\u2581Verrechnung", + -14.11293125152588 + ], + [ + "\u2581surreal", + -14.112934112548828 + ], + [ + "bisschop", + -14.112943649291992 + ], + [ + "\u2581Barco", + -14.112994194030762 + ], + [ + "\u2581verbleibt", + -14.112995147705078 + ], + [ + "\u2581Burma", + -14.113006591796877 + ], + [ + "\u2581Panto", + -14.11302375793457 + ], + [ + "\u2581Tibur", + -14.113057136535645 + ], + [ + "\u2581cliquez", + -14.113061904907228 + ], + [ + "\u2581bewonder", + -14.113080978393556 + ], + [ + "\u2581crying", + -14.113092422485352 + ], + [ + "Aware", + -14.113094329833984 + ], + [ + "\u2581Micr", + -14.113116264343262 + ], + [ + "\u2581Magistrat", + -14.113142013549805 + ], + [ + "icco", + -14.1131591796875 + ], + [ + "\u2581capturada", + -14.113181114196776 + ], + [ + "RIES", + -14.113184928894045 + ], + [ + "\u2581Cluj", + -14.11319351196289 + ], + [ + "\u2581ejemplar", + -14.113195419311523 + ], + [ + "Gaussian", + -14.113232612609863 + ], + [ + "\u2581bizzarr", + -14.113242149353027 + ], + [ + "Todav\u00eda", + -14.11324977874756 + ], + [ + "\u2581asistentes", + -14.113251686096191 + ], + [ + "\u2581transistors", + -14.113261222839355 + ], + [ + "domina", + -14.113282203674316 + ], + [ + "ficamos", + -14.113288879394531 + ], + [ + "linking", + -14.11329460144043 + ], + [ + "SCHU", + -14.113303184509276 + ], + [ + "\u2581Sert", + -14.11330795288086 + ], + [ + "\u2581bols", + -14.113327026367188 + ], + [ + "\u2581par\u00e1grafo", + -14.113333702087402 + ], + [ + "\u2581viajando", + -14.113340377807615 + ], + [ + "nachweise", + -14.113354682922363 + ], + [ + "TICA", + -14.113361358642578 + ], + [ + "\u2581Mash", + -14.113373756408691 + ], + [ + "obobobobo", + -14.113391876220703 + ], + [ + "cracker", + -14.113415718078612 + ], + [ + "\u2581succeeds", + -14.113425254821776 + ], + [ + "\u2581nesses", + -14.11344051361084 + ], + [ + "poque", + -14.113444328308104 + ], + [ + "\u2581chronischen", + -14.113450050354004 + ], + [ + "\u2581msgid", + -14.1134614944458 + ], + [ + "\u2581gespeicherten", + -14.113510131835938 + ], + [ + "\u2581Vine", + -14.113516807556152 + ], + [ + "\u2581t\u00e9lescope", + -14.11355686187744 + ], + [ + "\u2581d\u00e9l\u00e9gu\u00e9", + -14.113567352294922 + ], + [ + "antini", + -14.113608360290527 + ], + [ + "winst", + -14.113637924194336 + ], + [ + "matroid", + -14.113646507263184 + ], + [ + "\u2581Pr\u00fc", + -14.113669395446776 + ], + [ + "\u2581eruit", + -14.113697052001951 + ], + [ + "\u2581concursos", + -14.113707542419434 + ], + [ + "jager", + -14.11373805999756 + ], + [ + "Architecture", + -14.113746643066406 + ], + [ + "\u2581Grind", + -14.11379623413086 + ], + [ + "D\u00fcsseldorf", + -14.113824844360352 + ], + [ + "Meister", + -14.11383056640625 + ], + [ + "eins\u00e4tze", + -14.113852500915527 + ], + [ + "\u2581Conclus", + -14.113871574401855 + ], + [ + "\u2581m\u00e1rtir", + -14.113883972167969 + ], + [ + "\u2581Cairns", + -14.113885879516602 + ], + [ + "\u2581Klagenfurt", + -14.113886833190918 + ], + [ + "\u2581contagem", + -14.113887786865234 + ], + [ + "FORWARD", + -14.113889694213867 + ], + [ + "\u2581rescatar", + -14.113890647888184 + ], + [ + "Aws", + -14.113920211791992 + ], + [ + "\u2581leerkracht", + -14.11392879486084 + ], + [ + "\u2581Ultratop", + -14.113929748535156 + ], + [ + "\u2581maquinaria", + -14.11394214630127 + ], + [ + "\u2581shareholders", + -14.113956451416016 + ], + [ + "\u2581fondatori", + -14.11396026611328 + ], + [ + "\u2581detenidos", + -14.113966941833496 + ], + [ + "\u2581respectivo", + -14.11397647857666 + ], + [ + "\u2581costitu", + -14.113978385925291 + ], + [ + "\u2581glaciar", + -14.113994598388672 + ], + [ + "\u2581imporre", + -14.11400318145752 + ], + [ + "snelheden", + -14.114012718200684 + ], + [ + "\u2581dye", + -14.11405086517334 + ], + [ + "\u2581violentos", + -14.114055633544922 + ], + [ + "\u2581Laurea", + -14.114100456237791 + ], + [ + "ologues", + -14.11410140991211 + ], + [ + "\u2581slap", + -14.114108085632324 + ], + [ + "Conclusion", + -14.114144325256348 + ], + [ + "\u2581generare", + -14.11415195465088 + ], + [ + "oscurit\u00e0", + -14.114211082458496 + ], + [ + "\u2581uncomfortable", + -14.114211082458496 + ], + [ + "\u2581Jennings", + -14.114212036132812 + ], + [ + "\u2581m\u00e9tropolitaine", + -14.114214897155762 + ], + [ + "mpano", + -14.11423397064209 + ], + [ + "\u2581Ansatzes", + -14.114253997802734 + ], + [ + "\u2581Generalleutnant", + -14.114259719848633 + ], + [ + "capito", + -14.114298820495604 + ], + [ + "OTH", + -14.11434268951416 + ], + [ + "orski", + -14.114370346069336 + ], + [ + "f\u00e4hrt", + -14.114391326904297 + ], + [ + "k\u00fcrzung", + -14.114398956298828 + ], + [ + "morte", + -14.114407539367676 + ], + [ + "\u2581projectie", + -14.11441135406494 + ], + [ + "\u2581Idioma", + -14.114466667175291 + ], + [ + "\u2581Antony", + -14.114481925964355 + ], + [ + "\u2581Ann\u00e9es", + -14.114500999450684 + ], + [ + "\u2581M\u00e9dica", + -14.114500999450684 + ], + [ + "\u2581collezioni", + -14.114500999450684 + ], + [ + "\u2581f\u00fcnfzehn", + -14.11453342437744 + ], + [ + "Fiumicino", + -14.114538192749023 + ], + [ + "\u2581NEGLIGENCE", + -14.114538192749023 + ], + [ + "\u2581Reggimento", + -14.114538192749023 + ], + [ + "\u2581Weihnachten", + -14.114538192749023 + ], + [ + "\u2581infinitesimal", + -14.11453914642334 + ], + [ + "\u2581Jacque", + -14.114547729492188 + ], + [ + "\u2581prati", + -14.11454963684082 + ], + [ + "\u2581Stedelijk", + -14.114561080932615 + ], + [ + "\u2581Breg", + -14.114572525024414 + ], + [ + "\u2581innate", + -14.114608764648438 + ], + [ + "Threading", + -14.114636421203612 + ], + [ + "\u2581Lieben", + -14.114667892456056 + ], + [ + "\u2581singulier", + -14.114669799804688 + ], + [ + "\u2581invitati", + -14.114690780639648 + ], + [ + "\u2581copo", + -14.114707946777344 + ], + [ + "\u2581ruht", + -14.114713668823242 + ], + [ + "\u2581Wiske", + -14.114739418029783 + ], + [ + "\u2581f\u00fcgte", + -14.114742279052734 + ], + [ + "svorg\u00e4nge", + -14.114748001098633 + ], + [ + "Membership", + -14.11475658416748 + ], + [ + "\u2581Sitt", + -14.11476230621338 + ], + [ + "\u2581digita", + -14.114778518676758 + ], + [ + "\u2581conflicten", + -14.114788055419922 + ], + [ + "\u2581schiaccia", + -14.114794731140137 + ], + [ + "AGO", + -14.114810943603516 + ], + [ + "\u2581jeugdopleiding", + -14.11488151550293 + ], + [ + "\u2581Serbian", + -14.114885330200195 + ], + [ + "\u2581schaffte", + -14.114912986755373 + ], + [ + "\u2581publicaron", + -14.114931106567385 + ], + [ + "\u2581Comarca", + -14.114960670471191 + ], + [ + "\u2581Prieto", + -14.115010261535645 + ], + [ + "\u00e9lis", + -14.115017890930176 + ], + [ + "schw\u00e4", + -14.115032196044922 + ], + [ + "\u2581Gips", + -14.11505126953125 + ], + [ + "rancher", + -14.11506462097168 + ], + [ + "ceri", + -14.115073204040527 + ], + [ + "\u2581degno", + -14.11508083343506 + ], + [ + "bieten", + -14.115082740783691 + ], + [ + "RDS", + -14.115099906921388 + ], + [ + "\u2581pr\u00e9voy", + -14.115119934082031 + ], + [ + "\u2581tumul", + -14.11512565612793 + ], + [ + "\u2581hici", + -14.115130424499512 + ], + [ + "Uzbekistan", + -14.115141868591309 + ], + [ + "\u2581compatibilidad", + -14.115141868591309 + ], + [ + "MIP", + -14.115142822265623 + ], + [ + "bescherming", + -14.115148544311523 + ], + [ + "interopRequire", + -14.115190505981444 + ], + [ + "\u2581disperazione", + -14.115192413330078 + ], + [ + "\u2581sauv\u00e9", + -14.115212440490724 + ], + [ + "\u2581fornecedor", + -14.11521816253662 + ], + [ + "\u2581Unterschrift", + -14.115220069885254 + ], + [ + "\u2581Weltmarkt", + -14.11523723602295 + ], + [ + "\u2581turbina", + -14.11524772644043 + ], + [ + "\u2581rivelazione", + -14.115269660949709 + ], + [ + "urbanisme", + -14.115283012390137 + ], + [ + "\u2581c\u00e9l\u00e9br\u00e9", + -14.115288734436035 + ], + [ + "ambassadeur", + -14.115316390991213 + ], + [ + "Regist", + -14.115328788757324 + ], + [ + "ovina", + -14.115367889404297 + ], + [ + "t\u00fcchtig", + -14.115382194519045 + ], + [ + "\u2581reagent", + -14.115396499633787 + ], + [ + "\u2581Rechtsstellung", + -14.11540985107422 + ], + [ + "oyama", + -14.1154203414917 + ], + [ + "\u2581Grundriss", + -14.115427017211914 + ], + [ + "\u2581uitgewerkt", + -14.115428924560549 + ], + [ + "Spark", + -14.115435600280762 + ], + [ + "\u2581partecipano", + -14.115439414978027 + ], + [ + "\u2581leg\u00edtimo", + -14.115488052368164 + ], + [ + "\u2581redistribute", + -14.115504264831545 + ], + [ + "\u2581misterios", + -14.11550998687744 + ], + [ + "\u2581Hommes", + -14.115562438964844 + ], + [ + "dokumente", + -14.115567207336426 + ], + [ + "geordneten", + -14.115585327148438 + ], + [ + "\u2581kreative", + -14.115596771240234 + ], + [ + "UIC", + -14.1156587600708 + ], + [ + "\u2581francophones", + -14.115683555603027 + ], + [ + "Dismiss", + -14.11570167541504 + ], + [ + "\u2581Tonne", + -14.11570167541504 + ], + [ + "\u2581righe", + -14.11570930480957 + ], + [ + "\u2581Glanz", + -14.115713119506836 + ], + [ + "konomisch", + -14.115789413452148 + ], + [ + "reuth", + -14.115795135498049 + ], + [ + "would", + -14.115806579589844 + ], + [ + "\u2581introdotta", + -14.115849494934082 + ], + [ + "\u2581Mehrwert", + -14.115888595581056 + ], + [ + "\u2581Annu", + -14.115900039672852 + ], + [ + "\u2581parachut", + -14.11594009399414 + ], + [ + "\u2581wisselen", + -14.115951538085938 + ], + [ + "\u2581Hobart", + -14.115958213806152 + ], + [ + "\u2581Adri\u00e1n", + -14.115986824035645 + ], + [ + "democratic", + -14.115988731384276 + ], + [ + "\u2581gestes", + -14.115996360778809 + ], + [ + "\u2581Siedler", + -14.116008758544922 + ], + [ + "caucasi", + -14.11601448059082 + ], + [ + "\u2581designaci\u00f3n", + -14.116015434265137 + ], + [ + "ijde", + -14.11606502532959 + ], + [ + "\u2581ausgezahlt", + -14.116082191467283 + ], + [ + "IRT", + -14.116106033325195 + ], + [ + "entrop", + -14.116111755371094 + ], + [ + "\u2581impuso", + -14.116114616394045 + ], + [ + "\u2581Sangue", + -14.116118431091309 + ], + [ + "\u2581Asche", + -14.116132736206056 + ], + [ + "\u2581sylv", + -14.116145133972168 + ], + [ + "SCC", + -14.116154670715332 + ], + [ + "\u2581bengal", + -14.11616325378418 + ], + [ + "\u2581angeflogen", + -14.116165161132812 + ], + [ + "\u2581quarts", + -14.116166114807127 + ], + [ + "zumi", + -14.116171836853027 + ], + [ + "delaar", + -14.116175651550291 + ], + [ + "\u2581protec", + -14.116186141967772 + ], + [ + "\u2581recursively", + -14.11621379852295 + ], + [ + "\u2581Weibchen", + -14.11622428894043 + ], + [ + "Morte", + -14.11622714996338 + ], + [ + "\u2581bruscamente", + -14.11622714996338 + ], + [ + "lobus", + -14.116243362426758 + ], + [ + "notatie", + -14.116297721862791 + ], + [ + "\u2581inclu\u00edan", + -14.116310119628906 + ], + [ + "\u2581Hayden", + -14.11631202697754 + ], + [ + "\u2581Koffer", + -14.11631202697754 + ], + [ + "\u2581llegar\u00eda", + -14.116369247436523 + ], + [ + "\u2581marciales", + -14.116374015808104 + ], + [ + "Sentence", + -14.116377830505373 + ], + [ + "haber", + -14.116382598876951 + ], + [ + "\u2581f\u00fchre", + -14.116416931152344 + ], + [ + "Entscheidung", + -14.116451263427734 + ], + [ + "\u2581escarp", + -14.116463661193848 + ], + [ + "\u2581vortic", + -14.11646556854248 + ], + [ + "\u2581Partnership", + -14.116491317749023 + ], + [ + "RAB", + -14.116522789001465 + ], + [ + "Spaans", + -14.116547584533691 + ], + [ + "oured", + -14.116604804992676 + ], + [ + "\u00e9limination", + -14.1166410446167 + ], + [ + "\u2581gesch\u00fctzte", + -14.11666774749756 + ], + [ + "\u2581Katheter", + -14.116722106933594 + ], + [ + "\u2581eleganti", + -14.116724967956545 + ], + [ + "sendmail", + -14.116738319396973 + ], + [ + "APC", + -14.116740226745604 + ], + [ + "\u2581variada", + -14.116745948791504 + ], + [ + "\u2581confier", + -14.116754531860352 + ], + [ + "OPA", + -14.11676025390625 + ], + [ + "JSONObject", + -14.11677074432373 + ], + [ + "\u2581blockiert", + -14.11677074432373 + ], + [ + "\u2581Orb", + -14.11679458618164 + ], + [ + "\u2581durchge", + -14.11680030822754 + ], + [ + "Locator", + -14.116816520690918 + ], + [ + "\u2581beantwoord", + -14.116822242736816 + ], + [ + "\u2581bevorderen", + -14.116835594177246 + ], + [ + "\u2581kapitalisme", + -14.116843223571776 + ], + [ + "\u2581Geduld", + -14.116844177246094 + ], + [ + "homebrew", + -14.116854667663574 + ], + [ + "\u2581Kristin", + -14.11686897277832 + ], + [ + "voce", + -14.116869926452637 + ], + [ + "\u2581Marktteilnehmer", + -14.11687183380127 + ], + [ + "abril", + -14.116873741149902 + ], + [ + "allenatore", + -14.116900444030762 + ], + [ + "Vietnam", + -14.116904258728027 + ], + [ + "\u2581Huntington", + -14.116908073425291 + ], + [ + "\u2581matematico", + -14.11690902709961 + ], + [ + "Plant", + -14.11691665649414 + ], + [ + "nscrito", + -14.116936683654783 + ], + [ + "osina", + -14.11694049835205 + ], + [ + "\u2581Kors", + -14.116948127746582 + ], + [ + "\u2581afastado", + -14.116951942443848 + ], + [ + "ESTI", + -14.116958618164062 + ], + [ + "\u2581Leidenschaft", + -14.11696720123291 + ], + [ + "\u2581Estaciones", + -14.11697769165039 + ], + [ + "\u2581ricopr", + -14.117015838623049 + ], + [ + "all\u00e9e", + -14.11701774597168 + ], + [ + "\u2581Nadal", + -14.117042541503906 + ], + [ + "\u2581Tortol", + -14.117061614990234 + ], + [ + "\u2581Carrillo", + -14.1170654296875 + ], + [ + "CLSH", + -14.117076873779297 + ], + [ + "\u2581Editores", + -14.11708164215088 + ], + [ + "\u2581Shri", + -14.117108345031738 + ], + [ + "Insertion", + -14.117116928100586 + ], + [ + "\u2581Caus", + -14.117137908935549 + ], + [ + "\u2581Divine", + -14.117140769958496 + ], + [ + "\u2581accol", + -14.117151260375977 + ], + [ + "boord", + -14.117155075073242 + ], + [ + "ompartiment", + -14.117173194885254 + ], + [ + "swig", + -14.117177963256836 + ], + [ + "\u2581acontecimiento", + -14.117182731628418 + ], + [ + "\u2581Fermo", + -14.117193222045898 + ], + [ + "\u2581obtuvieron", + -14.117207527160645 + ], + [ + "\u2581mammif", + -14.11721134185791 + ], + [ + "\u2581schonk", + -14.117246627807615 + ], + [ + "\u2581Anatomie", + -14.1172513961792 + ], + [ + "gnoli", + -14.117259979248049 + ], + [ + "\u2581vendue", + -14.117280006408691 + ], + [ + "\u2581basement", + -14.11734390258789 + ], + [ + "\u2581altitudes", + -14.117356300354004 + ], + [ + "viper", + -14.11738109588623 + ], + [ + "\u2581proclaim", + -14.117383003234863 + ], + [ + "Erd", + -14.11742877960205 + ], + [ + "\u2581erwerbst\u00e4tig", + -14.11744213104248 + ], + [ + "\u2581distrugge", + -14.11744499206543 + ], + [ + "Acanth", + -14.117477416992188 + ], + [ + "leder", + -14.117477416992188 + ], + [ + "\u2581fascina", + -14.11748504638672 + ], + [ + "\u2581anbietet", + -14.117487907409668 + ], + [ + "\u2581Personage", + -14.117499351501465 + ], + [ + "\u2581vescovile", + -14.117502212524414 + ], + [ + "\u2581cardeal", + -14.117507934570312 + ], + [ + "\u2581Abou", + -14.117525100708008 + ], + [ + "Spieler", + -14.11752986907959 + ], + [ + "\u2581vulnerability", + -14.117536544799805 + ], + [ + "ualifikationen", + -14.117539405822754 + ], + [ + "\u2581patata", + -14.117552757263184 + ], + [ + "\u2581sviluppati", + -14.117588996887209 + ], + [ + "\u2581manipuler", + -14.117591857910156 + ], + [ + "\u2581Clavi", + -14.117600440979004 + ], + [ + "\u2581separat", + -14.11760425567627 + ], + [ + "\u2581cratere", + -14.117605209350586 + ], + [ + "\u2581Bering", + -14.11764430999756 + ], + [ + "\u2581rumen", + -14.117663383483888 + ], + [ + "\u2581puntate", + -14.117687225341797 + ], + [ + "\u2581roer", + -14.117690086364746 + ], + [ + "tollen", + -14.11769199371338 + ], + [ + "blend", + -14.117732048034668 + ], + [ + "ULT", + -14.117738723754885 + ], + [ + "centroid", + -14.117742538452148 + ], + [ + "\u2581carr\u00e9s", + -14.11774730682373 + ], + [ + "\u2581Flavia", + -14.117749214172363 + ], + [ + "\u2581Giun", + -14.11776638031006 + ], + [ + "\u2581basalt", + -14.117780685424805 + ], + [ + "\u2581erforscht", + -14.117783546447754 + ], + [ + "Brace", + -14.117798805236816 + ], + [ + "\u2581Metropolregion", + -14.11782932281494 + ], + [ + "\u2581malheureusement", + -14.117843627929688 + ], + [ + "\u2581prevalenza", + -14.117873191833496 + ], + [ + "umulative", + -14.117929458618164 + ], + [ + "\u2581cigarettes", + -14.117931365966797 + ], + [ + "FromString", + -14.117945671081545 + ], + [ + "\u2581Banana", + -14.117960929870604 + ], + [ + "appending", + -14.117964744567873 + ], + [ + "\u2581datado", + -14.117965698242188 + ], + [ + "iebel", + -14.117984771728516 + ], + [ + "\u2581lidwoord", + -14.117984771728516 + ], + [ + "ver\u00e4nderung", + -14.117987632751465 + ], + [ + "rilha", + -14.118002891540527 + ], + [ + "\u2581Mango", + -14.118021965026855 + ], + [ + "\u2581fecho", + -14.11803913116455 + ], + [ + "\u2581juramento", + -14.1180419921875 + ], + [ + "\u2581farmi", + -14.118049621582031 + ], + [ + "agisse", + -14.118096351623535 + ], + [ + "\u2581Tatra", + -14.118106842041016 + ], + [ + "Pensilv", + -14.11815357208252 + ], + [ + "\u2581Crespo", + -14.118182182312012 + ], + [ + "\u2581chassis", + -14.118184089660645 + ], + [ + "Grab", + -14.118204116821287 + ], + [ + "\u2581verworfen", + -14.118215560913086 + ], + [ + "Bundesstaat", + -14.118216514587402 + ], + [ + "\u2581in\u00e9dito", + -14.118216514587402 + ], + [ + "hW", + -14.118227005004885 + ], + [ + "\u2581snoda", + -14.118236541748049 + ], + [ + "\u2581Lov", + -14.118239402770996 + ], + [ + "lugar", + -14.11826229095459 + ], + [ + "\u2581scatola", + -14.118285179138184 + ], + [ + "\u2581Puccini", + -14.118331909179688 + ], + [ + "\u2581pursued", + -14.118355751037598 + ], + [ + "\u2581convertit", + -14.118408203125 + ], + [ + "\u2581vagas", + -14.118426322937012 + ], + [ + "\u2581crudo", + -14.118433952331545 + ], + [ + "\u00e9touff", + -14.118441581726074 + ], + [ + "Arborea", + -14.118453979492188 + ], + [ + "Westf\u00e4lische", + -14.118473052978516 + ], + [ + "\u2581Fahrg\u00e4ste", + -14.118478775024414 + ], + [ + "Horn", + -14.118483543395996 + ], + [ + "\u2581springspinnen", + -14.118497848510742 + ], + [ + "callee", + -14.118502616882324 + ], + [ + "apareciendo", + -14.118504524230955 + ], + [ + "\u2581educacionais", + -14.11850643157959 + ], + [ + "damn", + -14.118510246276855 + ], + [ + "Regression", + -14.11851406097412 + ], + [ + "\u2581Meinungen", + -14.118545532226562 + ], + [ + "\u2581rebelles", + -14.118573188781738 + ], + [ + "ytokin", + -14.118597984313965 + ], + [ + "\u2581preocupe", + -14.11860179901123 + ], + [ + "\u2581compensar", + -14.118629455566406 + ], + [ + "jitsu", + -14.118642807006836 + ], + [ + "\u2581conducci\u00f3n", + -14.118653297424316 + ], + [ + "rijken", + -14.118672370910645 + ], + [ + "\u2581Veit", + -14.118682861328123 + ], + [ + "\u2581dedicarse", + -14.1187744140625 + ], + [ + "\u2581overeenkomsten", + -14.118776321411133 + ], + [ + "\u2581arrestar", + -14.118780136108398 + ], + [ + "OCA", + -14.118786811828612 + ], + [ + "tenerse", + -14.118802070617676 + ], + [ + "\u2581dominance", + -14.118837356567385 + ], + [ + "\u2581tardive", + -14.118840217590332 + ], + [ + "\u2581Kach", + -14.118841171264648 + ], + [ + "\u2581Regering", + -14.118850708007812 + ], + [ + "\u2581//-------------", + -14.118861198425291 + ], + [ + "rull", + -14.11890983581543 + ], + [ + "\u2581FARC", + -14.11892795562744 + ], + [ + "\u2581approxim", + -14.118988990783691 + ], + [ + "\u2581eindstand", + -14.119017601013184 + ], + [ + "elica", + -14.1190185546875 + ], + [ + "coba", + -14.119024276733398 + ], + [ + "GetName", + -14.119049072265623 + ], + [ + "apot", + -14.119053840637209 + ], + [ + "RCT", + -14.119059562683104 + ], + [ + "DAV", + -14.119093894958496 + ], + [ + "\u2581partiu", + -14.119099617004396 + ], + [ + "\u2581contend", + -14.119121551513672 + ], + [ + "Envelope", + -14.119132041931152 + ], + [ + "\u2581Repar", + -14.119138717651367 + ], + [ + "\u2581TType", + -14.119154930114746 + ], + [ + "Arco", + -14.119158744812012 + ], + [ + "iessen", + -14.119171142578123 + ], + [ + "\u2581roteador", + -14.119184494018556 + ], + [ + "\u2581int\u00e9ressante", + -14.119214057922363 + ], + [ + "\u2581Pr\u00e4valenz", + -14.119235038757324 + ], + [ + "vou\u00e9", + -14.119240760803224 + ], + [ + "reloadData", + -14.119242668151855 + ], + [ + "inisterpr\u00e4sident", + -14.119253158569336 + ], + [ + "\u2581signaler", + -14.1192626953125 + ], + [ + "\u2581certificato", + -14.11927890777588 + ], + [ + "\u2581Amburgo", + -14.119282722473145 + ], + [ + "\u2581Stausee", + -14.119282722473145 + ], + [ + "\u2581Bunny", + -14.119284629821776 + ], + [ + "\u2581anotar", + -14.11929702758789 + ], + [ + "\u2581tempest", + -14.11935806274414 + ], + [ + "\u2581Guyane", + -14.119359016418455 + ], + [ + "\u2581desnuda", + -14.119378089904783 + ], + [ + "\u00e1sico", + -14.119392395019531 + ], + [ + "\u2581Municipalidad", + -14.11942195892334 + ], + [ + "inganno", + -14.119424819946287 + ], + [ + "\u2581profondi", + -14.119425773620604 + ], + [ + "\u2581Toxi", + -14.119428634643556 + ], + [ + "\u2581Stimmrecht", + -14.11945343017578 + ], + [ + "\u2581Alfeneiros", + -14.11945915222168 + ], + [ + "adly", + -14.119484901428224 + ], + [ + "\u2581Verzerrung", + -14.11948585510254 + ], + [ + "elektronik", + -14.119494438171388 + ], + [ + "SUPPORTED", + -14.119495391845703 + ], + [ + "\u2581Dietmar", + -14.119495391845703 + ], + [ + "p\u00e1n", + -14.119501113891602 + ], + [ + "\u2581Verj\u00e4hrung", + -14.119504928588867 + ], + [ + "calientes", + -14.119513511657717 + ], + [ + "confirmation", + -14.119537353515623 + ], + [ + "VISIT", + -14.119566917419434 + ], + [ + "\u2581banchi", + -14.11957550048828 + ], + [ + "afrika", + -14.119580268859863 + ], + [ + "\u2581Continuando", + -14.11960792541504 + ], + [ + "\u2581supuesta", + -14.119611740112305 + ], + [ + "inetti", + -14.119636535644531 + ], + [ + "\u2581estudado", + -14.119637489318848 + ], + [ + "rbeitslosenhilfe", + -14.119667053222656 + ], + [ + "\u2581separadamente", + -14.119678497314451 + ], + [ + "\u2581Lernenden", + -14.119702339172363 + ], + [ + "\u2581montuoso", + -14.11970329284668 + ], + [ + "ilidae", + -14.119714736938477 + ], + [ + "vorsitzenden", + -14.119726181030272 + ], + [ + "\u2581visitate", + -14.11972713470459 + ], + [ + "\u2581explor", + -14.119758605957031 + ], + [ + "sdorff", + -14.119769096374512 + ], + [ + "\u2581banale", + -14.119780540466309 + ], + [ + "\u2581Shadows", + -14.119783401489258 + ], + [ + "enneigement", + -14.11978816986084 + ], + [ + "\u2581extranjeras", + -14.119824409484863 + ], + [ + "\u2581reproduced", + -14.119824409484863 + ], + [ + "\u2581Kuppel", + -14.119863510131836 + ], + [ + "\u2581Lulu", + -14.11988639831543 + ], + [ + "\u2581Gunsten", + -14.119887351989746 + ], + [ + "\u2581virtudes", + -14.119908332824709 + ], + [ + "minierung", + -14.119943618774414 + ], + [ + "\u2581Geber", + -14.119958877563477 + ], + [ + "\u2581Oth", + -14.11999225616455 + ], + [ + "\u2581Chemische", + -14.120022773742676 + ], + [ + "praxe", + -14.120034217834473 + ], + [ + "tenevano", + -14.120050430297852 + ], + [ + "\u2581Huma", + -14.12007999420166 + ], + [ + "\u2581r\u00e9publicaine", + -14.12007999420166 + ], + [ + "\u2581viajeros", + -14.120091438293455 + ], + [ + "\u2581Einlagen", + -14.120097160339355 + ], + [ + "sostenibile", + -14.1201171875 + ], + [ + "\u2581An\u00edbal", + -14.1201171875 + ], + [ + "\u2581appositamente", + -14.120125770568848 + ], + [ + "WHILE", + -14.120129585266112 + ], + [ + "\u2581memorie", + -14.120141983032228 + ], + [ + "attachement", + -14.12016487121582 + ], + [ + "Kommun", + -14.120168685913086 + ], + [ + "\u2581humedad", + -14.12020492553711 + ], + [ + "DEFINITION", + -14.12022590637207 + ], + [ + "Alma", + -14.120231628417969 + ], + [ + "schouw", + -14.120237350463867 + ], + [ + "adopt", + -14.120244979858398 + ], + [ + "ijzer", + -14.120247840881348 + ], + [ + "consuet", + -14.120262145996094 + ], + [ + "\u2581Rijs", + -14.120280265808104 + ], + [ + "URG", + -14.120288848876951 + ], + [ + "\u2581levante", + -14.12032699584961 + ], + [ + "\u2581desperate", + -14.120327949523926 + ], + [ + "\u2581Gave", + -14.120328903198242 + ], + [ + "\u2581Fresno", + -14.120339393615724 + ], + [ + "percentile", + -14.120381355285645 + ], + [ + "\u2581Bati", + -14.120390892028809 + ], + [ + "Londen", + -14.120407104492188 + ], + [ + "tiana", + -14.120420455932615 + ], + [ + "\u2581Vandaag", + -14.12044620513916 + ], + [ + "\u2581provvedimenti", + -14.120448112487791 + ], + [ + "\u2581Treuhandanstalt", + -14.120450973510742 + ], + [ + "\u2581vorhandener", + -14.120452880859377 + ], + [ + "\u2581sighed", + -14.120512008666992 + ], + [ + "Combo", + -14.12053394317627 + ], + [ + "\u2581compreend", + -14.120556831359863 + ], + [ + "fumi", + -14.120566368103027 + ], + [ + "kapi", + -14.120570182800291 + ], + [ + "reiten", + -14.12057113647461 + ], + [ + "bray", + -14.120572090148926 + ], + [ + "\u2581Schnitz", + -14.120582580566406 + ], + [ + "\u2581Petter", + -14.120604515075684 + ], + [ + "\u2581verursachte", + -14.120619773864746 + ], + [ + "Slow", + -14.120640754699709 + ], + [ + "\u2581Anh\u00e4nge", + -14.120645523071287 + ], + [ + "t\u00e1rios", + -14.12066650390625 + ], + [ + "\u2581coordinat", + -14.12069034576416 + ], + [ + "\u2581Honsh", + -14.120701789855955 + ], + [ + "\u2581Teniente", + -14.12074851989746 + ], + [ + "\u2581modici", + -14.120773315429688 + ], + [ + "UserName", + -14.120774269104004 + ], + [ + "\u2581Garnier", + -14.120786666870115 + ], + [ + "\u2581Expositions", + -14.120800018310549 + ], + [ + "\u2581Efe", + -14.120802879333496 + ], + [ + "\u2581vergelijkbare", + -14.120810508728027 + ], + [ + "\u2581ritmos", + -14.120827674865724 + ], + [ + "enciclopedia", + -14.120859146118164 + ], + [ + "\u2581Amis", + -14.120859146118164 + ], + [ + "\u2581barocke", + -14.120862007141112 + ], + [ + "CIRC", + -14.120893478393556 + ], + [ + "\u2581Billig", + -14.120905876159668 + ], + [ + "artistes", + -14.120915412902832 + ], + [ + "Weil", + -14.120935440063477 + ], + [ + "ICES", + -14.121013641357422 + ], + [ + "\u2581Uta", + -14.121026992797852 + ], + [ + "verschil", + -14.121047019958496 + ], + [ + "\u2581concentramento", + -14.121048927307127 + ], + [ + "\u2581abgehalten", + -14.121066093444824 + ], + [ + "\u2581Coy", + -14.12106704711914 + ], + [ + "Taylor", + -14.121073722839355 + ], + [ + "v\u00edk", + -14.121081352233888 + ], + [ + "\u2581Geological", + -14.121086120605469 + ], + [ + "\u2581Nomad", + -14.121091842651367 + ], + [ + "\u2581polacca", + -14.121113777160645 + ], + [ + "ddf", + -14.121136665344238 + ], + [ + "\u2581durchquert", + -14.1211519241333 + ], + [ + "Asteraceae", + -14.121152877807615 + ], + [ + "ocche", + -14.121159553527832 + ], + [ + "Willem", + -14.121172904968262 + ], + [ + "owiec", + -14.12118911743164 + ], + [ + "h\u00fclle", + -14.121193885803224 + ], + [ + "stammen", + -14.121222496032717 + ], + [ + "\u2581hueso", + -14.121267318725586 + ], + [ + "\u2581Servische", + -14.121272087097168 + ], + [ + "tiza", + -14.1212797164917 + ], + [ + "\u00e9r\u00e9s", + -14.12131118774414 + ], + [ + "\u2581bland", + -14.12131404876709 + ], + [ + "Research", + -14.121337890625 + ], + [ + "\u2581banquet", + -14.121338844299316 + ], + [ + "partnern", + -14.121346473693848 + ], + [ + "\u2581sportifs", + -14.121363639831545 + ], + [ + "H\u00e9l", + -14.121368408203123 + ], + [ + "\u2581Andries", + -14.121416091918944 + ], + [ + "REGISTER", + -14.12143325805664 + ], + [ + "\u2581Phineas", + -14.121437072753906 + ], + [ + "\u2581springs", + -14.121448516845703 + ], + [ + "\u2581Verbandes", + -14.1214599609375 + ], + [ + "\u2581aqueous", + -14.121464729309082 + ], + [ + "\u2581Bryce", + -14.121479034423828 + ], + [ + "\u2581Mietwagen", + -14.12149143218994 + ], + [ + "\u2581filtres", + -14.121506690979004 + ], + [ + "odonti", + -14.1215181350708 + ], + [ + "\u2581inquieta", + -14.121533393859863 + ], + [ + "krans", + -14.121556282043455 + ], + [ + "\u2581Kurf\u00fcrsten", + -14.121574401855469 + ], + [ + "monotonic", + -14.12158489227295 + ], + [ + "\u2581logarithmic", + -14.121593475341797 + ], + [ + "ouette", + -14.121600151062012 + ], + [ + "\u2581retomb", + -14.121604919433594 + ], + [ + "MORE", + -14.12163543701172 + ], + [ + "statten", + -14.121639251708984 + ], + [ + "cr\u00e9dit", + -14.121646881103516 + ], + [ + "\u2581collocato", + -14.121664047241213 + ], + [ + "kriegen", + -14.121708869934082 + ], + [ + "endimiento", + -14.12171459197998 + ], + [ + "schock", + -14.121723175048828 + ], + [ + "it\u00e4", + -14.121740341186523 + ], + [ + "ontology", + -14.121747016906738 + ], + [ + "pierre", + -14.121760368347168 + ], + [ + "\u2581Pyongyang", + -14.121764183044434 + ], + [ + "\u2581dikwijls", + -14.121764183044434 + ], + [ + "\u2581Scy", + -14.121769905090332 + ], + [ + "\u2581maravilla", + -14.12177562713623 + ], + [ + "f\u00e4nde", + -14.12177848815918 + ], + [ + "\u2581corrispondenti", + -14.121822357177734 + ], + [ + "diction", + -14.121838569641112 + ], + [ + "mon\u00eda", + -14.121840476989746 + ], + [ + "\u2581ceniza", + -14.12184715270996 + ], + [ + "\u2581Leuco", + -14.121861457824709 + ], + [ + "dragen", + -14.121874809265137 + ], + [ + "\u2581abgegrenzt", + -14.121908187866213 + ], + [ + "Hessen", + -14.121931076049805 + ], + [ + "\u2581Keat", + -14.12193489074707 + ], + [ + "\u2581officielles", + -14.121952056884766 + ], + [ + "Ferro", + -14.121994018554688 + ], + [ + "\u2581Potenziale", + -14.1220064163208 + ], + [ + "\u2581contee", + -14.12205982208252 + ], + [ + "crut", + -14.12206745147705 + ], + [ + "LANGUAGES", + -14.122074127197266 + ], + [ + "\u2581intercala", + -14.122085571289062 + ], + [ + "\u2581Abierto", + -14.122111320495604 + ], + [ + "\u2581Radfahrer", + -14.122133255004885 + ], + [ + "\u2581Ausnutzung", + -14.122142791748049 + ], + [ + "\u2581primaires", + -14.122150421142578 + ], + [ + "COMPOSE", + -14.122154235839844 + ], + [ + "\u2581motivado", + -14.12216091156006 + ], + [ + "siens", + -14.122167587280272 + ], + [ + "\u2581vermerkt", + -14.122201919555664 + ], + [ + "\u2581Pflanz", + -14.122215270996094 + ], + [ + "\u2581opvoeding", + -14.122251510620115 + ], + [ + "\u2581maestos", + -14.122259140014648 + ], + [ + "\u2581complained", + -14.12227725982666 + ], + [ + "gewerkschaft", + -14.122312545776367 + ], + [ + "\u2581paroi", + -14.122314453125 + ], + [ + "serviceName", + -14.122322082519531 + ], + [ + "ALIGN", + -14.12233829498291 + ], + [ + "\u2581durchf\u00fchrt", + -14.12234878540039 + ], + [ + "\u2581Cosme", + -14.1223726272583 + ], + [ + "\u2581sobrinho", + -14.12238597869873 + ], + [ + "KAR", + -14.122397422790527 + ], + [ + "offensief", + -14.1224365234375 + ], + [ + "zusammensetzung", + -14.122443199157717 + ], + [ + "iska", + -14.122450828552246 + ], + [ + "\u2581artesanal", + -14.122454643249512 + ], + [ + "\u2581evenly", + -14.122461318969728 + ], + [ + "\u2581droghe", + -14.12246799468994 + ], + [ + "\u2581assertions", + -14.122468948364258 + ], + [ + "\u2581Corsi", + -14.122481346130373 + ], + [ + "\u2581Scro", + -14.122509002685549 + ], + [ + "dotta", + -14.12252426147461 + ], + [ + "Schrift", + -14.122530937194824 + ], + [ + "\u2581Gering", + -14.122543334960938 + ], + [ + "\u2581cumplea", + -14.12254810333252 + ], + [ + "\u2581d\u00e9livr\u00e9", + -14.122550964355469 + ], + [ + "\u2581uitgaan", + -14.12255859375 + ], + [ + "\u2581erheblichem", + -14.122559547424316 + ], + [ + "\u2581Carrasco", + -14.122566223144531 + ], + [ + "hitlijst", + -14.122598648071287 + ], + [ + "gedekt", + -14.122607231140137 + ], + [ + "Strauss", + -14.122610092163086 + ], + [ + "\u2581Klammern", + -14.122620582580566 + ], + [ + "\u2581verbes", + -14.12265396118164 + ], + [ + "\u2581occurrences", + -14.122674942016602 + ], + [ + "\u2581colto", + -14.122675895690918 + ], + [ + "\u2581Renner", + -14.122688293457031 + ], + [ + "\u2581repartir", + -14.122713088989258 + ], + [ + "\u2581spheres", + -14.122721672058104 + ], + [ + "\u2581Photonen", + -14.122727394104004 + ], + [ + "\u2581musician", + -14.122729301452637 + ], + [ + "\u2581copilot\u00e9", + -14.122753143310549 + ], + [ + "\u2581Restauration", + -14.12275505065918 + ], + [ + "EICHNIS", + -14.122756004333496 + ], + [ + "\u2581boor", + -14.122756004333496 + ], + [ + "\u2581Caracciolo", + -14.122756958007812 + ], + [ + "Adenauer", + -14.12278175354004 + ], + [ + "\u2581Brasileiros", + -14.122798919677734 + ], + [ + "\u2581Fundada", + -14.122804641723633 + ], + [ + "\u2581Rotations", + -14.122817039489746 + ], + [ + "\u2581annullat", + -14.122817039489746 + ], + [ + "\u2581Exemples", + -14.122817993164062 + ], + [ + "orch", + -14.12281894683838 + ], + [ + "\u2581sauter", + -14.122821807861328 + ], + [ + "\u2581kleinsten", + -14.12282943725586 + ], + [ + "\u2581bautiz", + -14.122854232788086 + ], + [ + "\u2581Giudic", + -14.122859001159668 + ], + [ + "\u2581separating", + -14.122879981994627 + ], + [ + "\u2581morfologia", + -14.122885704040527 + ], + [ + "quantum", + -14.12290859222412 + ], + [ + "\u2581Padilla", + -14.122917175292969 + ], + [ + "Ingredient", + -14.122928619384766 + ], + [ + "\u2581pastoor", + -14.122946739196776 + ], + [ + "infirmi", + -14.122966766357422 + ], + [ + "\u2581Poster", + -14.1229887008667 + ], + [ + "velines", + -14.122990608215332 + ], + [ + "\u2581auftretende", + -14.12301540374756 + ], + [ + "\u2581honorario", + -14.12304973602295 + ], + [ + "\u2581Episoden", + -14.123054504394531 + ], + [ + "\u2581Dje", + -14.123055458068848 + ], + [ + "\u2581candid", + -14.123069763183594 + ], + [ + "\u2581intrazellul\u00e4re", + -14.12310028076172 + ], + [ + "\u2581Schiffes", + -14.123109817504885 + ], + [ + "\u2581Breitband", + -14.123116493225098 + ], + [ + "empiris", + -14.123132705688477 + ], + [ + "\u2581Beauvais", + -14.123135566711426 + ], + [ + "\u2581absorber", + -14.123150825500488 + ], + [ + "\u2581Arv", + -14.123167037963867 + ], + [ + "\u2581intuitiv", + -14.123167037963867 + ], + [ + "\u2581Ciampi", + -14.123173713684082 + ], + [ + "\u2581Fernbusse", + -14.123207092285156 + ], + [ + "\u2581coglie", + -14.12321662902832 + ], + [ + "\u2581Unfallversicher", + -14.123246192932127 + ], + [ + "ricus", + -14.123261451721191 + ], + [ + "Adige", + -14.123262405395508 + ], + [ + "\u2581T\u00fcrken", + -14.12326431274414 + ], + [ + "\u2581Perspectives", + -14.123272895812988 + ], + [ + "\u2581colet", + -14.123275756835938 + ], + [ + "tiro", + -14.123287200927734 + ], + [ + "racer", + -14.123294830322266 + ], + [ + "\u2581modesti", + -14.123294830322266 + ], + [ + "\u2581Campagna", + -14.12331771850586 + ], + [ + "\u2581servit", + -14.123329162597656 + ], + [ + "\u2581Ritchie", + -14.123416900634766 + ], + [ + "\u2581impedisce", + -14.123431205749512 + ], + [ + "SETTINGS", + -14.123449325561523 + ], + [ + "vereine", + -14.123458862304688 + ], + [ + "duttori", + -14.1234769821167 + ], + [ + "zetel", + -14.123482704162598 + ], + [ + "\u2581revenge", + -14.123490333557127 + ], + [ + "\u2581Vorschu", + -14.123495101928713 + ], + [ + "spek", + -14.123498916625977 + ], + [ + "\u2581finnische", + -14.123516082763672 + ], + [ + "\u2581camarada", + -14.123517990112305 + ], + [ + "\u2581dom\u00ednios", + -14.123517990112305 + ], + [ + "zate", + -14.123522758483888 + ], + [ + "\u2581St\u00e4tten", + -14.123530387878418 + ], + [ + "\u2581licences", + -14.123557090759276 + ], + [ + "\u2581Disorder", + -14.123564720153809 + ], + [ + "\u2581Lebensweise", + -14.123578071594238 + ], + [ + "\u2581spinse", + -14.123590469360352 + ], + [ + "\u2581cancella", + -14.123602867126465 + ], + [ + "\u2581hier\u00fcber", + -14.123618125915527 + ], + [ + "\u2581rencontrent", + -14.12364387512207 + ], + [ + "Johann", + -14.123658180236816 + ], + [ + "\u00f3vil", + -14.123692512512209 + ], + [ + "\u2581Nurse", + -14.123720169067385 + ], + [ + "tizia", + -14.123735427856444 + ], + [ + "\u2581Arthro", + -14.123753547668455 + ], + [ + "\u2581Blow", + -14.12377643585205 + ], + [ + "\u2581arruina", + -14.123780250549316 + ], + [ + "\u2581humilla", + -14.12378215789795 + ], + [ + "\u2581Vorab", + -14.123799324035645 + ], + [ + "huac", + -14.123804092407228 + ], + [ + "courant", + -14.123809814453123 + ], + [ + "anthi", + -14.12383270263672 + ], + [ + "\u2581Seguir", + -14.123849868774414 + ], + [ + "\u2581r\u00e9gi", + -14.123855590820312 + ], + [ + "ellum", + -14.12388038635254 + ], + [ + "\u2581feierte", + -14.123883247375488 + ], + [ + "\u2581observables", + -14.12388801574707 + ], + [ + "\u2581beverage", + -14.123889923095703 + ], + [ + "\u2581d\u00e9livr", + -14.123915672302246 + ], + [ + "\u2581insegnato", + -14.123939514160156 + ], + [ + "\u2581salarial", + -14.123941421508787 + ], + [ + "ethan", + -14.123958587646484 + ], + [ + "\u2581acquist", + -14.123988151550291 + ], + [ + "\u2581bruciat", + -14.123993873596191 + ], + [ + "xley", + -14.124004364013672 + ], + [ + "\u2581irreversible", + -14.124031066894531 + ], + [ + "Monolog", + -14.124035835266112 + ], + [ + "\u2581m\u00e9moris", + -14.12405014038086 + ], + [ + "\u2581Thibau", + -14.124053001403809 + ], + [ + "ERGEBNISSE", + -14.12407398223877 + ], + [ + "\u2581f\u00e1rmaco", + -14.12407398223877 + ], + [ + "\u2581Portugies", + -14.124074935913086 + ], + [ + "\u2581Vatikan", + -14.124078750610352 + ], + [ + "\u2581branching", + -14.124100685119627 + ], + [ + "Hashable", + -14.124104499816896 + ], + [ + "\u2581Jubil\u00e4um", + -14.124159812927246 + ], + [ + "\u2581Gudrun", + -14.124170303344728 + ], + [ + "\u2581Maced", + -14.124192237854004 + ], + [ + "\u2581Beckett", + -14.124200820922852 + ], + [ + "\u2581schaatsen", + -14.12420654296875 + ], + [ + "\u2581narrativo", + -14.124231338500977 + ], + [ + "\u2581Ladungs", + -14.124258041381836 + ], + [ + "opsidae", + -14.124279975891112 + ], + [ + "\u2581B\u00fcrg", + -14.124316215515137 + ], + [ + "\u2581usufruire", + -14.124330520629885 + ], + [ + "\u2581Augustine", + -14.124340057373049 + ], + [ + "ushing", + -14.12436580657959 + ], + [ + "Further", + -14.124366760253906 + ], + [ + "\u2581Gora", + -14.124397277832031 + ], + [ + "\u2581Rentabilit\u00e4t", + -14.124404907226562 + ], + [ + "\u2581esclavitud", + -14.124406814575195 + ], + [ + "schal", + -14.1244478225708 + ], + [ + "Slug", + -14.124455451965332 + ], + [ + "\u2581aborrec", + -14.124471664428713 + ], + [ + "\u2581Rasen", + -14.124484062194824 + ], + [ + "\u2581scared", + -14.124488830566406 + ], + [ + "\u2581Jugendlicher", + -14.124507904052734 + ], + [ + "\u2581doorheen", + -14.124521255493164 + ], + [ + "kranke", + -14.12456512451172 + ], + [ + "\u2581nazismo", + -14.124571800231934 + ], + [ + "vegetatie", + -14.124573707580566 + ], + [ + "\u2581Dili", + -14.124589920043944 + ], + [ + "\u2581descubierta", + -14.124611854553224 + ], + [ + "\u2581foge", + -14.12461757659912 + ], + [ + "\u2581Siri", + -14.124673843383787 + ], + [ + "\u2581verwer", + -14.124677658081056 + ], + [ + "perioden", + -14.124679565429688 + ], + [ + "kovsky", + -14.124680519104004 + ], + [ + "\u2581arm\u00e1rio", + -14.12468433380127 + ], + [ + "\u2581Nef", + -14.124700546264648 + ], + [ + "\u2581Abh\u00e4ngig", + -14.124725341796877 + ], + [ + "Gesundheit", + -14.124727249145508 + ], + [ + "\u2581Suhrkamp", + -14.124735832214355 + ], + [ + "\u2581maturity", + -14.124735832214355 + ], + [ + "\u2581Cadillac", + -14.12473964691162 + ], + [ + "\u2581antropologi", + -14.124788284301758 + ], + [ + "\u2581microphone", + -14.124818801879885 + ], + [ + "\u2581M\u00e4nnchen", + -14.124838829040527 + ], + [ + "\u2581pobladores", + -14.124839782714844 + ], + [ + "\u2581Bewa", + -14.124850273132324 + ], + [ + "\u2581sombr", + -14.124893188476562 + ], + [ + "\u2581Osborn", + -14.12491512298584 + ], + [ + "\u2581affordable", + -14.124930381774902 + ], + [ + "\u2581harmonisier", + -14.124934196472168 + ], + [ + "Provides", + -14.12494659423828 + ], + [ + "\u2581spier", + -14.124947547912598 + ], + [ + "\u2581povere", + -14.124995231628418 + ], + [ + "Gedenkst\u00e4tte", + -14.12503147125244 + ], + [ + "mibBuilder", + -14.125081062316896 + ], + [ + "\u2581incapacidad", + -14.125082015991213 + ], + [ + "posent", + -14.12509822845459 + ], + [ + "teridae", + -14.125103950500488 + ], + [ + "\u2581mobiliz", + -14.125117301940918 + ], + [ + "Occur", + -14.125123023986816 + ], + [ + "spender", + -14.125151634216309 + ], + [ + "vog", + -14.125164031982422 + ], + [ + "\u2581uiterst", + -14.125184059143066 + ], + [ + "\u2581Fermat", + -14.125202178955078 + ], + [ + "\u2581ungeeignet", + -14.12521743774414 + ], + [ + "\u2581Tauri", + -14.12522315979004 + ], + [ + "uevedo", + -14.125229835510254 + ], + [ + "gu\u00e1", + -14.12524127960205 + ], + [ + "\u2581Parlamente", + -14.125268936157228 + ], + [ + "\u2581identiek", + -14.125285148620604 + ], + [ + "calable", + -14.125310897827148 + ], + [ + "gnatha", + -14.12531852722168 + ], + [ + "Andre", + -14.125347137451172 + ], + [ + "omnibus", + -14.125373840332031 + ], + [ + "\u2581atmosf\u00e9rica", + -14.125396728515623 + ], + [ + "\u2581cubanos", + -14.125396728515623 + ], + [ + "\u2581ritirarsi", + -14.125460624694824 + ], + [ + "\u2581com\u00e9dien", + -14.125479698181152 + ], + [ + "\u2581concentr\u00e9", + -14.125487327575684 + ], + [ + "TIN", + -14.12548828125 + ], + [ + "schuldung", + -14.125508308410645 + ], + [ + "\u2581mochte", + -14.125553131103516 + ], + [ + "\u2581commutat", + -14.125555038452148 + ], + [ + "\u2581ocorrendo", + -14.125558853149414 + ], + [ + "\u2581nonna", + -14.125565528869627 + ], + [ + "\u2581ironic", + -14.125584602355955 + ], + [ + "\u2581Ked", + -14.125585556030272 + ], + [ + "\u2581verificano", + -14.125632286071776 + ], + [ + "\u2581adelanta", + -14.125638961791992 + ], + [ + "CTV", + -14.12564182281494 + ], + [ + "\u2581Rector", + -14.1256685256958 + ], + [ + "\u2581assicurati", + -14.12567138671875 + ], + [ + "\u2581narcis", + -14.125720024108888 + ], + [ + "\u2581fonctionnent", + -14.125725746154783 + ], + [ + "\u2581propagande", + -14.125725746154783 + ], + [ + "\u2581abusiv", + -14.12576389312744 + ], + [ + "\u2581arancione", + -14.12578010559082 + ], + [ + "enumerated", + -14.125805854797363 + ], + [ + "\u2581sfog", + -14.125829696655272 + ], + [ + "bulli", + -14.125835418701172 + ], + [ + "\u2581haver\u00e1", + -14.125863075256348 + ], + [ + "\u2581Thatcher", + -14.125898361206056 + ], + [ + "\u2581activists", + -14.125927925109863 + ], + [ + "duzido", + -14.125946044921877 + ], + [ + "\u2581Corpi", + -14.125969886779783 + ], + [ + "Haushaltsgesetz", + -14.125972747802734 + ], + [ + "\u2581localizaci\u00f3n", + -14.12597370147705 + ], + [ + "marina", + -14.12597942352295 + ], + [ + "laute", + -14.126004219055176 + ], + [ + "\u2581inevitabilmente", + -14.126058578491213 + ], + [ + "\u2581p\u00e1rrafo", + -14.126058578491213 + ], + [ + "\u2581tace", + -14.12609577178955 + ], + [ + "\u2581Republicans", + -14.126105308532717 + ], + [ + "\u2581buscado", + -14.12614631652832 + ], + [ + "\u2581Risikofaktoren", + -14.1261625289917 + ], + [ + "osfera", + -14.12618923187256 + ], + [ + "\u2581Alcohol", + -14.126193046569824 + ], + [ + "\u2581schuil", + -14.12619400024414 + ], + [ + "accredit", + -14.126194953918455 + ], + [ + "\u2581cath", + -14.126197814941406 + ], + [ + "Cagliari", + -14.12620449066162 + ], + [ + "ud\u00e9", + -14.126214981079102 + ], + [ + "SEI", + -14.126225471496582 + ], + [ + "\u2581Guen", + -14.126248359680176 + ], + [ + "avrebbe", + -14.126317024230955 + ], + [ + "erbt", + -14.1263427734375 + ], + [ + "\u2581impactos", + -14.1263427734375 + ], + [ + "\u2581stakeholders", + -14.126347541809082 + ], + [ + "\u2581cafes", + -14.12636947631836 + ], + [ + "\u2581aantrekkelijk", + -14.12639045715332 + ], + [ + "VARIANT", + -14.126391410827637 + ], + [ + "\u2581kn\u00fcpft", + -14.126394271850586 + ], + [ + "\u2581estudiantil", + -14.126395225524902 + ], + [ + "\u2581r\u00e9form", + -14.12639617919922 + ], + [ + "lidmaatschap", + -14.126398086547852 + ], + [ + "\u2581analizzare", + -14.126402854919434 + ], + [ + "\u2581sobreviver", + -14.1264066696167 + ], + [ + "\u2581celebrare", + -14.126415252685549 + ], + [ + "\u2581Anwalts", + -14.126422882080078 + ], + [ + "\u2581tastiera", + -14.126424789428713 + ], + [ + "Lago", + -14.126426696777344 + ], + [ + "Wilk", + -14.126429557800291 + ], + [ + "\u2581prosperit\u00e0", + -14.126434326171877 + ], + [ + "gremium", + -14.126437187194824 + ], + [ + "\u2581verbergen", + -14.12643814086914 + ], + [ + "\u2581Arj", + -14.126447677612305 + ], + [ + "\u2581Vercelli", + -14.12645149230957 + ], + [ + "kelk", + -14.12648105621338 + ], + [ + "\u2581Seicento", + -14.12651824951172 + ], + [ + "\u2581hesita", + -14.126556396484377 + ], + [ + "\u2581Plutonium", + -14.126559257507324 + ], + [ + "berhaupt", + -14.126593589782717 + ], + [ + "\u2581ottenuta", + -14.126598358154297 + ], + [ + "interpretaciones", + -14.126626014709473 + ], + [ + "penning", + -14.126632690429688 + ], + [ + "iuto", + -14.12663745880127 + ], + [ + "\u2581Celtics", + -14.12664031982422 + ], + [ + "\u2581\u00fcbersende", + -14.126747131347656 + ], + [ + "\u2581Teruel", + -14.126758575439451 + ], + [ + "\u2581incul", + -14.126765251159668 + ], + [ + "\u2581w\u00fc", + -14.126769065856934 + ], + [ + "fullwidth", + -14.126774787902832 + ], + [ + "cadono", + -14.126775741577148 + ], + [ + "changelog", + -14.126792907714844 + ], + [ + "Sekretion", + -14.126806259155272 + ], + [ + "\u2581Mexicaans", + -14.126846313476562 + ], + [ + "\u2581rendeva", + -14.126860618591309 + ], + [ + "neighbour", + -14.126872062683104 + ], + [ + "lington", + -14.12688159942627 + ], + [ + "pocket", + -14.12689208984375 + ], + [ + "\u2581Tampere", + -14.126907348632812 + ], + [ + "\u2581Vali", + -14.12693214416504 + ], + [ + "ECTOR", + -14.12693691253662 + ], + [ + "\u2581Everett", + -14.126973152160645 + ], + [ + "\u2581himno", + -14.126985549926758 + ], + [ + "\u2581capt", + -14.126991271972656 + ], + [ + "\u2581roches", + -14.126995086669922 + ], + [ + "\u2581d\u00e9pla", + -14.127015113830566 + ], + [ + "stedelijk", + -14.127046585083008 + ], + [ + "\u2581Sharma", + -14.12704849243164 + ], + [ + "einfach", + -14.12705135345459 + ], + [ + "\u2581Antragstellers", + -14.127076148986816 + ], + [ + "\u2581Drehbuch", + -14.127103805541992 + ], + [ + "stufige", + -14.127138137817385 + ], + [ + "\u2581Klinge", + -14.127147674560549 + ], + [ + "\u2581rassembl\u00e9", + -14.12721347808838 + ], + [ + "luxe", + -14.127239227294922 + ], + [ + "\u2581Raumes", + -14.127243041992188 + ], + [ + "\u2581zuzu", + -14.127245903015137 + ], + [ + "\u2581Torah", + -14.127264976501465 + ], + [ + "wandelen", + -14.127275466918944 + ], + [ + "\u2581additionally", + -14.12729835510254 + ], + [ + "\u2581terminata", + -14.127318382263184 + ], + [ + "telegram", + -14.127320289611816 + ], + [ + "arbitr", + -14.127321243286133 + ], + [ + "\u2581scherz", + -14.127326011657717 + ], + [ + "\u2581Cassandra", + -14.127345085144045 + ], + [ + "FINISH", + -14.12736701965332 + ], + [ + "\u2581Matem\u00e1ticos", + -14.127384185791016 + ], + [ + "ETT", + -14.127389907836914 + ], + [ + "\u2581Molo", + -14.127395629882812 + ], + [ + "\u2581Stavanger", + -14.127399444580078 + ], + [ + "\u2581Across", + -14.127406120300291 + ], + [ + "\u2581imperative", + -14.127418518066406 + ], + [ + "\u2581Blanchard", + -14.127427101135254 + ], + [ + "\u2581Bislang", + -14.127458572387695 + ], + [ + "ASN", + -14.12747859954834 + ], + [ + "\u2581Gmina", + -14.127506256103516 + ], + [ + "lasticity", + -14.12758445739746 + ], + [ + "\u2581fragmentation", + -14.127586364746094 + ], + [ + "\u2581Flank", + -14.127588272094728 + ], + [ + "anarchi", + -14.127593040466309 + ], + [ + "\u2581Electrical", + -14.12759494781494 + ], + [ + "uoso", + -14.127595901489258 + ], + [ + "\u2581Feinde", + -14.127601623535156 + ], + [ + "\u2581Avibase", + -14.127603530883787 + ], + [ + "endorff", + -14.127605438232422 + ], + [ + "ibana", + -14.127607345581056 + ], + [ + "ffert", + -14.12763500213623 + ], + [ + "\u2581partindo", + -14.127638816833496 + ], + [ + "\u2581Pfand", + -14.12765884399414 + ], + [ + "ecas", + -14.127659797668455 + ], + [ + "\u2581enviadas", + -14.127660751342772 + ], + [ + "\u2581durar", + -14.127670288085938 + ], + [ + "PROV", + -14.127671241760254 + ], + [ + "\u2581par\u00e1metros", + -14.127673149108888 + ], + [ + "\u2581bourr", + -14.127680778503418 + ], + [ + "Generators", + -14.127694129943848 + ], + [ + "\u2581Claes", + -14.127699851989746 + ], + [ + "taque", + -14.127700805664062 + ], + [ + "\u2581masacre", + -14.127710342407228 + ], + [ + "\u2581nadeel", + -14.12771987915039 + ], + [ + "disambiguation", + -14.127737998962402 + ], + [ + "\u2581generato", + -14.127737998962402 + ], + [ + "\u2581Costanza", + -14.127751350402832 + ], + [ + "lady", + -14.127758979797363 + ], + [ + "zara", + -14.12777042388916 + ], + [ + "\u2581obligada", + -14.127800941467283 + ], + [ + "\u2581jornadas", + -14.127811431884766 + ], + [ + "efficient", + -14.127815246582031 + ], + [ + "\u2581Thornton", + -14.127832412719728 + ], + [ + "Traffic", + -14.127857208251951 + ], + [ + "paden", + -14.127863883972168 + ], + [ + "\u2581clerk", + -14.127878189086914 + ], + [ + "\u2581Oberb\u00fcrgermeist", + -14.127882957458496 + ], + [ + "L\u00e9onard", + -14.127902030944824 + ], + [ + "\u2581Erden", + -14.127902030944824 + ], + [ + "Football", + -14.127914428710938 + ], + [ + "\u2581attento", + -14.127955436706545 + ], + [ + "\u2581iniciaron", + -14.127979278564451 + ], + [ + "Annecy", + -14.127989768981934 + ], + [ + "\u2581procurer", + -14.128005981445312 + ], + [ + "\u2581Reglamento", + -14.128070831298828 + ], + [ + "\u2581Aquarist", + -14.128073692321776 + ], + [ + "Insgesamt", + -14.12809944152832 + ], + [ + "\u2581prevenzione", + -14.128104209899902 + ], + [ + "\u2581Gerol", + -14.128170013427734 + ], + [ + "\u2581reproduzi", + -14.128188133239746 + ], + [ + "ettel", + -14.128192901611328 + ], + [ + "\u2581bek\u00e4mpfen", + -14.128196716308594 + ], + [ + "\u2581allies", + -14.128250122070312 + ], + [ + "pidiendo", + -14.128268241882324 + ], + [ + "\u2581defiende", + -14.128273010253906 + ], + [ + "\u2581percussie", + -14.128273963928224 + ], + [ + "handschrift", + -14.128305435180664 + ], + [ + "\u2581construed", + -14.128340721130373 + ], + [ + "Projekte", + -14.128382682800291 + ], + [ + "\u2581unvereinbar", + -14.128384590148926 + ], + [ + "\u2581Consiste", + -14.128385543823242 + ], + [ + "suchenden", + -14.128387451171877 + ], + [ + "Pflicht", + -14.128403663635254 + ], + [ + "sieger", + -14.128403663635254 + ], + [ + "Pivot", + -14.12840747833252 + ], + [ + "\u2581Vini", + -14.12842845916748 + ], + [ + "\u2581Werkst\u00e4tten", + -14.128433227539062 + ], + [ + "bestrijding", + -14.128439903259276 + ], + [ + "tr\u00e4gt", + -14.128439903259276 + ], + [ + "specifier", + -14.128484725952148 + ], + [ + "\u2581Einzelhandels", + -14.12851333618164 + ], + [ + "\u2581Baill", + -14.128546714782717 + ], + [ + "\u2581Muri", + -14.128565788269045 + ], + [ + "\u2581typesoort", + -14.128623962402344 + ], + [ + "\u2581chutes", + -14.128643035888672 + ], + [ + "OSC", + -14.12865161895752 + ], + [ + "\u2581Panik", + -14.128669738769531 + ], + [ + "Plage", + -14.128694534301758 + ], + [ + "\u2581angewandten", + -14.128698348999023 + ], + [ + "\u2581automatici", + -14.128791809082031 + ], + [ + "\u2581barok", + -14.128809928894045 + ], + [ + "utopia", + -14.128823280334473 + ], + [ + "\u2581critiqu\u00e9", + -14.128828048706056 + ], + [ + "forwarding", + -14.128838539123535 + ], + [ + "horizont", + -14.128838539123535 + ], + [ + "Apache", + -14.128881454467772 + ], + [ + "\u2581Pound", + -14.128931045532228 + ], + [ + "ayana", + -14.128960609436035 + ], + [ + "\u2581Benehmen", + -14.128979682922363 + ], + [ + "jP", + -14.129030227661133 + ], + [ + "\u2581basura", + -14.129035949707031 + ], + [ + "\u2581aut\u00f3cton", + -14.129042625427246 + ], + [ + "\u2581Homonymie", + -14.12904453277588 + ], + [ + "ellipsis", + -14.12905502319336 + ], + [ + "voltage", + -14.129074096679688 + ], + [ + "\u2581wereldrecord", + -14.129077911376951 + ], + [ + "\u2581erstellten", + -14.129095077514648 + ], + [ + "\u2581derrumb", + -14.129125595092772 + ], + [ + "betrages", + -14.12913990020752 + ], + [ + "\u2581listagem", + -14.129152297973633 + ], + [ + "strconv", + -14.129155158996582 + ], + [ + "instituten", + -14.129156112670898 + ], + [ + "\u2581Godric", + -14.129164695739746 + ], + [ + "\u2581activism", + -14.12918186187744 + ], + [ + "\u2581favoreci", + -14.129188537597656 + ], + [ + "\u2581Oberhausen", + -14.129215240478516 + ], + [ + "Juventus", + -14.129216194152832 + ], + [ + "shalb", + -14.129233360290527 + ], + [ + "\u2581Missbrauchs", + -14.129236221313477 + ], + [ + "\u2581Unterhaltungs", + -14.129264831542969 + ], + [ + "novela", + -14.129267692565918 + ], + [ + "thru", + -14.12927532196045 + ], + [ + "\u2581Kuk", + -14.129279136657717 + ], + [ + "\u2581eficientes", + -14.129323959350586 + ], + [ + "\u2581Labs", + -14.12933349609375 + ], + [ + "accepted", + -14.129392623901367 + ], + [ + "\u2581parenth", + -14.129399299621582 + ], + [ + "\u2581Techniques", + -14.12940502166748 + ], + [ + "\u2581contacted", + -14.129413604736328 + ], + [ + "\u2581disparue", + -14.129423141479492 + ], + [ + "\u2581Universum", + -14.129429817199709 + ], + [ + "Belle", + -14.129507064819336 + ], + [ + "\u2581appres", + -14.129510879516602 + ], + [ + "\u2581comandado", + -14.129528045654297 + ], + [ + "spiring", + -14.129539489746094 + ], + [ + "\u2581introductory", + -14.129591941833496 + ], + [ + "\u2581belandde", + -14.129611015319824 + ], + [ + "ducono", + -14.12961196899414 + ], + [ + "j\u00e1n", + -14.129619598388672 + ], + [ + "\u2581roue", + -14.129623413085938 + ], + [ + "\u2581Palatin", + -14.12962532043457 + ], + [ + "alin\u00e9a", + -14.129629135131836 + ], + [ + "foobar", + -14.129631042480469 + ], + [ + "\u2581ausmacht", + -14.129640579223633 + ], + [ + "omm\u00e9", + -14.129652976989746 + ], + [ + "\u2581maires", + -14.129653930664062 + ], + [ + "\u2581Bets", + -14.12967586517334 + ], + [ + "vout", + -14.12970733642578 + ], + [ + "\u2581Stralsund", + -14.12970733642578 + ], + [ + "\u2581Vermutlich", + -14.12970733642578 + ], + [ + "\u2581scienziato", + -14.12970733642578 + ], + [ + "RateLimit", + -14.129728317260742 + ], + [ + "\u2581Poitou", + -14.129732131958008 + ], + [ + "urldate", + -14.129780769348145 + ], + [ + "\u2581parentheses", + -14.12979221343994 + ], + [ + "\u2581R\u00fcckseite", + -14.129801750183104 + ], + [ + "\u2581d\u00e9sactiv", + -14.129801750183104 + ], + [ + "uellement", + -14.129817008972168 + ], + [ + "cenarioschrijver", + -14.129854202270508 + ], + [ + "lichaam", + -14.129860877990724 + ], + [ + "\u2581Eder", + -14.129870414733888 + ], + [ + "klom", + -14.1298828125 + ], + [ + "voraussetzung", + -14.12988567352295 + ], + [ + "\u2581sclero", + -14.129889488220217 + ], + [ + "videmment", + -14.129890441894531 + ], + [ + "iventris", + -14.129927635192873 + ], + [ + "caglia", + -14.12993049621582 + ], + [ + "\u2581Syndrome", + -14.129949569702148 + ], + [ + "\u2581mostraron", + -14.12995719909668 + ], + [ + "\u2581sarc", + -14.129981994628906 + ], + [ + "sideravelmente", + -14.129986763000488 + ], + [ + "\u2581beoordelings", + -14.13003921508789 + ], + [ + "\u2581hernoemd", + -14.13003921508789 + ], + [ + "\u2581profvoetballer", + -14.130043029785156 + ], + [ + "\u2581intracellular", + -14.130051612854004 + ], + [ + "\u2581constructive", + -14.130064964294434 + ], + [ + "\u2581subordinado", + -14.130080223083496 + ], + [ + "monia", + -14.130088806152344 + ], + [ + "\u2581semplicit\u00e0", + -14.130096435546877 + ], + [ + "celera", + -14.130119323730469 + ], + [ + "Parijs", + -14.130128860473633 + ], + [ + "jaba", + -14.130128860473633 + ], + [ + "fortunatamente", + -14.130139350891112 + ], + [ + "\u2581sentada", + -14.13014316558838 + ], + [ + "\u2581rispettat", + -14.130145072937012 + ], + [ + "LIO", + -14.13023567199707 + ], + [ + "\u2581Pubblic", + -14.130253791809082 + ], + [ + "gout", + -14.130291938781738 + ], + [ + "embert", + -14.130311965942385 + ], + [ + "\u2581Seletor", + -14.130338668823242 + ], + [ + "\u2581Relat", + -14.130366325378418 + ], + [ + "\u2581Fertigkeiten", + -14.130372047424316 + ], + [ + "\u2581Entrambe", + -14.130373001098633 + ], + [ + "\u2581Tutta", + -14.130422592163086 + ], + [ + "\u2581Nave", + -14.130438804626465 + ], + [ + "quill", + -14.130512237548828 + ], + [ + "\u2581Interaktions", + -14.130520820617676 + ], + [ + "\u2581bloqu\u00e9", + -14.13052463531494 + ], + [ + "\u2581asedio", + -14.130528450012209 + ], + [ + "\u2581Bienal", + -14.130548477172852 + ], + [ + "\u2581rotonda", + -14.130550384521484 + ], + [ + "\u2581umili", + -14.1305513381958 + ], + [ + "\u2581Ecken", + -14.130556106567385 + ], + [ + "sufficient", + -14.130575180053713 + ], + [ + "\u2581m\u00ednimos", + -14.130595207214355 + ], + [ + "\u2581Celso", + -14.130596160888672 + ], + [ + "\u2581Coda", + -14.130597114562988 + ], + [ + "IMM", + -14.130602836608888 + ], + [ + "\u2581Phono", + -14.13061237335205 + ], + [ + "bibliotheek", + -14.130626678466797 + ], + [ + "cch\u00e9", + -14.1306734085083 + ], + [ + "\u2581Beaver", + -14.130674362182615 + ], + [ + "chondri", + -14.130678176879885 + ], + [ + "\u2581Cient\u00edfico", + -14.130703926086426 + ], + [ + "\u2581scrupol", + -14.130706787109377 + ], + [ + "migrant", + -14.130714416503906 + ], + [ + "\u2581paisajes", + -14.130784034729004 + ], + [ + "activa", + -14.130799293518066 + ], + [ + "\u2581tenete", + -14.130823135375977 + ], + [ + "\u2581Wertpapiere", + -14.13082504272461 + ], + [ + "\u2581funcion\u00e1rio", + -14.130828857421877 + ], + [ + "\u2581explicando", + -14.130834579467772 + ], + [ + "ualifier", + -14.130845069885254 + ], + [ + "zyklische", + -14.130859375 + ], + [ + "\u2581CICA", + -14.130898475646973 + ], + [ + "\u2581Gesetzbuchs", + -14.130919456481934 + ], + [ + "ificata", + -14.131014823913574 + ], + [ + "solubil", + -14.131028175354004 + ], + [ + "anxi", + -14.13102912902832 + ], + [ + "\u2581bleeding", + -14.131038665771484 + ], + [ + "dEnterBackground", + -14.131041526794434 + ], + [ + "\u2581tenac", + -14.131051063537598 + ], + [ + "\u2581l\u00f3gicas", + -14.13105583190918 + ], + [ + "\u2581Sp\u00fcl", + -14.131073951721191 + ], + [ + "\u2581Bentley", + -14.13110637664795 + ], + [ + "\u2581vondsten", + -14.131179809570312 + ], + [ + "\u2581rebond", + -14.131199836730955 + ], + [ + "ENSOR", + -14.131200790405272 + ], + [ + "onato", + -14.13122272491455 + ], + [ + "\u2581Kell", + -14.131264686584473 + ], + [ + "\u2581misericordia", + -14.131317138671877 + ], + [ + "\u2581grammatical", + -14.131327629089355 + ], + [ + "\u2581simpatic", + -14.13133144378662 + ], + [ + "tins", + -14.13134479522705 + ], + [ + "constrained", + -14.131351470947266 + ], + [ + "presentatrice", + -14.131355285644531 + ], + [ + "posterior", + -14.131366729736328 + ], + [ + "\u2581Apoptose", + -14.131370544433594 + ], + [ + "\u2581giuridico", + -14.131397247314451 + ], + [ + "\u2581soledad", + -14.1314697265625 + ], + [ + "simov", + -14.13149356842041 + ], + [ + "\u2581colpiti", + -14.131542205810549 + ], + [ + "Minor", + -14.131552696228027 + ], + [ + "\u2581Estudo", + -14.131559371948242 + ], + [ + "rocket", + -14.131583213806152 + ], + [ + "oscopic", + -14.131592750549316 + ], + [ + "\u2581wijzigen", + -14.13170337677002 + ], + [ + "\u2581escravid", + -14.131714820861816 + ], + [ + "\u2581Valkenburg", + -14.131715774536133 + ], + [ + "yaw", + -14.131717681884766 + ], + [ + "\u2581S\u00fcddeutschland", + -14.131719589233398 + ], + [ + "\u2581prone", + -14.131719589233398 + ], + [ + "appellent", + -14.131723403930664 + ], + [ + "\u2581collabore", + -14.131747245788574 + ], + [ + "\u2581filtros", + -14.131752014160156 + ], + [ + "\u2581Mercure", + -14.131762504577637 + ], + [ + "\u2581heal", + -14.13177490234375 + ], + [ + "incarnation", + -14.13178825378418 + ], + [ + "\u2581hypertension", + -14.131793975830078 + ], + [ + "\u2581dictate", + -14.131811141967772 + ], + [ + "\u2581Wanna", + -14.131850242614746 + ], + [ + "\u2581solides", + -14.131893157958984 + ], + [ + "\u2581decerto", + -14.131896018981934 + ], + [ + "berlebens", + -14.131933212280272 + ], + [ + "\u2581Examen", + -14.13198184967041 + ], + [ + "\u2581tabo", + -14.132014274597168 + ], + [ + "\u2581Berthe", + -14.132030487060549 + ], + [ + "\u2581Beg\u00fcnstigung", + -14.132036209106444 + ], + [ + "\u2581rom\u00e1ntico", + -14.132036209106444 + ], + [ + "CATALINA", + -14.132037162780762 + ], + [ + "Grenadier", + -14.132037162780762 + ], + [ + "\u2581bas\u00edlica", + -14.13204574584961 + ], + [ + "\u2581Mysteri", + -14.132049560546877 + ], + [ + "\u2581Chara", + -14.132068634033203 + ], + [ + "\u2581sonhando", + -14.132068634033203 + ], + [ + "\u2581Contreras", + -14.13206958770752 + ], + [ + "Consolida", + -14.132071495056152 + ], + [ + "\u2581rasa", + -14.132102966308594 + ], + [ + "missbrauch", + -14.132122993469238 + ], + [ + "\u2581di\u00e1rios", + -14.132132530212402 + ], + [ + "\u2581Federatie", + -14.13216495513916 + ], + [ + "ratus", + -14.132176399230955 + ], + [ + "\u2581divulg", + -14.132196426391602 + ], + [ + "\u2581landschappen", + -14.132206916809082 + ], + [ + "urious", + -14.132244110107422 + ], + [ + "\u2581vertikale", + -14.132253646850586 + ], + [ + "\u2581Kyu", + -14.132291793823242 + ], + [ + "ungsordnung", + -14.132296562194824 + ], + [ + "vatten", + -14.132314682006836 + ], + [ + "\u2581debiti", + -14.132354736328123 + ], + [ + "krediet", + -14.132383346557615 + ], + [ + "\u2581Mizu", + -14.1323881149292 + ], + [ + "\u2581m\u00e9dailles", + -14.132433891296388 + ], + [ + "\u2581witnessed", + -14.132442474365234 + ], + [ + "\u2581Leih", + -14.13245964050293 + ], + [ + "\u2581Verkehrsmitteln", + -14.132494926452637 + ], + [ + "ribos", + -14.13253402709961 + ], + [ + "inqui\u00e9tude", + -14.132535934448242 + ], + [ + "ousso", + -14.132546424865724 + ], + [ + "\u00e4cker", + -14.132546424865724 + ], + [ + "\u2581contrataci\u00f3n", + -14.132553100585938 + ], + [ + "\u2581h\u00edbrido", + -14.132572174072266 + ], + [ + "quorum", + -14.132574081420898 + ], + [ + "Footnote", + -14.13257884979248 + ], + [ + "vaglia", + -14.132654190063477 + ], + [ + "\u2581Contribute", + -14.132676124572754 + ], + [ + "uilen", + -14.132699966430664 + ], + [ + "\u2581d\u00e9pourvu", + -14.132701873779297 + ], + [ + "\u2581Hobby", + -14.132713317871094 + ], + [ + "\u2581pianificazione", + -14.13272476196289 + ], + [ + "\u2581Byzan", + -14.132731437683104 + ], + [ + "\u2581pesadas", + -14.132736206054688 + ], + [ + "mpfe", + -14.13275909423828 + ], + [ + "\u2581parentes", + -14.132810592651367 + ], + [ + "\u2581rigorosamente", + -14.132821083068848 + ], + [ + "netics", + -14.1328706741333 + ], + [ + "disputed", + -14.132926940917969 + ], + [ + "temporel", + -14.132978439331056 + ], + [ + "\u2581raccomandat", + -14.133007049560549 + ], + [ + "\u2581colma", + -14.133018493652344 + ], + [ + "subscript", + -14.13302516937256 + ], + [ + "\u2581combattants", + -14.13303279876709 + ], + [ + "\u2581Bloque", + -14.133044242858888 + ], + [ + "\u2581auszu\u00fcben", + -14.133045196533203 + ], + [ + "Dios", + -14.133049011230469 + ], + [ + "ARK", + -14.13309097290039 + ], + [ + "\u2581simplifier", + -14.133094787597656 + ], + [ + "extrem", + -14.133119583129885 + ], + [ + "hacha", + -14.133149147033691 + ], + [ + "\u2581Oreste", + -14.133172035217283 + ], + [ + "Fahrtzeit", + -14.133173942565918 + ], + [ + "\u2581Paulina", + -14.133190155029297 + ], + [ + "\u2581probabilidades", + -14.133206367492676 + ], + [ + "\u2581etablierten", + -14.13321018218994 + ], + [ + "m\u00e9nager", + -14.13321590423584 + ], + [ + "\u2581chap\u00e9u", + -14.133216857910156 + ], + [ + "fullscreen", + -14.133231163024902 + ], + [ + "compilation", + -14.133260726928713 + ], + [ + "geblieben", + -14.13326358795166 + ], + [ + "\u2581penetrar", + -14.13328456878662 + ], + [ + "galactic", + -14.13328742980957 + ], + [ + "\u2581Teachers", + -14.13330078125 + ], + [ + "\u2581Boyer", + -14.133323669433594 + ], + [ + "uer\u00e9taro", + -14.13336944580078 + ], + [ + "\u2581Stadtrat", + -14.133378982543944 + ], + [ + "\u2581Geldw\u00e4sche", + -14.13338851928711 + ], + [ + "onius", + -14.133408546447754 + ], + [ + "\u2581verstaan", + -14.133411407470703 + ], + [ + "kredite", + -14.13341999053955 + ], + [ + "\u2581Raleigh", + -14.13341999053955 + ], + [ + "\u2581intervenut", + -14.1334228515625 + ], + [ + "\u2581Prendere", + -14.133441925048828 + ], + [ + "\u2581biblic", + -14.133441925048828 + ], + [ + "Hippolyte", + -14.13347053527832 + ], + [ + "\u2581Grillo", + -14.13347625732422 + ], + [ + "\u2581potentiell", + -14.133512496948242 + ], + [ + "\u2581dixi", + -14.133516311645508 + ], + [ + "\u2581abdica", + -14.13351821899414 + ], + [ + "Olivier", + -14.133522033691406 + ], + [ + "\u2581Byzantijnse", + -14.133527755737305 + ], + [ + "\u2581Algoritmo", + -14.133540153503418 + ], + [ + "\u2581Bana", + -14.13357162475586 + ], + [ + "\u2581denominadas", + -14.133581161499023 + ], + [ + "\u2581Tourne", + -14.133584976196287 + ], + [ + "\u2581potenzielle", + -14.133601188659668 + ], + [ + "\u2581Naj", + -14.1336030960083 + ], + [ + "\u2581gemaakte", + -14.13364601135254 + ], + [ + "\u2581Kraftwerks", + -14.133651733398438 + ], + [ + "Wehr", + -14.133658409118652 + ], + [ + "\u2581Abonne", + -14.133682250976562 + ], + [ + "\u2581zacht", + -14.13368320465088 + ], + [ + "adeiro", + -14.133831024169922 + ], + [ + "b\u00fcros", + -14.133832931518556 + ], + [ + "pech", + -14.1338529586792 + ], + [ + "vagar", + -14.13385772705078 + ], + [ + "Feder", + -14.133870124816896 + ], + [ + "ahari", + -14.133872032165527 + ], + [ + "playground", + -14.133878707885742 + ], + [ + "flattened", + -14.133891105651855 + ], + [ + "\u2581vari\u00e9s", + -14.133912086486816 + ], + [ + "\u2581Boeren", + -14.133919715881348 + ], + [ + "\u2581Membres", + -14.133930206298828 + ], + [ + "\u2581apontado", + -14.13394546508789 + ], + [ + "avanc", + -14.133951187133787 + ], + [ + "yasu", + -14.133975982666016 + ], + [ + "\u2581Masson", + -14.133989334106444 + ], + [ + "ibilmente", + -14.133993148803713 + ], + [ + "jante", + -14.13403606414795 + ], + [ + "\u2581Dirichlet", + -14.13403606414795 + ], + [ + "Arithmetic", + -14.134037017822266 + ], + [ + "\u2581Viktoria", + -14.134069442749023 + ], + [ + "\u2581reconocimientos", + -14.134087562561035 + ], + [ + "\u2581K\u00fcr", + -14.134093284606934 + ], + [ + "ualit\u00e0", + -14.134108543395996 + ], + [ + "\u2581choisis", + -14.134137153625488 + ], + [ + "\u2581sunlight", + -14.13417911529541 + ], + [ + "SLU", + -14.134184837341309 + ], + [ + "ungsrecht", + -14.134194374084473 + ], + [ + "knap", + -14.134217262268066 + ], + [ + "ttare", + -14.13424015045166 + ], + [ + "\u2581osservat", + -14.134242057800291 + ], + [ + "abine", + -14.134247779846191 + ], + [ + "\u2581neutrons", + -14.13425350189209 + ], + [ + "\u2581Garrison", + -14.134269714355469 + ], + [ + "\u2581Barrow", + -14.134278297424316 + ], + [ + "\u2581Dom\u00e4nen", + -14.134282112121582 + ], + [ + "\u2581geschm", + -14.134282112121582 + ], + [ + "\u2581Lettera", + -14.134285926818848 + ], + [ + "statut", + -14.134318351745604 + ], + [ + "\u2581tropischen", + -14.134364128112791 + ], + [ + "\u2581fabrieks", + -14.134369850158691 + ], + [ + "\u2581sommit\u00e0", + -14.134370803833008 + ], + [ + "\u2581Ansprechpartner", + -14.134387969970703 + ], + [ + "tagName", + -14.13442611694336 + ], + [ + "\u2581Hav", + -14.13443660736084 + ], + [ + "\u2581employing", + -14.134467124938965 + ], + [ + "\u2581Ayu", + -14.134490966796877 + ], + [ + "kbaar", + -14.13464069366455 + ], + [ + "ettori", + -14.134652137756348 + ], + [ + "\u2581actualizaci\u00f3n", + -14.134654998779297 + ], + [ + "granate", + -14.13465690612793 + ], + [ + "uercus", + -14.13465690612793 + ], + [ + "\u00e9rable", + -14.13469123840332 + ], + [ + "\u2581pellegrini", + -14.134695053100586 + ], + [ + "\u2581benen", + -14.134699821472168 + ], + [ + "\u2581geschonken", + -14.134703636169434 + ], + [ + "\u2581volentieri", + -14.13470458984375 + ], + [ + "\u2581Provincie", + -14.134719848632812 + ], + [ + "uartel", + -14.134723663330078 + ], + [ + "Th\u00e9", + -14.134767532348633 + ], + [ + "\u2581Irwin", + -14.134811401367188 + ], + [ + "\u2581andauernde", + -14.134904861450195 + ], + [ + "Manchester", + -14.13491439819336 + ], + [ + "\u2581aparatos", + -14.134937286376951 + ], + [ + "apote", + -14.134982109069824 + ], + [ + "magick", + -14.13498592376709 + ], + [ + "\u2581Huck", + -14.135004043579102 + ], + [ + "\u2581achieves", + -14.13501262664795 + ], + [ + "\u2581impulsar", + -14.135015487670898 + ], + [ + "\u2581pubblicamente", + -14.135027885437012 + ], + [ + "BASEDIR", + -14.135052680969238 + ], + [ + "\u2581numpages", + -14.135058403015137 + ], + [ + "\u2581Browning", + -14.13507080078125 + ], + [ + "\u2581Maldive", + -14.135083198547363 + ], + [ + "\u2581asesinar", + -14.135086059570312 + ], + [ + "fektion", + -14.135127067565918 + ], + [ + "raine", + -14.135172843933104 + ], + [ + "\u2581protects", + -14.135189056396484 + ], + [ + "\u2581Fayard", + -14.13520336151123 + ], + [ + "\u2581autorizada", + -14.135207176208496 + ], + [ + "\u2581Producteur", + -14.135220527648926 + ], + [ + "\u2581problem\u00e1tica", + -14.135223388671877 + ], + [ + "overdracht", + -14.135255813598633 + ], + [ + "\u2581stip", + -14.135272979736328 + ], + [ + "\u2581Parametern", + -14.135334014892578 + ], + [ + "\u2581stadhuis", + -14.135334968566896 + ], + [ + "\u2581Wuhan", + -14.135339736938477 + ], + [ + "favorite", + -14.135351181030272 + ], + [ + "lzerne", + -14.135354042053224 + ], + [ + "\u2581conceal", + -14.135358810424805 + ], + [ + "\u2581consiguieron", + -14.135372161865234 + ], + [ + "\u2581poliziotto", + -14.1353759765625 + ], + [ + "\u2581gekr", + -14.135398864746094 + ], + [ + "\u2581praised", + -14.135419845581056 + ], + [ + "\u2581viaduct", + -14.135445594787598 + ], + [ + "\u2581cordas", + -14.135461807250977 + ], + [ + "Addon", + -14.135517120361328 + ], + [ + "\u2581Durango", + -14.135522842407228 + ], + [ + "\u2581Angra", + -14.135528564453123 + ], + [ + "\u2581Lumb", + -14.135530471801758 + ], + [ + "\u2581Louv", + -14.13553237915039 + ], + [ + "\u2581conclu\u00edda", + -14.13554859161377 + ], + [ + "expulsion", + -14.135586738586426 + ], + [ + "statue", + -14.135607719421388 + ], + [ + "\u2581doppelten", + -14.13561725616455 + ], + [ + "\u2581christenen", + -14.13568878173828 + ], + [ + "amura", + -14.135705947875977 + ], + [ + "einstellungen", + -14.135705947875977 + ], + [ + "\u2581brigadier", + -14.135708808898926 + ], + [ + "\u2581underwent", + -14.135709762573242 + ], + [ + "\u2581bolsas", + -14.135740280151367 + ], + [ + "\u2581Outlook", + -14.135743141174316 + ], + [ + "\u2581pollic", + -14.135747909545898 + ], + [ + "\u2581Oasis", + -14.13579273223877 + ], + [ + "beja", + -14.135819435119627 + ], + [ + "\u2581bride", + -14.13582992553711 + ], + [ + "\u2581T\u00f3", + -14.13584327697754 + ], + [ + "\u2581clearance", + -14.135854721069336 + ], + [ + "\u2581tartaruga", + -14.135854721069336 + ], + [ + "\u2581bewaren", + -14.135889053344728 + ], + [ + "\u2581likewise", + -14.13591194152832 + ], + [ + "\u2581s\u00edntesis", + -14.135923385620115 + ], + [ + "riep", + -14.13593864440918 + ], + [ + "\u2581Kek", + -14.135956764221191 + ], + [ + "\u2581basses", + -14.135974884033203 + ], + [ + "appendice", + -14.135979652404783 + ], + [ + "\u2581Caccia", + -14.136026382446287 + ], + [ + "bacteria", + -14.136030197143556 + ], + [ + "\u2581proyecci\u00f3n", + -14.136040687561035 + ], + [ + "\u2581realise", + -14.1360445022583 + ], + [ + "ttliche", + -14.136052131652832 + ], + [ + "\u2581condemned", + -14.136061668395996 + ], + [ + "ckett", + -14.136080741882324 + ], + [ + "\u2581Fev", + -14.136082649230955 + ], + [ + "\u2581Algorithms", + -14.136114120483398 + ], + [ + "ocene", + -14.13611888885498 + ], + [ + "\u2581beg\u00fcnstigen", + -14.13611888885498 + ], + [ + "\u2581Manifesto", + -14.13613224029541 + ], + [ + "\u2581camper", + -14.13613224029541 + ], + [ + "cfc", + -14.136149406433104 + ], + [ + "cgColor", + -14.136165618896484 + ], + [ + "\u2581produc\u00eda", + -14.136171340942385 + ], + [ + "\u2581bemerken", + -14.136270523071287 + ], + [ + "\u2581enfermos", + -14.136308670043944 + ], + [ + "\u2581Berta", + -14.136335372924805 + ], + [ + "uffer", + -14.136341094970703 + ], + [ + "\u2581bris\u00e9", + -14.136353492736816 + ], + [ + "\u2581defensie", + -14.136354446411133 + ], + [ + "\u2581grav\u00e9", + -14.136356353759766 + ], + [ + "\u2581possedere", + -14.136360168457031 + ], + [ + "minuten", + -14.136372566223145 + ], + [ + "Montparnasse", + -14.136375427246094 + ], + [ + "\u2581pattuglia", + -14.136375427246094 + ], + [ + "\u2581interessata", + -14.13637924194336 + ], + [ + "\u2581Capitaine", + -14.136394500732422 + ], + [ + "ventricular", + -14.136398315429688 + ], + [ + "\u2581inerte", + -14.136404037475586 + ], + [ + "auflage", + -14.136425018310549 + ], + [ + "rderma", + -14.136427879333496 + ], + [ + "\u2581sonoras", + -14.136441230773926 + ], + [ + "\u2581Inspektion", + -14.136474609375 + ], + [ + "opClass", + -14.13648796081543 + ], + [ + "zelo", + -14.136500358581545 + ], + [ + "GRANT", + -14.136516571044922 + ], + [ + "\u2581Briefwechsel", + -14.136517524719238 + ], + [ + "\u2581Konsultation", + -14.136552810668944 + ], + [ + "Miglior", + -14.136576652526855 + ], + [ + "\u2581cierra", + -14.136615753173828 + ], + [ + "t\u00e4gige", + -14.136627197265623 + ], + [ + "departamento", + -14.13662815093994 + ], + [ + "\u2581vendica", + -14.136683464050291 + ], + [ + "\u2581sospechoso", + -14.136709213256836 + ], + [ + "\u2581acced", + -14.136775970458984 + ], + [ + "\u2581Arsen", + -14.136781692504885 + ], + [ + "\u2581Simeon", + -14.13680934906006 + ], + [ + "psyche", + -14.136811256408691 + ], + [ + "\u2581Missionar", + -14.136815071105955 + ], + [ + "\u2581Woud", + -14.136886596679688 + ], + [ + "\u2581kultureller", + -14.136913299560549 + ], + [ + "EDUC", + -14.13692855834961 + ], + [ + "\u2581Herk", + -14.136933326721191 + ], + [ + "\u2581ongelijk", + -14.136948585510254 + ], + [ + "\u2581Applying", + -14.136962890625 + ], + [ + "\u2581Marini", + -14.13696575164795 + ], + [ + "\u2581Lavr", + -14.136968612670898 + ], + [ + "\u2581soffi", + -14.137009620666504 + ], + [ + "\u2581afuera", + -14.137022972106934 + ], + [ + "\u2581Ignati", + -14.137038230895996 + ], + [ + "\u2581Dizionario", + -14.137045860290527 + ], + [ + "AIA", + -14.13706874847412 + ], + [ + "\u2581Strafen", + -14.137084007263184 + ], + [ + "LOGFILE", + -14.137086868286133 + ], + [ + "Peek", + -14.137090682983398 + ], + [ + "\u2581nicely", + -14.137097358703612 + ], + [ + "\u2581Dargestellt", + -14.13710117340088 + ], + [ + "accettazione", + -14.137113571166992 + ], + [ + "\u2581fehlte", + -14.137115478515623 + ], + [ + "\u2581vagamente", + -14.137115478515623 + ], + [ + "\u2581derrotada", + -14.13713836669922 + ], + [ + "\u2581Ferne", + -14.137147903442385 + ], + [ + "\u2581indiquent", + -14.137151718139648 + ], + [ + "accumulator", + -14.137171745300291 + ], + [ + "erving", + -14.137199401855469 + ], + [ + "BasePath", + -14.137235641479492 + ], + [ + "Rap", + -14.137249946594238 + ], + [ + "\u2581biologisch", + -14.137298583984377 + ], + [ + "\u2581behaves", + -14.13730239868164 + ], + [ + "\u2581schwedische", + -14.13733959197998 + ], + [ + "lecta", + -14.137344360351562 + ], + [ + "\u2581Siendo", + -14.137359619140623 + ], + [ + "\u2581contabilidad", + -14.137375831604004 + ], + [ + "\u2581M\u00e9x", + -14.137385368347168 + ], + [ + "onnx", + -14.13739013671875 + ], + [ + "\u2581mutamento", + -14.137398719787598 + ], + [ + "\u2581respect\u00e9", + -14.13740062713623 + ], + [ + "\u2581rigueur", + -14.137413024902344 + ], + [ + "\u2581verwachten", + -14.13742446899414 + ], + [ + "FAMIL", + -14.137429237365724 + ], + [ + "DUR", + -14.137476921081545 + ], + [ + "\u2581realiseren", + -14.137503623962402 + ], + [ + "\u2581Bronz", + -14.137527465820312 + ], + [ + "\u2581peninsular", + -14.137530326843262 + ], + [ + "\u2581technically", + -14.137530326843262 + ], + [ + "\u2581refugees", + -14.13755989074707 + ], + [ + "\u2581angeht", + -14.13756275177002 + ], + [ + "orari", + -14.137578010559082 + ], + [ + "\u2581breites", + -14.137580871582031 + ], + [ + "\u2581franquia", + -14.137591361999512 + ], + [ + "\u2581woonplaats", + -14.137598037719728 + ], + [ + "flossen", + -14.137632369995115 + ], + [ + "unterrichts", + -14.137673377990724 + ], + [ + "\u2581Abramo", + -14.137673377990724 + ], + [ + "ewitz", + -14.13771629333496 + ], + [ + "adri", + -14.137739181518556 + ], + [ + "\u2581infec", + -14.137742042541504 + ], + [ + "Juni", + -14.137751579284668 + ], + [ + "\u2581perfekte", + -14.1377592086792 + ], + [ + "\u2581entlastet", + -14.13776969909668 + ], + [ + "\u2581steckte", + -14.137771606445312 + ], + [ + "\u2581menschlicher", + -14.137776374816896 + ], + [ + "toplevel", + -14.137789726257324 + ], + [ + "fredo", + -14.137859344482422 + ], + [ + "\u2581scalp", + -14.137864112854004 + ], + [ + "\u2581interlocutor", + -14.137876510620115 + ], + [ + "\u2581inzake", + -14.137892723083496 + ], + [ + "hamn", + -14.137898445129396 + ], + [ + "\u2581psicolog", + -14.13790225982666 + ], + [ + "\u2581spinning", + -14.137904167175291 + ], + [ + "\u2581sa\u00ed", + -14.137957572937012 + ], + [ + "quecido", + -14.13796329498291 + ], + [ + "viii", + -14.137985229492188 + ], + [ + "\u2581Gerichtshofs", + -14.137995719909668 + ], + [ + "\u2581escrit\u00f3rios", + -14.138033866882324 + ], + [ + "\u2581Chantal", + -14.138047218322754 + ], + [ + "\u2581regulaci\u00f3n", + -14.138050079345703 + ], + [ + "tatusNotModified", + -14.138052940368652 + ], + [ + "\u2581Gefahrenabwehr", + -14.138053894042969 + ], + [ + "\u00e9zi", + -14.138062477111816 + ], + [ + "\u2581Gier", + -14.138062477111816 + ], + [ + "\u2581LibreOffice", + -14.138062477111816 + ], + [ + "Enhance", + -14.138097763061523 + ], + [ + "Artois", + -14.138134956359863 + ], + [ + "BON", + -14.138141632080078 + ], + [ + "\u2581Demetrio", + -14.138154983520508 + ], + [ + "\u2581r\u00e9mun\u00e9ration", + -14.13817024230957 + ], + [ + "rigue", + -14.138195037841797 + ], + [ + "\u2581chromati", + -14.138209342956545 + ], + [ + "\u2581Fede", + -14.13821506500244 + ], + [ + "\u2581ecologic", + -14.138224601745604 + ], + [ + "\u2581Tart", + -14.138226509094238 + ], + [ + "\u2581monotone", + -14.138248443603516 + ], + [ + "acorn", + -14.13827896118164 + ], + [ + "\u2581Oku", + -14.138279914855955 + ], + [ + "elette", + -14.138291358947754 + ], + [ + "l\u00ednea", + -14.138303756713867 + ], + [ + "zinger", + -14.138307571411133 + ], + [ + "\u2581penalties", + -14.138347625732422 + ], + [ + "\u2581Crook", + -14.138348579406738 + ], + [ + "\u2581usanze", + -14.138358116149902 + ], + [ + "\u2581Serafin", + -14.138381958007812 + ], + [ + "\u2581unglaublich", + -14.138384819030762 + ], + [ + "Acoustic", + -14.138385772705078 + ], + [ + "DAD", + -14.13840103149414 + ], + [ + "\u2581boerderijen", + -14.138401985168455 + ], + [ + "\u2581delegaci\u00f3n", + -14.138408660888672 + ], + [ + "\u2581Marrakech", + -14.13841724395752 + ], + [ + "\u2581beschaffen", + -14.13843822479248 + ], + [ + "\u2581Timur", + -14.138483047485352 + ], + [ + "\u2581apresur", + -14.138495445251465 + ], + [ + "gekeken", + -14.138508796691896 + ], + [ + "\u2581adjusting", + -14.138540267944336 + ], + [ + "\u2581taxation", + -14.138591766357422 + ], + [ + "huber", + -14.13859748840332 + ], + [ + "\u2581Lanza", + -14.13860034942627 + ], + [ + "\u2581tijdje", + -14.138667106628418 + ], + [ + "l\u00e4d", + -14.138699531555176 + ], + [ + "\u2581pratiqu\u00e9", + -14.138699531555176 + ], + [ + "ualidad", + -14.138702392578123 + ], + [ + "\u2581recebida", + -14.138715744018556 + ], + [ + "\u2581australis", + -14.138717651367188 + ], + [ + "Neuroptera", + -14.138720512390137 + ], + [ + "coherent", + -14.138723373413086 + ], + [ + "\u2581pr\u00e9cieuse", + -14.138729095458984 + ], + [ + "\u2581indigna", + -14.1387300491333 + ], + [ + "\u2581proviennent", + -14.13877773284912 + ], + [ + "\u2581Igualmente", + -14.138823509216309 + ], + [ + "\u2581Annan", + -14.138838768005373 + ], + [ + "\u2581geschuldet", + -14.138879776000977 + ], + [ + "\u2581Gatti", + -14.138894081115724 + ], + [ + "berstand", + -14.13889980316162 + ], + [ + "\u2581reciproca", + -14.138916969299316 + ], + [ + "\u2581L\u00fcd", + -14.138917922973633 + ], + [ + "focado", + -14.138955116271973 + ], + [ + "\u2581Cervi", + -14.138958930969238 + ], + [ + "\u2581communisme", + -14.13900661468506 + ], + [ + "moveTo", + -14.139019966125488 + ], + [ + "\u2581trasladar", + -14.139019966125488 + ], + [ + "\u2581s\u00e9dui", + -14.139036178588867 + ], + [ + "\u2581r\u00e9ciproque", + -14.13905429840088 + ], + [ + "\u2581Uchi", + -14.139062881469728 + ], + [ + "Wheel", + -14.139102935791016 + ], + [ + "\u2581Putnam", + -14.139103889465332 + ], + [ + "RECE", + -14.139111518859863 + ], + [ + "yeon", + -14.139126777648926 + ], + [ + "\u2581adicionada", + -14.139145851135254 + ], + [ + "\u2581Pinz", + -14.139151573181152 + ], + [ + "ceiving", + -14.139156341552734 + ], + [ + "\u2581Rechnungen", + -14.139161109924316 + ], + [ + "misses", + -14.139189720153809 + ], + [ + "localctx", + -14.139208793640137 + ], + [ + "\u2581Posada", + -14.139236450195312 + ], + [ + "\u2581Kerst", + -14.139239311218262 + ], + [ + "\u2581Orienta", + -14.139305114746094 + ], + [ + "RAE", + -14.139326095581056 + ], + [ + "\u2581Saff", + -14.139413833618164 + ], + [ + "\u2581varient", + -14.139445304870604 + ], + [ + "nothing", + -14.139463424682615 + ], + [ + "cisi\u00f3n", + -14.139495849609377 + ], + [ + "torre", + -14.13951015472412 + ], + [ + "\u2581Kehr", + -14.13955307006836 + ], + [ + "\u2581perimeter", + -14.13956356048584 + ], + [ + "\u2581Destiny", + -14.139583587646484 + ], + [ + "\u2581Archief", + -14.139607429504396 + ], + [ + "\u2581adopera", + -14.139608383178713 + ], + [ + "\u2581distribuida", + -14.139619827270508 + ], + [ + "\u2581Moraes", + -14.13962745666504 + ], + [ + "rousal", + -14.139642715454102 + ], + [ + "\u2581Valla", + -14.139649391174316 + ], + [ + "\u2581surroundings", + -14.139652252197266 + ], + [ + "\u2581virale", + -14.139695167541504 + ], + [ + "buru", + -14.13970947265625 + ], + [ + "\u2581possessions", + -14.139711380004885 + ], + [ + "\u2581intriga", + -14.139720916748049 + ], + [ + "\u2581nombra", + -14.139727592468262 + ], + [ + "\u2581Prinzessin", + -14.139731407165527 + ], + [ + "Ulm", + -14.13973617553711 + ], + [ + "\u2581Penseira", + -14.139777183532717 + ], + [ + "rachten", + -14.139781951904297 + ], + [ + "\u2581Debut", + -14.139782905578612 + ], + [ + "infiniti", + -14.139790534973145 + ], + [ + "\u2581animata", + -14.139801025390623 + ], + [ + "\u2581usagers", + -14.139808654785156 + ], + [ + "\u2581pr\u00e9texte", + -14.139853477478027 + ], + [ + "\u2581Emiliano", + -14.139857292175291 + ], + [ + "\u2581Vermittler", + -14.13985824584961 + ], + [ + "isi\u00f3n", + -14.139925003051758 + ], + [ + "\u00e9cimo", + -14.139933586120604 + ], + [ + "\u2581Niem", + -14.139975547790527 + ], + [ + "\u2581afectados", + -14.140002250671388 + ], + [ + "ubner", + -14.14002513885498 + ], + [ + "\u2581acidentes", + -14.140027046203612 + ], + [ + "\u2581Sabato", + -14.140031814575195 + ], + [ + "\u2581communistes", + -14.140045166015623 + ], + [ + "NSU", + -14.140055656433104 + ], + [ + "\u2581Abstammung", + -14.140061378479004 + ], + [ + "\u2581Dynasty", + -14.140064239501951 + ], + [ + "verbraucher", + -14.14013671875 + ], + [ + "\u2581Lunge", + -14.140140533447266 + ], + [ + "\u2581pronom", + -14.140162467956545 + ], + [ + "\u2581zusammengesetzt", + -14.140164375305176 + ], + [ + "\u2581\"**\",", + -14.140254020690918 + ], + [ + "\u2581Primi", + -14.140277862548828 + ], + [ + "\u2581indirekten", + -14.140305519104004 + ], + [ + "\u2581pozzo", + -14.140308380126951 + ], + [ + "\u2581marrom", + -14.140313148498535 + ], + [ + "lsdorf", + -14.140314102172852 + ], + [ + "\u2581uncommon", + -14.140337944030762 + ], + [ + "\u2581attentamente", + -14.140399932861328 + ], + [ + "\u2581ungekl\u00e4rt", + -14.140400886535645 + ], + [ + "\u2581redirection", + -14.140417098999023 + ], + [ + "\u2581Abgabenordnung", + -14.140426635742188 + ], + [ + "aandrijving", + -14.14045238494873 + ], + [ + "infraction", + -14.14045238494873 + ], + [ + "\u2581spanningen", + -14.140531539916992 + ], + [ + "memberName", + -14.14053440093994 + ], + [ + "\u2581doorlopen", + -14.14053440093994 + ], + [ + "\u2581Angelica", + -14.14053726196289 + ], + [ + "\u2581personalizado", + -14.140576362609863 + ], + [ + "\u2581eighth", + -14.14061164855957 + ], + [ + "\u2581elektronischer", + -14.140630722045898 + ], + [ + "\u2581Gerber", + -14.14063549041748 + ], + [ + "Detach", + -14.140640258789062 + ], + [ + "Stretch", + -14.140642166137695 + ], + [ + "accepter", + -14.140649795532228 + ], + [ + "\u2581Termina", + -14.14065170288086 + ], + [ + "\u2581stammende", + -14.140655517578123 + ], + [ + "\u2581Patrol", + -14.140663146972656 + ], + [ + "PERI", + -14.14067840576172 + ], + [ + "\u2581Vogue", + -14.140689849853516 + ], + [ + "ALP", + -14.140731811523438 + ], + [ + "liefhebber", + -14.140732765197754 + ], + [ + "\u2581Starbucks", + -14.14073371887207 + ], + [ + "\u2581entour\u00e9e", + -14.140748023986816 + ], + [ + "\u2581innocente", + -14.140755653381348 + ], + [ + "\u2581Kenne", + -14.14075756072998 + ], + [ + "\u2581Caribisch", + -14.140769004821776 + ], + [ + "\u2581escriba", + -14.140789985656738 + ], + [ + "\u2581rompi\u00f3", + -14.14085578918457 + ], + [ + "\u2581G\u00e4n", + -14.140874862670898 + ], + [ + "\u2581Moya", + -14.140880584716797 + ], + [ + "repair", + -14.140907287597656 + ], + [ + "\u2581Sagan", + -14.140936851501465 + ], + [ + "\u2581scheiterte", + -14.140951156616213 + ], + [ + "walten", + -14.140965461730955 + ], + [ + "\u2581regresso", + -14.140965461730955 + ], + [ + "\u2581Breuer", + -14.14100456237793 + ], + [ + "immagini", + -14.141020774841309 + ], + [ + "\u2581Greenwood", + -14.14102554321289 + ], + [ + "\u2581feast", + -14.141030311584473 + ], + [ + "\u2581boite", + -14.141047477722168 + ], + [ + "\u2581pneu", + -14.141053199768066 + ], + [ + "\u2581conducido", + -14.141054153442385 + ], + [ + "\u2581omgedoopt", + -14.141069412231444 + ], + [ + "\u2581Subsidiarit\u00e4t", + -14.141074180603027 + ], + [ + "\u2581Thessaloniki", + -14.141077995300291 + ], + [ + "\u2581Drummond", + -14.141085624694824 + ], + [ + "\u2581Hatch", + -14.14108657836914 + ], + [ + "\u2581m\u00e9caniques", + -14.141096115112305 + ], + [ + "\u2581virrey", + -14.141100883483888 + ], + [ + "\u2581verbeterd", + -14.141101837158203 + ], + [ + "\u2581ovvi", + -14.141107559204102 + ], + [ + "\u2581Pesaro", + -14.141118049621582 + ], + [ + "\u2581subsid", + -14.14113426208496 + ], + [ + "\u2581risent", + -14.14113712310791 + ], + [ + "\u2581comparte", + -14.141157150268556 + ], + [ + "\u2581occupy", + -14.14118194580078 + ], + [ + "\u2581affid", + -14.14119815826416 + ], + [ + "\u2581limpo", + -14.141240119934082 + ], + [ + "\u2581Agatha", + -14.14124584197998 + ], + [ + "\u2581gemessene", + -14.141292572021484 + ], + [ + "altri", + -14.141334533691406 + ], + [ + "\u2581Duchess", + -14.141348838806152 + ], + [ + "\u2581Kapiteln", + -14.141380310058594 + ], + [ + "konomischer", + -14.141387939453123 + ], + [ + "Concat", + -14.141398429870604 + ], + [ + "pilz", + -14.141400337219238 + ], + [ + "\u2581lejano", + -14.141402244567873 + ], + [ + "\u2581Befriedigung", + -14.14140510559082 + ], + [ + "\u2581vengeance", + -14.14140510559082 + ], + [ + "orpus", + -14.141424179077148 + ], + [ + "\u2581galaxia", + -14.14142894744873 + ], + [ + "\u2581Arlington", + -14.141435623168944 + ], + [ + "HashSet", + -14.141456604003906 + ], + [ + "\u2581Wirtschaftsplan", + -14.14149570465088 + ], + [ + "kantoren", + -14.141508102416992 + ], + [ + "\u2581sondaggi", + -14.14151096343994 + ], + [ + "\u2581llam", + -14.141515731811523 + ], + [ + "PyArray", + -14.141545295715332 + ], + [ + "\u2581Aufzeichnung", + -14.141550064086914 + ], + [ + "\u2581precisar\u00e1", + -14.141571044921877 + ], + [ + "\u2581Myco", + -14.14158821105957 + ], + [ + "MST", + -14.141592979431152 + ], + [ + "\u2581Spel", + -14.141619682312012 + ], + [ + "\u2581divertida", + -14.141654014587402 + ], + [ + "westlich", + -14.141667366027832 + ], + [ + "sindresorhus", + -14.14173984527588 + ], + [ + "alisiert", + -14.141741752624512 + ], + [ + "arrondi", + -14.141753196716309 + ], + [ + "\u2581Johannis", + -14.141753196716309 + ], + [ + "\u2581betr\u00e4chtliche", + -14.141757011413574 + ], + [ + "\u2581exploraci\u00f3n", + -14.141772270202637 + ], + [ + "scind", + -14.141791343688965 + ], + [ + "\u2581albergar", + -14.141805648803713 + ], + [ + "garant", + -14.141827583312988 + ], + [ + "\u2581festhalten", + -14.141841888427734 + ], + [ + "Patrick", + -14.14186191558838 + ], + [ + "\u2581Semiring", + -14.14187717437744 + ], + [ + "\u2581impegnativ", + -14.141908645629885 + ], + [ + "\u2581Vejamos", + -14.141965866088867 + ], + [ + "SSEN", + -14.141980171203612 + ], + [ + "begehren", + -14.141998291015623 + ], + [ + "molecule", + -14.142024993896484 + ], + [ + "\u2581restauriert", + -14.142044067382812 + ], + [ + "startDate", + -14.14205837249756 + ], + [ + "\u2581Sumi", + -14.142060279846191 + ], + [ + "Odenwald", + -14.142084121704102 + ], + [ + "verfilming", + -14.142099380493164 + ], + [ + "eigne", + -14.142104148864746 + ], + [ + "Accessibility", + -14.142125129699709 + ], + [ + "\u2581landstitel", + -14.14215850830078 + ], + [ + "\u2581herida", + -14.142184257507324 + ], + [ + "addPerson", + -14.14219093322754 + ], + [ + "R\u00e9sultat", + -14.142197608947754 + ], + [ + "\u2581ofrecido", + -14.142219543457031 + ], + [ + "Injection", + -14.142305374145508 + ], + [ + "\u2581riservati", + -14.142356872558594 + ], + [ + "\u2581Morti", + -14.142362594604492 + ], + [ + "\u2581sommo", + -14.142382621765137 + ], + [ + "Descripci\u00f3n", + -14.142423629760742 + ], + [ + "\u2581schilderkunst", + -14.142438888549805 + ], + [ + "\u2581functioneren", + -14.142460823059082 + ], + [ + "prow", + -14.142516136169434 + ], + [ + "\u00eddeo", + -14.142522811889648 + ], + [ + "aerobic", + -14.142523765563965 + ], + [ + "\u2581Shoppen", + -14.142531394958496 + ], + [ + "accomplir", + -14.142532348632812 + ], + [ + "ffner", + -14.142547607421877 + ], + [ + "erstellung", + -14.142558097839355 + ], + [ + "\u2581Prout", + -14.142559051513672 + ], + [ + "Isolate", + -14.142571449279783 + ], + [ + "\u2581pr\u00e9face", + -14.142585754394531 + ], + [ + "\u2581wurd", + -14.142602920532228 + ], + [ + "\u2581Huf", + -14.142654418945312 + ], + [ + "\u2581encomendada", + -14.142656326293944 + ], + [ + "\u2581releasing", + -14.14266586303711 + ], + [ + "\u2581ranch", + -14.142696380615234 + ], + [ + "\u2581autorizzati", + -14.14273452758789 + ], + [ + "mighty", + -14.14273738861084 + ], + [ + "\u2581Turkmenistan", + -14.14275074005127 + ], + [ + "\u2581Pinochet", + -14.142756462097168 + ], + [ + "\u2581Wohnhaus", + -14.142770767211914 + ], + [ + "\u2581inclinata", + -14.142772674560549 + ], + [ + "lasso", + -14.14280605316162 + ], + [ + "\u2581Correia", + -14.142836570739746 + ], + [ + "\u2581bombs", + -14.142845153808594 + ], + [ + "\u2581reluctant", + -14.142847061157228 + ], + [ + "\u2581decenas", + -14.142850875854492 + ], + [ + "\u2581significatif", + -14.142858505249023 + ], + [ + "\u2581aterrizaje", + -14.142867088317873 + ], + [ + "\u2581Erscheinen", + -14.142868995666504 + ], + [ + "\u2581pulso", + -14.142900466918944 + ], + [ + "truppe", + -14.142926216125488 + ], + [ + "\u2581Couleur", + -14.142935752868652 + ], + [ + "\u2581grape", + -14.142952919006348 + ], + [ + "fiber", + -14.142959594726562 + ], + [ + "\u2581beschr\u00e4nkte", + -14.142961502075195 + ], + [ + "\u2581Initially", + -14.142988204956056 + ], + [ + "sluiten", + -14.143003463745115 + ], + [ + "wachs", + -14.14301872253418 + ], + [ + "\u2581guarni", + -14.143033981323242 + ], + [ + "\u2581doppie", + -14.143073081970217 + ], + [ + "patronen", + -14.143077850341797 + ], + [ + "\u2581Gujarat", + -14.143089294433594 + ], + [ + "\u2581compleanno", + -14.143089294433594 + ], + [ + "\u2581esclusivo", + -14.14309310913086 + ], + [ + "CIE", + -14.143107414245604 + ], + [ + "\u2581pretendia", + -14.143110275268556 + ], + [ + "gyr", + -14.14311408996582 + ], + [ + "ssd", + -14.143117904663086 + ], + [ + "\u2581ergangen", + -14.143141746520996 + ], + [ + "\u2581alcolici", + -14.143155097961426 + ], + [ + "Fprintf", + -14.143157958984377 + ], + [ + "\u2581Poema", + -14.143180847167969 + ], + [ + "logged", + -14.143184661865234 + ], + [ + "anatomie", + -14.143210411071776 + ], + [ + "\u2581nuvole", + -14.14321231842041 + ], + [ + "\u2581Fachhochschule", + -14.143214225769045 + ], + [ + "Gobiidae", + -14.14321517944336 + ], + [ + "\u2581cr\u00e9a", + -14.14324951171875 + ], + [ + "\u2581vivia", + -14.143292427062988 + ], + [ + "\u2581ech\u00f3", + -14.143295288085938 + ], + [ + "pposite", + -14.143296241760254 + ], + [ + "\u2581Capacit", + -14.143318176269531 + ], + [ + "\u2581pagado", + -14.143319129943848 + ], + [ + "h\u00e9m", + -14.143329620361328 + ], + [ + "fondo", + -14.14333152770996 + ], + [ + "mixins", + -14.143332481384276 + ], + [ + "\u2581recogido", + -14.143343925476074 + ], + [ + "\u2581Matar", + -14.143350601196287 + ], + [ + "\u2581Alamo", + -14.143393516540527 + ], + [ + "\u2581Utilizando", + -14.143393516540527 + ], + [ + "voie", + -14.143402099609377 + ], + [ + "\u00e9clair", + -14.143414497375488 + ], + [ + "\u2581Mitterrand", + -14.143424034118652 + ], + [ + "eats", + -14.1434326171875 + ], + [ + "\u2581holandesa", + -14.143438339233398 + ], + [ + "Presse", + -14.14344882965088 + ], + [ + "\u2581vermoeden", + -14.14346408843994 + ], + [ + "\u2581protestos", + -14.143487930297852 + ], + [ + "zzanti", + -14.143489837646484 + ], + [ + "\u2581Grange", + -14.143528938293455 + ], + [ + "\u2581publicidade", + -14.143529891967772 + ], + [ + "\u2581relatifs", + -14.14354133605957 + ], + [ + "\u2581favorise", + -14.143549919128418 + ], + [ + "houn", + -14.143562316894531 + ], + [ + "Edited", + -14.14357566833496 + ], + [ + "\u2581teolog\u00eda", + -14.143584251403809 + ], + [ + "keln", + -14.143592834472656 + ], + [ + "\u2581dessinateur", + -14.143611907958984 + ], + [ + "\u2581ambitieu", + -14.143619537353516 + ], + [ + "\u2581d\u00e9montrer", + -14.143628120422363 + ], + [ + "rotte", + -14.143662452697754 + ], + [ + "\u2581Deponie", + -14.143669128417969 + ], + [ + "ratti", + -14.143677711486816 + ], + [ + "aud\u00ed", + -14.143726348876951 + ], + [ + "\u2581salvaguarda", + -14.143735885620115 + ], + [ + "\u2581assessments", + -14.14373779296875 + ], + [ + "\u2581paradoxe", + -14.143742561340332 + ], + [ + "schaffung", + -14.143747329711914 + ], + [ + "\u2581Barg", + -14.14375114440918 + ], + [ + "keru", + -14.143763542175291 + ], + [ + "\u2581Cumberland", + -14.143763542175291 + ], + [ + "schuldigung", + -14.143784523010254 + ], + [ + "\u2581Fak", + -14.143796920776367 + ], + [ + "\u2581reptiles", + -14.143806457519531 + ], + [ + "Dispersion", + -14.143813133239746 + ], + [ + "WRAP", + -14.143856048583984 + ], + [ + "peras", + -14.143874168395996 + ], + [ + "\u2581abandonne", + -14.14390754699707 + ], + [ + "\u2581espere", + -14.143924713134766 + ], + [ + "\u2581Kampioenschap", + -14.14394474029541 + ], + [ + "\u00e4rztlichen", + -14.143996238708496 + ], + [ + "\u2581Irrtum", + -14.14400577545166 + ], + [ + "Beste", + -14.144009590148926 + ], + [ + "\u2581Entwickler", + -14.14402198791504 + ], + [ + "\u2581Moeder", + -14.144054412841797 + ], + [ + "\u2581asphaltiert", + -14.1441011428833 + ], + [ + "\u2581Umweltbundesamt", + -14.144120216369627 + ], + [ + "\u2581allievi", + -14.144120216369627 + ], + [ + "\u2581besiegt", + -14.144184112548828 + ], + [ + "zusammenh\u00e4nge", + -14.14421844482422 + ], + [ + "\u2581Jugoslavia", + -14.144225120544434 + ], + [ + "\u2581pickup", + -14.14423370361328 + ], + [ + "moord", + -14.14425277709961 + ], + [ + "\u2581compagna", + -14.144272804260254 + ], + [ + "ologicamente", + -14.144295692443848 + ], + [ + "b\u00e9is", + -14.144301414489746 + ], + [ + "ISCCP", + -14.144320487976074 + ], + [ + "\u2581inserting", + -14.14433765411377 + ], + [ + "\u2581soyez", + -14.144375801086426 + ], + [ + "\u2581hin\u00fcber", + -14.144380569458008 + ], + [ + "\u2581chairs", + -14.144400596618652 + ], + [ + "\u2581Euphorbia", + -14.144403457641602 + ], + [ + "\u2581ba\u00eda", + -14.144408226013184 + ], + [ + "\u2581musc", + -14.144420623779297 + ], + [ + "often", + -14.144421577453612 + ], + [ + "\u2581nakomelingen", + -14.14443588256836 + ], + [ + "\u2581renewed", + -14.14444065093994 + ], + [ + "\u2581fighters", + -14.14444351196289 + ], + [ + "\u2581\u00e9lev\u00e9es", + -14.144447326660156 + ], + [ + "belin", + -14.144455909729004 + ], + [ + "\u2581Aparte", + -14.14445972442627 + ], + [ + "\u2581invasioni", + -14.144475936889648 + ], + [ + "\u2581Daran", + -14.14448070526123 + ], + [ + "\u2581vestigden", + -14.144487380981444 + ], + [ + "\u2581Duffy", + -14.14449977874756 + ], + [ + "\u2581vervolgd", + -14.14450454711914 + ], + [ + "\u2581R\u00fcckschl\u00fcsse", + -14.14450740814209 + ], + [ + "appuyant", + -14.144513130187988 + ], + [ + "Fluss", + -14.14453125 + ], + [ + "comit\u00e9", + -14.144536972045898 + ], + [ + "AWA", + -14.144537925720217 + ], + [ + "\u2581pratici", + -14.144559860229492 + ], + [ + "\u2581Domino", + -14.144583702087402 + ], + [ + "\u2581Weisungen", + -14.144586563110352 + ], + [ + "palast", + -14.14459991455078 + ], + [ + "paje", + -14.144609451293944 + ], + [ + "symptom", + -14.14461898803711 + ], + [ + "\u2581d\u00e9coupe", + -14.14462184906006 + ], + [ + "\u2581Jara", + -14.144628524780272 + ], + [ + "apes", + -14.14463710784912 + ], + [ + "\u2581coloniales", + -14.14466667175293 + ], + [ + "\u2581girando", + -14.14466667175293 + ], + [ + "\u2581compatriota", + -14.144672393798828 + ], + [ + "\u2581Protokolle", + -14.14472770690918 + ], + [ + "dessen", + -14.144737243652344 + ], + [ + "\u2581secund", + -14.14474105834961 + ], + [ + "SAS", + -14.144769668579102 + ], + [ + "m\u00fcnde", + -14.14478588104248 + ], + [ + "\u2581Avengers", + -14.14478874206543 + ], + [ + "muted", + -14.144841194152832 + ], + [ + "\u2581Stea", + -14.144842147827148 + ], + [ + "\u2581apical", + -14.144852638244627 + ], + [ + "bearer", + -14.144859313964844 + ], + [ + "inetik", + -14.14486026763916 + ], + [ + "blacklist", + -14.144869804382324 + ], + [ + "\u2581Gern", + -14.144887924194336 + ], + [ + "\u2581ausdr\u00fcckliche", + -14.144925117492676 + ], + [ + "\u2581Bruin", + -14.144944190979004 + ], + [ + "\u2581transform\u00e9e", + -14.144944190979004 + ], + [ + "\u2581expresidente", + -14.144954681396484 + ], + [ + "\u2581Maja", + -14.144963264465332 + ], + [ + "\u2581pulmonar", + -14.14499282836914 + ], + [ + "\u2581pensano", + -14.145015716552734 + ], + [ + "\u2581nutzte", + -14.145039558410645 + ], + [ + "Riconoscimenti", + -14.14511013031006 + ], + [ + "\u2581Verankerung", + -14.14511013031006 + ], + [ + "\u2581personnalis\u00e9", + -14.14511013031006 + ], + [ + "\u2581Baumwolle", + -14.145150184631348 + ], + [ + "\u2581krachtige", + -14.145156860351562 + ], + [ + "\u2581Lect", + -14.145166397094728 + ], + [ + "agnan", + -14.145174980163574 + ], + [ + "\u2581wrf", + -14.145180702209473 + ], + [ + "\u2581assentamento", + -14.145182609558104 + ], + [ + "\u2581Ap\u00f3stol", + -14.14521026611328 + ], + [ + "\u2581gewordenen", + -14.145211219787598 + ], + [ + "wamp", + -14.145227432250977 + ], + [ + "\u2581esecutivo", + -14.145234107971191 + ], + [ + "\u2581scoren", + -14.145234107971191 + ], + [ + "Guy", + -14.145241737365724 + ], + [ + "umore", + -14.145285606384276 + ], + [ + "\u2581Biagio", + -14.145289421081545 + ], + [ + "FACTOR", + -14.145329475402832 + ], + [ + "\u2581Oval", + -14.14535427093506 + ], + [ + "\u2581delegates", + -14.145359992980955 + ], + [ + "Apocalypse", + -14.145366668701172 + ], + [ + "\u2581trayecto", + -14.145390510559082 + ], + [ + "\u2581exprim\u00e9", + -14.145402908325195 + ], + [ + "\u2581Gallu", + -14.145405769348145 + ], + [ + "\u2581bestm", + -14.145410537719728 + ], + [ + "izante", + -14.145414352416992 + ], + [ + "\u2581Taxonomie", + -14.145432472229004 + ], + [ + "\u2581Utilizza", + -14.14544677734375 + ], + [ + "\u2581Geltendmachung", + -14.145447731018066 + ], + [ + "\u2581Vel\u00e1zquez", + -14.145447731018066 + ], + [ + "\u2581prostitute", + -14.145451545715332 + ], + [ + "\u2581truque", + -14.145453453063965 + ], + [ + "elektrode", + -14.145495414733888 + ], + [ + "\u2581supplementary", + -14.145499229431152 + ], + [ + "\u2581mele", + -14.14552402496338 + ], + [ + "\u2581Buffy", + -14.145536422729492 + ], + [ + "\u2581fief", + -14.145547866821287 + ], + [ + "izzy", + -14.145556449890137 + ], + [ + "\u2581bolla", + -14.145564079284668 + ], + [ + "\u2581Sinatra", + -14.145590782165527 + ], + [ + "\u2581slapen", + -14.145621299743652 + ], + [ + "Chu", + -14.145641326904297 + ], + [ + "arthro", + -14.145644187927246 + ], + [ + "loopback", + -14.145663261413574 + ], + [ + "rderprogramm", + -14.145670890808104 + ], + [ + "RID", + -14.145734786987305 + ], + [ + "\u2581Montanha", + -14.145746231079102 + ], + [ + "\u2581Messia", + -14.145750999450684 + ], + [ + "\u2581apuesta", + -14.145776748657228 + ], + [ + "MANAGER", + -14.145785331726074 + ], + [ + "\u2581Entfaltung", + -14.145785331726074 + ], + [ + "\u2581proeminente", + -14.145785331726074 + ], + [ + "\u2581rinascimentale", + -14.14578628540039 + ], + [ + "\u2581Svetlana", + -14.145787239074709 + ], + [ + "\u2581verdaderamente", + -14.145791053771973 + ], + [ + "\u2581Patagonia", + -14.145804405212402 + ], + [ + "INTERVAL", + -14.145811080932615 + ], + [ + "\u2581Ricc", + -14.145843505859377 + ], + [ + "\u2581regardant", + -14.145852088928224 + ], + [ + "\u2581humides", + -14.145861625671388 + ], + [ + "kopje", + -14.145893096923828 + ], + [ + "\u2581recrutement", + -14.145901679992676 + ], + [ + "\u2581respiratori", + -14.145951271057127 + ], + [ + "ilt\u00e0", + -14.145987510681152 + ], + [ + "\u2581Ruin", + -14.146001815795898 + ], + [ + "\u2581vizinha", + -14.146001815795898 + ], + [ + "\u2581libertari", + -14.146004676818848 + ], + [ + "olibri", + -14.146008491516112 + ], + [ + "montage", + -14.146026611328123 + ], + [ + "\u2581herrschte", + -14.146066665649414 + ], + [ + "elllinien", + -14.14608383178711 + ], + [ + "Insets", + -14.146103858947754 + ], + [ + "euzen", + -14.146117210388184 + ], + [ + "\u2581corporativo", + -14.146135330200195 + ], + [ + "\u2581irlandesa", + -14.146135330200195 + ], + [ + "inherited", + -14.146177291870115 + ], + [ + "wV", + -14.146178245544434 + ], + [ + "\u2581Verdade", + -14.146221160888672 + ], + [ + "\u2581Juristische", + -14.146270751953123 + ], + [ + "\u2581exata", + -14.14631175994873 + ], + [ + "\u2581obigen", + -14.14632797241211 + ], + [ + "\u2581consulado", + -14.146339416503906 + ], + [ + "\u2581domino", + -14.146347045898438 + ], + [ + "relating", + -14.14637279510498 + ], + [ + "ndida", + -14.146391868591309 + ], + [ + "\u2581finest", + -14.146413803100586 + ], + [ + "\u2581idric", + -14.1464204788208 + ], + [ + "\u2581espon", + -14.146421432495115 + ], + [ + "kota", + -14.146429061889648 + ], + [ + "\u2581bloccato", + -14.146441459655762 + ], + [ + "stupr", + -14.146453857421877 + ], + [ + "\u2581sculpt\u00e9", + -14.14646053314209 + ], + [ + "\u2581sospetti", + -14.146477699279783 + ], + [ + "\u2581trajes", + -14.146513938903809 + ], + [ + "hilfs", + -14.14653778076172 + ], + [ + "\u2581caratterizzati", + -14.14654541015625 + ], + [ + "\u2581sorse", + -14.14659595489502 + ], + [ + "\u2581Daarop", + -14.146604537963867 + ], + [ + "\u2581formalen", + -14.146607398986816 + ], + [ + "\u2581Peeters", + -14.146620750427246 + ], + [ + "\u2581pelvi", + -14.146620750427246 + ], + [ + "\u2581Agrigento", + -14.14662742614746 + ], + [ + "Steve", + -14.146642684936523 + ], + [ + "\u2581Selten", + -14.146666526794434 + ], + [ + "ternacionalmente", + -14.14669132232666 + ], + [ + "\u2581Schwelle", + -14.146695137023926 + ], + [ + "evolmente", + -14.14671230316162 + ], + [ + "Spalte", + -14.14671516418457 + ], + [ + "thical", + -14.146720886230469 + ], + [ + "onnage", + -14.14674949645996 + ], + [ + "exploiter", + -14.146756172180176 + ], + [ + "\u2581erw\u00e4hnen", + -14.14677619934082 + ], + [ + "\u2581Cementerio", + -14.146799087524414 + ], + [ + "\u2581f\u00e1ceis", + -14.146799087524414 + ], + [ + "\u2581Karzinom", + -14.14680004119873 + ], + [ + "\u2581indienne", + -14.146801948547363 + ], + [ + "\u2581habite", + -14.146817207336426 + ], + [ + "kunstenaar", + -14.146827697753906 + ], + [ + "massiv", + -14.146854400634766 + ], + [ + "\u2581gita", + -14.146889686584473 + ], + [ + "\u2581utilizamos", + -14.146921157836914 + ], + [ + "musiker", + -14.146936416625977 + ], + [ + "\u2581tornei", + -14.146936416625977 + ], + [ + "bisher", + -14.146937370300291 + ], + [ + "\u2581v\u00ednculos", + -14.146952629089355 + ], + [ + "\u2581angestrebte", + -14.146953582763672 + ], + [ + "lanti", + -14.146963119506836 + ], + [ + "\u2581architecten", + -14.146966934204102 + ], + [ + "\u2581entrepreneurs", + -14.146971702575684 + ], + [ + "\u2581registri", + -14.146979331970217 + ], + [ + "societ", + -14.14699363708496 + ], + [ + "Emmanuel", + -14.147007942199709 + ], + [ + "\u2581Esgrima", + -14.14707088470459 + ], + [ + "cantado", + -14.14707374572754 + ], + [ + "\u2581Wurden", + -14.147077560424805 + ], + [ + "\u2581entfielen", + -14.147083282470703 + ], + [ + "luis", + -14.147090911865234 + ], + [ + "\u2581entsandt", + -14.147146224975586 + ], + [ + "\u2581riflessioni", + -14.147159576416016 + ], + [ + "persona", + -14.147184371948242 + ], + [ + "\u2581tambor", + -14.147202491760254 + ], + [ + "apais", + -14.147210121154783 + ], + [ + "acme", + -14.147226333618164 + ], + [ + "OLI", + -14.147286415100098 + ], + [ + "\u2581laughter", + -14.147303581237791 + ], + [ + "bottomAnchor", + -14.147309303283691 + ], + [ + "\u2581psic", + -14.14732551574707 + ], + [ + "\u2581Thoma", + -14.147333145141602 + ], + [ + "opium", + -14.147343635559082 + ], + [ + "\u2581Symfonie", + -14.147351264953612 + ], + [ + "\u2581giuria", + -14.14735221862793 + ], + [ + "cedieron", + -14.147409439086914 + ], + [ + "\u2581Haru", + -14.14743709564209 + ], + [ + "\u2581Patern", + -14.147446632385254 + ], + [ + "\u2581d\u00e9poser", + -14.147449493408203 + ], + [ + "\u2581occidentaux", + -14.147489547729492 + ], + [ + "\u2581localizzat", + -14.14753246307373 + ], + [ + "\u2581vocali", + -14.147613525390623 + ], + [ + "geli", + -14.147622108459473 + ], + [ + "Envoy", + -14.147660255432127 + ], + [ + "\u2581Waste", + -14.147663116455078 + ], + [ + "\u2581Ideas", + -14.147697448730469 + ], + [ + "\u2581s\u00e9isme", + -14.14770221710205 + ], + [ + "leefd", + -14.147761344909668 + ], + [ + "\u2581empiric", + -14.14780616760254 + ], + [ + "\u2581pr\u00e9d\u00e9cesseur", + -14.147812843322754 + ], + [ + "\u2581Niederschlags", + -14.147814750671388 + ], + [ + "atique", + -14.147913932800291 + ], + [ + "\u2581dader", + -14.147942543029783 + ], + [ + "\u2581adjacentes", + -14.147956848144531 + ], + [ + "\u2581Chica", + -14.147969245910645 + ], + [ + "Terminate", + -14.147978782653809 + ], + [ + "\u2581roster", + -14.14798641204834 + ], + [ + "amamoto", + -14.147994041442873 + ], + [ + "\u2581bersaglio", + -14.14800262451172 + ], + [ + "\u2581mediano", + -14.14800262451172 + ], + [ + "\u2581comenzando", + -14.148030281066896 + ], + [ + "\u2581suffixe", + -14.148031234741213 + ], + [ + "\u2581accorde", + -14.148075103759766 + ], + [ + "ignol", + -14.148099899291992 + ], + [ + "\u2581Propos", + -14.14811897277832 + ], + [ + "rtol", + -14.1481294631958 + ], + [ + "\u2581patronal", + -14.148141860961914 + ], + [ + "\u2581innanzitutto", + -14.148153305053713 + ], + [ + "\u2581L\u00e9gende", + -14.148162841796877 + ], + [ + "\u00e1lica", + -14.148178100585938 + ], + [ + "orato", + -14.148187637329102 + ], + [ + "ordinaire", + -14.14819049835205 + ], + [ + "\u2581Tunesi", + -14.14820384979248 + ], + [ + "ACION", + -14.148212432861328 + ], + [ + "normalmente", + -14.148242950439451 + ], + [ + "\u2581Gant", + -14.148258209228516 + ], + [ + "thien", + -14.148263931274414 + ], + [ + "\u2581r\u00e9unir", + -14.148274421691896 + ], + [ + "LOO", + -14.148280143737791 + ], + [ + "\u2581identificador", + -14.148295402526855 + ], + [ + "merci", + -14.148298263549805 + ], + [ + "clavi", + -14.148309707641602 + ], + [ + "\u2581aux\u00edlio", + -14.148321151733398 + ], + [ + "\u2581Conceito", + -14.148337364196776 + ], + [ + "L\u00e4ufer", + -14.14834690093994 + ], + [ + "\u2581legten", + -14.148353576660156 + ], + [ + "\u2581edelman", + -14.148356437683104 + ], + [ + "rinde", + -14.148360252380373 + ], + [ + "\u2581Haye", + -14.148369789123535 + ], + [ + "docstring", + -14.148386001586914 + ], + [ + "InvalidArgument", + -14.14840030670166 + ], + [ + "\u2581Reiner", + -14.148436546325684 + ], + [ + "\u2581Mandarin", + -14.148451805114746 + ], + [ + "hevig", + -14.148457527160645 + ], + [ + "\u2581Diferente", + -14.148466110229492 + ], + [ + "\u2581repentina", + -14.14847469329834 + ], + [ + "\u2581Br\u00fcnn", + -14.148488998413086 + ], + [ + "\u2581failliet", + -14.148513793945312 + ], + [ + "stichting", + -14.148530960083008 + ], + [ + "\u2581gevaarlijke", + -14.14853572845459 + ], + [ + "\u2581muti", + -14.148536682128906 + ], + [ + "ACTIV", + -14.148537635803224 + ], + [ + "\u2581Vietn", + -14.148554801940918 + ], + [ + "\u2581cubiertas", + -14.148557662963867 + ], + [ + "\u2581relying", + -14.148567199707031 + ], + [ + "\u2581subisce", + -14.148567199707031 + ], + [ + "\u2581ciber", + -14.14858055114746 + ], + [ + "\u2581substanti", + -14.148585319519045 + ], + [ + "Laser", + -14.148592948913574 + ], + [ + "\u2581gravierende", + -14.148621559143066 + ], + [ + "\u2581collocazione", + -14.148625373840332 + ], + [ + "abteilungen", + -14.14865493774414 + ], + [ + "heath", + -14.14865493774414 + ], + [ + "\u2581adapt\u00e9s", + -14.148661613464355 + ], + [ + "Plural", + -14.14866542816162 + ], + [ + "HOU", + -14.148676872253418 + ], + [ + "\u2581permanecem", + -14.148683547973633 + ], + [ + "ongeluk", + -14.148689270019531 + ], + [ + "\u2581Bundesrecht", + -14.14869213104248 + ], + [ + "\u2581Castille", + -14.148709297180176 + ], + [ + "uvrant", + -14.148727416992188 + ], + [ + "\u2581ext\u00e9rieurs", + -14.148741722106934 + ], + [ + "\u2581encaixa", + -14.148756980895996 + ], + [ + "erzeuger", + -14.148763656616213 + ], + [ + "\u2581financer", + -14.148784637451172 + ], + [ + "\u2581abgeschafft", + -14.148834228515623 + ], + [ + "\u2581Chronique", + -14.148841857910156 + ], + [ + "\u2581Bahrain", + -14.148859977722168 + ], + [ + "\u2581d\u00e9fendu", + -14.148905754089355 + ], + [ + "\u2581vientre", + -14.148961067199709 + ], + [ + "\u2581appella", + -14.148972511291504 + ], + [ + "\u2581Oma", + -14.148987770080566 + ], + [ + "\u2581metr\u00f3pole", + -14.14903450012207 + ], + [ + "\u2581solidari", + -14.14904499053955 + ], + [ + "\u2581F\u00e4l", + -14.149063110351562 + ], + [ + "\u2581tricky", + -14.149069786071776 + ], + [ + "\u2581Guards", + -14.149072647094728 + ], + [ + "assegna", + -14.149075508117676 + ], + [ + "umbu", + -14.149096488952637 + ], + [ + "eters", + -14.149130821228027 + ], + [ + "inghausen", + -14.149136543273926 + ], + [ + "\u2581endeavour", + -14.149168014526367 + ], + [ + "\u2581ritardi", + -14.14920425415039 + ], + [ + "\u2581ridosso", + -14.149208068847656 + ], + [ + "\u2581prevenire", + -14.149225234985352 + ], + [ + "historiker", + -14.1492280960083 + ], + [ + "\u2581botanique", + -14.149250030517578 + ], + [ + "Dtype", + -14.149263381958008 + ], + [ + "\u2581coronary", + -14.149282455444336 + ], + [ + "TGG", + -14.149285316467283 + ], + [ + "\u2581eg\u00edpcia", + -14.149316787719728 + ], + [ + "\u2581votato", + -14.149336814880373 + ], + [ + "CCT", + -14.149354934692385 + ], + [ + "horaire", + -14.1493558883667 + ], + [ + "dependientemente", + -14.14936351776123 + ], + [ + "rechner", + -14.149394035339355 + ], + [ + "\u2581Saum", + -14.149443626403809 + ], + [ + "\u2581leef", + -14.149447441101074 + ], + [ + "\u2581scenery", + -14.149460792541504 + ], + [ + "Wohnsitz", + -14.149497985839844 + ], + [ + "\u2581Sawyer", + -14.14954662322998 + ], + [ + "\u2581documentado", + -14.14955234527588 + ], + [ + "\u2581practitioners", + -14.149574279785156 + ], + [ + "\u2581Bagman", + -14.149603843688965 + ], + [ + "\u2581Magellan", + -14.149605751037598 + ], + [ + "\u2581contrade", + -14.149645805358888 + ], + [ + "\u2581Granat", + -14.149658203125 + ], + [ + "\u2581vervanger", + -14.149658203125 + ], + [ + "Six", + -14.149666786193848 + ], + [ + "\u2581Bassano", + -14.149682998657228 + ], + [ + "familia", + -14.149687767028809 + ], + [ + "\u2581curtain", + -14.149691581726074 + ], + [ + "\u2581troph\u00e9e", + -14.14969253540039 + ], + [ + "\u2581shove", + -14.149699211120604 + ], + [ + "\u2581d\u00e9gage", + -14.149720191955566 + ], + [ + "\u2581arrestati", + -14.14976978302002 + ], + [ + "\u2581Gwyn", + -14.149778366088867 + ], + [ + "papill", + -14.14978313446045 + ], + [ + "subplot", + -14.149786949157717 + ], + [ + "\u2581bulgar", + -14.149820327758787 + ], + [ + "\u2581evolutivo", + -14.149820327758787 + ], + [ + "\u2581enfoca", + -14.149831771850586 + ], + [ + "\u2581laufend", + -14.149858474731444 + ], + [ + "\u2581Trabaj\u00f3", + -14.14987087249756 + ], + [ + "icelli", + -14.149900436401367 + ], + [ + "meub", + -14.149910926818848 + ], + [ + "\u2581coniuga", + -14.149971961975098 + ], + [ + "\u2581origineel", + -14.149979591369627 + ], + [ + "\u2581Auftr\u00e4gen", + -14.14999008178711 + ], + [ + "\u2581atracci\u00f3n", + -14.150012016296388 + ], + [ + "Fock", + -14.150020599365234 + ], + [ + "\u2581elevaci\u00f3n", + -14.150053024291992 + ], + [ + "\u2581langste", + -14.15005874633789 + ], + [ + "\u2581alterations", + -14.150083541870115 + ], + [ + "\u2581celebrazione", + -14.150083541870115 + ], + [ + "\u2581oblique", + -14.150090217590332 + ], + [ + "\u2581Schuldners", + -14.15009307861328 + ], + [ + "\u2581bewiesen", + -14.15011501312256 + ], + [ + "\u2581Maroto", + -14.150158882141112 + ], + [ + "\u2581benefic", + -14.15016269683838 + ], + [ + "Mara", + -14.150171279907228 + ], + [ + "\u2581environnant", + -14.150177001953123 + ], + [ + "\u2581Blume", + -14.15017795562744 + ], + [ + "\u2581D\u00e9j\u00e0", + -14.150184631347656 + ], + [ + "\u2581redatto", + -14.150188446044922 + ], + [ + "SENT", + -14.15020751953125 + ], + [ + "culata", + -14.1502103805542 + ], + [ + "mercy", + -14.150216102600098 + ], + [ + "few", + -14.150218963623049 + ], + [ + "\u2581Situ\u00e9e", + -14.150225639343262 + ], + [ + "\u2581designate", + -14.150236129760742 + ], + [ + "\u2581Legi\u00f3n", + -14.15024757385254 + ], + [ + "\u2581uitkomst", + -14.150251388549805 + ], + [ + "\u2581Wasserstra", + -14.150293350219728 + ], + [ + "\u2581Flasche", + -14.150304794311523 + ], + [ + "\u2581ripetere", + -14.15035629272461 + ], + [ + "CONA", + -14.15035915374756 + ], + [ + "\u2581Datu", + -14.150423049926758 + ], + [ + "\u2581\u00e0quel", + -14.150486946105955 + ], + [ + "\u2581elettrici", + -14.150487899780272 + ], + [ + "Reals", + -14.150505065917969 + ], + [ + "\u2581benedettin", + -14.150521278381348 + ], + [ + "\u2581embassy", + -14.150527000427246 + ], + [ + "\u2581beperken", + -14.150546073913574 + ], + [ + "\u2581vern\u00fcnftige", + -14.150556564331056 + ], + [ + "glott", + -14.150596618652344 + ], + [ + "\u2581Knu", + -14.150628089904783 + ], + [ + "Cool", + -14.150656700134276 + ], + [ + "\u2581suffis", + -14.150656700134276 + ], + [ + "\u2581cholesterol", + -14.150696754455566 + ], + [ + "\u2581condensation", + -14.150705337524414 + ], + [ + "CUL", + -14.150711059570312 + ], + [ + "invis", + -14.15072250366211 + ], + [ + "\u2581Treze", + -14.150747299194336 + ], + [ + "\u2581Magni", + -14.150776863098145 + ], + [ + "\u2581radiat", + -14.150784492492676 + ], + [ + "trilogie", + -14.15080738067627 + ], + [ + "\u2581calamit", + -14.150833129882812 + ], + [ + "\u2581protestants", + -14.15084743499756 + ], + [ + "\u2581verteidigen", + -14.15086269378662 + ], + [ + "\u2581cavalleria", + -14.15086841583252 + ], + [ + "specie", + -14.150884628295898 + ], + [ + "\u2581Malaga", + -14.150888442993164 + ], + [ + "molek\u00fcl", + -14.15090560913086 + ], + [ + "\u2581sfruttat", + -14.150922775268556 + ], + [ + "\u2581farmer", + -14.150940895080566 + ], + [ + "\u2581hurl", + -14.1510009765625 + ], + [ + "\u2581touw", + -14.151010513305664 + ], + [ + "notaci\u00f3n", + -14.151037216186523 + ], + [ + "InProgress", + -14.151043891906738 + ], + [ + "\u2581sexes", + -14.151058197021484 + ], + [ + "elaer", + -14.151087760925291 + ], + [ + "\u2581Gebietes", + -14.151108741760254 + ], + [ + "delincue", + -14.151117324829102 + ], + [ + "entwickelt", + -14.151121139526367 + ], + [ + "\u2581Coali", + -14.151137351989746 + ], + [ + "\u2581Ator", + -14.151156425476074 + ], + [ + "Delegation", + -14.151169776916504 + ], + [ + "\u2581Timi", + -14.15117359161377 + ], + [ + "\u2581aprir", + -14.151174545288086 + ], + [ + "\u2581amusement", + -14.151185989379885 + ], + [ + "\u2581ox\u00edgeno", + -14.151204109191896 + ], + [ + "\u2581Gastronom\u00eda", + -14.151206970214844 + ], + [ + "\u2581parti\u00f3", + -14.15120792388916 + ], + [ + "DECLARE", + -14.151214599609377 + ], + [ + "singh", + -14.151253700256348 + ], + [ + "\u2581preventivo", + -14.151272773742676 + ], + [ + "ErrorMessage", + -14.151293754577637 + ], + [ + "gull", + -14.15131950378418 + ], + [ + "qu\u00edmica", + -14.151320457458496 + ], + [ + "Dai", + -14.151338577270508 + ], + [ + "\u2581Eger", + -14.151351928710938 + ], + [ + "stSoll", + -14.151359558105469 + ], + [ + "\u2581Popper", + -14.151432991027832 + ], + [ + "\u2581replies", + -14.151455879211426 + ], + [ + "\u2581consentir", + -14.151497840881348 + ], + [ + "\u2581geschaffenen", + -14.151529312133787 + ], + [ + "\u2581municipais", + -14.151541709899902 + ], + [ + "\u2581italiens", + -14.1515474319458 + ], + [ + "VIRTUAL", + -14.151549339294434 + ], + [ + "cant\u00f3", + -14.151555061340332 + ], + [ + "angul", + -14.151569366455078 + ], + [ + "clockwise", + -14.15159034729004 + ], + [ + "\u2581voyelle", + -14.151598930358888 + ], + [ + "\u2581Chich", + -14.151610374450684 + ], + [ + "minted", + -14.151618003845217 + ], + [ + "develop", + -14.151631355285645 + ], + [ + "\u2581tiener", + -14.151657104492188 + ], + [ + "USSION", + -14.15166187286377 + ], + [ + "\u2581Duran", + -14.151700973510742 + ], + [ + "\u2581zwaarder", + -14.151707649230955 + ], + [ + "mikroskopische", + -14.151710510253906 + ], + [ + "\u2581compl\u00e9mentaires", + -14.151727676391602 + ], + [ + "Kai", + -14.151750564575195 + ], + [ + "\u2581scaricare", + -14.15176773071289 + ], + [ + "turbo", + -14.151771545410156 + ], + [ + "\u2581Silvan", + -14.151775360107422 + ], + [ + "agitation", + -14.151779174804688 + ], + [ + "\u2581partigian", + -14.15178394317627 + ], + [ + "definite", + -14.151805877685549 + ], + [ + "Chor", + -14.151806831359863 + ], + [ + "aeb", + -14.151813507080078 + ], + [ + "aufw\u00e4rts", + -14.151844024658203 + ], + [ + "calip", + -14.151853561401367 + ], + [ + "gaze", + -14.15185546875 + ], + [ + "\u2581Darius", + -14.151856422424316 + ], + [ + "\u2581Finanzausschuss", + -14.151883125305176 + ], + [ + "guice", + -14.151884078979492 + ], + [ + "memora", + -14.151896476745604 + ], + [ + "\u2581b\u00e9ni", + -14.151901245117188 + ], + [ + "\u2581scarso", + -14.15200138092041 + ], + [ + "HIL", + -14.152002334594728 + ], + [ + "\u2581Gente", + -14.152050971984863 + ], + [ + "\u2581Politici", + -14.152053833007812 + ], + [ + "\u2581Vesta", + -14.152067184448242 + ], + [ + "\u2581molho", + -14.152077674865724 + ], + [ + "\u2581cristalli", + -14.152087211608888 + ], + [ + "\u2581indic\u00f3", + -14.152116775512695 + ], + [ + "\u2581verbrannt", + -14.152125358581545 + ], + [ + "\u2581obje", + -14.152137756347656 + ], + [ + "\u2581stort", + -14.152144432067873 + ], + [ + "\u2581imponer", + -14.152172088623049 + ], + [ + "sionista", + -14.15218734741211 + ], + [ + "dipo", + -14.152214050292969 + ], + [ + "\u2581vibrations", + -14.152222633361816 + ], + [ + "\u2581Mattia", + -14.152229309082031 + ], + [ + "\u2581Therapy", + -14.152229309082031 + ], + [ + "lettes", + -14.152233123779297 + ], + [ + "b\u00fcrokratisch", + -14.15223789215088 + ], + [ + "\u2581Novembre", + -14.152247428894045 + ], + [ + "Chars", + -14.152273178100586 + ], + [ + "\u2581doop", + -14.152284622192385 + ], + [ + "Helm", + -14.152301788330078 + ], + [ + "jok", + -14.152303695678713 + ], + [ + "\u2581Wolter", + -14.152307510375977 + ], + [ + "\u2581mystique", + -14.152307510375977 + ], + [ + "\u2581planeto", + -14.15231227874756 + ], + [ + "\u2581Saat", + -14.15232753753662 + ], + [ + "\u2581Japonais", + -14.152329444885254 + ], + [ + "\u2581inerente", + -14.152347564697266 + ], + [ + "OpenSSL", + -14.152360916137695 + ], + [ + "\u2581Lyrik", + -14.152372360229492 + ], + [ + "environnementale", + -14.152376174926758 + ], + [ + "\u2581violaci\u00f3n", + -14.152384757995604 + ], + [ + "\u2581acordado", + -14.152393341064451 + ], + [ + "\u2581pertinente", + -14.15241241455078 + ], + [ + "\u2581qualifi", + -14.1524658203125 + ], + [ + "pitaux", + -14.152474403381348 + ], + [ + "\u2581Criar", + -14.15251350402832 + ], + [ + "\u2581Ginger", + -14.152546882629396 + ], + [ + "Empereur", + -14.152565956115724 + ], + [ + "\u2581c\u00f3nsul", + -14.15256690979004 + ], + [ + "ucu", + -14.152569770812988 + ], + [ + "\u2581divulgar", + -14.152576446533203 + ], + [ + "\u2581restando", + -14.152584075927734 + ], + [ + "GENERATOR", + -14.15260124206543 + ], + [ + "Cancelled", + -14.15260410308838 + ], + [ + "\u2581Silv", + -14.152606964111328 + ], + [ + "pioid", + -14.152607917785645 + ], + [ + "bigr", + -14.152617454528809 + ], + [ + "\u2581seldom", + -14.152634620666504 + ], + [ + "automatis", + -14.152655601501465 + ], + [ + "\u2581politically", + -14.152673721313477 + ], + [ + "\u2581regulamenta", + -14.152700424194336 + ], + [ + "\u2581tyran", + -14.152700424194336 + ], + [ + "stijlen", + -14.152724266052246 + ], + [ + "sbeschr\u00e4nkungen", + -14.152764320373535 + ], + [ + "wielen", + -14.15283489227295 + ], + [ + "LIBC", + -14.152852058410645 + ], + [ + "exclama", + -14.152884483337402 + ], + [ + "crystalline", + -14.1528959274292 + ], + [ + "\u2581Etappen", + -14.152915000915527 + ], + [ + "mosdiertjessoort", + -14.152918815612791 + ], + [ + "\u2581memorable", + -14.15292263031006 + ], + [ + "\u2581fascinating", + -14.152948379516602 + ], + [ + "buds", + -14.152957916259766 + ], + [ + "\u2581slid", + -14.15298080444336 + ], + [ + "\u2581cooperativismo", + -14.152996063232422 + ], + [ + "\u2581Rusk", + -14.153013229370115 + ], + [ + "\u2581Deutlich", + -14.153017044067385 + ], + [ + "\u2581dran", + -14.153083801269531 + ], + [ + "\u2581scopri", + -14.15308666229248 + ], + [ + "\u2581fugiu", + -14.153093338012695 + ], + [ + "\u2581coconut", + -14.15311050415039 + ], + [ + "\u00edto", + -14.153119087219238 + ], + [ + "joel", + -14.15316677093506 + ], + [ + "uvem", + -14.15317153930664 + ], + [ + "endOffset", + -14.153183937072754 + ], + [ + "\u2581ricomp", + -14.15318489074707 + ], + [ + "\u2581Corine", + -14.15323257446289 + ], + [ + "\u2581entreprenant", + -14.153242111206056 + ], + [ + "\u2581duurzame", + -14.153247833251951 + ], + [ + "\u2581fict\u00edci", + -14.153250694274902 + ], + [ + "infrarouge", + -14.153261184692385 + ], + [ + "\u2581prudence", + -14.153263092041016 + ], + [ + "\u2581Macbeth", + -14.153268814086914 + ], + [ + "analista", + -14.153311729431152 + ], + [ + "\u2581Bayonne", + -14.15332317352295 + ], + [ + "ailed", + -14.15335464477539 + ], + [ + "\u2581demonstriert", + -14.153364181518556 + ], + [ + "vertretungen", + -14.153385162353516 + ], + [ + "hachi", + -14.153387069702148 + ], + [ + "\u2581Marqu\u00e9s", + -14.153395652770996 + ], + [ + "\u2581terroristic", + -14.153395652770996 + ], + [ + "\u2581Immunol", + -14.153404235839844 + ], + [ + "cuencia", + -14.153427124023438 + ], + [ + "\u2581attuat", + -14.153440475463867 + ], + [ + "\u2581sliced", + -14.153448104858398 + ], + [ + "\u2581GABA", + -14.153453826904297 + ], + [ + "IPAddress", + -14.15347671508789 + ], + [ + "\u2581einschl\u00e4gige", + -14.153493881225586 + ], + [ + "\u2581Odil", + -14.153494834899902 + ], + [ + "\u2581emigra", + -14.153541564941406 + ], + [ + "TreeNode", + -14.153546333312988 + ], + [ + "binaries", + -14.153550148010254 + ], + [ + "\u2581Cisco", + -14.15355110168457 + ], + [ + "\u2581concordar", + -14.153557777404783 + ], + [ + "\u2581sconfisse", + -14.153586387634276 + ], + [ + "\u2581Lisbonne", + -14.153587341308594 + ], + [ + "ictionaries", + -14.153593063354492 + ], + [ + "\u2581fiebre", + -14.153609275817873 + ], + [ + "\u2581Jiangsu", + -14.153620719909668 + ], + [ + "\u2581yeah", + -14.15362548828125 + ], + [ + "\u2581rodando", + -14.1536283493042 + ], + [ + "\u2581vuot", + -14.153635025024414 + ], + [ + "\u2581entrichtet", + -14.153642654418944 + ], + [ + "\u2581Dharma", + -14.153667449951172 + ], + [ + "\u2581motives", + -14.153696060180664 + ], + [ + "\u2581tribunales", + -14.15369701385498 + ], + [ + "\u2581Bundeskanzlerin", + -14.15374755859375 + ], + [ + "JET", + -14.153757095336914 + ], + [ + "\u2581Robbe", + -14.153815269470217 + ], + [ + "\u2581rappresentava", + -14.153816223144531 + ], + [ + "\u2581boissons", + -14.153868675231934 + ], + [ + "klemm", + -14.153874397277832 + ], + [ + "Sensitive", + -14.153919219970703 + ], + [ + "\u2581loyalty", + -14.153919219970703 + ], + [ + "\u2581ocupou", + -14.153926849365234 + ], + [ + "\u2581sailing", + -14.153939247131348 + ], + [ + "\u2581mascot", + -14.153948783874512 + ], + [ + "ShapeInfo", + -14.153953552246094 + ], + [ + "\u2581trover\u00e0", + -14.153959274291992 + ], + [ + "\u2581espinh", + -14.15396213531494 + ], + [ + "sprechenden", + -14.153971672058104 + ], + [ + "\u2581distorted", + -14.153983116149902 + ], + [ + "\u2581fossa", + -14.154070854187012 + ], + [ + "\u2581Geologie", + -14.154077529907228 + ], + [ + "\u2581Municipalit\u00e9", + -14.15407943725586 + ], + [ + "resultaten", + -14.154088973999023 + ], + [ + "\u2581doubts", + -14.154123306274414 + ], + [ + "\u2581cenno", + -14.154126167297363 + ], + [ + "\u2581soltar", + -14.154169082641602 + ], + [ + "\u2581unwirksam", + -14.154170036315918 + ], + [ + "\u2581variando", + -14.154180526733398 + ], + [ + "formateur", + -14.154189109802246 + ], + [ + "\u2581Mada", + -14.154204368591309 + ], + [ + "gibb", + -14.154245376586914 + ], + [ + "itronen", + -14.154250144958496 + ], + [ + "\u2581confluenza", + -14.154273986816406 + ], + [ + "\u2581Fahrkarten", + -14.15428638458252 + ], + [ + "\u2581Lotte", + -14.154290199279783 + ], + [ + "\u2581neerland\u00e9s", + -14.154293060302734 + ], + [ + "\u2581Ottavi", + -14.154303550720217 + ], + [ + "\u2581Ordina", + -14.154306411743164 + ], + [ + "\u2581precauzioni", + -14.154319763183594 + ], + [ + "\u2581abogados", + -14.15432071685791 + ], + [ + "\u2581Cosenza", + -14.154349327087402 + ], + [ + "\u2581ilusi\u00f3n", + -14.154351234436035 + ], + [ + "\u2581Garz", + -14.154353141784668 + ], + [ + "xad", + -14.15436553955078 + ], + [ + "\u2581Emery", + -14.15436840057373 + ], + [ + "i\u00e9ndo", + -14.154383659362791 + ], + [ + "\u2581Davos", + -14.154403686523438 + ], + [ + "Krieg", + -14.154415130615234 + ], + [ + "\u2581Warenverkehr", + -14.154422760009766 + ], + [ + "Comuna", + -14.15443992614746 + ], + [ + "\u2581Einf\u00fcgung", + -14.15443992614746 + ], + [ + "SAB", + -14.15451431274414 + ], + [ + "ignoranza", + -14.154516220092772 + ], + [ + "\u2581intermittent", + -14.154518127441406 + ], + [ + "\u2581magico", + -14.154528617858888 + ], + [ + "eccessiva", + -14.154562950134276 + ], + [ + "\u2581Colmar", + -14.154570579528809 + ], + [ + "datadir", + -14.154583930969238 + ], + [ + "\u2581Prisioneiro", + -14.154603004455566 + ], + [ + "\u2581appreciation", + -14.154603004455566 + ], + [ + "\u2581remedy", + -14.154608726501465 + ], + [ + "\u2581decidono", + -14.154632568359377 + ], + [ + "\u2581entit\u00e9s", + -14.15464687347412 + ], + [ + "\u2581Winterspiele", + -14.154657363891602 + ], + [ + "\u2581Divi", + -14.154670715332031 + ], + [ + "\u2581Kowal", + -14.154707908630373 + ], + [ + "\u2581sorb", + -14.154714584350586 + ], + [ + "\u2581mentais", + -14.154732704162598 + ], + [ + "\u2581lavorava", + -14.154736518859863 + ], + [ + "drift", + -14.154739379882812 + ], + [ + "iesta", + -14.154743194580078 + ], + [ + "scendenza", + -14.154746055603027 + ], + [ + "GON", + -14.154749870300291 + ], + [ + "orca", + -14.154752731323242 + ], + [ + "GHz", + -14.154757499694824 + ], + [ + "gezogenen", + -14.154810905456545 + ], + [ + "oiled", + -14.154817581176758 + ], + [ + "\u2581Callao", + -14.15483283996582 + ], + [ + "\u2581Letland", + -14.15485668182373 + ], + [ + "Distribuci\u00f3n", + -14.154874801635742 + ], + [ + "\u2581weich", + -14.154912948608398 + ], + [ + "\u2581mandioca", + -14.15494441986084 + ], + [ + "\u2581prolonge", + -14.15494441986084 + ], + [ + "\u2581infinitivo", + -14.15496826171875 + ], + [ + "Dave", + -14.155019760131836 + ], + [ + "\u2581InDesign", + -14.155020713806152 + ], + [ + "\u2581Kuni", + -14.155071258544922 + ], + [ + "\u2581R\u00e9gime", + -14.15509033203125 + ], + [ + "\u2581enterprises", + -14.155101776123049 + ], + [ + "HIS", + -14.155115127563477 + ], + [ + "\u2581Franstalige", + -14.155118942260742 + ], + [ + "at\u00f3mica", + -14.155162811279297 + ], + [ + "Tat", + -14.15518283843994 + ], + [ + "\u2581emenda", + -14.155192375183104 + ], + [ + "\u2581Roar", + -14.15524959564209 + ], + [ + "\u2581introduz", + -14.155259132385254 + ], + [ + "\u2581juzgar", + -14.155261993408203 + ], + [ + "\u2581Colbert", + -14.155292510986328 + ], + [ + "\u2581Betrachter", + -14.15529441833496 + ], + [ + "\u2581Dutra", + -14.155301094055176 + ], + [ + "\u2581Lehrbuch", + -14.155363082885742 + ], + [ + "\u2581enzimas", + -14.15537929534912 + ], + [ + "\u2581navegando", + -14.155380249023438 + ], + [ + "\u2581exprim", + -14.155389785766602 + ], + [ + "\u2581Mart\u00ed", + -14.155390739440918 + ], + [ + "\u2581noturno", + -14.155407905578612 + ], + [ + "gancia", + -14.155410766601562 + ], + [ + "africana", + -14.155413627624512 + ], + [ + "duttrice", + -14.15542221069336 + ], + [ + "schlug", + -14.155437469482422 + ], + [ + "\u2581rituel", + -14.155441284179688 + ], + [ + "achary", + -14.155470848083496 + ], + [ + "niglich", + -14.155474662780762 + ], + [ + "geheimnis", + -14.15548038482666 + ], + [ + "\u2581acudir", + -14.155484199523926 + ], + [ + "condensed", + -14.155495643615724 + ], + [ + "\u2581sentirsi", + -14.155506134033203 + ], + [ + "\u2581allungat", + -14.155516624450684 + ], + [ + "\u2581ausgearbeitet", + -14.155552864074709 + ], + [ + "PersistentVolume", + -14.155559539794922 + ], + [ + "anderen", + -14.155592918395996 + ], + [ + "pumpe", + -14.155593872070312 + ], + [ + "cirr", + -14.155631065368652 + ], + [ + "\u2581indiferente", + -14.155632972717283 + ], + [ + "\u2581Rumpf", + -14.155646324157717 + ], + [ + "Florida", + -14.155659675598145 + ], + [ + "\u2581segnalato", + -14.155672073364258 + ], + [ + "tennero", + -14.155680656433104 + ], + [ + "\u2581albanese", + -14.155714988708496 + ], + [ + "\u2581patrocina", + -14.155721664428713 + ], + [ + "unicorn", + -14.15572738647461 + ], + [ + "\u2581openly", + -14.15573024749756 + ], + [ + "ziellen", + -14.155759811401367 + ], + [ + "shrine", + -14.155795097351074 + ], + [ + "gorje", + -14.155810356140137 + ], + [ + "\u2581Camargo", + -14.155827522277832 + ], + [ + "\u2581Doing", + -14.155840873718262 + ], + [ + "\u2581hormones", + -14.155847549438477 + ], + [ + "entrifugation", + -14.15587043762207 + ], + [ + "\u2581croyances", + -14.15587043762207 + ], + [ + "evenement", + -14.155879974365234 + ], + [ + "\u2581feestdag", + -14.155925750732422 + ], + [ + "\u2581patrimoni", + -14.155929565429688 + ], + [ + "mok", + -14.155966758728027 + ], + [ + "\u00e9pid\u00e9mie", + -14.155966758728027 + ], + [ + "\u2581rodovi\u00e1rio", + -14.155966758728027 + ], + [ + "\u2581Operatie", + -14.155967712402344 + ], + [ + "\u2581Erfgoed", + -14.155969619750977 + ], + [ + "\u2581vervoerd", + -14.155970573425291 + ], + [ + "\u2581Polaris", + -14.155972480773926 + ], + [ + "R\u00f3dano", + -14.15598201751709 + ], + [ + "pietr", + -14.156005859375 + ], + [ + "ophage", + -14.156020164489746 + ], + [ + "\u00e9curie", + -14.156033515930176 + ], + [ + "ocaute", + -14.156046867370604 + ], + [ + "Celeb", + -14.156055450439451 + ], + [ + "Encrypt", + -14.156063079833984 + ], + [ + "ELLA", + -14.156065940856934 + ], + [ + "\u2581Versicherungen", + -14.156085968017578 + ], + [ + "\u2581urbains", + -14.156099319458008 + ], + [ + "\u2581glyco", + -14.156103134155272 + ], + [ + "monas", + -14.15610694885254 + ], + [ + "s\u00e4ule", + -14.156126976013184 + ], + [ + "\u2581verbi", + -14.156132698059082 + ], + [ + "Komplex", + -14.156166076660156 + ], + [ + "\u2581Spieltag", + -14.156173706054688 + ], + [ + "\u2581radiaci\u00f3n", + -14.156182289123535 + ], + [ + "\u2581titul", + -14.156201362609863 + ], + [ + "\u2581vozes", + -14.156214714050291 + ], + [ + "\u2581Nicholson", + -14.15621566772461 + ], + [ + "DSS", + -14.156248092651367 + ], + [ + "\u2581comunitaria", + -14.156257629394531 + ], + [ + "Expanded", + -14.156259536743164 + ], + [ + "\u2581Bibi", + -14.156259536743164 + ], + [ + "\u2581Crass", + -14.156259536743164 + ], + [ + "terus", + -14.156268119812012 + ], + [ + "\u2581r\u00e9sultant", + -14.156282424926758 + ], + [ + "\u2581Alem\u00e1n", + -14.156304359436035 + ], + [ + "\u2581peggiori", + -14.156307220458984 + ], + [ + "\u2581satisfeito", + -14.1563081741333 + ], + [ + "\u2581tranquillit\u00e0", + -14.15631866455078 + ], + [ + "\u2581Wirkungsgrad", + -14.156341552734377 + ], + [ + "\u2581ajustes", + -14.156357765197754 + ], + [ + "\u2581apreciado", + -14.156364440917969 + ], + [ + "\u2581bains", + -14.15639305114746 + ], + [ + "\u2581revues", + -14.156397819519045 + ], + [ + "\u2581Belang", + -14.15640354156494 + ], + [ + "NST", + -14.156404495239258 + ], + [ + "\u2581murine", + -14.15650749206543 + ], + [ + "\u2581klarer", + -14.156513214111328 + ], + [ + "\u2581Alleg", + -14.15654182434082 + ], + [ + "\u2581fervor", + -14.156571388244627 + ], + [ + "\u2581sintetizador", + -14.156598091125488 + ], + [ + "\u2581impulsi", + -14.15659999847412 + ], + [ + "haltbar", + -14.156606674194336 + ], + [ + "\u2581Fortunately", + -14.156649589538574 + ], + [ + "\u2581cohomology", + -14.156649589538574 + ], + [ + "\u2581preferencias", + -14.156665802001951 + ], + [ + "\u2581carbonate", + -14.15666675567627 + ], + [ + "OpenMP", + -14.156709671020508 + ], + [ + "\u2581Buddhism", + -14.156728744506836 + ], + [ + "\u2581comitat", + -14.156728744506836 + ], + [ + "\u2581gef\u00e4hrlicher", + -14.15675449371338 + ], + [ + "googleads", + -14.156758308410645 + ], + [ + "pypa", + -14.156765937805176 + ], + [ + "\u2581Landmark", + -14.156765937805176 + ], + [ + "\u2581indetermina", + -14.156793594360352 + ], + [ + "constructie", + -14.156797409057615 + ], + [ + "\u2581clandestina", + -14.15682315826416 + ], + [ + "olven", + -14.156829833984377 + ], + [ + "\u2581verbieten", + -14.156843185424805 + ], + [ + "Roche", + -14.156851768493652 + ], + [ + "sparag", + -14.156882286071776 + ], + [ + "\u2581sultano", + -14.15691375732422 + ], + [ + "\u2581Caio", + -14.156920433044434 + ], + [ + "roprietary", + -14.156926155090332 + ], + [ + "\u2581Wallfahrt", + -14.156935691833496 + ], + [ + "\u2581Braut", + -14.156954765319824 + ], + [ + "\u2581interrompu", + -14.15695571899414 + ], + [ + "NSDictionary", + -14.156956672668455 + ], + [ + "apete", + -14.156972885131836 + ], + [ + "\u2581frontiere", + -14.156987190246582 + ], + [ + "\u2581BauGB", + -14.156990051269531 + ], + [ + "\u2581wirkungsvoll", + -14.156994819641112 + ], + [ + "\u2581begrafenis", + -14.156999588012695 + ], + [ + "\u2581mergulha", + -14.15700626373291 + ], + [ + "\u2581expectativa", + -14.157011985778809 + ], + [ + "Mexico", + -14.157025337219238 + ], + [ + "stay", + -14.157039642333984 + ], + [ + "\u2581histori", + -14.157078742980955 + ], + [ + "\u2581domestique", + -14.157092094421388 + ], + [ + "\u2581ajouta", + -14.15709400177002 + ], + [ + "\u2581croyance", + -14.157111167907717 + ], + [ + "\u2581Hundred", + -14.15711498260498 + ], + [ + "brian", + -14.157146453857422 + ], + [ + "\u2581Coal", + -14.157164573669434 + ], + [ + "Trop", + -14.157167434692385 + ], + [ + "\u2581invitaci\u00f3n", + -14.15720272064209 + ], + [ + "\u2581improbable", + -14.157217979431152 + ], + [ + "\u2581popolata", + -14.157227516174316 + ], + [ + "gr\u00e4", + -14.15723705291748 + ], + [ + "cubr\u00ed", + -14.157249450683594 + ], + [ + "\u2581surmont\u00e9", + -14.157309532165527 + ], + [ + "\u2581acusados", + -14.15731716156006 + ], + [ + "\u2581appartiennent", + -14.15733242034912 + ], + [ + "\u2581svincolo", + -14.15733242034912 + ], + [ + "\u2581femmina", + -14.157341003417969 + ], + [ + "\u2581gerador", + -14.15735149383545 + ], + [ + "\u2581vibrante", + -14.157352447509766 + ], + [ + "ghost", + -14.157441139221191 + ], + [ + "\u2581delimitado", + -14.157477378845217 + ], + [ + "bezirke", + -14.15749168395996 + ], + [ + "stirpe", + -14.157492637634276 + ], + [ + "Extraction", + -14.15752124786377 + ], + [ + "\u2581literarische", + -14.15752124786377 + ], + [ + "\u2581reproductive", + -14.157529830932615 + ], + [ + "gosta", + -14.157544136047363 + ], + [ + "\u2581oferecendo", + -14.157560348510742 + ], + [ + "\u2581Bardo", + -14.157563209533691 + ], + [ + "technischer", + -14.157588958740234 + ], + [ + "Baker", + -14.15758991241455 + ], + [ + "voluntariamente", + -14.15760898590088 + ], + [ + "uktu", + -14.157626152038574 + ], + [ + "\u2581Sternen", + -14.157629013061523 + ], + [ + "arq", + -14.157633781433104 + ], + [ + "\u2581Khor", + -14.157670021057127 + ], + [ + "\u2581condamnation", + -14.157673835754396 + ], + [ + "Aveyron", + -14.157674789428713 + ], + [ + "\u2581muebles", + -14.157675743103027 + ], + [ + "\u2581identificada", + -14.157708168029783 + ], + [ + "BLACK", + -14.157720565795898 + ], + [ + "\u2581Burgund", + -14.15773105621338 + ], + [ + "\u2581ontvangt", + -14.15775203704834 + ], + [ + "salva", + -14.157766342163086 + ], + [ + "underlying", + -14.157794952392578 + ], + [ + "bildungen", + -14.157797813415527 + ], + [ + "\u2581Sofi", + -14.157798767089844 + ], + [ + "\u2581stagionali", + -14.157803535461426 + ], + [ + "PSD", + -14.15781021118164 + ], + [ + "Pager", + -14.157879829406738 + ], + [ + "\u2581Arquivos", + -14.157886505126951 + ], + [ + "\u2581Tide", + -14.157892227172852 + ], + [ + "archia", + -14.157893180847168 + ], + [ + "multiprocessing", + -14.157893180847168 + ], + [ + "landschap", + -14.157894134521484 + ], + [ + "\u2581Jehov", + -14.157899856567385 + ], + [ + "\u2581patrimonial", + -14.15790843963623 + ], + [ + "answers", + -14.157926559448242 + ], + [ + "patos", + -14.157957077026367 + ], + [ + "sufficientemente", + -14.157977104187012 + ], + [ + "kosystem", + -14.158013343811035 + ], + [ + "st\u00e4ndigkeit", + -14.158016204833984 + ], + [ + "\u2581abundancia", + -14.158016204833984 + ], + [ + "\u2581ep\u00ed", + -14.158050537109377 + ], + [ + "temos", + -14.15805435180664 + ], + [ + "Asp", + -14.158132553100586 + ], + [ + "vorg\u00e4nge", + -14.158148765563965 + ], + [ + "CEC", + -14.158156394958496 + ], + [ + "\u2581Proceso", + -14.15816879272461 + ], + [ + "\u2581deciden", + -14.15818214416504 + ], + [ + "\u2581Pretoria", + -14.158227920532228 + ], + [ + "Aliases", + -14.158230781555176 + ], + [ + "headed", + -14.158249855041504 + ], + [ + "ductible", + -14.15830135345459 + ], + [ + "\u2581aproximado", + -14.158308029174805 + ], + [ + "\u2581pol\u00e9mique", + -14.158358573913574 + ], + [ + "\u2581recorte", + -14.158373832702637 + ], + [ + "\u2581Rasmussen", + -14.15839385986328 + ], + [ + "practic", + -14.158442497253418 + ], + [ + "geloof", + -14.15845775604248 + ], + [ + "UEN", + -14.158470153808594 + ], + [ + "\u2581vortex", + -14.158479690551758 + ], + [ + "\u2581verspreiden", + -14.158486366271973 + ], + [ + "\u2581invertir", + -14.158493041992188 + ], + [ + "HUD", + -14.158519744873049 + ], + [ + "Resolved", + -14.158543586730955 + ], + [ + "lupi", + -14.158556938171388 + ], + [ + "Stored", + -14.158564567565918 + ], + [ + "\u2581Hach", + -14.158564567565918 + ], + [ + "Acetyl", + -14.158580780029297 + ], + [ + "\u2581malware", + -14.158589363098145 + ], + [ + "\u2581desarrollados", + -14.15859031677246 + ], + [ + "bevolkt", + -14.158599853515623 + ], + [ + "kr\u00e4ftigen", + -14.158616065979004 + ], + [ + "\u2581tromba", + -14.158616065979004 + ], + [ + "\u2581vegetales", + -14.158634185791016 + ], + [ + "\u2581Canu", + -14.158641815185549 + ], + [ + "itrus", + -14.158679008483888 + ], + [ + "diameter", + -14.158685684204102 + ], + [ + "\u2581Kraftfahrzeugen", + -14.158685684204102 + ], + [ + "\u2581Spotify", + -14.158719062805176 + ], + [ + "Fade", + -14.158756256103516 + ], + [ + "abw\u00e4rts", + -14.15876007080078 + ], + [ + "\u2581preferisce", + -14.15880298614502 + ], + [ + "\u2581zeitweilig", + -14.158817291259766 + ], + [ + "t\u00e1l", + -14.158828735351562 + ], + [ + "\u2581DIOS", + -14.158836364746094 + ], + [ + "\u2581condamne", + -14.158876419067385 + ], + [ + "\u2581Seiy", + -14.158880233764648 + ], + [ + "\u2581Novell", + -14.158946990966797 + ], + [ + "\u00e9tonnant", + -14.158950805664062 + ], + [ + "\u2581Metapher", + -14.158952713012695 + ], + [ + "\u2581sensibilidade", + -14.158955574035645 + ], + [ + "\u2581gematigde", + -14.158975601196287 + ], + [ + "\u2581Thinking", + -14.158985137939451 + ], + [ + "\u2581guardi", + -14.159032821655272 + ], + [ + "\u2581einvernehmlich", + -14.15904140472412 + ], + [ + "\u2581w\u00e4ssrige", + -14.15904140472412 + ], + [ + "\u2581Christa", + -14.159059524536133 + ], + [ + "Puerto", + -14.159063339233398 + ], + [ + "lvl", + -14.159070014953612 + ], + [ + "wangsvollstreck", + -14.159097671508787 + ], + [ + "sgrunds\u00e4tze", + -14.159162521362305 + ], + [ + "ndovi", + -14.15919017791748 + ], + [ + "Geografia", + -14.159193992614746 + ], + [ + "\u2581gutem", + -14.159217834472656 + ], + [ + "\u2581dirama", + -14.159229278564451 + ], + [ + "uditorio", + -14.159231185913086 + ], + [ + "Rookie", + -14.159234046936035 + ], + [ + "\u2581Renzi", + -14.159256935119627 + ], + [ + "\u2581Brant", + -14.159259796142578 + ], + [ + "jV", + -14.15927028656006 + ], + [ + "isccp", + -14.159296035766602 + ], + [ + "\u2581Schafe", + -14.159296989440918 + ], + [ + "c\u00e1r", + -14.159309387207031 + ], + [ + "\u2581Schriftst\u00fcck", + -14.159330368041992 + ], + [ + "solto", + -14.159344673156738 + ], + [ + "\u2581inhabit", + -14.159353256225586 + ], + [ + "ECC", + -14.159414291381836 + ], + [ + "PDFs", + -14.15945529937744 + ], + [ + "musical", + -14.159468650817873 + ], + [ + "\u2581citadas", + -14.15947723388672 + ], + [ + "\u2581Machines", + -14.159485816955566 + ], + [ + "\u2581Syrische", + -14.15949249267578 + ], + [ + "possibly", + -14.159516334533691 + ], + [ + "\u2581donation", + -14.159557342529297 + ], + [ + "\u2581McCoy", + -14.159564018249512 + ], + [ + "\u2581Clon", + -14.159589767456056 + ], + [ + "\u2581reche", + -14.1596097946167 + ], + [ + "Konzentrationen", + -14.159639358520508 + ], + [ + "\u2581furnish", + -14.15971851348877 + ], + [ + "\u2581historians", + -14.159725189208984 + ], + [ + "\u2581Fontainebleau", + -14.1597261428833 + ], + [ + "cotyl", + -14.159729957580566 + ], + [ + "Br\u00fccke", + -14.159748077392578 + ], + [ + "CIL", + -14.159759521484377 + ], + [ + "NCO", + -14.159764289855955 + ], + [ + "\u2581inl\u00e4ndische", + -14.1597900390625 + ], + [ + "\u2581klingt", + -14.159804344177246 + ], + [ + "\u2581elettori", + -14.15980625152588 + ], + [ + "laufende", + -14.15982723236084 + ], + [ + "GGER", + -14.159828186035156 + ], + [ + "\u2581refleti", + -14.159836769104004 + ], + [ + "\u2581recens\u00e9", + -14.159857749938965 + ], + [ + "Allocator", + -14.159881591796877 + ], + [ + "\u2581Sorb", + -14.159912109375 + ], + [ + "\u2581presidenti", + -14.159923553466797 + ], + [ + "\u2581associadas", + -14.15993309020996 + ], + [ + "\u2581saveur", + -14.159975051879885 + ], + [ + "\u2581aspettative", + -14.1599760055542 + ], + [ + "OutOf", + -14.159987449645996 + ], + [ + "\u2581Elementos", + -14.159991264343262 + ], + [ + "MATERIAL", + -14.160067558288574 + ], + [ + "\u2581fundierte", + -14.160072326660156 + ], + [ + "\u2581R\u00e9alisateur", + -14.160078048706056 + ], + [ + "\u2581abrigar", + -14.160085678100586 + ], + [ + "Defini", + -14.160099029541016 + ], + [ + "\u2581Magda", + -14.160099029541016 + ], + [ + "\u2581battute", + -14.160106658935549 + ], + [ + "\u2581ajeno", + -14.160134315490724 + ], + [ + "\u2581Blasi", + -14.16015338897705 + ], + [ + "\u2581bruxas", + -14.160165786743164 + ], + [ + "\u2581Wallonie", + -14.160233497619627 + ], + [ + "domestic", + -14.160240173339844 + ], + [ + "\u00e9rienne", + -14.160280227661133 + ], + [ + "\u2581Pastoral", + -14.160283088684082 + ], + [ + "\u2581Spitzenverb\u00e4nde", + -14.160386085510254 + ], + [ + "\u2581bazar", + -14.16040325164795 + ], + [ + "\u2581netvleugeligen", + -14.160411834716797 + ], + [ + "\u2581Elei", + -14.16043758392334 + ], + [ + "\u2581plausibil", + -14.160449028015137 + ], + [ + "\u2581s\u00e9ances", + -14.16046905517578 + ], + [ + "\u2581anglophone", + -14.160528182983398 + ], + [ + "gegliedert", + -14.160530090332031 + ], + [ + "\u2581steering", + -14.160545349121094 + ], + [ + "CEA", + -14.160600662231444 + ], + [ + "\u2581AWSClient", + -14.160605430603027 + ], + [ + "\u2581dagblad", + -14.16061305999756 + ], + [ + "\u2581renovatie", + -14.16062068939209 + ], + [ + "scure", + -14.160658836364746 + ], + [ + "Gru", + -14.160679817199709 + ], + [ + "\u2581Otten", + -14.160700798034668 + ], + [ + "\u2581evangelischen", + -14.160734176635742 + ], + [ + "Allemand", + -14.16074562072754 + ], + [ + "\u2581Andromeda", + -14.16075611114502 + ], + [ + "\u2581Hierarchie", + -14.160808563232422 + ], + [ + "\u2581reuzen", + -14.160808563232422 + ], + [ + "Am\u00e9lie", + -14.16081428527832 + ], + [ + "enswert", + -14.160820960998535 + ], + [ + "\u2581bloqueado", + -14.160822868347168 + ], + [ + "ph\u00e4nomen", + -14.160825729370115 + ], + [ + "\u2581verringerte", + -14.160852432250977 + ], + [ + "\u2581Linguistics", + -14.160880088806152 + ], + [ + "\u2581Rowe", + -14.160911560058594 + ], + [ + "etze", + -14.160916328430176 + ], + [ + "\u2581parlementaires", + -14.16092014312744 + ], + [ + "xtensible", + -14.160924911499023 + ], + [ + "\u2581vulcanica", + -14.160934448242188 + ], + [ + "CEN", + -14.160944938659668 + ], + [ + "\u2581Wichtigkeit", + -14.16094970703125 + ], + [ + "\u2581verfolgten", + -14.160995483398438 + ], + [ + "luy", + -14.161005020141602 + ], + [ + "\u2581irrig", + -14.16102409362793 + ], + [ + "\u2581Loeb", + -14.161054611206056 + ], + [ + "ouze", + -14.161072731018066 + ], + [ + "\u2581pharmaceutical", + -14.161096572875977 + ], + [ + "\u2581Dramaturg", + -14.16110897064209 + ], + [ + "\u2581Lova", + -14.16110897064209 + ], + [ + "OPERATOR", + -14.161109924316406 + ], + [ + "\u2581Konzession", + -14.161112785339355 + ], + [ + "\u2581Barbie", + -14.161144256591797 + ], + [ + "\u2581elettronico", + -14.161144256591797 + ], + [ + "Pisa", + -14.161147117614746 + ], + [ + "ESTE", + -14.16115379333496 + ], + [ + "maut", + -14.161162376403809 + ], + [ + "\u2581financieras", + -14.16116428375244 + ], + [ + "\u2581Vence", + -14.161175727844238 + ], + [ + "\u2581Calabr", + -14.161178588867188 + ], + [ + "Nouvelle", + -14.16118049621582 + ], + [ + "reddit", + -14.161198616027832 + ], + [ + "\u2581guerreiro", + -14.161208152770996 + ], + [ + "\u2581travesti", + -14.161230087280272 + ], + [ + "\u2581travelled", + -14.161237716674805 + ], + [ + "\u2581crav", + -14.161274909973145 + ], + [ + "\u2581estendono", + -14.161283493041992 + ], + [ + "\u2581ausschlaggebend", + -14.161290168762209 + ], + [ + "\u2581leyendo", + -14.161298751831056 + ], + [ + "lighten", + -14.161338806152344 + ], + [ + "\u2581Schwerbehindert", + -14.161396980285645 + ], + [ + "p\u00f3sito", + -14.161404609680176 + ], + [ + "UIS", + -14.161412239074709 + ], + [ + "\u2581binnenland", + -14.161413192749023 + ], + [ + "\u2581Vilar", + -14.161420822143556 + ], + [ + "\u2581demasiada", + -14.161466598510742 + ], + [ + "\u2581pap\u00e0", + -14.161466598510742 + ], + [ + "aussage", + -14.161480903625488 + ], + [ + "zentrifugiert", + -14.161480903625488 + ], + [ + "\u2581exercised", + -14.161481857299805 + ], + [ + "\u2581Trenta", + -14.161484718322754 + ], + [ + "\u2581tropicali", + -14.161494255065918 + ], + [ + "PubKey", + -14.161495208740234 + ], + [ + "\u2581guardias", + -14.161508560180664 + ], + [ + "desired", + -14.161643981933594 + ], + [ + "\u2581riport", + -14.161761283874512 + ], + [ + "adegua", + -14.161775588989258 + ], + [ + "\u2581negativi", + -14.16177749633789 + ], + [ + "\u2581gevangengenomen", + -14.161785125732422 + ], + [ + "zeuge", + -14.16179656982422 + ], + [ + "\u2581Cavall", + -14.16181182861328 + ], + [ + "\u2581t\u00e9moignages", + -14.161813735961914 + ], + [ + "\u2581Vorzug", + -14.16187858581543 + ], + [ + "abwicklung", + -14.161883354187012 + ], + [ + "\u2581c\u00e9ramique", + -14.161897659301758 + ], + [ + "\u2581Hanover", + -14.161900520324709 + ], + [ + "\u2581subi\u00f3", + -14.161906242370604 + ], + [ + "\u00f3fono", + -14.161911010742188 + ], + [ + "TEA", + -14.161916732788086 + ], + [ + "\u2581abgegebenen", + -14.161937713623049 + ], + [ + "plique", + -14.161961555480955 + ], + [ + "STAND", + -14.16197395324707 + ], + [ + "Urban", + -14.161988258361816 + ], + [ + "CIM", + -14.16199779510498 + ], + [ + "\u2581Ermita", + -14.162001609802246 + ], + [ + "\u2581Biber", + -14.162063598632812 + ], + [ + "\u2581buddist", + -14.162086486816406 + ], + [ + "oordelen", + -14.162124633789062 + ], + [ + "\u2581Konzil", + -14.162124633789062 + ], + [ + "\u2581acad\u00e9mique", + -14.162127494812012 + ], + [ + "\u2581Promov", + -14.16213321685791 + ], + [ + "\u2581analogo", + -14.162138938903809 + ], + [ + "auxiliaire", + -14.162152290344238 + ], + [ + "\u2581casualties", + -14.162164688110352 + ], + [ + "hella", + -14.162174224853516 + ], + [ + "\u2581olig", + -14.162178993225098 + ], + [ + "ccl", + -14.162201881408691 + ], + [ + "incorporated", + -14.162223815917969 + ], + [ + "Published", + -14.162225723266602 + ], + [ + "\u2581leisure", + -14.162249565124512 + ], + [ + "\u2581scenari", + -14.16226863861084 + ], + [ + "cyclin", + -14.162270545959473 + ], + [ + "roce", + -14.16227912902832 + ], + [ + "berk", + -14.16228199005127 + ], + [ + "\u2581Argos", + -14.162299156188965 + ], + [ + "platzes", + -14.16232204437256 + ], + [ + "nosti", + -14.162323951721191 + ], + [ + "\u2581Karn", + -14.162331581115724 + ], + [ + "\u2581Intens", + -14.162347793579102 + ], + [ + "MultiOutput", + -14.162354469299316 + ], + [ + "\u2581verrons", + -14.162370681762695 + ], + [ + "\u2581Gorda", + -14.162446022033691 + ], + [ + "voluti", + -14.162474632263184 + ], + [ + "\u2581Tyne", + -14.162490844726562 + ], + [ + "\u2581marchar", + -14.162506103515623 + ], + [ + "\u2581smash", + -14.162527084350586 + ], + [ + "g\u00e9n\u00e9ral", + -14.162540435791016 + ], + [ + "\u2581Rung", + -14.162582397460938 + ], + [ + "f\u00e4hre", + -14.162615776062012 + ], + [ + "\u2581segu\u00edan", + -14.162644386291504 + ], + [ + "sprotokoll", + -14.16264533996582 + ], + [ + "\u2581magistratura", + -14.162647247314451 + ], + [ + "testkit", + -14.162664413452148 + ], + [ + "\u2581Carbo", + -14.16268539428711 + ], + [ + "\u2581chiedete", + -14.162704467773438 + ], + [ + "prout", + -14.16270637512207 + ], + [ + "\u2581gegeneinander", + -14.162710189819336 + ], + [ + "\u2581Weekend", + -14.162775039672852 + ], + [ + "\u2581Feh", + -14.162779808044434 + ], + [ + "Which", + -14.16279125213623 + ], + [ + "\u2581s\u00e9mantique", + -14.162813186645508 + ], + [ + "g\u00e4ste", + -14.162824630737305 + ], + [ + "\u2581tem\u00e1tico", + -14.16282558441162 + ], + [ + "BBA", + -14.162837982177734 + ], + [ + "onnie", + -14.16284465789795 + ], + [ + "ag\u00fce", + -14.162848472595217 + ], + [ + "\u2581Tacit", + -14.16285514831543 + ], + [ + "\u2581mensonge", + -14.162884712219238 + ], + [ + "\u2581integrados", + -14.162888526916504 + ], + [ + "chirurg", + -14.162906646728516 + ], + [ + "\u2581Jared", + -14.16293716430664 + ], + [ + "\u2581Passer", + -14.163043022155762 + ], + [ + "\u2581Documento", + -14.163056373596191 + ], + [ + "gleis", + -14.163079261779783 + ], + [ + "ppell", + -14.16308879852295 + ], + [ + "oluci\u00f3n", + -14.163145065307615 + ], + [ + "\u2581achievements", + -14.16318416595459 + ], + [ + "cency", + -14.163189888000488 + ], + [ + "\u2581ripost", + -14.16319465637207 + ], + [ + "\u2581verzorgen", + -14.163202285766602 + ], + [ + "Italiaans", + -14.163240432739258 + ], + [ + "\u2581mutuamente", + -14.163253784179688 + ], + [ + "\u2581electrodes", + -14.163259506225586 + ], + [ + "\u2581contrasti", + -14.163280487060549 + ], + [ + "polarisation", + -14.163284301757812 + ], + [ + "\u2581acides", + -14.163288116455078 + ], + [ + "\u2581halfway", + -14.163330078125 + ], + [ + "onderscheidingen", + -14.163331031799316 + ], + [ + "tides", + -14.163386344909668 + ], + [ + "Ordnung", + -14.163402557373049 + ], + [ + "\u2581plong\u00e9e", + -14.163402557373049 + ], + [ + "Approximation", + -14.16349983215332 + ], + [ + "\u2581Kalendermonat", + -14.16350555419922 + ], + [ + "\u2581tierischen", + -14.163522720336914 + ], + [ + "\u2581outono", + -14.163564682006836 + ], + [ + "parameterized", + -14.163604736328123 + ], + [ + "seguimento", + -14.163604736328123 + ], + [ + "\u2581M\u00e9rite", + -14.163604736328123 + ], + [ + "bewusste", + -14.163607597351074 + ], + [ + "\u2581Borch", + -14.163644790649414 + ], + [ + "\u2581Ratcha", + -14.163662910461426 + ], + [ + "SLC", + -14.163700103759766 + ], + [ + "\u2581compl\u00e9mentaire", + -14.163702011108398 + ], + [ + "\u2581Escolar", + -14.163713455200195 + ], + [ + "\u2581quadrato", + -14.163715362548828 + ], + [ + "\u2581textures", + -14.163766860961914 + ], + [ + "\u2581Versionen", + -14.16377067565918 + ], + [ + "\u2581highlighting", + -14.163776397705078 + ], + [ + "\u2581verstehe", + -14.163784980773926 + ], + [ + "rabo", + -14.16379165649414 + ], + [ + "\u2581levada", + -14.163824081420898 + ], + [ + "\u2581milenio", + -14.163843154907228 + ], + [ + "\u2581Birnbaum", + -14.163847923278809 + ], + [ + "\u2581duvid", + -14.163854598999023 + ], + [ + "\u2581Butterfly", + -14.163858413696287 + ], + [ + "\u2581recuper\u00f3", + -14.163865089416504 + ], + [ + "ubereitungen", + -14.163883209228516 + ], + [ + "\u2581psic\u00f3logo", + -14.163894653320312 + ], + [ + "\u2581ricostruito", + -14.163921356201172 + ], + [ + "\u2581lign\u00e9e", + -14.163951873779297 + ], + [ + "besetzung", + -14.16396427154541 + ], + [ + "\u2581Ferme", + -14.16397762298584 + ], + [ + "\u2581submarinos", + -14.163997650146484 + ], + [ + "diesel", + -14.164002418518066 + ], + [ + "eigent\u00fcmer", + -14.164007186889648 + ], + [ + "magn\u00e9t", + -14.164042472839355 + ], + [ + "\u2581rijen", + -14.16405963897705 + ], + [ + "\u2581Membro", + -14.16407871246338 + ], + [ + "ENDI", + -14.164088249206545 + ], + [ + "\u2581nacer", + -14.164090156555176 + ], + [ + "grijp", + -14.164102554321287 + ], + [ + "\u2581Schin", + -14.16413688659668 + ], + [ + "bcsymbolmap", + -14.16418743133545 + ], + [ + "\u2581D\u00e9claration", + -14.16418743133545 + ], + [ + "\u2581verteidigt", + -14.16418743133545 + ], + [ + "\u2581feront", + -14.164263725280762 + ], + [ + "education", + -14.164283752441406 + ], + [ + "\u2581tematiche", + -14.164311408996582 + ], + [ + "\u2581crebbe", + -14.164342880249023 + ], + [ + "\u2581Griechen", + -14.164358139038086 + ], + [ + "\u2581nourrir", + -14.1643705368042 + ], + [ + "\u2581amable", + -14.164388656616213 + ], + [ + "\u2581Savo", + -14.16440200805664 + ], + [ + "Genome", + -14.1644287109375 + ], + [ + "\u2581Nig", + -14.164437294006348 + ], + [ + "bestandes", + -14.16443920135498 + ], + [ + "\u2581Feeling", + -14.164454460144045 + ], + [ + "bura", + -14.164496421813965 + ], + [ + "Suzuki", + -14.16450309753418 + ], + [ + "cladi", + -14.164558410644531 + ], + [ + "\u2581gobernar", + -14.164576530456545 + ], + [ + "\u2581Cicerone", + -14.164581298828123 + ], + [ + "\u2581Maurer", + -14.16458511352539 + ], + [ + "\u2581Hauptrolle", + -14.164678573608398 + ], + [ + "\u2581Earlier", + -14.164688110351562 + ], + [ + "\u2581reforzar", + -14.164692878723145 + ], + [ + "\u2581STREET", + -14.164695739746094 + ], + [ + "\u2581l\u00e4ngerer", + -14.164714813232422 + ], + [ + "\u2581greche", + -14.164721488952637 + ], + [ + "\u2581CAPIT", + -14.16477870941162 + ], + [ + "\u2581Elio", + -14.164789199829102 + ], + [ + "\u2581insegnare", + -14.164802551269531 + ], + [ + "nexi\u00f3n", + -14.164817810058594 + ], + [ + "\u2581Cerda", + -14.164841651916504 + ], + [ + "\u2581residenziali", + -14.164881706237791 + ], + [ + "parseFloat", + -14.164894104003906 + ], + [ + "\u2581pioneiro", + -14.16491413116455 + ], + [ + "\u2581sepa", + -14.164916038513184 + ], + [ + "pyenv", + -14.164942741394045 + ], + [ + "founded", + -14.164944648742676 + ], + [ + "Mittelwert", + -14.164955139160156 + ], + [ + "gieb", + -14.164965629577637 + ], + [ + "lexi", + -14.164968490600586 + ], + [ + "\u2581multiplicity", + -14.165002822875977 + ], + [ + "\u2581Graafschap", + -14.16501808166504 + ], + [ + "tuary", + -14.165029525756836 + ], + [ + "\u2581entraram", + -14.165032386779783 + ], + [ + "\u2581apprezzato", + -14.165037155151367 + ], + [ + "Fonds", + -14.165046691894531 + ], + [ + "\u2581playas", + -14.165060997009276 + ], + [ + "celeb", + -14.16508960723877 + ], + [ + "AREA", + -14.165095329284668 + ], + [ + "\u2581Botta", + -14.165115356445312 + ], + [ + "itshape", + -14.16513442993164 + ], + [ + "\u2581Alessandra", + -14.165220260620115 + ], + [ + "\u2581asiatici", + -14.165224075317385 + ], + [ + "\u2581\u00e1lgebra", + -14.165225982666016 + ], + [ + "\u2581escasez", + -14.16524887084961 + ], + [ + "DETECT", + -14.165275573730469 + ], + [ + "\u2581C\u00ed", + -14.165276527404783 + ], + [ + "\u2581promesso", + -14.165285110473633 + ], + [ + "arquia", + -14.16538906097412 + ], + [ + "KING", + -14.16539478302002 + ], + [ + "timi", + -14.165403366088867 + ], + [ + "\u2581Adressaten", + -14.165427207946776 + ], + [ + "Milcherzeugnisse", + -14.165433883666992 + ], + [ + "ibir", + -14.165488243103027 + ], + [ + "\u2581Busan", + -14.165499687194824 + ], + [ + "docent", + -14.165502548217772 + ], + [ + "srechten", + -14.165512084960938 + ], + [ + "\u2581Hecke", + -14.16555881500244 + ], + [ + "VENDOR", + -14.165567398071287 + ], + [ + "\u2581\u00e9gyptien", + -14.165568351745604 + ], + [ + "\u2581somiglianza", + -14.165575981140137 + ], + [ + "\u2581begrensd", + -14.165583610534668 + ], + [ + "wantErr", + -14.165624618530272 + ], + [ + "\u2581Smol", + -14.16563892364502 + ], + [ + "ceps", + -14.165657043457031 + ], + [ + "nicola", + -14.16567611694336 + ], + [ + "festigt", + -14.165721893310549 + ], + [ + "oiseaux", + -14.165722846984863 + ], + [ + "\u2581refrain", + -14.165735244750977 + ], + [ + "\u2581profitiert", + -14.165760040283203 + ], + [ + "\u2581kloosters", + -14.165786743164062 + ], + [ + "\u2581Curti", + -14.165793418884276 + ], + [ + "fdf", + -14.16590690612793 + ], + [ + "\u2581EventLoopFuture", + -14.165907859802246 + ], + [ + "\u2581R\u00e9compenses", + -14.165908813476562 + ], + [ + "\u2581SIE", + -14.165929794311523 + ], + [ + "kl\u00e4r", + -14.165932655334473 + ], + [ + "Exiting", + -14.165938377380373 + ], + [ + "loides", + -14.16594123840332 + ], + [ + "umbled", + -14.165968894958496 + ], + [ + "\u2581Wiz", + -14.165990829467772 + ], + [ + "itur", + -14.165997505187988 + ], + [ + "formerly", + -14.16600227355957 + ], + [ + "fremde", + -14.16603660583496 + ], + [ + "beutel", + -14.166037559509276 + ], + [ + "\u2581facesse", + -14.166053771972656 + ], + [ + "\u2581collegare", + -14.166055679321287 + ], + [ + "\u2581unanime", + -14.166060447692873 + ], + [ + "\u2581Femin", + -14.166068077087402 + ], + [ + "\u2581citazione", + -14.166072845458984 + ], + [ + "\u2581p\u00e9tal", + -14.166081428527832 + ], + [ + "vampir", + -14.166097640991213 + ], + [ + "\u2581pulsante", + -14.166097640991213 + ], + [ + "Opaque", + -14.166112899780272 + ], + [ + "erhalten", + -14.166131973266602 + ], + [ + "\u2581provinciali", + -14.166170120239258 + ], + [ + "\u2581jure", + -14.166234970092772 + ], + [ + "\u2581oitava", + -14.166253089904783 + ], + [ + "Preferred", + -14.166254043579102 + ], + [ + "j\u00e4rvi", + -14.166265487670898 + ], + [ + "\u2581notturne", + -14.166266441345217 + ], + [ + "\u2581propos\u00e9es", + -14.16629123687744 + ], + [ + "vermittelten", + -14.166325569152832 + ], + [ + "resourceGroups", + -14.16633129119873 + ], + [ + "gigant", + -14.166341781616213 + ], + [ + "\u2581Parliamentary", + -14.166356086730955 + ], + [ + "\u2581omission", + -14.16635799407959 + ], + [ + "\u2581qualificati", + -14.166358947753906 + ], + [ + "\u2581dar\u00eda", + -14.166399955749512 + ], + [ + "\u2581giunsero", + -14.166399955749512 + ], + [ + "\u2581zwecks", + -14.166476249694824 + ], + [ + "ETO", + -14.16648006439209 + ], + [ + "\u2581migrants", + -14.166533470153809 + ], + [ + "\u2581MEDI", + -14.166563034057615 + ], + [ + "addCurve", + -14.16656494140625 + ], + [ + "\u2581Avril", + -14.166574478149414 + ], + [ + "jie", + -14.16658878326416 + ], + [ + "\u2581Revolucionario", + -14.166600227355955 + ], + [ + "Iterate", + -14.166620254516602 + ], + [ + "\u2581passend", + -14.16662311553955 + ], + [ + "ClassLoader", + -14.166625022888184 + ], + [ + "\u2581fr\u00e9quents", + -14.166626930236816 + ], + [ + "\u2581Lilian", + -14.166633605957031 + ], + [ + "scrub", + -14.166641235351562 + ], + [ + "\u2581Atkinson", + -14.166644096374512 + ], + [ + "\u2581Ammoniak", + -14.16666030883789 + ], + [ + "Desde", + -14.166662216186523 + ], + [ + "Had", + -14.16666316986084 + ], + [ + "\u2581rapproche", + -14.166665077209473 + ], + [ + "\u2581exhibici\u00f3n", + -14.166711807250977 + ], + [ + "\u2581F\u00e4", + -14.166728019714355 + ], + [ + "mike", + -14.166739463806152 + ], + [ + "Omer", + -14.166743278503418 + ], + [ + "betreu", + -14.16676139831543 + ], + [ + "openvpn", + -14.166775703430176 + ], + [ + "freier", + -14.16678237915039 + ], + [ + "\u2581acostumbra", + -14.166793823242188 + ], + [ + "viri", + -14.166804313659668 + ], + [ + "\u2581Nasr", + -14.16681957244873 + ], + [ + "simile", + -14.166837692260742 + ], + [ + "\u2581litig", + -14.166839599609377 + ], + [ + "\u2581reclam", + -14.166842460632324 + ], + [ + "schmiede", + -14.166844367980955 + ], + [ + "primido", + -14.166845321655272 + ], + [ + "\u2581shipped", + -14.166845321655272 + ], + [ + "\u2581prononcer", + -14.166875839233398 + ], + [ + "\u2581Gesetzgebers", + -14.166906356811523 + ], + [ + "\u2581introdurre", + -14.16692352294922 + ], + [ + "\u2581nurses", + -14.166930198669434 + ], + [ + "\u2581intrapres", + -14.16694164276123 + ], + [ + "\u2581chilometro", + -14.166943550109863 + ], + [ + "\u2581confinement", + -14.16694450378418 + ], + [ + "\u2581reageerde", + -14.166949272155762 + ], + [ + "\u2581lagune", + -14.166950225830078 + ], + [ + "kapp", + -14.166973114013672 + ], + [ + "\u2581recruit", + -14.166976928710938 + ], + [ + "hohe", + -14.16698932647705 + ], + [ + "\u2581Conversely", + -14.167001724243164 + ], + [ + "\u2581prognosi", + -14.167017936706545 + ], + [ + "\u2581atac\u00f3", + -14.167032241821287 + ], + [ + "\u2581vertoond", + -14.167032241821287 + ], + [ + "\u2581inhibited", + -14.167057991027832 + ], + [ + "\u2581Derrida", + -14.16706371307373 + ], + [ + "braken", + -14.167068481445312 + ], + [ + "Operational", + -14.16709041595459 + ], + [ + "\u2581efficaces", + -14.16713809967041 + ], + [ + "Checksum", + -14.167141914367676 + ], + [ + "\u2581cavalca", + -14.16715145111084 + ], + [ + "\u2581esenciales", + -14.167170524597168 + ], + [ + "\u2581wartet", + -14.167228698730469 + ], + [ + "\u2581d\u00e9nombr", + -14.167241096496582 + ], + [ + "subgraph", + -14.16727352142334 + ], + [ + "\u2581pallacanestro", + -14.167287826538086 + ], + [ + "\u2581anscheinend", + -14.167290687561035 + ], + [ + "\u2581Amedeo", + -14.167304039001465 + ], + [ + "\u2581detallada", + -14.167309761047363 + ], + [ + "\u2581m\u00e9taux", + -14.16732120513916 + ], + [ + "\u2581Annals", + -14.16734504699707 + ], + [ + "\u2581Dobb", + -14.16734790802002 + ], + [ + "\u00fcbergreifend", + -14.167386054992676 + ], + [ + "\u2581Krak", + -14.167388916015623 + ], + [ + "\u2581Tyro", + -14.16741180419922 + ], + [ + "\u2581confondre", + -14.16741943359375 + ], + [ + "\u2581supposer", + -14.167428016662598 + ], + [ + "\u2581enterrada", + -14.167448043823242 + ], + [ + "\u2581scossa", + -14.167448043823242 + ], + [ + "\u2581Bel\u00e9n", + -14.167482376098633 + ], + [ + "\u2581c\u00e1lido", + -14.167505264282228 + ], + [ + "\u2581ex\u00e9rcitos", + -14.167522430419922 + ], + [ + "laube", + -14.167525291442873 + ], + [ + "\u2581Objekten", + -14.16755199432373 + ], + [ + "poeder", + -14.167553901672363 + ], + [ + "quinho", + -14.167559623718262 + ], + [ + "rviente", + -14.167566299438477 + ], + [ + "isiologia", + -14.167606353759766 + ], + [ + "\u2581v\u00e9rifie", + -14.167624473571776 + ], + [ + "\u2581racisme", + -14.167637825012209 + ], + [ + "\u2581N\u00edger", + -14.167652130126951 + ], + [ + "\u2581nebulosa", + -14.167677879333496 + ], + [ + "CTAssertFalse", + -14.167695999145508 + ], + [ + "\u2581trasmettere", + -14.16770362854004 + ], + [ + "oath", + -14.167707443237305 + ], + [ + "\u2581eingegliedert", + -14.167709350585938 + ], + [ + "\u2581vorderen", + -14.167728424072266 + ], + [ + "\u2581sitcom", + -14.167743682861328 + ], + [ + "MIA", + -14.167771339416504 + ], + [ + "wirbel", + -14.167778968811035 + ], + [ + "\u2581Steuerbefreiung", + -14.16780948638916 + ], + [ + "\u2581grafiek", + -14.167821884155272 + ], + [ + "\u2581Mercer", + -14.167840957641602 + ], + [ + "ertal", + -14.16784954071045 + ], + [ + "\u2581Siti", + -14.167850494384766 + ], + [ + "\u2581waive", + -14.167858123779297 + ], + [ + "\u2581logro", + -14.167888641357422 + ], + [ + "\u2581Pasta", + -14.167895317077637 + ], + [ + "\u2581Valdez", + -14.167901039123535 + ], + [ + "hire", + -14.167911529541016 + ], + [ + "gestiegen", + -14.167924880981444 + ], + [ + "Deal", + -14.167963027954102 + ], + [ + "\u2581adorno", + -14.167963027954102 + ], + [ + "\u2581S\u00e4mtliche", + -14.167978286743164 + ], + [ + "gham", + -14.16797924041748 + ], + [ + "ulating", + -14.168012619018556 + ], + [ + "\u2581eternal", + -14.168018341064451 + ], + [ + "\u2581Dja", + -14.168060302734377 + ], + [ + "\u2581zur\u00fcckgehen", + -14.168067932128906 + ], + [ + "LAU", + -14.168072700500488 + ], + [ + "\u2581encerrar", + -14.16808032989502 + ], + [ + "Phyll", + -14.168092727661133 + ], + [ + "\u2581mobilen", + -14.168094635009766 + ], + [ + "fieldName", + -14.168098449707031 + ], + [ + "essie", + -14.168103218078612 + ], + [ + "\u2581angebunden", + -14.16811752319336 + ], + [ + "notation", + -14.16821002960205 + ], + [ + "\u2581estrechamente", + -14.168243408203123 + ], + [ + "embrasse", + -14.168313026428224 + ], + [ + "sdienstes", + -14.168313026428224 + ], + [ + "\u2581Symp", + -14.168315887451172 + ], + [ + "\u2581olha", + -14.16832447052002 + ], + [ + "hry", + -14.168338775634766 + ], + [ + "\u2581promotes", + -14.168340682983398 + ], + [ + "\u2581Rochefort", + -14.168370246887209 + ], + [ + "\u2581Symphonie", + -14.16838264465332 + ], + [ + "\u2581contrajo", + -14.1683988571167 + ], + [ + "pegel", + -14.168413162231444 + ], + [ + "igera", + -14.168423652648926 + ], + [ + "\u2581Gennaro", + -14.168439865112305 + ], + [ + "\u2581verschafft", + -14.16844367980957 + ], + [ + "\u2581zugerechnet", + -14.16844367980957 + ], + [ + "Boxes", + -14.168479919433594 + ], + [ + "\u2581Shear", + -14.16850757598877 + ], + [ + "Australian", + -14.168526649475098 + ], + [ + "\u2581Corinto", + -14.16855812072754 + ], + [ + "\u2581fric", + -14.168571472167969 + ], + [ + "\u2581moverse", + -14.168575286865234 + ], + [ + "Sulpic", + -14.168608665466309 + ], + [ + "avit", + -14.168622970581056 + ], + [ + "legado", + -14.1686429977417 + ], + [ + "korb", + -14.168665885925291 + ], + [ + "\u2581reclus", + -14.168665885925291 + ], + [ + "\u2581Golan", + -14.168667793273926 + ], + [ + "diretto", + -14.168668746948242 + ], + [ + "\u2581glimpse", + -14.168675422668455 + ], + [ + "\u2581trouvaient", + -14.168689727783203 + ], + [ + "\u2581bedreiging", + -14.168692588806152 + ], + [ + "pills", + -14.168719291687012 + ], + [ + "\u2581k\u00fcrzere", + -14.168737411499023 + ], + [ + "Oman", + -14.168746948242188 + ], + [ + "\u2581Dresde", + -14.168780326843262 + ], + [ + "tocha", + -14.16879653930664 + ], + [ + "\u2581legislazione", + -14.168817520141602 + ], + [ + "\u2581transmitting", + -14.168852806091309 + ], + [ + "ght", + -14.168906211853027 + ], + [ + "\u2581regiert", + -14.168915748596191 + ], + [ + "\u2581casello", + -14.168916702270508 + ], + [ + "\u2581retomar", + -14.168940544128418 + ], + [ + "fahl", + -14.16897201538086 + ], + [ + "commander", + -14.168978691101074 + ], + [ + "\u2581protegidos", + -14.168996810913086 + ], + [ + "\u00e4hnen", + -14.16901397705078 + ], + [ + "\u2581Segretario", + -14.16901397705078 + ], + [ + "sistieron", + -14.169020652770996 + ], + [ + "ergie", + -14.169027328491213 + ], + [ + "\u2581Chirurg", + -14.169045448303224 + ], + [ + "\u2581Sparkassen", + -14.169050216674805 + ], + [ + "addLine", + -14.169081687927246 + ], + [ + "\u2581Integrit\u00e4t", + -14.169085502624512 + ], + [ + "\u2581remercie", + -14.169135093688965 + ], + [ + "BOS", + -14.16916561126709 + ], + [ + "astri", + -14.16917324066162 + ], + [ + "ROP", + -14.169198989868164 + ], + [ + "Portrait", + -14.169214248657228 + ], + [ + "ab\u00f3n", + -14.16922664642334 + ], + [ + "their", + -14.169234275817873 + ], + [ + "kontinental", + -14.1692476272583 + ], + [ + "\u2581Llama", + -14.169262886047363 + ], + [ + "\u2581Thio", + -14.169275283813477 + ], + [ + "\u2581scarse", + -14.169344902038574 + ], + [ + "\u2581diffus", + -14.16934585571289 + ], + [ + "n\u00e4hert", + -14.16934871673584 + ], + [ + "Onofr", + -14.169368743896484 + ], + [ + "\u2581delivering", + -14.169387817382812 + ], + [ + "b\u00fchne", + -14.169389724731444 + ], + [ + "koro", + -14.16939640045166 + ], + [ + "\u2581oplossen", + -14.16939640045166 + ], + [ + "\u2581rimuovere", + -14.169438362121582 + ], + [ + "\u2581Lassen", + -14.16944408416748 + ], + [ + "IERUNG", + -14.169461250305176 + ], + [ + "\u2581linaje", + -14.16949462890625 + ], + [ + "Videoclip", + -14.169510841369627 + ], + [ + "\u2581Foul", + -14.169522285461426 + ], + [ + "\u2581Finanzamt", + -14.16954231262207 + ], + [ + "magen", + -14.169562339782717 + ], + [ + "\u2581Webber", + -14.169631958007812 + ], + [ + "\u2581renomm\u00e9", + -14.169645309448242 + ], + [ + "conformance", + -14.16966152191162 + ], + [ + "\u2581excusa", + -14.16968059539795 + ], + [ + "\u2581SUBSIDIARIES", + -14.169705390930176 + ], + [ + "\u2581oceanic", + -14.169711112976074 + ], + [ + "ianischen", + -14.169740676879885 + ], + [ + "sterben", + -14.169740676879885 + ], + [ + "\u2581cardinali", + -14.169766426086426 + ], + [ + "associa", + -14.169798851013184 + ], + [ + "\u2581prolunga", + -14.169824600219728 + ], + [ + "Straf", + -14.169828414916992 + ], + [ + "\u00fcss", + -14.16983127593994 + ], + [ + "\u2581Besch\u00e4digung", + -14.169835090637209 + ], + [ + "\u2581Amador", + -14.169849395751951 + ], + [ + "\u2581McGraw", + -14.169870376586914 + ], + [ + "Leven", + -14.169901847839355 + ], + [ + "\u2581accompagnati", + -14.169901847839355 + ], + [ + "unificazione", + -14.169915199279783 + ], + [ + "\u2581bereinigten", + -14.16995620727539 + ], + [ + "\u2581Abhilfe", + -14.169960975646973 + ], + [ + "\u2581Prok", + -14.169976234436035 + ], + [ + "LARGE", + -14.1699800491333 + ], + [ + "\u2581barroca", + -14.1699800491333 + ], + [ + "closest", + -14.170050621032717 + ], + [ + "CustomAlertRule", + -14.17005443572998 + ], + [ + "wohnten", + -14.170061111450195 + ], + [ + "\u2581disprezzo", + -14.17007064819336 + ], + [ + "\u2581l\u00e1mpara", + -14.17009449005127 + ], + [ + "\u2581b\u00e1sicamente", + -14.170103073120115 + ], + [ + "\u2581verlaat", + -14.170105934143066 + ], + [ + "\u2581couverte", + -14.170114517211914 + ], + [ + "d\u00edn", + -14.170119285583496 + ], + [ + "\u2581savais", + -14.170136451721191 + ], + [ + "wirtschaftslehre", + -14.170137405395508 + ], + [ + "Classifier", + -14.170188903808594 + ], + [ + "\u2581pr\u00e9f\u00e9r", + -14.17020320892334 + ], + [ + "\u2581dragged", + -14.170217514038086 + ], + [ + "HIT", + -14.170239448547363 + ], + [ + "steuergesetzes", + -14.170246124267578 + ], + [ + "\u2581fredde", + -14.170266151428224 + ], + [ + "Lotharingen", + -14.170276641845703 + ], + [ + "\u2581padrinho", + -14.170289993286133 + ], + [ + "\u2581Belg", + -14.170297622680664 + ], + [ + "Aero", + -14.17030143737793 + ], + [ + "\u2581trascura", + -14.170348167419434 + ], + [ + "gmt", + -14.170382499694824 + ], + [ + "\u2581Steinen", + -14.17039680480957 + ], + [ + "enji", + -14.17040729522705 + ], + [ + "\u2581Suff", + -14.17041301727295 + ], + [ + "\u2581Willow", + -14.17044734954834 + ], + [ + "\u2581polls", + -14.170452117919922 + ], + [ + "\u2581verklein", + -14.170452117919922 + ], + [ + "\u2581profitable", + -14.170483589172363 + ], + [ + "elys", + -14.170531272888184 + ], + [ + "vi\u00e1ria", + -14.170536994934082 + ], + [ + "\u2581frischen", + -14.170578956604004 + ], + [ + "mpada", + -14.1705961227417 + ], + [ + "\u2581Glyko", + -14.170599937438965 + ], + [ + "umfeld", + -14.17060089111328 + ], + [ + "\u2581Nosso", + -14.17060089111328 + ], + [ + "mariadb", + -14.170605659484863 + ], + [ + "\u2581costly", + -14.170607566833496 + ], + [ + "atari", + -14.170619010925291 + ], + [ + "\u2581escludere", + -14.170654296875 + ], + [ + "uction", + -14.170717239379885 + ], + [ + "seguimos", + -14.170734405517578 + ], + [ + "\u2581niedergelegt", + -14.170759201049805 + ], + [ + "\u2581tradott", + -14.170791625976562 + ], + [ + "\u2581Suicide", + -14.170796394348145 + ], + [ + "\u2581Sari", + -14.170822143554688 + ], + [ + "\u2581nascosta", + -14.170836448669434 + ], + [ + "Ejemplo", + -14.170903205871582 + ], + [ + "\u2581\u00e9tonn", + -14.170905113220217 + ], + [ + "\u2581Falkland", + -14.170909881591797 + ], + [ + "caron", + -14.170949935913086 + ], + [ + "avidi", + -14.17095184326172 + ], + [ + "\u2581afghan", + -14.1709566116333 + ], + [ + "sistido", + -14.17096996307373 + ], + [ + "ritorno", + -14.171022415161133 + ], + [ + "\u2581eindelijk", + -14.17104721069336 + ], + [ + "ORS", + -14.17105197906494 + ], + [ + "\u2581Gereformeerde", + -14.171090126037598 + ], + [ + "\u2581accusati", + -14.171092987060549 + ], + [ + "\u2581bewustzijn", + -14.171096801757812 + ], + [ + "\u2581Bulgarie", + -14.171112060546877 + ], + [ + "\u2581Cambogia", + -14.171113014221191 + ], + [ + "\u2581emotionale", + -14.171157836914062 + ], + [ + "\u2581fecund", + -14.171168327331545 + ], + [ + "\u2581schierat", + -14.171205520629885 + ], + [ + "Dependent", + -14.17121410369873 + ], + [ + "funding", + -14.171236038208008 + ], + [ + "\u2581Documenta", + -14.171256065368652 + ], + [ + "Petit", + -14.171257972717283 + ], + [ + "MDE", + -14.171284675598145 + ], + [ + "\u2581coraggios", + -14.171299934387209 + ], + [ + "kosysteme", + -14.171309471130373 + ], + [ + "gezien", + -14.17132568359375 + ], + [ + "\u2581undermine", + -14.171332359313965 + ], + [ + "\u2581Toru", + -14.171359062194824 + ], + [ + "nerie", + -14.17137622833252 + ], + [ + "\u2581Mice", + -14.17139720916748 + ], + [ + "\u2581Osorio", + -14.17140769958496 + ], + [ + "\u2581Henan", + -14.171420097351074 + ], + [ + "\u2581Stal", + -14.17146110534668 + ], + [ + "\u2581habitu\u00e9", + -14.171506881713867 + ], + [ + "obie", + -14.17152976989746 + ], + [ + "ulgar", + -14.171536445617676 + ], + [ + "ttlichen", + -14.171553611755373 + ], + [ + "gosto", + -14.171560287475586 + ], + [ + "\u2581Coalition", + -14.1715669631958 + ], + [ + "\u2581conquistada", + -14.171582221984863 + ], + [ + "\u2581sacrificar", + -14.171595573425291 + ], + [ + "\u2581Dang", + -14.17160415649414 + ], + [ + "\u2581r\u00e9gl\u00e9", + -14.171607971191406 + ], + [ + "\u2581inesperado", + -14.171625137329102 + ], + [ + "\u2581EFSF", + -14.171667098999023 + ], + [ + "Alternate", + -14.171670913696287 + ], + [ + "\u2581quedaban", + -14.171700477600098 + ], + [ + "Collected", + -14.171730995178224 + ], + [ + "\u2581immersi", + -14.17176628112793 + ], + [ + "\u2581tivessem", + -14.171767234802246 + ], + [ + "\u2581b\u00e9isbol", + -14.17178440093994 + ], + [ + "AKA", + -14.171810150146484 + ], + [ + "qu\u00eda", + -14.1718111038208 + ], + [ + "Sense", + -14.17182731628418 + ], + [ + "\u2581Parcheggi", + -14.171850204467772 + ], + [ + "annex", + -14.171868324279783 + ], + [ + "\u2581Brac", + -14.171897888183594 + ], + [ + "\u2581accidentes", + -14.17192554473877 + ], + [ + "\u2581dignit\u00e9", + -14.171930313110352 + ], + [ + "\u2581Chloe", + -14.17193603515625 + ], + [ + "AMBA", + -14.171954154968262 + ], + [ + "arische", + -14.171954154968262 + ], + [ + "\u2581premissa", + -14.171955108642578 + ], + [ + "\u2581postuliert", + -14.171958923339844 + ], + [ + "\u2581einheimischen", + -14.171964645385742 + ], + [ + "\u2581greenhouse", + -14.171971321105955 + ], + [ + "Antwort", + -14.17198085784912 + ], + [ + "\u2581Dividenden", + -14.171985626220703 + ], + [ + "\u2581Khalid", + -14.171985626220703 + ], + [ + "\u2581broc", + -14.17201042175293 + ], + [ + "\u2581aartsbisdom", + -14.172030448913574 + ], + [ + "\u2581theoretically", + -14.17203426361084 + ], + [ + "\u2581Katastrophe", + -14.172066688537598 + ], + [ + "geneigt", + -14.17206859588623 + ], + [ + "\u2581verlangte", + -14.172072410583496 + ], + [ + "\u2581musulmano", + -14.172076225280762 + ], + [ + "\u2581Semin", + -14.172078132629396 + ], + [ + "\u2581enlev\u00e9", + -14.172088623046877 + ], + [ + "\u2581Cadi", + -14.172090530395508 + ], + [ + "\u2581sagrada", + -14.172121047973633 + ], + [ + "\u2581uitzonderlijk", + -14.17212963104248 + ], + [ + "\u2581gecontroleerd", + -14.172131538391112 + ], + [ + "\u2581racchius", + -14.172131538391112 + ], + [ + "\u2581convenio", + -14.172139167785645 + ], + [ + "\u2581nobiliari", + -14.172160148620604 + ], + [ + "\u2581accidentally", + -14.172185897827148 + ], + [ + "\u2581ricava", + -14.172186851501465 + ], + [ + "\u2581Daytona", + -14.172200202941896 + ], + [ + "\u2581disponibilit\u00e9", + -14.172204971313477 + ], + [ + "PhoneNumber", + -14.172207832336426 + ], + [ + "\u2581superano", + -14.172212600708008 + ], + [ + "\u2581extremist", + -14.172248840332031 + ], + [ + "\u2581Colom", + -14.172281265258787 + ], + [ + "\u2581parodie", + -14.172295570373535 + ], + [ + "tuvieron", + -14.1722993850708 + ], + [ + "recipient", + -14.1723051071167 + ], + [ + "\u2581compasso", + -14.172311782836914 + ], + [ + "datenbank", + -14.172313690185549 + ], + [ + "gravure", + -14.172313690185549 + ], + [ + "\u2581Harr", + -14.17232894897461 + ], + [ + "\u2581Vree", + -14.172429084777832 + ], + [ + "\u2581allaient", + -14.172430038452148 + ], + [ + "hochschule", + -14.172440528869627 + ], + [ + "\u2581Meaning", + -14.172446250915527 + ], + [ + "\u2581Caf\u00e9s", + -14.172456741333008 + ], + [ + "\u2581meravigliosa", + -14.172476768493652 + ], + [ + "\u2581bronchi", + -14.172486305236816 + ], + [ + "\u2581eretto", + -14.17253303527832 + ], + [ + "Gervais", + -14.172561645507812 + ], + [ + "\u2581manages", + -14.172563552856444 + ], + [ + "icci\u00f3n", + -14.172579765319824 + ], + [ + "\u2581Nuno", + -14.172590255737305 + ], + [ + "\u2581luminos", + -14.172693252563477 + ], + [ + "\u2581treu", + -14.172741889953612 + ], + [ + "Welterbe", + -14.172746658325195 + ], + [ + "Shaba", + -14.172773361206056 + ], + [ + "\u2581Erhard", + -14.172810554504396 + ], + [ + "\u2581marijuana", + -14.172822952270508 + ], + [ + "\u2581rigorosa", + -14.172828674316406 + ], + [ + "\u2581rites", + -14.17283821105957 + ], + [ + "\u2581elementar", + -14.172860145568848 + ], + [ + "\u2581Pante", + -14.17286205291748 + ], + [ + "\u2581klassifiziert", + -14.172873497009276 + ], + [ + "\u2581bombardea", + -14.172887802124023 + ], + [ + "dental", + -14.172901153564451 + ], + [ + "\u2581Schri", + -14.172926902770996 + ], + [ + "\u2581responsabilit\u00e9s", + -14.172927856445312 + ], + [ + "\u2581warmen", + -14.172945022583008 + ], + [ + "diagnostik", + -14.172975540161133 + ], + [ + "\u2581Devant", + -14.172983169555664 + ], + [ + "\u2581perd\u00f3n", + -14.172996520996094 + ], + [ + "\u2581Scrive", + -14.17300510406494 + ], + [ + "\u2581potenziali", + -14.173016548156738 + ], + [ + "undry", + -14.173023223876951 + ], + [ + "Britt", + -14.173029899597168 + ], + [ + "hydroxyl", + -14.1730375289917 + ], + [ + "\u2581Landschaften", + -14.173083305358888 + ], + [ + "\u2581tornaria", + -14.173089981079102 + ], + [ + "\u2581esplosiv", + -14.173093795776367 + ], + [ + "asile", + -14.173103332519531 + ], + [ + "\u2581maligno", + -14.173139572143556 + ], + [ + "\u2581schweb", + -14.17316436767578 + ], + [ + "\u2581Influenza", + -14.173171043395996 + ], + [ + "Cardabela", + -14.173171997070312 + ], + [ + "\u2581Lleva", + -14.173171997070312 + ], + [ + "\u2581Bruins", + -14.17318058013916 + ], + [ + "\u2581benadrukt", + -14.173182487487791 + ], + [ + "sversuche", + -14.173224449157717 + ], + [ + "podman", + -14.173267364501951 + ], + [ + "\u2581p\u00f3lo", + -14.17327117919922 + ], + [ + "\u2581v\u00e9ritables", + -14.173282623291016 + ], + [ + "getUser", + -14.17329216003418 + ], + [ + "cyon", + -14.17331600189209 + ], + [ + "\u2581Gek", + -14.173330307006836 + ], + [ + "\u2581grabados", + -14.173336029052734 + ], + [ + "ressant", + -14.173381805419922 + ], + [ + "tr\u00e9s", + -14.173382759094238 + ], + [ + "\u2581existante", + -14.1734037399292 + ], + [ + "\u2581Destinations", + -14.17343521118164 + ], + [ + "aufwendungen", + -14.173449516296388 + ], + [ + "\u2581gebouwde", + -14.17345905303955 + ], + [ + "ufr\u00e1gio", + -14.173523902893066 + ], + [ + "klimmen", + -14.1735258102417 + ], + [ + "\u2581escluso", + -14.173526763916016 + ], + [ + "blass", + -14.17358112335205 + ], + [ + "googletest", + -14.173627853393556 + ], + [ + "\u2581r\u00e9plique", + -14.173666000366213 + ], + [ + "tanker", + -14.173673629760742 + ], + [ + "gleic", + -14.173678398132324 + ], + [ + "\u2581Piste", + -14.17371654510498 + ], + [ + "\u2581gepaard", + -14.17371654510498 + ], + [ + "gluco", + -14.173734664916992 + ], + [ + "eignung", + -14.173768997192385 + ], + [ + "parasit", + -14.173786163330078 + ], + [ + "\u2581galvan", + -14.173821449279783 + ], + [ + "broeders", + -14.17383098602295 + ], + [ + "\u2581N\u00e4hr", + -14.17384433746338 + ], + [ + "\u2581Soprattutto", + -14.173864364624023 + ], + [ + "h\u00e9licopt", + -14.173868179321287 + ], + [ + "mar\u00eda", + -14.173869132995604 + ], + [ + "MONTH", + -14.173906326293944 + ], + [ + "\u2581instructed", + -14.173917770385742 + ], + [ + "\u2581Radwege", + -14.173925399780272 + ], + [ + "turnier", + -14.173928260803224 + ], + [ + "r\u00e4ten", + -14.173967361450195 + ], + [ + "\u2581Pavl", + -14.17402458190918 + ], + [ + "\u2581raffigurat", + -14.174026489257812 + ], + [ + "\u2581referem", + -14.174044609069824 + ], + [ + "venire", + -14.174046516418455 + ], + [ + "\u2581Verna", + -14.174046516418455 + ], + [ + "\u2581Merkmals", + -14.174077033996582 + ], + [ + "\u2581Pint", + -14.17408847808838 + ], + [ + "\u2581d\u00e9vi", + -14.17408847808838 + ], + [ + "\u2581outfit", + -14.174090385437012 + ], + [ + "\u2581Babe", + -14.17410659790039 + ], + [ + "SLA", + -14.174118041992188 + ], + [ + "\u2581urinar", + -14.174129486083984 + ], + [ + "Odisse", + -14.174139976501465 + ], + [ + "\u2581barulho", + -14.174156188964844 + ], + [ + "\u2581tandem", + -14.174156188964844 + ], + [ + "\u2581investito", + -14.17415714263916 + ], + [ + "\u2581Asteroide", + -14.174159049987791 + ], + [ + "cooled", + -14.174185752868652 + ], + [ + "\u2581Labyrinth", + -14.174211502075195 + ], + [ + "\u2581circostanza", + -14.174211502075195 + ], + [ + "\u2581patrocinio", + -14.174211502075195 + ], + [ + "\u2581aufgekl\u00e4rt", + -14.174217224121094 + ], + [ + "\u2581Tiran", + -14.174229621887209 + ], + [ + "\u2581gebr\u00e4uchlich", + -14.174230575561523 + ], + [ + "\u2581artigiani", + -14.17423152923584 + ], + [ + "Signer", + -14.174248695373535 + ], + [ + "huizing", + -14.174269676208496 + ], + [ + "\u2581nouveaut\u00e9", + -14.174324035644531 + ], + [ + "ATH", + -14.174338340759276 + ], + [ + "vorlage", + -14.174349784851074 + ], + [ + "tribution", + -14.174351692199709 + ], + [ + "\u2581unterh\u00e4lt", + -14.174357414245604 + ], + [ + "\u2581f\u00f3siles", + -14.174368858337402 + ], + [ + "\u2581verschiedensten", + -14.17438507080078 + ], + [ + "\u2581aanvang", + -14.174452781677246 + ], + [ + "\u2581inorganic", + -14.174500465393066 + ], + [ + "brink", + -14.17454719543457 + ], + [ + "schl\u00fcssen", + -14.17456340789795 + ], + [ + "\u2581poeira", + -14.174567222595217 + ], + [ + "\u2581appoint", + -14.17458724975586 + ], + [ + "\u2581produceert", + -14.174601554870604 + ], + [ + "assessore", + -14.174633026123049 + ], + [ + "CommandLine", + -14.174646377563477 + ], + [ + "\u2581Crest", + -14.174668312072754 + ], + [ + "vious", + -14.174676895141602 + ], + [ + "\u2581fluidos", + -14.174689292907717 + ], + [ + "\u2581welcomed", + -14.174720764160156 + ], + [ + "\u2581lasciati", + -14.17473602294922 + ], + [ + "Gatt", + -14.174741744995115 + ], + [ + "severity", + -14.174755096435549 + ], + [ + "\u2581impostazioni", + -14.174776077270508 + ], + [ + "assistant", + -14.174779891967772 + ], + [ + "\u2581registradas", + -14.174781799316406 + ], + [ + "ger\u00e4umt", + -14.174799919128418 + ], + [ + "algorithmic", + -14.174813270568848 + ], + [ + "\u2581beklagt", + -14.17482566833496 + ], + [ + "\u2581beleids", + -14.17484188079834 + ], + [ + "\u2581d\u00e9but\u00e9", + -14.17486572265625 + ], + [ + "\u2581visitada", + -14.174894332885742 + ], + [ + "tirar", + -14.174898147583008 + ], + [ + "dr\u00fccke", + -14.174906730651855 + ], + [ + "\u2581erl\u00e4utern", + -14.174906730651855 + ], + [ + "\u2581surprenant", + -14.174906730651855 + ], + [ + "illustre", + -14.174907684326172 + ], + [ + "\u2581r\u00e9sidents", + -14.174924850463867 + ], + [ + "matisierung", + -14.174930572509766 + ], + [ + "\u2581centimetri", + -14.174936294555664 + ], + [ + "\u2581Maigret", + -14.174951553344728 + ], + [ + "\u2581Nessuna", + -14.174997329711914 + ], + [ + "\u2581etablierte", + -14.174999237060549 + ], + [ + "\u2581thriv", + -14.175005912780762 + ], + [ + "\u2581contribuire", + -14.175033569335938 + ], + [ + "\u2581Vermerk", + -14.175048828125 + ], + [ + "\u2581Kalam", + -14.17510223388672 + ], + [ + "\u2581occasionalmente", + -14.1751070022583 + ], + [ + "\u2581Foley", + -14.175114631652832 + ], + [ + "\u2581trasmette", + -14.175114631652832 + ], + [ + "\u2581necesit", + -14.175115585327148 + ], + [ + "grit\u00f3", + -14.17513656616211 + ], + [ + "\u2581employers", + -14.175150871276855 + ], + [ + "\u2581geschriften", + -14.175166130065918 + ], + [ + "assoni", + -14.175175666809082 + ], + [ + "NFT", + -14.175189971923828 + ], + [ + "\u2581Montagna", + -14.175190925598145 + ], + [ + "\u2581transforming", + -14.17522430419922 + ], + [ + "\u2581fulmin", + -14.1752290725708 + ], + [ + "morou", + -14.175270080566406 + ], + [ + "\u2581sinfoni", + -14.17530345916748 + ], + [ + "\u2581maschili", + -14.175312042236328 + ], + [ + "\u2581bezetter", + -14.175349235534668 + ], + [ + "\u2581Darum", + -14.175365447998049 + ], + [ + "\u2581priorit\u00e0", + -14.175413131713867 + ], + [ + "\u2581prolonged", + -14.175413131713867 + ], + [ + "\u2581genoux", + -14.175433158874512 + ], + [ + "uccisione", + -14.175435066223145 + ], + [ + "\u2581Skelett", + -14.175450325012209 + ], + [ + "\u2581revendications", + -14.175458908081056 + ], + [ + "\u2581conservatrice", + -14.17546844482422 + ], + [ + "desk", + -14.175498008728027 + ], + [ + "obtention", + -14.175498962402344 + ], + [ + "\u2581piange", + -14.175544738769531 + ], + [ + "isarray", + -14.175554275512695 + ], + [ + "\u2581vertically", + -14.175556182861328 + ], + [ + "\u2581preste", + -14.17556095123291 + ], + [ + "\u2581participaram", + -14.175593376159668 + ], + [ + "\u2581scorsi", + -14.175596237182615 + ], + [ + "\u2581patronyme", + -14.175604820251465 + ], + [ + "\u2581taiwan", + -14.175631523132324 + ], + [ + "AIM", + -14.175653457641602 + ], + [ + "\u2581malaio", + -14.175663948059082 + ], + [ + "\u2581ipsum", + -14.175705909729004 + ], + [ + "erfolge", + -14.17570686340332 + ], + [ + "\u2581durchgef", + -14.175718307495115 + ], + [ + "\u2581bestritten", + -14.175721168518066 + ], + [ + "gulha", + -14.175750732421877 + ], + [ + "Incheon", + -14.17581558227539 + ], + [ + "\u2581Customs", + -14.175832748413086 + ], + [ + "\u2581dauerhaften", + -14.175850868225098 + ], + [ + "\u2581confermare", + -14.175870895385742 + ], + [ + "\u2581definem", + -14.175870895385742 + ], + [ + "probieren", + -14.175885200500488 + ], + [ + "Initiative", + -14.175894737243652 + ], + [ + "whitelist", + -14.17591667175293 + ], + [ + "\u2581T\u00e4uschung", + -14.175950050354004 + ], + [ + "\u2581Recupera", + -14.175954818725586 + ], + [ + "\u2581Strafvollzug", + -14.175958633422852 + ], + [ + "\u2581salite", + -14.175979614257812 + ], + [ + "\u2581libanais", + -14.175985336303713 + ], + [ + "\u2581Sammler", + -14.176000595092772 + ], + [ + "Guardia", + -14.176037788391112 + ], + [ + "\u2581investieren", + -14.176043510437012 + ], + [ + "\u2581inspir\u00e9e", + -14.17606258392334 + ], + [ + "\u2581zugeschnitten", + -14.17607307434082 + ], + [ + "\u2581Ahead", + -14.176135063171388 + ], + [ + "\u2581professionellen", + -14.17616367340088 + ], + [ + "sequenzen", + -14.17617130279541 + ], + [ + "\u2581Folha", + -14.176175117492676 + ], + [ + "Podr\u00eda", + -14.176193237304688 + ], + [ + "auze", + -14.176215171813965 + ], + [ + "\u2581pallone", + -14.176215171813965 + ], + [ + "\u2581Looks", + -14.17621898651123 + ], + [ + "dport", + -14.176239013671877 + ], + [ + "hawks", + -14.176244735717772 + ], + [ + "j\u00e4", + -14.176254272460938 + ], + [ + "SIGNAL", + -14.176257133483888 + ], + [ + "\u2581Tears", + -14.176280975341797 + ], + [ + "\u2581zwe", + -14.176295280456545 + ], + [ + "\u2581tragique", + -14.17629623413086 + ], + [ + "accel", + -14.176299095153809 + ], + [ + "min\u00fctige", + -14.17630386352539 + ], + [ + "ReuseIdentifier", + -14.176305770874023 + ], + [ + "\u2581Ferm\u00edn", + -14.176305770874023 + ], + [ + "\u2581Vielen", + -14.176323890686035 + ], + [ + "\u2581Robson", + -14.176342964172363 + ], + [ + "Reich", + -14.176359176635742 + ], + [ + "\u2581l\u00e4dt", + -14.176371574401855 + ], + [ + "\u2581vintage", + -14.176373481750488 + ], + [ + "br\u00fcder", + -14.176383018493652 + ], + [ + "\u2581costare", + -14.176383018493652 + ], + [ + "\u2581Moderno", + -14.176390647888184 + ], + [ + "\u2581serbio", + -14.176393508911133 + ], + [ + "\u2581gubernamental", + -14.176397323608398 + ], + [ + "\u2581resultaron", + -14.17641830444336 + ], + [ + "\u2581continually", + -14.176447868347168 + ], + [ + "tributos", + -14.17648220062256 + ], + [ + "\u2581scosse", + -14.176491737365724 + ], + [ + "\u2581Tusc", + -14.176499366760254 + ], + [ + "\u2581extintos", + -14.176508903503418 + ], + [ + "\u2581Psychotherapie", + -14.176536560058594 + ], + [ + "\u2581vorstehend", + -14.176552772521973 + ], + [ + "\u2581determinants", + -14.176575660705566 + ], + [ + "schuhe", + -14.176599502563477 + ], + [ + "\u2581m\u00e9ditation", + -14.176647186279297 + ], + [ + "\u2581neutrinos", + -14.17664909362793 + ], + [ + "abiss", + -14.176685333251951 + ], + [ + "\u2581salit", + -14.176691055297852 + ], + [ + "ambra", + -14.176698684692385 + ], + [ + "\u2581particolarit\u00e0", + -14.176727294921877 + ], + [ + "suka", + -14.176734924316406 + ], + [ + "\u2581nuage", + -14.176799774169922 + ], + [ + "\u2581mel\u00f3dic", + -14.176806449890137 + ], + [ + "rions", + -14.17680835723877 + ], + [ + "entralstelle", + -14.176838874816896 + ], + [ + "sexuais", + -14.17684268951416 + ], + [ + "\u2581Flieger", + -14.17686653137207 + ], + [ + "\u2581befunden", + -14.176898956298828 + ], + [ + "lightgreen", + -14.177000045776367 + ], + [ + "\u2581widmen", + -14.177008628845217 + ], + [ + "\u2581ficheiro", + -14.177030563354492 + ], + [ + "horo", + -14.177041053771973 + ], + [ + "\u2581attributs", + -14.177043914794922 + ], + [ + "\u2581excluir", + -14.177075386047363 + ], + [ + "\u2581ubicat", + -14.177083969116213 + ], + [ + "\u2581pastores", + -14.177117347717283 + ], + [ + "dr\u00f3n", + -14.177151679992676 + ], + [ + "hava", + -14.177154541015623 + ], + [ + "\u2581Garland", + -14.177193641662598 + ], + [ + "\u2581instrumentale", + -14.177210807800291 + ], + [ + "CAI", + -14.177226066589355 + ], + [ + "uragan", + -14.177233695983888 + ], + [ + "grima", + -14.177260398864746 + ], + [ + "\u2581w\u00fcnschte", + -14.177268028259276 + ], + [ + "\u2581Analogie", + -14.177273750305176 + ], + [ + "\u2581Tia", + -14.17728328704834 + ], + [ + "\u2581convertida", + -14.17728328704834 + ], + [ + "\u2581geringsten", + -14.177290916442873 + ], + [ + "Schweinfurt", + -14.177313804626465 + ], + [ + "dusse", + -14.17733669281006 + ], + [ + "\u2581demzufolge", + -14.177343368530272 + ], + [ + "\u2581limitrofi", + -14.177343368530272 + ], + [ + "\u2581aggiungono", + -14.177353858947754 + ], + [ + "ousness", + -14.177380561828612 + ], + [ + "ger\u00e4usch", + -14.177404403686523 + ], + [ + "\u2581quoique", + -14.177406311035156 + ], + [ + "annual", + -14.177412033081056 + ], + [ + "\u2581bouch", + -14.177438735961914 + ], + [ + "\u2581dialoog", + -14.177464485168455 + ], + [ + "\u2581zur\u00fcckgenommen", + -14.17746925354004 + ], + [ + "\u2581r\u00e9pand", + -14.177471160888672 + ], + [ + "\u00fcpp", + -14.17747402191162 + ], + [ + "epta", + -14.17748737335205 + ], + [ + "substrate", + -14.177495956420898 + ], + [ + "\u2581ajout\u00e9e", + -14.177504539489746 + ], + [ + "\u2581viajante", + -14.177509307861328 + ], + [ + "\u2581naviga", + -14.17751121520996 + ], + [ + "internen", + -14.177515029907228 + ], + [ + "intervallo", + -14.177522659301758 + ], + [ + "plicaci\u00f3n", + -14.177523612976074 + ], + [ + "\u2581higiene", + -14.177525520324709 + ], + [ + "\u2581Fantasi", + -14.17753791809082 + ], + [ + "\u2581Clave", + -14.177542686462402 + ], + [ + "\u2581elimin", + -14.177553176879885 + ], + [ + "\u2581soutenue", + -14.177577018737791 + ], + [ + "\u2581quarant", + -14.1776123046875 + ], + [ + "endTime", + -14.177626609802246 + ], + [ + "\u2581\"../../", + -14.177634239196776 + ], + [ + "codecs", + -14.177652359008787 + ], + [ + "\u2581r\u00e9pandu", + -14.17765998840332 + ], + [ + "\u2581disponer", + -14.17766571044922 + ], + [ + "subsidie", + -14.177667617797852 + ], + [ + "\u2581Vokal", + -14.177672386169434 + ], + [ + "\u2581piattaforme", + -14.177694320678713 + ], + [ + "\u2581F\u00e4chern", + -14.177699089050291 + ], + [ + "Expose", + -14.177701950073242 + ], + [ + "angen", + -14.177711486816406 + ], + [ + "\u2581stalk", + -14.17772388458252 + ], + [ + "uddha", + -14.177726745605469 + ], + [ + "\u2581vegetali", + -14.17773723602295 + ], + [ + "\u2581stirring", + -14.17776870727539 + ], + [ + "\u2581Mundi", + -14.177772521972656 + ], + [ + "projet", + -14.177778244018556 + ], + [ + "ckner", + -14.177785873413086 + ], + [ + "\u2581mexikanische", + -14.177789688110352 + ], + [ + "ukawa", + -14.17780303955078 + ], + [ + "appuyer", + -14.177809715270996 + ], + [ + "neuvi", + -14.177821159362791 + ], + [ + "\u2581dazwischen", + -14.17790985107422 + ], + [ + "zzetti", + -14.177933692932127 + ], + [ + "\u2581kip", + -14.177939414978027 + ], + [ + "hlenwasserstoffe", + -14.17794132232666 + ], + [ + "\u2581padroniza", + -14.177942276000977 + ], + [ + "xea", + -14.177943229675291 + ], + [ + "\u2581Rommel", + -14.17794418334961 + ], + [ + "\u2581rubb", + -14.17794418334961 + ], + [ + "\u2581Stom", + -14.177952766418455 + ], + [ + "COD", + -14.177990913391112 + ], + [ + "Ernest", + -14.178020477294922 + ], + [ + "\u2581geographisch", + -14.178021430969238 + ], + [ + "\u2581segnalati", + -14.178044319152832 + ], + [ + "silia", + -14.178045272827148 + ], + [ + "\u2581curling", + -14.178059577941896 + ], + [ + "speelfilm", + -14.17806339263916 + ], + [ + "ryptography", + -14.17806911468506 + ], + [ + "ungsprozess", + -14.17807960510254 + ], + [ + "\u2581Bettina", + -14.178082466125488 + ], + [ + "\u2581adeguato", + -14.178089141845703 + ], + [ + "\u2581adeno", + -14.178119659423828 + ], + [ + "\u2581accentuat", + -14.178139686584473 + ], + [ + "\u2581stomaco", + -14.178192138671877 + ], + [ + "libstdc", + -14.178200721740724 + ], + [ + "\u2581Rada", + -14.178218841552734 + ], + [ + "Einrichtung", + -14.178255081176758 + ], + [ + "\u2581Campani", + -14.178296089172363 + ], + [ + "\u2581Wacht", + -14.178303718566896 + ], + [ + "\u2581industrializa", + -14.178361892700195 + ], + [ + "\u2581displaced", + -14.17836856842041 + ], + [ + "\u2581psychiatrische", + -14.17837905883789 + ], + [ + "\u2581consoantes", + -14.178390502929688 + ], + [ + "\u2581Nig\u00e9ria", + -14.178391456604004 + ], + [ + "\u2581merendeel", + -14.178393363952637 + ], + [ + "DOR", + -14.1784029006958 + ], + [ + "\u2581transept", + -14.178407669067385 + ], + [ + "\u2581estreito", + -14.178431510925291 + ], + [ + "\u2581identificati", + -14.17844295501709 + ], + [ + "\u2581preoccupazioni", + -14.178475379943848 + ], + [ + "\u2581Snell", + -14.178479194641112 + ], + [ + "verlen", + -14.178481101989746 + ], + [ + "klappt", + -14.178485870361328 + ], + [ + "\u2581Soro", + -14.178488731384276 + ], + [ + "\u2581vaud", + -14.17850399017334 + ], + [ + "again", + -14.17852783203125 + ], + [ + "injection", + -14.178529739379885 + ], + [ + "agyar", + -14.178539276123049 + ], + [ + "\u2581Miquel", + -14.178547859191896 + ], + [ + "\u2581procesado", + -14.178547859191896 + ], + [ + "\u2581Roomse", + -14.178552627563477 + ], + [ + "\u2581rabbin", + -14.178556442260742 + ], + [ + "pule", + -14.178563117980955 + ], + [ + "Heer", + -14.178610801696776 + ], + [ + "\u2581Neon", + -14.178635597229004 + ], + [ + "\u2581encosta", + -14.178651809692385 + ], + [ + "gesetzbuch", + -14.17867660522461 + ], + [ + "\u2581Sozialen", + -14.17869758605957 + ], + [ + "volontairement", + -14.17872428894043 + ], + [ + "GAD", + -14.17874526977539 + ], + [ + "afflusso", + -14.17874813079834 + ], + [ + "\u2581Exce", + -14.1787691116333 + ], + [ + "\u2581Foc", + -14.17877197265625 + ], + [ + "\u2581spendere", + -14.178793907165527 + ], + [ + "TSC", + -14.178800582885742 + ], + [ + "stencil", + -14.178808212280272 + ], + [ + "AFC", + -14.178812980651855 + ], + [ + "bbreviated", + -14.17883014678955 + ], + [ + "\u2581giornaliere", + -14.178833961486816 + ], + [ + "decan", + -14.178855895996094 + ], + [ + "vertido", + -14.178882598876951 + ], + [ + "\u00e9mique", + -14.178918838500977 + ], + [ + "\u2581Groenlandia", + -14.178921699523926 + ], + [ + "\u2581sportives", + -14.178948402404783 + ], + [ + "\u2581noordwestelijk", + -14.1790132522583 + ], + [ + "Verona", + -14.17902374267578 + ], + [ + "tinga", + -14.179049491882324 + ], + [ + "\u2581lebendig", + -14.1790771484375 + ], + [ + "\u2581rotsen", + -14.17909812927246 + ], + [ + "nennung", + -14.17911434173584 + ], + [ + "\u2581Berr", + -14.17911434173584 + ], + [ + "\u2581Bombardier", + -14.17912769317627 + ], + [ + "\u2581Gust", + -14.17920207977295 + ], + [ + "please", + -14.179234504699709 + ], + [ + "pius", + -14.179248809814451 + ], + [ + "\u2581roar", + -14.179265022277832 + ], + [ + "\u2581Kow", + -14.179285049438477 + ], + [ + "\u2581concluiu", + -14.17929458618164 + ], + [ + "\u2581safeguard", + -14.17931079864502 + ], + [ + "Personnel", + -14.179333686828612 + ], + [ + "edema", + -14.179335594177246 + ], + [ + "\u2581ritirare", + -14.179401397705078 + ], + [ + "\u2581graveur", + -14.17942714691162 + ], + [ + "otInAllowedRange", + -14.179436683654783 + ], + [ + "\u2581Cavendish", + -14.179436683654783 + ], + [ + "Spiegel", + -14.179438591003418 + ], + [ + "\u2581gerettet", + -14.179441452026367 + ], + [ + "\u2581sentar", + -14.179445266723633 + ], + [ + "Ausbildungsberuf", + -14.179455757141112 + ], + [ + "Proxi", + -14.179460525512695 + ], + [ + "pistola", + -14.17954921722412 + ], + [ + "\u2581oliv", + -14.17954921722412 + ], + [ + "xtensionRegistry", + -14.179563522338867 + ], + [ + "\u2581Piro", + -14.179577827453612 + ], + [ + "\u2581Nub", + -14.179580688476562 + ], + [ + "\u2581Neptun", + -14.179630279541016 + ], + [ + "konom", + -14.17965316772461 + ], + [ + "vW", + -14.17967128753662 + ], + [ + "\u2581spannend", + -14.179696083068848 + ], + [ + "\u2581aprofunda", + -14.17971897125244 + ], + [ + "\u2581dislike", + -14.179723739624023 + ], + [ + "chill", + -14.17973518371582 + ], + [ + "\u2581Minho", + -14.179770469665527 + ], + [ + "wirbt", + -14.179791450500488 + ], + [ + "\u2581Belvedere", + -14.17979907989502 + ], + [ + "\u2581ausgestrahlt", + -14.17979907989502 + ], + [ + "\u2581convergente", + -14.179818153381348 + ], + [ + "\u2581relient", + -14.179819107055664 + ], + [ + "\u2581Kersten", + -14.17982292175293 + ], + [ + "\u2581encarcelado", + -14.179827690124512 + ], + [ + "\u2581minimiza", + -14.179841995239258 + ], + [ + "\u2581Hauser", + -14.179861068725586 + ], + [ + "\u2581ligam", + -14.179887771606444 + ], + [ + "\u2581platina", + -14.179893493652344 + ], + [ + "\u2581marais", + -14.179898262023926 + ], + [ + "\u2581robber", + -14.17992115020752 + ], + [ + "\u2581cad\u00e1veres", + -14.179924964904783 + ], + [ + "\u2581cyclable", + -14.179924964904783 + ], + [ + "\u2581conventi", + -14.179926872253418 + ], + [ + "\u2581bailarina", + -14.179930686950684 + ], + [ + "vreesd", + -14.179933547973633 + ], + [ + "\u2581busc\u00f3", + -14.17993450164795 + ], + [ + "schacht", + -14.179936408996582 + ], + [ + "\u2581gravou", + -14.179961204528809 + ], + [ + "amateur", + -14.18000316619873 + ], + [ + "\u2581Weston", + -14.180017471313477 + ], + [ + "\u2581helmet", + -14.180047988891602 + ], + [ + "\u2581potendo", + -14.18006420135498 + ], + [ + "estimation", + -14.18006706237793 + ], + [ + "spinosa", + -14.18007469177246 + ], + [ + "belassen", + -14.180095672607422 + ], + [ + "\u2581INCIDENTAL", + -14.180134773254396 + ], + [ + "\u2581pudessem", + -14.18014907836914 + ], + [ + "rowski", + -14.180176734924316 + ], + [ + "schmerzen", + -14.180203437805176 + ], + [ + "supplement", + -14.180205345153809 + ], + [ + "Haushaltsordnung", + -14.180209159851074 + ], + [ + "\u2581\u00fcberdies", + -14.180219650268556 + ], + [ + "Meine", + -14.180241584777832 + ], + [ + "LLET", + -14.18025016784668 + ], + [ + "\u2581betrokkenheid", + -14.180264472961426 + ], + [ + "arrogan", + -14.180267333984377 + ], + [ + "\u2581financeiros", + -14.180274963378906 + ], + [ + "\u2581Scheibe", + -14.180286407470703 + ], + [ + "\u2581CEM", + -14.180299758911133 + ], + [ + "\u2581Bunt", + -14.18031883239746 + ], + [ + "\u2581reagi", + -14.180327415466309 + ], + [ + "\u2581umfassender", + -14.180330276489258 + ], + [ + "\u2581Saha", + -14.18040657043457 + ], + [ + "\u2581kungen", + -14.180419921875 + ], + [ + "\u2581Poma", + -14.180421829223633 + ], + [ + "\u2581Edu", + -14.18042278289795 + ], + [ + "erijen", + -14.180425643920898 + ], + [ + "\u2581gioc", + -14.180429458618164 + ], + [ + "\u2581Pantera", + -14.18043041229248 + ], + [ + "ILLA", + -14.18044090270996 + ], + [ + "\u2581softly", + -14.180450439453123 + ], + [ + "\u2581circus", + -14.18045425415039 + ], + [ + "\u2581erforder", + -14.180456161499023 + ], + [ + "\u2581Reef", + -14.180460929870604 + ], + [ + "Preparation", + -14.180477142333984 + ], + [ + "vlag", + -14.180477142333984 + ], + [ + "\u2581aparelho", + -14.1804838180542 + ], + [ + "\u2581Afeganist", + -14.180484771728516 + ], + [ + "\u2581Guanajuato", + -14.180484771728516 + ], + [ + "\u2581siciliana", + -14.180484771728516 + ], + [ + "\u2581teruggevonden", + -14.180484771728516 + ], + [ + "comprensiv", + -14.180485725402832 + ], + [ + "\u2581d\u00e9gradation", + -14.180499076843262 + ], + [ + "\u2581hoofdkantoor", + -14.180508613586426 + ], + [ + "\u2581Saigon", + -14.18051815032959 + ], + [ + "\u2581expulsi\u00f3n", + -14.180534362792969 + ], + [ + "staffel", + -14.180543899536133 + ], + [ + "siedeln", + -14.18055248260498 + ], + [ + "Stade", + -14.18055534362793 + ], + [ + "ankee", + -14.18056583404541 + ], + [ + "\u2581prevenci\u00f3n", + -14.180566787719728 + ], + [ + "\u2581mergulho", + -14.180572509765623 + ], + [ + "\u2581zur\u00fcckgelegt", + -14.180585861206056 + ], + [ + "\u2581renovar", + -14.180590629577637 + ], + [ + "\u2581chalet", + -14.180623054504396 + ], + [ + "dreieck", + -14.180648803710938 + ], + [ + "\u2581Vangelo", + -14.18065071105957 + ], + [ + "\u2581Beweg", + -14.180651664733888 + ], + [ + "\u2581repass", + -14.180662155151367 + ], + [ + "\u2581Actie", + -14.180668830871582 + ], + [ + "\u2581diplomatie", + -14.180683135986328 + ], + [ + "\u2581scontra", + -14.180683135986328 + ], + [ + "viro", + -14.18068790435791 + ], + [ + "\u2581negativer", + -14.180712699890137 + ], + [ + "\u2581Coran", + -14.180721282958984 + ], + [ + "festen", + -14.180744171142578 + ], + [ + "\u2581Igual", + -14.180753707885742 + ], + [ + "souffl", + -14.18076992034912 + ], + [ + "\u2581industrielles", + -14.180771827697754 + ], + [ + "porque", + -14.180776596069336 + ], + [ + "siria", + -14.180791854858398 + ], + [ + "bidding", + -14.180827140808104 + ], + [ + "\u2581geslaagd", + -14.180834770202637 + ], + [ + "\u2581accretion", + -14.180835723876951 + ], + [ + "\u2581Loyola", + -14.18083667755127 + ], + [ + "\u2581eleitoral", + -14.180838584899902 + ], + [ + "\u2581vittorios", + -14.180843353271484 + ], + [ + "inauguration", + -14.180853843688965 + ], + [ + "kreuzt", + -14.180882453918455 + ], + [ + "\u2581Leerstellen", + -14.180908203125 + ], + [ + "StatusOK", + -14.18092155456543 + ], + [ + "Detalhe", + -14.180927276611328 + ], + [ + "\u2581gege", + -14.180931091308594 + ], + [ + "\u2581nominations", + -14.180950164794922 + ], + [ + "\u2581auditiv", + -14.18097972869873 + ], + [ + "sanordnung", + -14.181010246276855 + ], + [ + "\u2581bewerken", + -14.181023597717283 + ], + [ + "kots", + -14.1810302734375 + ], + [ + "Certificates", + -14.181047439575195 + ], + [ + "lonen", + -14.181049346923828 + ], + [ + "TIE", + -14.181075096130373 + ], + [ + "\u2581coloniali", + -14.181127548217772 + ], + [ + "\u2581Letzt", + -14.18114948272705 + ], + [ + "\u2581radioaktiven", + -14.181159019470217 + ], + [ + "\u2581brachy", + -14.181180953979492 + ], + [ + "breekt", + -14.181184768676758 + ], + [ + "\u2581Rollins", + -14.181184768676758 + ], + [ + "\u2581Kazakistan", + -14.181185722351074 + ], + [ + "roupi", + -14.181206703186035 + ], + [ + "\u2581Gefecht", + -14.181208610534668 + ], + [ + "\u2581Br\u00e4u", + -14.181222915649414 + ], + [ + "\u2581aprovada", + -14.18124008178711 + ], + [ + "\u2581supprim", + -14.18124771118164 + ], + [ + "angui", + -14.181282997131348 + ], + [ + "\u2581bovenaan", + -14.18131160736084 + ], + [ + "Compress", + -14.1813325881958 + ], + [ + "Angola", + -14.181337356567385 + ], + [ + "\u2581Mola", + -14.181398391723633 + ], + [ + "appear", + -14.181406021118164 + ], + [ + "\u2581Germaanse", + -14.181414604187012 + ], + [ + "\u2581commissions", + -14.181455612182615 + ], + [ + "NDP", + -14.181461334228516 + ], + [ + "borst", + -14.181488037109377 + ], + [ + "ex\u00e9cute", + -14.181489944458008 + ], + [ + "\u2581Branntwein", + -14.181533813476562 + ], + [ + "Awesome", + -14.181535720825195 + ], + [ + "\u2581diventer\u00e0", + -14.181553840637209 + ], + [ + "\u2581Situ\u00e9", + -14.181574821472168 + ], + [ + "\u2581tragica", + -14.18159294128418 + ], + [ + "\u2581Arad", + -14.181617736816406 + ], + [ + "\u2581executadas", + -14.181678771972656 + ], + [ + "\u2581guid\u00e9", + -14.181692123413086 + ], + [ + "judicial", + -14.181696891784668 + ], + [ + "\u2581Ibi", + -14.181721687316896 + ], + [ + "\u2581exalt", + -14.181724548339844 + ], + [ + "Orig", + -14.181740760803224 + ], + [ + "\u2581wensen", + -14.181757926940918 + ], + [ + "\u2581condemn", + -14.18176555633545 + ], + [ + "\u2581auxilia", + -14.181767463684082 + ], + [ + "playbook", + -14.181769371032717 + ], + [ + "\u2581Hispanic", + -14.181769371032717 + ], + [ + "\u2581GOODS", + -14.181785583496094 + ], + [ + "\u2581missionnaire", + -14.181808471679688 + ], + [ + "igarette", + -14.181814193725586 + ], + [ + "\u2581delicado", + -14.181838989257812 + ], + [ + "\u2581Alchemilla", + -14.181886672973633 + ], + [ + "houl", + -14.181909561157228 + ], + [ + "\u2581Eusk", + -14.18191146850586 + ], + [ + "\u2581Playoffs", + -14.181923866271973 + ], + [ + "llata", + -14.181926727294922 + ], + [ + "naja", + -14.181928634643556 + ], + [ + "\u2581secretamente", + -14.181931495666504 + ], + [ + "stalla", + -14.181984901428224 + ], + [ + "tableau", + -14.181987762451172 + ], + [ + "\u2581abord\u00e9", + -14.182015419006348 + ], + [ + "\u2581hatred", + -14.182089805603027 + ], + [ + "Unified", + -14.18211841583252 + ], + [ + "\u2581Periodo", + -14.182157516479492 + ], + [ + "\u2581aromatische", + -14.18216609954834 + ], + [ + "\u2581escolhas", + -14.18216609954834 + ], + [ + "\u2581precisi", + -14.182169914245604 + ], + [ + "\u2581Faut", + -14.18221664428711 + ], + [ + "\u2581gasoline", + -14.182221412658691 + ], + [ + "\u2581ant\u00ed", + -14.182225227355955 + ], + [ + "\u2581skizziert", + -14.182235717773438 + ], + [ + "\u2581Grosse", + -14.182258605957031 + ], + [ + "\u2581prisionero", + -14.182275772094728 + ], + [ + "acceptation", + -14.18230438232422 + ], + [ + "\u2581Olimpiade", + -14.182312965393066 + ], + [ + "\u2581Orna", + -14.18237018585205 + ], + [ + "\u2581Briten", + -14.182376861572266 + ], + [ + "\u2581spunti", + -14.182408332824709 + ], + [ + "\u2581propiamente", + -14.1824369430542 + ], + [ + "Brenn", + -14.18246841430664 + ], + [ + "pavor", + -14.182472229003906 + ], + [ + "Anthropo", + -14.18247890472412 + ], + [ + "\u2581atacada", + -14.1824951171875 + ], + [ + "UCK", + -14.182501792907717 + ], + [ + "\u2581beson", + -14.182503700256348 + ], + [ + "\u2581finalizado", + -14.182506561279297 + ], + [ + "best\u00e4nden", + -14.182517051696776 + ], + [ + "\u2581senadores", + -14.182531356811523 + ], + [ + "multiplier", + -14.182549476623535 + ], + [ + "\u2581poblada", + -14.182584762573242 + ], + [ + "\u2581Alentejo", + -14.182587623596191 + ], + [ + "\u2581prachtige", + -14.182589530944824 + ], + [ + "\u2581Janus", + -14.182598114013672 + ], + [ + "\u2581d\u00e9pendent", + -14.18261432647705 + ], + [ + "\u2581delgado", + -14.182632446289062 + ], + [ + "Retrieval", + -14.182635307312012 + ], + [ + "\u2581dielectric", + -14.182635307312012 + ], + [ + "\u2581instants", + -14.182636260986328 + ], + [ + "dragers", + -14.182639122009276 + ], + [ + "schuh", + -14.182666778564451 + ], + [ + "\u2581scream", + -14.18269157409668 + ], + [ + "\u2581Wangen", + -14.182696342468262 + ], + [ + "plasia", + -14.18270492553711 + ], + [ + "spektren", + -14.182711601257324 + ], + [ + "ONI", + -14.18272590637207 + ], + [ + "gekocht", + -14.18275547027588 + ], + [ + "\u2581dilettant", + -14.18276023864746 + ], + [ + "\u2581Glauc", + -14.182764053344728 + ], + [ + "CRED", + -14.182772636413574 + ], + [ + "\u2581Skate", + -14.182777404785156 + ], + [ + "\u2581Ampel", + -14.182779312133787 + ], + [ + "d\u00fcn", + -14.182787895202637 + ], + [ + "ovn", + -14.182787895202637 + ], + [ + "\u2581beantragten", + -14.18279266357422 + ], + [ + "\u2581spedit", + -14.182794570922852 + ], + [ + "helix", + -14.182801246643066 + ], + [ + "\u2581McCr", + -14.182814598083496 + ], + [ + "\u2581divulgado", + -14.182860374450684 + ], + [ + "\u2581herald", + -14.18287467956543 + ], + [ + "\u2581gallego", + -14.182902336120604 + ], + [ + "\u2581Pepsi", + -14.182920455932615 + ], + [ + "ziz", + -14.182933807373049 + ], + [ + "\u2581nuvens", + -14.182942390441896 + ], + [ + "ometrische", + -14.182943344116213 + ], + [ + "\u2581ben\u00e9fic", + -14.18294620513916 + ], + [ + "\u2581Lantern", + -14.18294906616211 + ], + [ + "\u2581limitaciones", + -14.18295192718506 + ], + [ + "\u2581aprendeu", + -14.182976722717283 + ], + [ + "knapp", + -14.18298053741455 + ], + [ + "medizinischen", + -14.182992935180664 + ], + [ + "beperking", + -14.183009147644045 + ], + [ + "ienten", + -14.183013916015623 + ], + [ + "attori", + -14.183016777038574 + ], + [ + "\u2581Calculus", + -14.183016777038574 + ], + [ + "becco", + -14.183027267456056 + ], + [ + "Develop", + -14.183032035827637 + ], + [ + "\u2581Farnese", + -14.183037757873535 + ], + [ + "\u2581helic", + -14.183045387268066 + ], + [ + "\u2581Spice", + -14.183110237121582 + ], + [ + "\u2581Muschel", + -14.18314266204834 + ], + [ + "\u2581jugendliche", + -14.183151245117188 + ], + [ + "aktuell", + -14.183201789855955 + ], + [ + "rubia", + -14.183201789855955 + ], + [ + "ducted", + -14.183205604553224 + ], + [ + "tactic", + -14.183283805847168 + ], + [ + "\u2581Di\u00f3cesis", + -14.1832857131958 + ], + [ + "\u2581Karnataka", + -14.1832857131958 + ], + [ + "\u2581UdSSR", + -14.183287620544434 + ], + [ + "\u2581diccionario", + -14.183289527893066 + ], + [ + "\u2581puentes", + -14.183292388916016 + ], + [ + "Husa", + -14.183305740356444 + ], + [ + "BEA", + -14.183309555053713 + ], + [ + "\u2581Collin", + -14.18331241607666 + ], + [ + "\u2581cranio", + -14.183320999145508 + ], + [ + "\u2581Possiamo", + -14.183327674865724 + ], + [ + "gu\u00eda", + -14.18336582183838 + ], + [ + "\u2581ripien", + -14.183392524719238 + ], + [ + "\u2581Warsaw", + -14.183423042297363 + ], + [ + "\u2581ritrovamento", + -14.183432579040527 + ], + [ + "favourable", + -14.18343734741211 + ], + [ + "\u2581differentiable", + -14.183507919311523 + ], + [ + "\u2581libertar", + -14.183517456054688 + ], + [ + "\u2581ganzj\u00e4hrig", + -14.18353271484375 + ], + [ + "ATEN", + -14.183536529541016 + ], + [ + "oderma", + -14.183566093444824 + ], + [ + "adler", + -14.183582305908203 + ], + [ + "LIP", + -14.183595657348633 + ], + [ + "\u2581Seguros", + -14.183615684509276 + ], + [ + "\u2581secuestro", + -14.183648109436035 + ], + [ + "\u2581accord\u00e9e", + -14.183650970458984 + ], + [ + "\u2581mostri", + -14.1836519241333 + ], + [ + "\u2581Fellowship", + -14.183672904968262 + ], + [ + "\u2581Gastgeber", + -14.183672904968262 + ], + [ + "moskee", + -14.183675765991213 + ], + [ + "ESE", + -14.183680534362791 + ], + [ + "Verkehr", + -14.183683395385742 + ], + [ + "\u2581scolpit", + -14.183687210083008 + ], + [ + "acanthus", + -14.183695793151855 + ], + [ + "compatibile", + -14.183717727661133 + ], + [ + "\u2581trovarl", + -14.183741569519045 + ], + [ + "\u2581eliminados", + -14.18375301361084 + ], + [ + "\u2581Mirage", + -14.183762550354004 + ], + [ + "g\u00e9rant", + -14.18376636505127 + ], + [ + "\u2581Neme", + -14.183782577514648 + ], + [ + "Mention", + -14.183799743652344 + ], + [ + "\u2581Sahel", + -14.183817863464355 + ], + [ + "\u2581footage", + -14.18382167816162 + ], + [ + "Elster", + -14.183833122253418 + ], + [ + "\u2581accenna", + -14.183833122253418 + ], + [ + "berg\u00e4nge", + -14.183834075927734 + ], + [ + "\u2581bekannteste", + -14.183836936950684 + ], + [ + "\u2581myelo", + -14.183853149414062 + ], + [ + "\u2581dwelling", + -14.183873176574709 + ], + [ + "amener", + -14.183882713317873 + ], + [ + "Azerbaigian", + -14.18398666381836 + ], + [ + "\u2581previsioni", + -14.183990478515623 + ], + [ + "\u2581unterirdische", + -14.183990478515623 + ], + [ + "\u2581Donetsk", + -14.184003829956056 + ], + [ + "Today", + -14.18401050567627 + ], + [ + "\u2581accertat", + -14.184014320373535 + ], + [ + "\u2581termale", + -14.184036254882812 + ], + [ + "solvable", + -14.184041023254396 + ], + [ + "\u2581Beschuldigten", + -14.18406581878662 + ], + [ + "\u2581derivato", + -14.184066772460938 + ], + [ + "\u2581einzugehen", + -14.184081077575684 + ], + [ + "ADI", + -14.184087753295898 + ], + [ + "mmering", + -14.184090614318848 + ], + [ + "\u2581Lots", + -14.18409252166748 + ], + [ + "insensitive", + -14.184109687805176 + ], + [ + "adrenalin", + -14.184176445007324 + ], + [ + "\u2581Rory", + -14.18423557281494 + ], + [ + "gedr\u00e4ngt", + -14.184242248535156 + ], + [ + "\u2581restaurada", + -14.184242248535156 + ], + [ + "\u2581Liturgie", + -14.18427276611328 + ], + [ + "auraient", + -14.184279441833496 + ], + [ + "sharedInstance", + -14.184330940246582 + ], + [ + "ygwin", + -14.184332847595217 + ], + [ + "ADDITIONAL", + -14.184335708618164 + ], + [ + "\u2581wekelijks", + -14.184337615966797 + ], + [ + "\u2581Frak", + -14.18433952331543 + ], + [ + "halla", + -14.184386253356934 + ], + [ + "\u2581Heij", + -14.184399604797363 + ], + [ + "\u2581ilustraciones", + -14.184417724609377 + ], + [ + "fortuna", + -14.184420585632324 + ], + [ + "SEGMENT", + -14.184475898742676 + ], + [ + "\u2581droegen", + -14.1845064163208 + ], + [ + "\u2581empuja", + -14.184526443481444 + ], + [ + "\u2581guise", + -14.184527397155762 + ], + [ + "inchem", + -14.184541702270508 + ], + [ + "\u2581einmalig", + -14.18454647064209 + ], + [ + "innocence", + -14.184616088867188 + ], + [ + "Moto", + -14.1846342086792 + ], + [ + "schlepp", + -14.184648513793944 + ], + [ + "Insights", + -14.184650421142578 + ], + [ + "\u2581fungo", + -14.184661865234377 + ], + [ + "\u2581majoritaire", + -14.184675216674805 + ], + [ + "\u2581encontr\u00e1", + -14.184698104858398 + ], + [ + "urent", + -14.18470573425293 + ], + [ + "scrollTop", + -14.18470859527588 + ], + [ + "\u2581colloquio", + -14.184718132019045 + ], + [ + "\u2581guitariste", + -14.184721946716309 + ], + [ + "Barra", + -14.184769630432127 + ], + [ + "\u2581espalhados", + -14.184773445129396 + ], + [ + "\u2581acusaciones", + -14.184788703918455 + ], + [ + "\u2581bureaucrat", + -14.184796333312988 + ], + [ + "\u2581d\u00e9montr\u00e9", + -14.184813499450684 + ], + [ + "\u2581Gable", + -14.184814453125 + ], + [ + "\u2581Patton", + -14.184828758239746 + ], + [ + "\u2581Lierna", + -14.184842109680176 + ], + [ + "\u2581biol\u00f3gico", + -14.184846878051758 + ], + [ + "established", + -14.184855461120604 + ], + [ + "Interactive", + -14.18490505218506 + ], + [ + "\u2581Chong", + -14.184926986694336 + ], + [ + "\u2581Berechtigte", + -14.18493938446045 + ], + [ + "\u2581retom", + -14.184959411621094 + ], + [ + "\u2581Towards", + -14.184967041015623 + ], + [ + "gnitz", + -14.184988021850586 + ], + [ + "Blau", + -14.184993743896484 + ], + [ + "Budget", + -14.184999465942385 + ], + [ + "\u2581belgische", + -14.185025215148926 + ], + [ + "\u2581Parking", + -14.185026168823242 + ], + [ + "Complement", + -14.185029029846191 + ], + [ + "\u2581vindos", + -14.18503189086914 + ], + [ + "avere", + -14.18503475189209 + ], + [ + "berschuss", + -14.185047149658203 + ], + [ + "robert", + -14.185047149658203 + ], + [ + "\u2581graphene", + -14.185065269470217 + ], + [ + "\u2581randonn\u00e9es", + -14.185066223144531 + ], + [ + "taza", + -14.185108184814451 + ], + [ + "bruikbaar", + -14.185111045837402 + ], + [ + "rebro", + -14.185114860534668 + ], + [ + "\u2581incomincia", + -14.185115814208984 + ], + [ + "\u2581funcione", + -14.185124397277832 + ], + [ + "acudi\u00f3", + -14.185140609741213 + ], + [ + "mocked", + -14.18514633178711 + ], + [ + "\u2581t\u00e1ctic", + -14.185173988342283 + ], + [ + "\u2581Wandels", + -14.185186386108398 + ], + [ + "\u2581shru", + -14.185193061828612 + ], + [ + "\u2581Spek", + -14.185210227966309 + ], + [ + "\u2581interpreting", + -14.185220718383787 + ], + [ + "Solar", + -14.185243606567385 + ], + [ + "aus\u00fcbung", + -14.185245513916016 + ], + [ + "\u2581Huff", + -14.185258865356444 + ], + [ + "\u2581tenzij", + -14.185261726379396 + ], + [ + "\u2581ceramica", + -14.185266494750977 + ], + [ + "derman", + -14.185284614562988 + ], + [ + "\u2581antiques", + -14.185379028320312 + ], + [ + "\u2581STATUTO", + -14.185391426086426 + ], + [ + "\u2581mammiferi", + -14.185404777526855 + ], + [ + "percebido", + -14.1854248046875 + ], + [ + "ubbi", + -14.1854248046875 + ], + [ + "\u2581suffrage", + -14.185437202453612 + ], + [ + "\u2581risparmio", + -14.18543815612793 + ], + [ + "\u2581Gioc", + -14.185461044311523 + ], + [ + "\u2581attest\u00e9", + -14.185469627380373 + ], + [ + "PSA", + -14.185470581054688 + ], + [ + "\u2581rechazado", + -14.18547248840332 + ], + [ + "cr\u00e9tion", + -14.185477256774902 + ], + [ + "\u2581malay", + -14.1854887008667 + ], + [ + "\u2581Lanc", + -14.185522079467772 + ], + [ + "nitrat", + -14.18557071685791 + ], + [ + "\u2581saline", + -14.185571670532228 + ], + [ + "inBundle", + -14.185606956481934 + ], + [ + "\u2581Matera", + -14.18563175201416 + ], + [ + "\u2581Madri", + -14.185650825500488 + ], + [ + "inaugurazione", + -14.18565559387207 + ], + [ + "derich", + -14.185678482055664 + ], + [ + "gefasst", + -14.18568229675293 + ], + [ + "stortte", + -14.185693740844728 + ], + [ + "agr\u00e9ment", + -14.185709953308104 + ], + [ + "deplibs", + -14.185730934143066 + ], + [ + "zhu", + -14.185742378234863 + ], + [ + "\u2581Disziplinen", + -14.185742378234863 + ], + [ + "\u2581Promenade", + -14.185745239257812 + ], + [ + "\u2581enseguida", + -14.185750007629396 + ], + [ + "\u2581sorveglianza", + -14.185752868652344 + ], + [ + "\u2581recouvert", + -14.185781478881836 + ], + [ + "Kara", + -14.185787200927734 + ], + [ + "\u2581pauschalen", + -14.185799598693848 + ], + [ + "\u2581subgroups", + -14.185835838317873 + ], + [ + "ilicium", + -14.18583869934082 + ], + [ + "a\u00e9ro", + -14.185888290405272 + ], + [ + "alchimi", + -14.185891151428224 + ], + [ + "\u2581gesonderte", + -14.185901641845703 + ], + [ + "\u2581aqu\u00e9l", + -14.18590259552002 + ], + [ + "\u2581transitori", + -14.18596649169922 + ], + [ + "orprendentemente", + -14.185977935791016 + ], + [ + "\u2581europaweit", + -14.18598175048828 + ], + [ + "opher", + -14.185982704162598 + ], + [ + "oomla", + -14.185988426208496 + ], + [ + "TESTSDIR", + -14.186040878295898 + ], + [ + "\u2581orelha", + -14.186042785644531 + ], + [ + "ggiante", + -14.186063766479492 + ], + [ + "\u2581Streik", + -14.186077117919922 + ], + [ + "\u2581Aarhus", + -14.186097145080566 + ], + [ + "\u2581aragonese", + -14.186101913452148 + ], + [ + "\u2581wirksamer", + -14.186110496520996 + ], + [ + "\u2581bilingue", + -14.186117172241213 + ], + [ + "\u2581angenommenen", + -14.186131477355955 + ], + [ + "MASS", + -14.186140060424805 + ], + [ + "baixo", + -14.186152458190918 + ], + [ + "\u2581Happen", + -14.186175346374512 + ], + [ + "\u2581Meren", + -14.186175346374512 + ], + [ + "\u2581nominati", + -14.186176300048828 + ], + [ + "\u2581CINE", + -14.186182975769045 + ], + [ + "alization", + -14.186226844787598 + ], + [ + "schur", + -14.186238288879396 + ], + [ + "\u2581flirt", + -14.186239242553713 + ], + [ + "\u2581Mar\u00edtimo", + -14.18624496459961 + ], + [ + "zielle", + -14.18624782562256 + ], + [ + "litten", + -14.186251640319824 + ], + [ + "\u2581pr\u00e9di", + -14.186285018920898 + ], + [ + "ziffer", + -14.18630027770996 + ], + [ + "\u2581Finist", + -14.18632984161377 + ], + [ + "propyl", + -14.1863431930542 + ], + [ + "\u00e9vrier", + -14.186358451843262 + ], + [ + "\u2581restaurer", + -14.186360359191896 + ], + [ + "Chiesa", + -14.186373710632324 + ], + [ + "spricht", + -14.18638515472412 + ], + [ + "\u2581Toyo", + -14.186416625976562 + ], + [ + "\u00f3crata", + -14.186429977416992 + ], + [ + "\u2581afiliada", + -14.18643856048584 + ], + [ + "\u2581chauffage", + -14.186445236206056 + ], + [ + "\u2581dramatische", + -14.186457633972168 + ], + [ + "\u2581MUST", + -14.186467170715332 + ], + [ + "\u2581partigiani", + -14.186504364013672 + ], + [ + "gutter", + -14.186506271362305 + ], + [ + "\u2581d\u00e9tention", + -14.186515808105469 + ], + [ + "exemplo", + -14.18653678894043 + ], + [ + "\u2581Cardenal", + -14.18655490875244 + ], + [ + "Shut", + -14.186578750610352 + ], + [ + "Baum", + -14.18663501739502 + ], + [ + "\u2581lareira", + -14.186640739440918 + ], + [ + "\u2581whip", + -14.1866455078125 + ], + [ + "traum", + -14.18667221069336 + ], + [ + "\u2581Rosenthal", + -14.186725616455078 + ], + [ + "oshino", + -14.186727523803713 + ], + [ + "\u2581Bung", + -14.186739921569824 + ], + [ + "\u2581desarrollando", + -14.18675136566162 + ], + [ + "absch", + -14.18676471710205 + ], + [ + "\u2581funktionelle", + -14.186774253845217 + ], + [ + "Beschwerdef\u00fchrer", + -14.186796188354492 + ], + [ + "\u2581ausgeweitet", + -14.186798095703123 + ], + [ + "\u2581zubereitet", + -14.18679904937744 + ], + [ + "Campan", + -14.186824798583984 + ], + [ + "Molecul", + -14.18682861328125 + ], + [ + "\u2581bezette", + -14.186853408813477 + ], + [ + "\u2581Klau", + -14.186860084533691 + ], + [ + "\u2581Bauhaus", + -14.18687629699707 + ], + [ + "\u2581disperata", + -14.186878204345703 + ], + [ + "\u2581Kush", + -14.186898231506348 + ], + [ + "ueryParameter", + -14.18691349029541 + ], + [ + "\u2581Tartar", + -14.186923027038574 + ], + [ + "profess", + -14.18694305419922 + ], + [ + "\u2581Maan", + -14.186949729919434 + ], + [ + "Verbose", + -14.18695068359375 + ], + [ + "\u2581CSKA", + -14.18696117401123 + ], + [ + "\u2581beliebigen", + -14.186978340148926 + ], + [ + "Orm", + -14.187000274658203 + ], + [ + "\u2581sensiblement", + -14.187002182006836 + ], + [ + "\u2581ritengono", + -14.187005043029783 + ], + [ + "Caller", + -14.187012672424316 + ], + [ + "kora", + -14.187024116516112 + ], + [ + "LLO", + -14.187073707580566 + ], + [ + "\u2581yielding", + -14.187095642089844 + ], + [ + "\u2581Ar\u00e1cnidos", + -14.187149047851562 + ], + [ + "\u2581r\u00e9cipient", + -14.18715763092041 + ], + [ + "\u2581uniek", + -14.187179565429688 + ], + [ + "\u2581interminable", + -14.187203407287598 + ], + [ + "\u2581procurado", + -14.18721866607666 + ], + [ + "\u00edgado", + -14.187228202819824 + ], + [ + "vergine", + -14.18722915649414 + ], + [ + "arrayrulewidth", + -14.187231063842772 + ], + [ + "\u2581drastic", + -14.18723964691162 + ], + [ + "\u2581esquadr", + -14.18725299835205 + ], + [ + "\u2581lisci", + -14.18727684020996 + ], + [ + "ligibility", + -14.18728256225586 + ], + [ + "\u2581albeit", + -14.187311172485352 + ], + [ + "\u2581Roboter", + -14.187344551086426 + ], + [ + "behaftet", + -14.187381744384766 + ], + [ + "\u2581commentary", + -14.18739414215088 + ], + [ + "\u2581Tarife", + -14.187399864196776 + ], + [ + "\u2581plantel", + -14.18740177154541 + ], + [ + "\u2581procuram", + -14.187411308288574 + ], + [ + "\u2581Prims", + -14.187416076660156 + ], + [ + "\u2581pr\u00e4gen", + -14.187420845031738 + ], + [ + "avu", + -14.187477111816406 + ], + [ + "\u2581Mastro", + -14.187493324279783 + ], + [ + "\u2581Survivor", + -14.187500953674316 + ], + [ + "\u2581semejantes", + -14.187503814697266 + ], + [ + "\u2581Championne", + -14.187551498413086 + ], + [ + "Inference", + -14.187554359436035 + ], + [ + "\u2581gebruikgemaakt", + -14.187567710876465 + ], + [ + "TATION", + -14.187599182128906 + ], + [ + "\u2581Stempel", + -14.187599182128906 + ], + [ + "distutils", + -14.187612533569336 + ], + [ + "\u2581Fl\u00fc", + -14.187612533569336 + ], + [ + "\u2581definitiv", + -14.187640190124512 + ], + [ + "\u2581embarcar", + -14.187649726867676 + ], + [ + "\u2581jurisdi", + -14.187673568725586 + ], + [ + "\u2581presiona", + -14.187684059143066 + ], + [ + "\u2581Livingston", + -14.187691688537598 + ], + [ + "kleid", + -14.18770980834961 + ], + [ + "Given", + -14.187759399414062 + ], + [ + "\u2581retorn", + -14.187763214111328 + ], + [ + "\u2581Gregg", + -14.187783241271973 + ], + [ + "wachting", + -14.187799453735352 + ], + [ + "\u2581liberare", + -14.1878080368042 + ], + [ + "\u2581cominciano", + -14.187814712524414 + ], + [ + "\u2581castellana", + -14.187859535217283 + ], + [ + "suspension", + -14.18786334991455 + ], + [ + "\u2581wahrzunehmen", + -14.18786907196045 + ], + [ + "\u2581Garza", + -14.187881469726562 + ], + [ + "\u2581Sinistra", + -14.187881469726562 + ], + [ + "\u2581sushi", + -14.187891960144045 + ], + [ + "Disposable", + -14.187899589538574 + ], + [ + "\u2581vedr\u00e0", + -14.187931060791016 + ], + [ + "\u2581Cherbourg", + -14.18796157836914 + ], + [ + "\u2581Lib\u00e9r", + -14.187995910644531 + ], + [ + "Rey", + -14.188002586364746 + ], + [ + "Hokkaid", + -14.18801212310791 + ], + [ + "donner", + -14.18802547454834 + ], + [ + "\u2581ill\u00e9gal", + -14.188048362731934 + ], + [ + "\u2581Glan", + -14.188068389892578 + ], + [ + "\u2581Sabre", + -14.188103675842283 + ], + [ + "\u2581Nulla", + -14.188138961791992 + ], + [ + "\u2581flap", + -14.188175201416016 + ], + [ + "Flexibilisierung", + -14.18820858001709 + ], + [ + "empare", + -14.18820858001709 + ], + [ + "\u2581Komponisten", + -14.188217163085938 + ], + [ + "\u2581cumprimento", + -14.188262939453123 + ], + [ + "\u2581metales", + -14.188276290893556 + ], + [ + "guthaben", + -14.188281059265137 + ], + [ + "Emitter", + -14.188299179077148 + ], + [ + "\u2581Leningrado", + -14.188318252563477 + ], + [ + "Roch", + -14.18833351135254 + ], + [ + "creds", + -14.18834400177002 + ], + [ + "\u2581tablets", + -14.188379287719728 + ], + [ + "\u2581scudo", + -14.188380241394045 + ], + [ + "Filmografia", + -14.188383102416992 + ], + [ + "bezeichnungen", + -14.188399314880373 + ], + [ + "\u2581Pyramide", + -14.188401222229004 + ], + [ + "icchio", + -14.188411712646484 + ], + [ + "\u2581catturato", + -14.188499450683594 + ], + [ + "ativas", + -14.188507080078123 + ], + [ + "\u2581w\u00e4hlte", + -14.18852710723877 + ], + [ + "\u2581POSSIBILIT", + -14.188557624816896 + ], + [ + "\u2581unangemessen", + -14.188562393188477 + ], + [ + "Shaded", + -14.188565254211426 + ], + [ + "ulte", + -14.18857479095459 + ], + [ + "\u2581Rdnr", + -14.18857765197754 + ], + [ + "ehir", + -14.188594818115234 + ], + [ + "\u2581Cosimo", + -14.188629150390623 + ], + [ + "urop\u00e9ia", + -14.188631057739258 + ], + [ + "\u2581Celestia", + -14.188657760620115 + ], + [ + "visserij", + -14.188663482666016 + ], + [ + "\u2581Noticias", + -14.188681602478027 + ], + [ + "uvant", + -14.18869400024414 + ], + [ + "\u2581Omnibus", + -14.18871021270752 + ], + [ + "\u2581circulent", + -14.188714027404783 + ], + [ + "otoop", + -14.188718795776367 + ], + [ + "\u2581billiger", + -14.18874454498291 + ], + [ + "\u2581Ehegatte", + -14.18878173828125 + ], + [ + "fecciones", + -14.188817024230955 + ], + [ + "\u2581vorsten", + -14.188836097717283 + ], + [ + "\u2581Brugse", + -14.188850402832031 + ], + [ + "\u2581scherzo", + -14.188886642456056 + ], + [ + "\u2581donato", + -14.188897132873535 + ], + [ + "\u2581sacr\u00e9e", + -14.188910484313965 + ], + [ + "\u2581Fantasma", + -14.18891143798828 + ], + [ + "\u2581abrit", + -14.188918113708496 + ], + [ + "\u2581r\u00e9cents", + -14.188973426818848 + ], + [ + "Semifinales", + -14.189044952392578 + ], + [ + "psychiatrie", + -14.18908977508545 + ], + [ + "\u2581Koeffizienten", + -14.189123153686523 + ], + [ + "\u2581sentirse", + -14.189125061035156 + ], + [ + "\u2581vrouwtje", + -14.189142227172852 + ], + [ + "\u2581magazzino", + -14.189148902893066 + ], + [ + "\u2581tsar", + -14.189160346984863 + ], + [ + "\u2581Tscha", + -14.189163208007812 + ], + [ + "COLO", + -14.189167022705078 + ], + [ + "\u2581gremi", + -14.189167976379396 + ], + [ + "zionalit\u00e0", + -14.189173698425291 + ], + [ + "\u2581empatado", + -14.18918514251709 + ], + [ + "\u2581impaired", + -14.189187049865724 + ], + [ + "\u2581athletic", + -14.189236640930176 + ], + [ + "\u2581Plotin", + -14.189238548278809 + ], + [ + "\u2581Pr\u00e4parate", + -14.189264297485352 + ], + [ + "\u2581mixtas", + -14.189265251159668 + ], + [ + "\u2581posesiones", + -14.189266204833984 + ], + [ + "\u2581planted", + -14.189268112182615 + ], + [ + "\u2581drammatico", + -14.189274787902832 + ], + [ + "\u2581DISC", + -14.189295768737791 + ], + [ + "\u2581Betriebsver", + -14.18930721282959 + ], + [ + "COME", + -14.189308166503906 + ], + [ + "\u2581atrativo", + -14.189325332641602 + ], + [ + "\u2581outlets", + -14.189326286315918 + ], + [ + "\u2581telefonica", + -14.189332008361816 + ], + [ + "\u2581grasso", + -14.18934440612793 + ], + [ + "sp\u00fcrt", + -14.189377784729004 + ], + [ + "\u2581Risi", + -14.189390182495115 + ], + [ + "\u2581Miniatur", + -14.189433097839355 + ], + [ + "\u2581Schan", + -14.189434051513672 + ], + [ + "WORKER", + -14.189529418945312 + ], + [ + "\u2581menzione", + -14.189541816711426 + ], + [ + "\u2581Verben", + -14.189603805541992 + ], + [ + "\u2581stedelijke", + -14.189610481262209 + ], + [ + "\u2581Tutt", + -14.18963623046875 + ], + [ + "\u2581sottoposti", + -14.189663887023926 + ], + [ + "\u2581Rechtsanspruch", + -14.189679145812988 + ], + [ + "\u2581Grava", + -14.189687728881836 + ], + [ + "\u2581Sharpe", + -14.189701080322266 + ], + [ + "\u2581\u00e9lectoral", + -14.189725875854492 + ], + [ + "obber", + -14.18973445892334 + ], + [ + "\u2581d\u00e9riv\u00e9", + -14.18973445892334 + ], + [ + "\u2581comprendido", + -14.189737319946287 + ], + [ + "percussions", + -14.189743995666504 + ], + [ + "\u2581comparten", + -14.189772605895996 + ], + [ + "\u2581verzamelde", + -14.189786911010742 + ], + [ + "\u2581Shay", + -14.189790725708008 + ], + [ + "findet", + -14.189791679382324 + ], + [ + "mmern", + -14.189812660217283 + ], + [ + "\u2581belaufen", + -14.189812660217283 + ], + [ + "crystal", + -14.189821243286133 + ], + [ + "\u2581begreifen", + -14.18982219696045 + ], + [ + "zinnige", + -14.18985080718994 + ], + [ + "mmert", + -14.189876556396484 + ], + [ + "\u2581Minden", + -14.189879417419434 + ], + [ + "Unless", + -14.189881324768066 + ], + [ + "privation", + -14.1898832321167 + ], + [ + "\u2581Wirth", + -14.189906120300291 + ], + [ + "cascad", + -14.189933776855469 + ], + [ + "\u2581pomodor", + -14.189949989318848 + ], + [ + "\u2581Bassin", + -14.189952850341797 + ], + [ + "\u2581Silvestre", + -14.189973831176758 + ], + [ + "\u2581untranslated", + -14.189981460571287 + ], + [ + "\u2581Kashmir", + -14.189983367919922 + ], + [ + "\u2581Anlege", + -14.189998626708984 + ], + [ + "\u2581Vorgesetzten", + -14.189998626708984 + ], + [ + "\u2581textiles", + -14.190000534057615 + ], + [ + "\u2581Seiden", + -14.190055847167969 + ], + [ + "ividade", + -14.19008731842041 + ], + [ + "Peers", + -14.190089225769045 + ], + [ + "\u2581broadly", + -14.190098762512209 + ], + [ + "\u2581Carsten", + -14.19010066986084 + ], + [ + "\u2581documentari", + -14.190166473388672 + ], + [ + "\u2581tweeling", + -14.190181732177734 + ], + [ + "optimized", + -14.190202713012695 + ], + [ + "\u2581Betrages", + -14.190218925476074 + ], + [ + "\u2581Tanger", + -14.190279006958008 + ], + [ + "\u2581Sachverhalts", + -14.190284729003906 + ], + [ + "\u2581Einwendungen", + -14.190321922302246 + ], + [ + "loopbaan", + -14.190325736999512 + ], + [ + "collision", + -14.190352439880373 + ], + [ + "\u2581Ph\u00e4nomene", + -14.190366744995115 + ], + [ + "\u2581rispettive", + -14.190394401550291 + ], + [ + "\u2581visibilit\u00e0", + -14.190404891967772 + ], + [ + "\u2581antenati", + -14.190427780151367 + ], + [ + "werkende", + -14.190452575683594 + ], + [ + "\u2581futurs", + -14.190459251403809 + ], + [ + "libera", + -14.190462112426758 + ], + [ + "\u2581dolori", + -14.19048023223877 + ], + [ + "Ploegen", + -14.19048309326172 + ], + [ + "\u2581oproep", + -14.190494537353516 + ], + [ + "\u2581federf\u00fchrend", + -14.190543174743652 + ], + [ + "evac", + -14.190547943115234 + ], + [ + "heirat", + -14.190596580505373 + ], + [ + "Cerv", + -14.190608978271484 + ], + [ + "COLL", + -14.190618515014648 + ], + [ + "\u2581Adress", + -14.190635681152344 + ], + [ + "snuit", + -14.190643310546877 + ], + [ + "bidden", + -14.190666198730469 + ], + [ + "\u2581Sapp", + -14.190668106079102 + ], + [ + "\u2581zuidoostelijk", + -14.190674781799316 + ], + [ + "\u2581prot\u00f3tipo", + -14.19067668914795 + ], + [ + "kever", + -14.190689086914062 + ], + [ + "Kamakura", + -14.190709114074709 + ], + [ + "\u2581depositar", + -14.190717697143556 + ], + [ + "kleding", + -14.19072151184082 + ], + [ + "\u2581atrair", + -14.190738677978516 + ], + [ + "\u2581v\u00e1lvula", + -14.190768241882324 + ], + [ + "thora", + -14.190793991088867 + ], + [ + "\u2581Sammlungen", + -14.190797805786133 + ], + [ + "\u2581A\u00e9reo", + -14.190804481506348 + ], + [ + "\u2581Peyr", + -14.190805435180664 + ], + [ + "\u2581nominaties", + -14.19081687927246 + ], + [ + "\u2581neuronale", + -14.190845489501951 + ], + [ + "\u2581ridiculous", + -14.190862655639648 + ], + [ + "\u2581exponentially", + -14.190866470336914 + ], + [ + "\u2581Ballon", + -14.19088363647461 + ], + [ + "\u2581conservate", + -14.190884590148926 + ], + [ + "Northern", + -14.190905570983888 + ], + [ + "\u2581utilizaba", + -14.190912246704102 + ], + [ + "\u00e9ndose", + -14.19093132019043 + ], + [ + "Wissenschaftlern", + -14.19093418121338 + ], + [ + "\u2581refrigerante", + -14.190954208374023 + ], + [ + "\u2581est\u00e1tuas", + -14.190959930419922 + ], + [ + "\u2581concern\u00e9es", + -14.190962791442873 + ], + [ + "Pfl", + -14.190985679626465 + ], + [ + "\u2581kurzfristige", + -14.190987586975098 + ], + [ + "\u2581versammelt", + -14.191000938415527 + ], + [ + "Exponent", + -14.191001892089844 + ], + [ + "Hind", + -14.191009521484377 + ], + [ + "\u2581Stasi", + -14.191017150878906 + ], + [ + "uatri", + -14.191018104553224 + ], + [ + "\u2581Galo", + -14.19102382659912 + ], + [ + "\u2581Bethlehem", + -14.191027641296388 + ], + [ + "\u2581k\u00fcnstlich", + -14.191027641296388 + ], + [ + "APACHE", + -14.191034317016602 + ], + [ + "\u2581Kaa", + -14.1910400390625 + ], + [ + "VERB", + -14.191070556640623 + ], + [ + "\u2581Peptide", + -14.19107151031494 + ], + [ + "\u2581Partecip", + -14.19107437133789 + ], + [ + "\u2581Verlie", + -14.19107437133789 + ], + [ + "blockSize", + -14.191076278686523 + ], + [ + "\u2581einseitige", + -14.191078186035156 + ], + [ + "Subcampe\u00f3n", + -14.191081047058104 + ], + [ + "tsuka", + -14.19109058380127 + ], + [ + "\u2581alweer", + -14.191094398498535 + ], + [ + "\u2581pr\u00e9diction", + -14.191094398498535 + ], + [ + "ECS", + -14.191097259521484 + ], + [ + "\u2581Ceres", + -14.1911039352417 + ], + [ + "\u2581sorgere", + -14.191104888916016 + ], + [ + "rotti", + -14.191116333007812 + ], + [ + "grap", + -14.191117286682127 + ], + [ + "\u2581Sili", + -14.191123008728027 + ], + [ + "\u2581ideology", + -14.191125869750977 + ], + [ + "opencl", + -14.19115161895752 + ], + [ + "\u2581capitalism", + -14.191158294677734 + ], + [ + "\u2581Lucian", + -14.191161155700684 + ], + [ + "Linguagem", + -14.191162109375 + ], + [ + "raptor", + -14.191165924072266 + ], + [ + "trog", + -14.19117546081543 + ], + [ + "polizeiliche", + -14.1912260055542 + ], + [ + "\u2581gewaltsam", + -14.191245079040527 + ], + [ + "verhoudingen", + -14.191254615783691 + ], + [ + "rselo", + -14.191264152526855 + ], + [ + "carry", + -14.191323280334473 + ], + [ + "\u2581Televisione", + -14.191328048706056 + ], + [ + "Acqua", + -14.191329002380373 + ], + [ + "\u2581Felt", + -14.1913423538208 + ], + [ + "\u2581maligne", + -14.191343307495115 + ], + [ + "\u2581ghiacciaio", + -14.191354751586914 + ], + [ + "st\u00e4rken", + -14.191361427307127 + ], + [ + "\u2581mitteilen", + -14.19138526916504 + ], + [ + "perfusion", + -14.191388130187988 + ], + [ + "\u2581Wettkampf", + -14.191389083862305 + ], + [ + "\u2581rodillas", + -14.191411018371582 + ], + [ + "\u2581Sehenswert", + -14.191412925720217 + ], + [ + "\u2581deficiente", + -14.191431999206545 + ], + [ + "vasive", + -14.191436767578123 + ], + [ + "\u2581fortan", + -14.191447257995604 + ], + [ + "\u2581hedge", + -14.191452026367188 + ], + [ + "cender", + -14.191461563110352 + ], + [ + "exploitant", + -14.191465377807615 + ], + [ + "\u2581bant", + -14.191481590270996 + ], + [ + "\u2581provisori", + -14.191497802734377 + ], + [ + "resistent", + -14.191499710083008 + ], + [ + "Lausitz", + -14.19150447845459 + ], + [ + "\u2581Hopper", + -14.191523551940918 + ], + [ + "urgentes", + -14.191546440124512 + ], + [ + "lived", + -14.191553115844728 + ], + [ + "\u2581sostenuta", + -14.19157600402832 + ], + [ + "\u2581elfo", + -14.191594123840332 + ], + [ + "\u2581falhar", + -14.191609382629396 + ], + [ + "onderdeel", + -14.191614151000977 + ], + [ + "\u2581compagne", + -14.191628456115724 + ], + [ + "fonction", + -14.19163703918457 + ], + [ + "\u2581Trident", + -14.191650390625 + ], + [ + "uino", + -14.19167137145996 + ], + [ + "\u2581alternating", + -14.191676139831545 + ], + [ + "\u2581extensiv", + -14.1917085647583 + ], + [ + "kanonnen", + -14.191780090332031 + ], + [ + "uplo", + -14.19178581237793 + ], + [ + "Fischer", + -14.19180965423584 + ], + [ + "schichtung", + -14.19182014465332 + ], + [ + "\u2581Drittstaaten", + -14.191856384277344 + ], + [ + "\u2581ayude", + -14.191879272460938 + ], + [ + "\u2581DAMAGE", + -14.191893577575684 + ], + [ + "\u2581beginnende", + -14.191973686218262 + ], + [ + "\u2581frescos", + -14.191973686218262 + ], + [ + "\u2581Melville", + -14.191981315612791 + ], + [ + "\u2581Toto", + -14.19198989868164 + ], + [ + "Strept", + -14.192025184631348 + ], + [ + "ibou", + -14.192025184631348 + ], + [ + "thar", + -14.192042350769045 + ], + [ + "moos", + -14.192069053649902 + ], + [ + "\u2581Alian", + -14.192071914672852 + ], + [ + "\u2581Kuz", + -14.19211769104004 + ], + [ + "sempre", + -14.192131996154783 + ], + [ + "positiven", + -14.192132949829102 + ], + [ + "\u2581scission", + -14.192139625549316 + ], + [ + "\u2581Notruf", + -14.19215488433838 + ], + [ + "\u2581padec", + -14.192183494567873 + ], + [ + "\u2581devront", + -14.19221019744873 + ], + [ + "\u2581qu\u00e9b\u00e9coise", + -14.192252159118652 + ], + [ + "\u2581Dogg", + -14.192255020141602 + ], + [ + "\u2581Geste", + -14.192255973815918 + ], + [ + "\u2581Sungai", + -14.1922607421875 + ], + [ + "\u2581Turijn", + -14.19226360321045 + ], + [ + "textfield", + -14.192268371582031 + ], + [ + "\u2581Nathaniel", + -14.192291259765623 + ], + [ + "\u2581Coop", + -14.192304611206056 + ], + [ + "\u2581Evangelischen", + -14.192339897155762 + ], + [ + "\u2581varkens", + -14.192360877990724 + ], + [ + "staatssecretaris", + -14.192389488220217 + ], + [ + "\u2581Rivol", + -14.19240379333496 + ], + [ + "\u2581unterlassen", + -14.1924409866333 + ], + [ + "\u00e9mergence", + -14.1924467086792 + ], + [ + "\u2581Hosen", + -14.19245147705078 + ], + [ + "\u2581Whereas", + -14.192498207092283 + ], + [ + "catalytic", + -14.192505836486816 + ], + [ + "Nase", + -14.192512512207031 + ], + [ + "Contador", + -14.192523956298828 + ], + [ + "\u2581d\u00e9butant", + -14.19253158569336 + ], + [ + "\u2581Omaha", + -14.192549705505373 + ], + [ + "tauro", + -14.192554473876951 + ], + [ + "esclavage", + -14.192588806152344 + ], + [ + "\u2581automobiles", + -14.192591667175291 + ], + [ + "\u2581Marktwirtschaft", + -14.192598342895508 + ], + [ + "\u2581Nilsson", + -14.19260311126709 + ], + [ + "korst", + -14.19260597229004 + ], + [ + "NING", + -14.192633628845217 + ], + [ + "pseudorandom", + -14.192652702331545 + ], + [ + "\u2581demolit", + -14.192710876464844 + ], + [ + "\u2581raids", + -14.192729949951172 + ], + [ + "L\u00fc", + -14.19277000427246 + ], + [ + "seffekte", + -14.19277000427246 + ], + [ + "\u2581proclam\u00f3", + -14.192795753479004 + ], + [ + "\u2581maestr\u00eda", + -14.192797660827637 + ], + [ + "\u2581Ledesma", + -14.19280242919922 + ], + [ + "\u2581cherchent", + -14.192815780639648 + ], + [ + "autostop", + -14.192829132080078 + ], + [ + "\u2581cilindri", + -14.192877769470217 + ], + [ + "\u2581Schw\u00e4chen", + -14.192883491516112 + ], + [ + "m\u00f3rfic", + -14.192889213562012 + ], + [ + "\u2581Goz", + -14.192906379699709 + ], + [ + "\u2581Pesa", + -14.19295883178711 + ], + [ + "signalling", + -14.192965507507324 + ], + [ + "irku", + -14.192970275878906 + ], + [ + "\u2581scoppi", + -14.192970275878906 + ], + [ + "\u2581Secondly", + -14.19297695159912 + ], + [ + "muskel", + -14.1929931640625 + ], + [ + "NotNil", + -14.193022727966309 + ], + [ + "\u2581rilassa", + -14.193034172058104 + ], + [ + "\u2581Empe", + -14.193037033081056 + ], + [ + "roof", + -14.193044662475586 + ], + [ + "\u2581aufgezeichnet", + -14.193050384521484 + ], + [ + "\u2581Buildings", + -14.19308853149414 + ], + [ + "SDA", + -14.193098068237305 + ], + [ + "\u2581Skopje", + -14.19311809539795 + ], + [ + "\u2581acreditando", + -14.193119049072266 + ], + [ + "\u2581subsidiary", + -14.193120956420898 + ], + [ + "vollst", + -14.193127632141112 + ], + [ + "\u2581Schilling", + -14.193142890930176 + ], + [ + "\u2581Conf\u00e9d\u00e9ration", + -14.19314956665039 + ], + [ + "\u2581diciassette", + -14.19314956665039 + ], + [ + "\u2581Pequim", + -14.193182945251465 + ], + [ + "\u2581Ruhegehalt", + -14.19318675994873 + ], + [ + "ifiable", + -14.193192481994627 + ], + [ + "\u2581pulizia", + -14.19322109222412 + ], + [ + "applicatie", + -14.193224906921388 + ], + [ + "\u2581arquitectos", + -14.193229675292969 + ], + [ + "\u2581Ingl\u00e9s", + -14.193248748779297 + ], + [ + "\u2581laissa", + -14.193263053894045 + ], + [ + "\u2581Schiffahrt", + -14.193284034729004 + ], + [ + "SAF", + -14.19329833984375 + ], + [ + "\u2581Bengala", + -14.193313598632812 + ], + [ + "western", + -14.193320274353027 + ], + [ + "\u2581Mosque", + -14.19332218170166 + ], + [ + "schalter", + -14.193325996398926 + ], + [ + "in\u00e9matographique", + -14.19334602355957 + ], + [ + "\u2581secta", + -14.193368911743164 + ], + [ + "\u2581Normally", + -14.193411827087402 + ], + [ + "tzig", + -14.193450927734377 + ], + [ + "Variantes", + -14.193459510803224 + ], + [ + "\u2581Herzens", + -14.193482398986816 + ], + [ + "Joli", + -14.193488121032717 + ], + [ + "\u2581lussuos", + -14.193506240844728 + ], + [ + "Julia", + -14.193516731262209 + ], + [ + "\u2581irland\u00e9s", + -14.19352912902832 + ], + [ + "nicke", + -14.193548202514648 + ], + [ + "\u2581bedanken", + -14.19355297088623 + ], + [ + "gauge", + -14.193605422973633 + ], + [ + "\u2581conect", + -14.193611145019531 + ], + [ + "vittat", + -14.193648338317873 + ], + [ + "\u2581aceitam", + -14.193648338317873 + ], + [ + "\u2581fissat", + -14.19365692138672 + ], + [ + "\u2581traded", + -14.193685531616213 + ], + [ + "\u2581feiern", + -14.19368839263916 + ], + [ + "\u2581Maggior", + -14.193692207336426 + ], + [ + "dinidae", + -14.193703651428224 + ], + [ + "FIT", + -14.193732261657717 + ], + [ + "sonennahverkehr", + -14.193755149841309 + ], + [ + "\u2581cr\u00e9dit\u00e9", + -14.193819046020508 + ], + [ + "coleguinhas", + -14.19385814666748 + ], + [ + "\u2581Pausania", + -14.19386863708496 + ], + [ + "\u2581\u00fcberwiegenden", + -14.193870544433594 + ], + [ + "\u2581circunfer", + -14.193873405456545 + ], + [ + "\u2581Northeast", + -14.193892478942873 + ], + [ + "\u2581getrennte", + -14.193892478942873 + ], + [ + "\u2581babies", + -14.19389820098877 + ], + [ + "syncthreads", + -14.193903923034668 + ], + [ + "naceae", + -14.193909645080566 + ], + [ + "calcul", + -14.193914413452148 + ], + [ + "\u2581Macao", + -14.193934440612791 + ], + [ + "\u2581soviel", + -14.193941116333008 + ], + [ + "\u2581haci\u00e9ndol", + -14.193958282470703 + ], + [ + "\u2581jumel", + -14.193958282470703 + ], + [ + "\u2581radiative", + -14.193975448608398 + ], + [ + "examine", + -14.193991661071776 + ], + [ + "\u2581fissato", + -14.193995475769045 + ], + [ + "\u2581Mittelalters", + -14.19400119781494 + ], + [ + "Hero", + -14.194003105163574 + ], + [ + "nching", + -14.194053649902344 + ], + [ + "osaur", + -14.194080352783203 + ], + [ + "\u2581Amtssprache", + -14.194087028503418 + ], + [ + "\u00e9mon", + -14.194104194641112 + ], + [ + "decor", + -14.194119453430176 + ], + [ + "\u2581fouilles", + -14.194121360778809 + ], + [ + "\u2581contenute", + -14.194122314453123 + ], + [ + "\u2581viscosity", + -14.194131851196287 + ], + [ + "ruzioni", + -14.194165229797363 + ], + [ + "\u2581decisero", + -14.19416618347168 + ], + [ + "\u2581repent", + -14.194177627563477 + ], + [ + "\u2581offrendo", + -14.194184303283691 + ], + [ + "\u2581Chasse", + -14.194185256958008 + ], + [ + "\u2581Chomsky", + -14.194212913513184 + ], + [ + "\u2581Kaukasus", + -14.194212913513184 + ], + [ + "\u2581verdoppelt", + -14.194220542907717 + ], + [ + "Palatinado", + -14.194225311279297 + ], + [ + "cream", + -14.19422721862793 + ], + [ + "nails", + -14.194231033325195 + ], + [ + "\u2581Observations", + -14.194231033325195 + ], + [ + "\u2581r\u00e9\u00e9lu", + -14.194235801696776 + ], + [ + "awski", + -14.194242477416992 + ], + [ + "Clicked", + -14.194255828857422 + ], + [ + "junta", + -14.194276809692385 + ], + [ + "\u2581sourd", + -14.194287300109863 + ], + [ + "\u2581conferm", + -14.194305419921877 + ], + [ + "\u2581verdammt", + -14.194311141967772 + ], + [ + "\u2581disoccupazione", + -14.194315910339355 + ], + [ + "noite", + -14.194332122802734 + ], + [ + "\u2581interpretou", + -14.19433879852295 + ], + [ + "\u2581fonctionnaire", + -14.194354057312012 + ], + [ + "\u2581nascondere", + -14.194355964660645 + ], + [ + "iterations", + -14.19437026977539 + ], + [ + "Buffered", + -14.194388389587402 + ], + [ + "\u2581Merin", + -14.194409370422363 + ], + [ + "\u2581onwards", + -14.19442653656006 + ], + [ + "\u2581Staatspr\u00e4sident", + -14.194439888000488 + ], + [ + "\u2581angedeutet", + -14.194445610046388 + ], + [ + "\u2581Informatic", + -14.1944580078125 + ], + [ + "dreifach", + -14.194462776184082 + ], + [ + "\u2581abituati", + -14.194470405578612 + ], + [ + "kroon", + -14.19447422027588 + ], + [ + "purchase", + -14.194491386413574 + ], + [ + "WIS", + -14.194499015808104 + ], + [ + "Kriegs", + -14.194504737854004 + ], + [ + "\u2581Nege", + -14.19452953338623 + ], + [ + "\u2581tenth", + -14.194554328918455 + ], + [ + "\u2581Bathy", + -14.194589614868164 + ], + [ + "\u2581Poes", + -14.19459056854248 + ], + [ + "FFDFDF", + -14.194600105285645 + ], + [ + "\u2581Modifica", + -14.194621086120604 + ], + [ + "THI", + -14.194693565368652 + ], + [ + "\u2581fuir", + -14.194693565368652 + ], + [ + "\u2581aprimora", + -14.194701194763184 + ], + [ + "Piacenza", + -14.194809913635254 + ], + [ + "r\u00e4um", + -14.194817543029783 + ], + [ + "ayud", + -14.194825172424316 + ], + [ + "ssemblies", + -14.194832801818848 + ], + [ + "\u2581mannetje", + -14.194847106933594 + ], + [ + "\u2581johan", + -14.19484806060791 + ], + [ + "\u2581expuesta", + -14.194863319396973 + ], + [ + "\u2581achtergrondzang", + -14.194869041442873 + ], + [ + "\u2581Epidendrum", + -14.194921493530272 + ], + [ + "\u2581Hambourg", + -14.194952011108398 + ], + [ + "larven", + -14.194968223571776 + ], + [ + "\u2581compenser", + -14.194972038269045 + ], + [ + "\u2581Steu", + -14.194976806640623 + ], + [ + "\u2581hierauf", + -14.19498348236084 + ], + [ + "\u2581Fernmeldewesen", + -14.194985389709473 + ], + [ + "\u2581summation", + -14.194986343383787 + ], + [ + "\u2581Caron", + -14.195009231567385 + ], + [ + "\u2581vetorial", + -14.1950101852417 + ], + [ + "fuss", + -14.195032119750977 + ], + [ + "soep", + -14.19505500793457 + ], + [ + "\u2581diplom\u00e1tica", + -14.195059776306152 + ], + [ + "ffnungen", + -14.195069313049316 + ], + [ + "izard", + -14.195091247558594 + ], + [ + "rperlich", + -14.19509506225586 + ], + [ + "Bourg", + -14.195097923278809 + ], + [ + "\u2581linf", + -14.195138931274414 + ], + [ + "\u2581abbiate", + -14.195148468017578 + ], + [ + "mip", + -14.19515895843506 + ], + [ + "\u2581montuose", + -14.19516658782959 + ], + [ + "\u2581notorious", + -14.195175170898438 + ], + [ + "\u2581Hamid", + -14.195178031921388 + ], + [ + "\u2581deserta", + -14.195186614990234 + ], + [ + "ulage", + -14.195188522338867 + ], + [ + "structural", + -14.195189476013184 + ], + [ + "VolumeSource", + -14.195205688476562 + ], + [ + "linguis", + -14.195279121398926 + ], + [ + "\u2581Progreso", + -14.19528102874756 + ], + [ + "UNICEF", + -14.195281982421877 + ], + [ + "\u2581tactique", + -14.19528579711914 + ], + [ + "\u2581distinguido", + -14.19531536102295 + ], + [ + "tegenwoordig", + -14.195324897766112 + ], + [ + "chaud", + -14.195334434509276 + ], + [ + "\u2581wof\u00fcr", + -14.195341110229492 + ], + [ + "Tempel", + -14.195364952087402 + ], + [ + "\u2581Presta", + -14.195425033569336 + ], + [ + "gnato", + -14.195464134216309 + ], + [ + "\u2581lancering", + -14.195470809936523 + ], + [ + "beurteilung", + -14.195474624633787 + ], + [ + "\u2581convictions", + -14.195527076721191 + ], + [ + "\u2581workplace", + -14.195594787597656 + ], + [ + "\u2581asteroid", + -14.195619583129885 + ], + [ + "\u2581Toponimia", + -14.19563102722168 + ], + [ + "\u2581erroneamente", + -14.19563102722168 + ], + [ + "\u2581vocabul\u00e1rio", + -14.19563102722168 + ], + [ + "\u2581beweglichen", + -14.195636749267578 + ], + [ + "\u2581finalizzat", + -14.195645332336426 + ], + [ + "rarchie", + -14.195659637451172 + ], + [ + "pous", + -14.195682525634766 + ], + [ + "veiling", + -14.195697784423828 + ], + [ + "\u2581Estero", + -14.195698738098145 + ], + [ + "leihen", + -14.195700645446776 + ], + [ + "insurrection", + -14.195713996887209 + ], + [ + "\u2581angefahren", + -14.195725440979004 + ], + [ + "\u2581F\u00fchrerschein", + -14.195773124694824 + ], + [ + "\u2581Cuore", + -14.195791244506836 + ], + [ + "\u2581incorporating", + -14.195793151855469 + ], + [ + "geweer", + -14.19579792022705 + ], + [ + "\u2581Bombard", + -14.195828437805176 + ], + [ + "Aigle", + -14.195843696594238 + ], + [ + "\u2581Bich", + -14.19586944580078 + ], + [ + "Deliver", + -14.195892333984377 + ], + [ + "\u2581headache", + -14.195924758911133 + ], + [ + "gewisseld", + -14.195932388305664 + ], + [ + "\u2581subordinate", + -14.195940017700195 + ], + [ + "\u2581levados", + -14.195975303649902 + ], + [ + "\u2581protagoniz\u00f3", + -14.195985794067385 + ], + [ + "\u2581Anselmo", + -14.195993423461914 + ], + [ + "\u2581jeglicher", + -14.196015357971191 + ], + [ + "\u2581Andrzej", + -14.19601821899414 + ], + [ + "\u2581Trassen", + -14.196025848388672 + ], + [ + "\u2581Muskeln", + -14.196046829223633 + ], + [ + "wright", + -14.196063995361328 + ], + [ + "vK", + -14.19606590270996 + ], + [ + "olocaust", + -14.196093559265137 + ], + [ + "\u2581distinctes", + -14.196093559265137 + ], + [ + "anqui", + -14.196094512939451 + ], + [ + "\u2581correlati", + -14.19611358642578 + ], + [ + "\u2581occupava", + -14.196131706237791 + ], + [ + "\u2581fiscali", + -14.196166038513184 + ], + [ + "existential", + -14.196184158325195 + ], + [ + "\u2581Drucker", + -14.19620418548584 + ], + [ + "\u2581Nann", + -14.196218490600586 + ], + [ + "dolt", + -14.196281433105469 + ], + [ + "\u2581Esparta", + -14.196281433105469 + ], + [ + "\u2581inmigraci\u00f3n", + -14.196341514587402 + ], + [ + "\u2581Isolierung", + -14.19638442993164 + ], + [ + "ggar", + -14.196385383605955 + ], + [ + "\u2581tweak", + -14.196385383605955 + ], + [ + "METADATA", + -14.19638729095459 + ], + [ + "Ask", + -14.196396827697754 + ], + [ + "Augustin", + -14.19639778137207 + ], + [ + "\u2581Nelly", + -14.196405410766602 + ], + [ + "\u2581poderosas", + -14.196429252624512 + ], + [ + "\u2581Lik", + -14.196433067321776 + ], + [ + "\u2581Urh", + -14.196439743041992 + ], + [ + "\u2581aporte", + -14.196439743041992 + ], + [ + "\u2581Lowell", + -14.196449279785156 + ], + [ + "\u2581associativ", + -14.196455001831056 + ], + [ + "gefordert", + -14.196471214294434 + ], + [ + "STELL", + -14.196476936340332 + ], + [ + "animaux", + -14.196481704711914 + ], + [ + "cuar", + -14.196508407592772 + ], + [ + "\u2581compass", + -14.196526527404783 + ], + [ + "allonge", + -14.196528434753418 + ], + [ + "\u2581interpretieren", + -14.196534156799316 + ], + [ + "\u2581mauri", + -14.196539878845217 + ], + [ + "\u2581inmensa", + -14.196544647216797 + ], + [ + "monic", + -14.196560859680176 + ], + [ + "\u2581reglamento", + -14.196573257446287 + ], + [ + "Prefixo", + -14.19658660888672 + ], + [ + "perus", + -14.196592330932615 + ], + [ + "\u2581hembra", + -14.196596145629885 + ], + [ + "handling", + -14.19661808013916 + ], + [ + "\u2581discografica", + -14.19663906097412 + ], + [ + "\u2581zuzurechnen", + -14.196642875671388 + ], + [ + "arischen", + -14.19665813446045 + ], + [ + "\u2581Mow", + -14.196661949157717 + ], + [ + "\u2581inform\u00e1tico", + -14.196688652038574 + ], + [ + "Pennsylvanie", + -14.196696281433104 + ], + [ + "\u2581galera", + -14.19672393798828 + ], + [ + "\u2581Paa", + -14.196735382080078 + ], + [ + "\u2581Playboy", + -14.196737289428713 + ], + [ + "\u2581spontan", + -14.19675064086914 + ], + [ + "\u2581carrozza", + -14.19676113128662 + ], + [ + "\u2581poets", + -14.196764945983888 + ], + [ + "\u2581slept", + -14.196770668029783 + ], + [ + "\u2581zoektocht", + -14.196771621704102 + ], + [ + "\u2581punctuat", + -14.196783065795898 + ], + [ + "idiidae", + -14.19680404663086 + ], + [ + "att\u00e9nu", + -14.19682788848877 + ], + [ + "\u2581Stuttgarter", + -14.196833610534668 + ], + [ + "NSF", + -14.19683837890625 + ], + [ + "atteign", + -14.196839332580566 + ], + [ + "\u2581Aubr", + -14.196842193603516 + ], + [ + "duplication", + -14.196853637695312 + ], + [ + "\u2581autom\u00f3vel", + -14.19686794281006 + ], + [ + "aggregator", + -14.196881294250488 + ], + [ + "termine", + -14.196890830993652 + ], + [ + "roet", + -14.196900367736816 + ], + [ + "\u2581rigoroso", + -14.196931838989258 + ], + [ + "gerichten", + -14.196943283081056 + ], + [ + "Buy", + -14.196953773498535 + ], + [ + "\u2581gaming", + -14.196958541870115 + ], + [ + "\u2581trasero", + -14.196962356567385 + ], + [ + "\u2581Juiz", + -14.196965217590332 + ], + [ + "teilige", + -14.197010040283203 + ], + [ + "\u2581gallina", + -14.197033882141112 + ], + [ + "Embedding", + -14.19703769683838 + ], + [ + "\u2581emanat", + -14.197038650512695 + ], + [ + "bzip", + -14.197040557861328 + ], + [ + "\u2581Rispetto", + -14.197052001953123 + ], + [ + "\u2581Trabajadores", + -14.197052001953123 + ], + [ + "\u2581desembocadura", + -14.197056770324709 + ], + [ + "\u2581Heuvel", + -14.197107315063477 + ], + [ + "\u2581boiling", + -14.197134017944336 + ], + [ + "wakening", + -14.197171211242676 + ], + [ + "accogli", + -14.197190284729004 + ], + [ + "\u2581macaco", + -14.197198867797852 + ], + [ + "Male", + -14.197202682495115 + ], + [ + "\u2581Erzieher", + -14.197216033935549 + ], + [ + "rulli", + -14.197227478027344 + ], + [ + "\u2581incursion", + -14.19725227355957 + ], + [ + "\u2581Melodi", + -14.197275161743164 + ], + [ + "casso", + -14.197300910949709 + ], + [ + "\u2581gew\u00fcnscht", + -14.19731616973877 + ], + [ + "\u2581Faites", + -14.197332382202148 + ], + [ + "\u2581schemi", + -14.197347640991213 + ], + [ + "h\u00e9site", + -14.197360038757324 + ], + [ + "\u2581treze", + -14.197406768798828 + ], + [ + "\u2581laur\u00e9at", + -14.197430610656738 + ], + [ + "ResourceType", + -14.197434425354004 + ], + [ + "\u2581Imperius", + -14.197450637817385 + ], + [ + "\u2581Kirchengeb\u00e4ude", + -14.197455406188965 + ], + [ + "Accett", + -14.197476387023926 + ], + [ + "\u2581Witterung", + -14.19754409790039 + ], + [ + "\u2581auszubauen", + -14.1975679397583 + ], + [ + "\u2581cautious", + -14.197576522827148 + ], + [ + "Parsetree", + -14.197596549987791 + ], + [ + "\u2581Miko", + -14.19760036468506 + ], + [ + "LException", + -14.197607040405272 + ], + [ + "\u2581Leopoldina", + -14.197639465332031 + ], + [ + "\u2581Rambl", + -14.197701454162598 + ], + [ + "ofSize", + -14.19772720336914 + ], + [ + "\u2581mercantile", + -14.19773769378662 + ], + [ + "\u2581Vlissingen", + -14.197763442993164 + ], + [ + "maux", + -14.197768211364746 + ], + [ + "envisager", + -14.197772026062012 + ], + [ + "\u2581card\u00edaco", + -14.197773933410645 + ], + [ + "\u2581superflu", + -14.197782516479492 + ], + [ + "frakt", + -14.197787284851074 + ], + [ + "TRACK", + -14.19778823852539 + ], + [ + "\u2581Justus", + -14.197826385498049 + ], + [ + "\u2581escolhidos", + -14.197831153869627 + ], + [ + "uarez", + -14.19789695739746 + ], + [ + "\u2581Principle", + -14.19789981842041 + ], + [ + "\u2581metafora", + -14.197916030883787 + ], + [ + "elektro", + -14.197941780090332 + ], + [ + "\u2581includere", + -14.197980880737305 + ], + [ + "\u2581Moldau", + -14.197998046875 + ], + [ + "ullen", + -14.198033332824709 + ], + [ + "\u2581Koss", + -14.198038101196287 + ], + [ + "\u2581Weichsel", + -14.198041915893556 + ], + [ + "\u2581messbar", + -14.198052406311035 + ], + [ + "\u2581indiqu\u00e9e", + -14.198105812072754 + ], + [ + "\u2581traidor", + -14.198123931884766 + ], + [ + "\u2581Fosse", + -14.19814109802246 + ], + [ + "gelenkt", + -14.198148727416992 + ], + [ + "atka", + -14.198158264160156 + ], + [ + "\u2581raffigurante", + -14.198166847229004 + ], + [ + "\u2581sciol", + -14.198174476623535 + ], + [ + "exclam\u00f3", + -14.198180198669434 + ], + [ + "\u2581strongSelf", + -14.198216438293455 + ], + [ + "\u2581fornir", + -14.198220252990724 + ], + [ + "Ruhr", + -14.198224067687988 + ], + [ + "inplace", + -14.198235511779783 + ], + [ + "\u2581Fuerte", + -14.198248863220217 + ], + [ + "nneke", + -14.198299407958984 + ], + [ + "formule", + -14.198312759399414 + ], + [ + "\u00e1via", + -14.19831371307373 + ], + [ + "\u2581umgerechnet", + -14.198322296142578 + ], + [ + "\u2581Ravens", + -14.198323249816896 + ], + [ + "\u2581penetrate", + -14.198323249816896 + ], + [ + "izemos", + -14.198360443115234 + ], + [ + "\u2581Collier", + -14.198368072509766 + ], + [ + "\u2581Europarat", + -14.198403358459473 + ], + [ + "\u2581gewoonte", + -14.19841480255127 + ], + [ + "\u2581Winky", + -14.198431015014648 + ], + [ + "\u2581Spr\u00fc", + -14.19845199584961 + ], + [ + "Andata", + -14.198466300964355 + ], + [ + "\u2581metodolog\u00eda", + -14.198482513427734 + ], + [ + "\u2581stalen", + -14.198486328125 + ], + [ + "\u2581superiorit\u00e0", + -14.198493957519531 + ], + [ + "wagt", + -14.198503494262695 + ], + [ + "plaatje", + -14.198512077331545 + ], + [ + "\u2581chess", + -14.19852066040039 + ], + [ + "\u2581Calci", + -14.198521614074709 + ], + [ + "experten", + -14.198524475097656 + ], + [ + "\u2581Schre", + -14.198558807373049 + ], + [ + "Guest", + -14.198577880859377 + ], + [ + "\u2581studieren", + -14.19858741760254 + ], + [ + "\u2581Mortimer", + -14.198602676391602 + ], + [ + "weave", + -14.19861125946045 + ], + [ + "\u2581herzien", + -14.19862174987793 + ], + [ + "senat", + -14.198651313781738 + ], + [ + "finanzierte", + -14.198681831359863 + ], + [ + "\u2581forehead", + -14.198683738708496 + ], + [ + "\u2581Demonstrationen", + -14.19869613647461 + ], + [ + "\u2581warfare", + -14.198699951171877 + ], + [ + "\u2581Sozialpolitik", + -14.198704719543455 + ], + [ + "\u2581Aufgabenbereich", + -14.198773384094238 + ], + [ + "Recommend", + -14.1987943649292 + ], + [ + "\u2581australische", + -14.198810577392578 + ], + [ + "ogramma", + -14.19882106781006 + ], + [ + "\u2581trasmissioni", + -14.198830604553224 + ], + [ + "\u2581vincitrice", + -14.19883155822754 + ], + [ + "Vencedor", + -14.198833465576172 + ], + [ + "\u2581zombie", + -14.198835372924805 + ], + [ + "\u2581recopilatorio", + -14.19883632659912 + ], + [ + "\u2581Darcy", + -14.198848724365234 + ], + [ + "klog", + -14.198885917663574 + ], + [ + "ombi", + -14.198919296264648 + ], + [ + "\u2581omgebouwd", + -14.198933601379396 + ], + [ + "\u2581internationally", + -14.19895362854004 + ], + [ + "\u2581ansteigen", + -14.198976516723633 + ], + [ + "\u2581esferas", + -14.198976516723633 + ], + [ + "uilmes", + -14.19899845123291 + ], + [ + "\u2581Alemana", + -14.199034690856934 + ], + [ + "\u2581Nagar", + -14.199048042297363 + ], + [ + "\u2581huert", + -14.199055671691896 + ], + [ + "hibernate", + -14.19906997680664 + ], + [ + "ligar", + -14.199079513549805 + ], + [ + "\u2581afecto", + -14.19911003112793 + ], + [ + "\u2581flog", + -14.199111938476562 + ], + [ + "\u2581Tournoi", + -14.19914722442627 + ], + [ + "\u00e4ngst", + -14.19916534423828 + ], + [ + "\u2581formulario", + -14.199177742004396 + ], + [ + "validating", + -14.19918727874756 + ], + [ + "\u2581Rafi", + -14.199195861816406 + ], + [ + "\u2581konver", + -14.199203491210938 + ], + [ + "\u2581Aviaci\u00f3n", + -14.199216842651367 + ], + [ + "\u2581elevator", + -14.199216842651367 + ], + [ + "remotes", + -14.199219703674316 + ], + [ + "\u2581Prostitution", + -14.19925308227539 + ], + [ + "\u2581feriali", + -14.19926929473877 + ], + [ + "\u2581ponder", + -14.199302673339844 + ], + [ + "\u2581manipulado", + -14.199320793151855 + ], + [ + "Bremen", + -14.199325561523438 + ], + [ + "\u00e9tudier", + -14.19933795928955 + ], + [ + "\u2581scomod", + -14.199349403381348 + ], + [ + "iglione", + -14.199357986450195 + ], + [ + "\u2581Revela", + -14.199359893798828 + ], + [ + "c\u00edlio", + -14.19936752319336 + ], + [ + "\u2581salarios", + -14.199371337890623 + ], + [ + "\u2581cereal", + -14.199421882629396 + ], + [ + "freguesia", + -14.19944953918457 + ], + [ + "\u2581geallieerde", + -14.199472427368164 + ], + [ + "\u2581Gautier", + -14.19948387145996 + ], + [ + "\u2581Lammer", + -14.199506759643556 + ], + [ + "naggio", + -14.199507713317873 + ], + [ + "\u2581Bulg\u00e1ria", + -14.199545860290527 + ], + [ + "\u2581ristrutturat", + -14.199545860290527 + ], + [ + "\u2581sentait", + -14.199545860290527 + ], + [ + "\u2581Catalunha", + -14.199556350708008 + ], + [ + "remberg", + -14.199584007263184 + ], + [ + "\u2581abusi", + -14.199588775634766 + ], + [ + "Singolare", + -14.199593544006348 + ], + [ + "\u2581pulses", + -14.19961166381836 + ], + [ + "suchus", + -14.199624061584473 + ], + [ + "\u2581w\u00e4h", + -14.199626922607422 + ], + [ + "\u2581ontbreekt", + -14.199628829956056 + ], + [ + "Propagation", + -14.199646949768066 + ], + [ + "\u2581rigidi", + -14.199654579162598 + ], + [ + "izumi", + -14.199688911437988 + ], + [ + "exam", + -14.199746131896973 + ], + [ + "arson", + -14.199750900268556 + ], + [ + "\u2581Flech", + -14.199761390686035 + ], + [ + "\u2581Ophio", + -14.199769020080566 + ], + [ + "\u2581dramatisch", + -14.199786186218262 + ], + [ + "\u2581ulcer", + -14.199819564819336 + ], + [ + "\u2581unroll", + -14.199856758117676 + ], + [ + "\u2581apodo", + -14.199861526489258 + ], + [ + "\u2581Bizantino", + -14.199867248535156 + ], + [ + "uffy", + -14.199878692626951 + ], + [ + "\u2581recru", + -14.19990062713623 + ], + [ + "UCE", + -14.199902534484863 + ], + [ + "begleitete", + -14.199912071228027 + ], + [ + "Jeff", + -14.199922561645508 + ], + [ + "\u2581kwant", + -14.199939727783203 + ], + [ + "Fried", + -14.199947357177734 + ], + [ + "\u2581recital", + -14.19996166229248 + ], + [ + "\u2581exprim\u00e9s", + -14.199987411499023 + ], + [ + "heem", + -14.199996948242188 + ], + [ + "\u2581bariton", + -14.200017929077148 + ], + [ + "immerman", + -14.200034141540527 + ], + [ + "\u2581minerali", + -14.200063705444336 + ], + [ + "IONI", + -14.200139045715332 + ], + [ + "\u2581Conto", + -14.20015811920166 + ], + [ + "\u2581dreht", + -14.200202941894531 + ], + [ + "grenzung", + -14.200206756591797 + ], + [ + "Naxos", + -14.20022678375244 + ], + [ + "\u2581Profissional", + -14.20025634765625 + ], + [ + "\u2581claustro", + -14.20028305053711 + ], + [ + "\u2581desarrollan", + -14.20028305053711 + ], + [ + "centr\u00f3", + -14.20029354095459 + ], + [ + "\u2581Religious", + -14.20029354095459 + ], + [ + "\u2581McGill", + -14.200325965881348 + ], + [ + "ulfo", + -14.200350761413574 + ], + [ + "\u2581Seinen", + -14.200373649597168 + ], + [ + "\u2581Nefer", + -14.200394630432127 + ], + [ + "\u2581facultades", + -14.20042896270752 + ], + [ + "offene", + -14.20043659210205 + ], + [ + "\u2581huevo", + -14.20047664642334 + ], + [ + "\u2581keur", + -14.200478553771973 + ], + [ + "brachte", + -14.200482368469238 + ], + [ + "\u2581Sexta", + -14.200496673583984 + ], + [ + "\u2581Practical", + -14.20050048828125 + ], + [ + "\u2581Extremo", + -14.200511932373049 + ], + [ + "lumber", + -14.200517654418944 + ], + [ + "pardo", + -14.200517654418944 + ], + [ + "\u2581Sauf", + -14.200525283813477 + ], + [ + "\u2581lunare", + -14.200531005859377 + ], + [ + "\u2581Nadine", + -14.200531959533691 + ], + [ + "cutter", + -14.20053768157959 + ], + [ + "arski", + -14.200554847717283 + ], + [ + "naco", + -14.200560569763184 + ], + [ + "\u2581D\u00fcnn", + -14.200562477111816 + ], + [ + "\u00e4ger", + -14.200578689575195 + ], + [ + "\u2581traductor", + -14.200584411621094 + ], + [ + "\u2581Ibarra", + -14.200587272644045 + ], + [ + "\u2581Mueller", + -14.200605392456056 + ], + [ + "\u2581empirique", + -14.200615882873535 + ], + [ + "\u2581ideais", + -14.2006196975708 + ], + [ + "\u2581Hanson", + -14.200629234313965 + ], + [ + "\u2581Puri", + -14.20064926147461 + ], + [ + "szuschlag", + -14.200658798217772 + ], + [ + "\u2581valenciano", + -14.200658798217772 + ], + [ + "MENTO", + -14.200661659240724 + ], + [ + "\u2581seizure", + -14.20066261291504 + ], + [ + "\u2581Angewandte", + -14.200671195983888 + ], + [ + "graphite", + -14.200703620910645 + ], + [ + "\u2581matrimoni", + -14.200765609741213 + ], + [ + "\u2581besichtigen", + -14.200775146484377 + ], + [ + "Ascension", + -14.20080852508545 + ], + [ + "\u2581consulting", + -14.200852394104004 + ], + [ + "\u2581Keu", + -14.200875282287598 + ], + [ + "\u2581Abrams", + -14.200888633728027 + ], + [ + "caret", + -14.200900077819824 + ], + [ + "\u2581sichtbaren", + -14.200922012329102 + ], + [ + "\u2581Merry", + -14.200923919677734 + ], + [ + "luvio", + -14.200925827026367 + ], + [ + "perturbative", + -14.200952529907228 + ], + [ + "\u2581despeito", + -14.200974464416504 + ], + [ + "\u2581soffitto", + -14.200977325439451 + ], + [ + "\u2581Unida", + -14.200980186462402 + ], + [ + "\u2581curieux", + -14.20101833343506 + ], + [ + "\u2581municipalidad", + -14.201021194458008 + ], + [ + "\u2581norteamericano", + -14.20103359222412 + ], + [ + "\u2581atrai", + -14.20103645324707 + ], + [ + "\u2581charming", + -14.201041221618652 + ], + [ + "\u00e9lever", + -14.201044082641602 + ], + [ + "\u2581inclinado", + -14.201120376586914 + ], + [ + "\u2581s\u00e9ptima", + -14.201125144958496 + ], + [ + "\u2581Amtshilfe", + -14.201141357421877 + ], + [ + "\u2581tormento", + -14.201143264770508 + ], + [ + "Separate", + -14.201147079467772 + ], + [ + "Sight", + -14.201190948486328 + ], + [ + "\u2581Hoheits", + -14.201215744018556 + ], + [ + "\u2581sloop", + -14.201217651367188 + ], + [ + "\u2581bekleedde", + -14.201224327087402 + ], + [ + "\u2581makkelijker", + -14.201231002807615 + ], + [ + "\u2581Arcos", + -14.20127010345459 + ], + [ + "ollbeh", + -14.201290130615234 + ], + [ + "subtract", + -14.201292991638184 + ], + [ + "linden", + -14.201300621032717 + ], + [ + "\u2581Genfer", + -14.201322555541992 + ], + [ + "\u2581Sic\u00edlia", + -14.201326370239258 + ], + [ + "\u2581genocidio", + -14.201326370239258 + ], + [ + "AnyObject", + -14.20138454437256 + ], + [ + "\u2581sintetic", + -14.201385498046877 + ], + [ + "\u2581di\u00f3xido", + -14.201423645019531 + ], + [ + "\u2581Farra", + -14.201440811157228 + ], + [ + "gracia", + -14.201441764831545 + ], + [ + "\u2581diagramme", + -14.201471328735352 + ], + [ + "\u2581ternehmen", + -14.201594352722168 + ], + [ + "\u2581Combate", + -14.201598167419434 + ], + [ + "atteso", + -14.201614379882812 + ], + [ + "\u2581calzad", + -14.201626777648926 + ], + [ + "\u2581struggled", + -14.20164680480957 + ], + [ + "\u2581contracting", + -14.201653480529783 + ], + [ + "k\u00fcndigung", + -14.201668739318848 + ], + [ + "\u2581crus", + -14.20167636871338 + ], + [ + "\u2581Ezequiel", + -14.201683044433594 + ], + [ + "\u2581inevitably", + -14.201683044433594 + ], + [ + "\u2581pianificat", + -14.201689720153809 + ], + [ + "\u2581chiarire", + -14.20169448852539 + ], + [ + "uhause", + -14.201717376708984 + ], + [ + "\u2581dedicarsi", + -14.201722145080566 + ], + [ + "\u2581Berichtsjahr", + -14.20175075531006 + ], + [ + "\u2581Interaktionen", + -14.201770782470703 + ], + [ + "asiatica", + -14.201772689819336 + ], + [ + "Spandau", + -14.201789855957031 + ], + [ + "\u2581ricambi", + -14.20180892944336 + ], + [ + "\u2581praga", + -14.201810836791992 + ], + [ + "honing", + -14.201929092407228 + ], + [ + "\u2581Theresa", + -14.201931953430176 + ], + [ + "\u2581collettivi", + -14.201932907104492 + ], + [ + "\u2581brit\u00e1nicas", + -14.20197296142578 + ], + [ + "\u2581habitado", + -14.201986312866213 + ], + [ + "Apparat", + -14.201987266540527 + ], + [ + "phrys", + -14.202017784118652 + ], + [ + "\u2581Eslovaquia", + -14.202040672302246 + ], + [ + "\u2581d\u00e9tection", + -14.202040672302246 + ], + [ + "\u2581plaatsvindt", + -14.202040672302246 + ], + [ + "\u2581selvaggia", + -14.20205307006836 + ], + [ + "\u2581Weiterlesen", + -14.202068328857422 + ], + [ + "\u2581Sarawak", + -14.202075004577637 + ], + [ + "ALU", + -14.202078819274902 + ], + [ + "\u2581dar\u00e0", + -14.202082633972168 + ], + [ + "\u2581enlaza", + -14.202096939086914 + ], + [ + "dringt", + -14.202108383178713 + ], + [ + "traut", + -14.202146530151367 + ], + [ + "\u2581Erwerber", + -14.202216148376465 + ], + [ + "\u2581Predi", + -14.202235221862791 + ], + [ + "rginin", + -14.20223617553711 + ], + [ + "\u2581purch\u00e9", + -14.20224666595459 + ], + [ + "draagt", + -14.20229148864746 + ], + [ + "\u2581basate", + -14.20230770111084 + ], + [ + "IGEN", + -14.202314376831056 + ], + [ + "\u2581substantive", + -14.20233154296875 + ], + [ + "\u2581sviluppate", + -14.202345848083496 + ], + [ + "\u2581Versi", + -14.202351570129396 + ], + [ + "abschlu", + -14.202352523803713 + ], + [ + "submodules", + -14.202364921569824 + ], + [ + "\u2581genauere", + -14.202375411987305 + ], + [ + "\u2581possua", + -14.202399253845217 + ], + [ + "\u2581pendolari", + -14.202401161193848 + ], + [ + "\u2581suspeito", + -14.202401161193848 + ], + [ + "\u2581spegne", + -14.202418327331545 + ], + [ + "geschlecht", + -14.20242691040039 + ], + [ + "voraus", + -14.202442169189451 + ], + [ + "\u2581monitorar", + -14.202485084533691 + ], + [ + "\u2581ocupados", + -14.20248794555664 + ], + [ + "Soedan", + -14.202488899230955 + ], + [ + "CFC", + -14.202494621276855 + ], + [ + "golden", + -14.202495574951172 + ], + [ + "\u2581Bland", + -14.202523231506348 + ], + [ + "\u2581Piri", + -14.202532768249512 + ], + [ + "\u2581insulta", + -14.202540397644045 + ], + [ + "ssein", + -14.202543258666992 + ], + [ + "\u2581Castiglia", + -14.202564239501951 + ], + [ + "fordert", + -14.202579498291016 + ], + [ + "gr\u00e4b", + -14.202580451965332 + ], + [ + "Statistiche", + -14.202581405639648 + ], + [ + "\u2581Huss", + -14.202581405639648 + ], + [ + "\u2581conflicting", + -14.202581405639648 + ], + [ + "Luther", + -14.20258331298828 + ], + [ + "indirect", + -14.20259952545166 + ], + [ + "\u2581Limon", + -14.20260524749756 + ], + [ + "\u2581irachen", + -14.20262050628662 + ], + [ + "oagul", + -14.202653884887695 + ], + [ + "meurs", + -14.20265769958496 + ], + [ + "\u2581destinate", + -14.202678680419922 + ], + [ + "\u2581Firstly", + -14.202696800231934 + ], + [ + "Pr\u00fcfung", + -14.202720642089844 + ], + [ + "devtools", + -14.20273780822754 + ], + [ + "\u2581verd\u00fcnnt", + -14.20276927947998 + ], + [ + "\u2581caldera", + -14.202770233154297 + ], + [ + "\u2581Indicates", + -14.202774047851562 + ], + [ + "\u2581creduto", + -14.20277500152588 + ], + [ + "\u2581anordnen", + -14.20278263092041 + ], + [ + "\u2581termed", + -14.202792167663574 + ], + [ + "\u2581squat", + -14.202795028686523 + ], + [ + "\u2581deutete", + -14.202801704406738 + ], + [ + "\u2581Brab", + -14.202873229980469 + ], + [ + "\u2581Henni", + -14.20289134979248 + ], + [ + "\u2581Erg\u00e4nzungen", + -14.202898979187012 + ], + [ + "slee", + -14.202902793884276 + ], + [ + "\u2581unbestimmte", + -14.202985763549805 + ], + [ + "\u2581forzado", + -14.202993392944336 + ], + [ + "\u2581Lucre", + -14.202995300292969 + ], + [ + "\u2581Verwandte", + -14.203004837036133 + ], + [ + "released", + -14.203021049499512 + ], + [ + "\u2581Pfi", + -14.203110694885254 + ], + [ + "Barth\u00e9lemy", + -14.203112602233888 + ], + [ + "Elasticsearch", + -14.203140258789062 + ], + [ + "\u2581Ghetto", + -14.203140258789062 + ], + [ + "Mutat", + -14.203165054321287 + ], + [ + "bromid", + -14.20322322845459 + ], + [ + "\u2581irgendeiner", + -14.203242301940918 + ], + [ + "\u2581Halbleiter", + -14.203254699707031 + ], + [ + "\u2581Sorgfalt", + -14.20331859588623 + ], + [ + "loopt", + -14.203362464904783 + ], + [ + "g\u00e4ngerzone", + -14.203368186950684 + ], + [ + "itier", + -14.203401565551758 + ], + [ + "sugar", + -14.203412055969238 + ], + [ + "secretaris", + -14.203421592712402 + ], + [ + "Kaiser", + -14.20345687866211 + ], + [ + "nieuws", + -14.20345687866211 + ], + [ + "\u2581kaufm\u00e4nnisch", + -14.203471183776855 + ], + [ + "\u2581Bette", + -14.203490257263184 + ], + [ + "\u2581organizing", + -14.203510284423828 + ], + [ + "\u2581klug", + -14.203527450561523 + ], + [ + "tendr\u00e1", + -14.203533172607422 + ], + [ + "\u2581observou", + -14.203539848327637 + ], + [ + "GCS", + -14.20354461669922 + ], + [ + "\u2581connait", + -14.203551292419434 + ], + [ + "\u2581Marais", + -14.203554153442385 + ], + [ + "problematik", + -14.203564643859863 + ], + [ + "\u2581Malaria", + -14.20359706878662 + ], + [ + "oceno", + -14.203627586364746 + ], + [ + "\u00e4dig", + -14.20364761352539 + ], + [ + "pidieron", + -14.203673362731934 + ], + [ + "\u2581grobe", + -14.203686714172363 + ], + [ + "\u2581d\u00e9nonce", + -14.203709602355955 + ], + [ + "\u2581milhas", + -14.203710556030272 + ], + [ + "\u2581Durchgang", + -14.20373249053955 + ], + [ + "Pyramid", + -14.203737258911133 + ], + [ + "Tipula", + -14.203765869140623 + ], + [ + "\u2581falou", + -14.203765869140623 + ], + [ + "nime", + -14.203771591186523 + ], + [ + "\u2581verific", + -14.203780174255373 + ], + [ + "\u2581Massimiliano", + -14.203827857971191 + ], + [ + "\u2581scarce", + -14.203828811645508 + ], + [ + "\u2581vedremo", + -14.203831672668455 + ], + [ + "padre", + -14.20383358001709 + ], + [ + "muovono", + -14.203840255737305 + ], + [ + "\u2581digitaler", + -14.20385456085205 + ], + [ + "ragged", + -14.203907012939451 + ], + [ + "\u2581Estima", + -14.203920364379885 + ], + [ + "rhynch", + -14.203924179077148 + ], + [ + "\u2581Slowaakse", + -14.20394229888916 + ], + [ + "l\u00e4ute", + -14.203950881958008 + ], + [ + "ounty", + -14.20396900177002 + ], + [ + "stimulated", + -14.203986167907717 + ], + [ + "\u2581primogenit", + -14.20403003692627 + ], + [ + "\u2581permutations", + -14.204047203063965 + ], + [ + "derma", + -14.204050064086914 + ], + [ + "\u2581larve", + -14.204089164733888 + ], + [ + "RACE", + -14.204148292541504 + ], + [ + "indikatoren", + -14.20415210723877 + ], + [ + "femme", + -14.204154014587402 + ], + [ + "\u2581Antragstellerin", + -14.204166412353516 + ], + [ + "\u2581reggimento", + -14.204185485839844 + ], + [ + "\u2581Poseidon", + -14.20418643951416 + ], + [ + "\u2581Kr\u00e4uter", + -14.20418930053711 + ], + [ + "\u2581Cl\u00e1sico", + -14.204193115234377 + ], + [ + "\u2581flanco", + -14.204215049743652 + ], + [ + "\u2581Kulturdenkmal", + -14.204216003417969 + ], + [ + "\u2581ascendi\u00f3", + -14.204245567321776 + ], + [ + "\u2581Bieber", + -14.20425033569336 + ], + [ + "\u2581atacando", + -14.204251289367676 + ], + [ + "\u2581Kriegsende", + -14.204252243041992 + ], + [ + "\u2581bolchevique", + -14.204252243041992 + ], + [ + "\u2581massiccia", + -14.204269409179688 + ], + [ + "\u2581reconocidos", + -14.204278945922852 + ], + [ + "\u2581Crab", + -14.2042875289917 + ], + [ + "myco", + -14.204315185546877 + ], + [ + "\u2581Wear", + -14.20432949066162 + ], + [ + "\u2581Paralympic", + -14.204351425170898 + ], + [ + "\u2581Salim", + -14.20438003540039 + ], + [ + "\u2581furti", + -14.204418182373049 + ], + [ + "\u2581Magnum", + -14.204445838928224 + ], + [ + "\u2581Copies", + -14.204456329345703 + ], + [ + "\u2581circul", + -14.20445728302002 + ], + [ + "\u2581Mittags", + -14.20448398590088 + ], + [ + "\u2581entertain", + -14.204487800598145 + ], + [ + "\u2581\"]\"}]", + -14.20449161529541 + ], + [ + "\u2581Celles", + -14.204496383666992 + ], + [ + "\u2581HOWEVER", + -14.204544067382812 + ], + [ + "\u2581Unbeschadet", + -14.204544067382812 + ], + [ + "\u2581viram", + -14.204545021057127 + ], + [ + "weihe", + -14.204548835754396 + ], + [ + "\u2581persuas", + -14.204557418823242 + ], + [ + "rabaja", + -14.204564094543455 + ], + [ + "interrogatorio", + -14.204607009887695 + ], + [ + "\u2581Mitberatung", + -14.204607009887695 + ], + [ + "\u2581boue", + -14.204626083374023 + ], + [ + "akkoord", + -14.20462703704834 + ], + [ + "\u2581parasite", + -14.204651832580566 + ], + [ + "\u2581approvata", + -14.20465850830078 + ], + [ + "\u2581Martinique", + -14.204676628112791 + ], + [ + "\u2581settlers", + -14.204676628112791 + ], + [ + "entnahme", + -14.204730987548828 + ], + [ + "Successfully", + -14.20478057861328 + ], + [ + "hertz", + -14.204788208007812 + ], + [ + "\u2581benevolen", + -14.204811096191406 + ], + [ + "werkplaats", + -14.204821586608888 + ], + [ + "\u2581aliments", + -14.20485019683838 + ], + [ + "\u2581mensile", + -14.204858779907228 + ], + [ + "\u00fcnder", + -14.204861640930176 + ], + [ + "\u2581Logi", + -14.204876899719238 + ], + [ + "udon", + -14.20488739013672 + ], + [ + "dichtheid", + -14.204891204833984 + ], + [ + "\u00e9clat", + -14.20489501953125 + ], + [ + "\u2581venezolana", + -14.204901695251465 + ], + [ + "minist\u00e9riel", + -14.204911231994627 + ], + [ + "\u2581messicano", + -14.204920768737791 + ], + [ + "\u2581heredit", + -14.204937934875488 + ], + [ + "kologischer", + -14.20494556427002 + ], + [ + "Localization", + -14.204952239990234 + ], + [ + "\u2581Personality", + -14.204961776733398 + ], + [ + "\u2581Byrd", + -14.205018997192385 + ], + [ + "\u2581diplomatico", + -14.205026626586914 + ], + [ + "\u2581verabschiedete", + -14.205029487609863 + ], + [ + "wissel", + -14.20504379272461 + ], + [ + "\u2581llenar", + -14.205056190490724 + ], + [ + "\u2581pedonali", + -14.205063819885254 + ], + [ + "jazz", + -14.205095291137695 + ], + [ + "\u2581escritorio", + -14.205123901367188 + ], + [ + "Mona", + -14.205140113830566 + ], + [ + "gindo", + -14.205140113830566 + ], + [ + "\u2581tabula", + -14.205141067504885 + ], + [ + "oudre", + -14.205153465270996 + ], + [ + "\u2581venden", + -14.205155372619627 + ], + [ + "doctor", + -14.20516300201416 + ], + [ + "\u2581graduado", + -14.20517349243164 + ], + [ + "\u2581tidal", + -14.205183029174805 + ], + [ + "alyps", + -14.205190658569336 + ], + [ + "\u2581anticipation", + -14.205207824707031 + ], + [ + "\u2581suponer", + -14.205232620239258 + ], + [ + "\u2581Arauc", + -14.205246925354004 + ], + [ + "\u2581Petroleum", + -14.205262184143066 + ], + [ + "alken", + -14.205283164978027 + ], + [ + "Reactor", + -14.205309867858888 + ], + [ + "\u2581tabu", + -14.205322265625 + ], + [ + "\u2581Cress", + -14.205326080322266 + ], + [ + "\u2581Pfeiler", + -14.20534896850586 + ], + [ + "Chromosom", + -14.205361366271973 + ], + [ + "ApiTests", + -14.205374717712402 + ], + [ + "\u2581subway", + -14.205401420593262 + ], + [ + "\u2581orientalis", + -14.205470085144045 + ], + [ + "\u2581subordinat", + -14.205473899841309 + ], + [ + "\u2581Russes", + -14.205488204956056 + ], + [ + "\u2581begeben", + -14.205490112304688 + ], + [ + "\u2581penti", + -14.205510139465332 + ], + [ + "eifen", + -14.205531120300291 + ], + [ + "spoed", + -14.20559024810791 + ], + [ + "\u2581artistiche", + -14.20560073852539 + ], + [ + "\u2581pesantemente", + -14.20560359954834 + ], + [ + "Gelechiidae", + -14.205620765686035 + ], + [ + "\u2581Sammel\u00fcbersicht", + -14.205625534057615 + ], + [ + "\u2581balles", + -14.20565414428711 + ], + [ + "CONTRA", + -14.205694198608398 + ], + [ + "freund", + -14.205729484558104 + ], + [ + "\u2581g\u00fcnstigste", + -14.205731391906738 + ], + [ + "complessivamente", + -14.205744743347168 + ], + [ + "\u2581pierc", + -14.205772399902344 + ], + [ + "\u2581of\u00edcio", + -14.205795288085938 + ], + [ + "fuzi", + -14.205839157104492 + ], + [ + "\u2581magnifica", + -14.205845832824709 + ], + [ + "\u2581Daphne", + -14.20585823059082 + ], + [ + "besatz", + -14.205875396728516 + ], + [ + "\u2581xlink", + -14.205893516540527 + ], + [ + "scribieron", + -14.205909729003906 + ], + [ + "\u2581vorgelegte", + -14.205918312072754 + ], + [ + "VOLKSVER", + -14.20596981048584 + ], + [ + "\u2581palestinesi", + -14.205979347229004 + ], + [ + "\u2581Verzehr", + -14.205997467041016 + ], + [ + "\u2581Marisa", + -14.206016540527344 + ], + [ + "dikte", + -14.206055641174316 + ], + [ + "\u2581usufru", + -14.206059455871582 + ], + [ + "\u2581magn\u00edfico", + -14.20609188079834 + ], + [ + "\u2581scelti", + -14.206100463867188 + ], + [ + "precio", + -14.2061185836792 + ], + [ + "barth", + -14.206121444702148 + ], + [ + "\u2581Kapillar", + -14.20612907409668 + ], + [ + "\u2581tifosi", + -14.20612907409668 + ], + [ + "\u2581botas", + -14.206196784973145 + ], + [ + "\u2581coscient", + -14.206205368041992 + ], + [ + "ijksuniversiteit", + -14.206229209899902 + ], + [ + "eerste", + -14.20624828338623 + ], + [ + "ATTA", + -14.206256866455078 + ], + [ + "immo", + -14.20630168914795 + ], + [ + "talh", + -14.206308364868164 + ], + [ + "\u2581fanciulla", + -14.206337928771973 + ], + [ + "PPS", + -14.206355094909668 + ], + [ + "\u2581Haak", + -14.206368446350098 + ], + [ + "\u2581enthusiasm", + -14.206403732299805 + ], + [ + "\u2581dispo", + -14.206453323364258 + ], + [ + "\u2581Luftverkehr", + -14.20645523071289 + ], + [ + "\u2581fabriqu\u00e9", + -14.206475257873535 + ], + [ + "\u2581Rezidiv", + -14.206488609313965 + ], + [ + "signalen", + -14.206497192382812 + ], + [ + "\u2581Cabin", + -14.206515312194824 + ], + [ + "\u2581gasp", + -14.206568717956545 + ], + [ + "\u2581c\u00f3mico", + -14.206604957580566 + ], + [ + "tendiendo", + -14.206610679626465 + ], + [ + "\u2581sobrevive", + -14.206610679626465 + ], + [ + "\u2581mutua", + -14.206625938415527 + ], + [ + "\u2581establecidos", + -14.20664882659912 + ], + [ + "\u2581afectado", + -14.206659317016602 + ], + [ + "\u2581Kinos", + -14.206664085388184 + ], + [ + "\u2581sostenendo", + -14.206698417663574 + ], + [ + "par\u00f3", + -14.206732749938965 + ], + [ + "\u2581abgewickelt", + -14.206742286682127 + ], + [ + "dokumentation", + -14.206756591796877 + ], + [ + "pumpen", + -14.206756591796877 + ], + [ + "\u2581autoris\u00e9s", + -14.206756591796877 + ], + [ + "conspicu", + -14.206757545471191 + ], + [ + "\u2581FRANC", + -14.206757545471191 + ], + [ + "\u2581algod\u00f3n", + -14.206772804260254 + ], + [ + "\u2581Nang", + -14.206779479980469 + ], + [ + "\u2581Kultivierung", + -14.20678424835205 + ], + [ + "TCT", + -14.206785202026367 + ], + [ + "loppen", + -14.206796646118164 + ], + [ + "\u2581Unidade", + -14.206801414489746 + ], + [ + "\u2581miscela", + -14.20684051513672 + ], + [ + "\u2581Mythologie", + -14.206881523132324 + ], + [ + "\u2581Freistaates", + -14.206907272338867 + ], + [ + "Sicherheits", + -14.206910133361816 + ], + [ + "\u2581Sacred", + -14.206918716430664 + ], + [ + "\u2581fiordo", + -14.206924438476562 + ], + [ + "grafici", + -14.206944465637209 + ], + [ + "\u2581essenti", + -14.20697784423828 + ], + [ + "\u2581exigem", + -14.206997871398926 + ], + [ + "\u2581Musi", + -14.207009315490724 + ], + [ + "\u2581Sorrent", + -14.207015991210938 + ], + [ + "\u2581gezahlten", + -14.207032203674316 + ], + [ + "\u00e1ny", + -14.207033157348633 + ], + [ + "\u2581Kanzlei", + -14.20705509185791 + ], + [ + "schadens", + -14.207080841064451 + ], + [ + "\u2581viali", + -14.207093238830566 + ], + [ + "African", + -14.207122802734377 + ], + [ + "utten", + -14.20713710784912 + ], + [ + "\u2581Novos", + -14.207144737243652 + ], + [ + "\u2581Verantwortliche", + -14.207147598266602 + ], + [ + "discrete", + -14.207148551940918 + ], + [ + "glutam", + -14.207182884216309 + ], + [ + "ADR", + -14.207230567932127 + ], + [ + "\u2581bobina", + -14.207230567932127 + ], + [ + "\u2581fuor", + -14.207246780395508 + ], + [ + "\u2581desencade", + -14.207256317138672 + ], + [ + "\u2581circule", + -14.207271575927734 + ], + [ + "spenden", + -14.207282066345217 + ], + [ + "\u2581Mitgliedstaates", + -14.207287788391112 + ], + [ + "rukt", + -14.20729160308838 + ], + [ + "\u2581suced", + -14.207292556762695 + ], + [ + "\u2581podr\u00e1s", + -14.207311630249023 + ], + [ + "starred", + -14.207321166992188 + ], + [ + "pitz", + -14.207322120666504 + ], + [ + "\u2581personalizzat", + -14.20732593536377 + ], + [ + "isNaN", + -14.207327842712402 + ], + [ + "Konzerns", + -14.207359313964844 + ], + [ + "nagh", + -14.207383155822754 + ], + [ + "\u2581treinstation", + -14.2073974609375 + ], + [ + "\u2581immat\u00e9riel", + -14.207412719726562 + ], + [ + "\u2581\u00e9ponyme", + -14.207412719726562 + ], + [ + "\u2581viewers", + -14.207439422607422 + ], + [ + "\u2581Bewer", + -14.207476615905762 + ], + [ + "\u2581protestanti", + -14.207491874694824 + ], + [ + "\u2581herbs", + -14.20750904083252 + ], + [ + "Dans", + -14.207511901855469 + ], + [ + "Atlante", + -14.207512855529783 + ], + [ + "\u2581Syd", + -14.207517623901367 + ], + [ + "\u2581costituiva", + -14.207527160644531 + ], + [ + "grammes", + -14.207539558410645 + ], + [ + "Belangrijkst", + -14.207552909851074 + ], + [ + "camelcase", + -14.207573890686035 + ], + [ + "\u2581beschikte", + -14.207581520080566 + ], + [ + "\u2581orkaan", + -14.207609176635742 + ], + [ + "\u2581Vuur", + -14.20761013031006 + ], + [ + "ierbaren", + -14.207622528076172 + ], + [ + "minati", + -14.207627296447754 + ], + [ + "Koch", + -14.207637786865234 + ], + [ + "Darmstadt", + -14.20764446258545 + ], + [ + "\u2581helic\u00f3ptero", + -14.207688331604004 + ], + [ + "\u2581aportar", + -14.207694053649902 + ], + [ + "\u2581p\u00e1jaros", + -14.207695960998535 + ], + [ + "doRequest", + -14.207698822021484 + ], + [ + "ungsgesetzes", + -14.207698822021484 + ], + [ + "\u2581erschossen", + -14.207708358764648 + ], + [ + "\u2581Almelo", + -14.207714080810549 + ], + [ + "\u2581croisi", + -14.207748413085938 + ], + [ + "ginkgo", + -14.207772254943848 + ], + [ + "Pirineos", + -14.207782745361328 + ], + [ + "\u2581titula", + -14.207786560058594 + ], + [ + "Olympique", + -14.20779514312744 + ], + [ + "\u2581Particular", + -14.207805633544922 + ], + [ + "\u2581chamava", + -14.207810401916504 + ], + [ + "Bundesliga", + -14.2078218460083 + ], + [ + "\u2581Tschechischen", + -14.207822799682615 + ], + [ + "\u2581comble", + -14.207871437072754 + ], + [ + "\u2581unirsi", + -14.207881927490234 + ], + [ + "\u2581Bundesebene", + -14.207897186279297 + ], + [ + "\u2581motivazione", + -14.207901000976562 + ], + [ + "\u2581Clar", + -14.207934379577637 + ], + [ + "Assembl", + -14.207948684692385 + ], + [ + "mael", + -14.207951545715332 + ], + [ + "INCLUDES", + -14.20798397064209 + ], + [ + "\u2581consegn", + -14.207985877990724 + ], + [ + "tickets", + -14.208003997802734 + ], + [ + "\u2581competiu", + -14.208015441894531 + ], + [ + "\u2581Gallura", + -14.20804214477539 + ], + [ + "\u2581exportaci\u00f3n", + -14.208089828491213 + ], + [ + "schaftlicher", + -14.20809841156006 + ], + [ + "\u2581Nikki", + -14.20810604095459 + ], + [ + "\u2581Autour", + -14.208115577697754 + ], + [ + "\u2581espessura", + -14.208131790161133 + ], + [ + "\u2581listings", + -14.20813274383545 + ], + [ + "\u2581tragedy", + -14.208138465881348 + ], + [ + "\u2581Skills", + -14.208157539367676 + ], + [ + "\u2581semblant", + -14.208158493041992 + ], + [ + "\u2581aktueller", + -14.208165168762209 + ], + [ + "notado", + -14.208191871643066 + ], + [ + "\u2581compuestas", + -14.2081937789917 + ], + [ + "\u2581klant", + -14.208205223083496 + ], + [ + "Benefit", + -14.208245277404783 + ], + [ + "anagi", + -14.208264350891112 + ], + [ + "\u2581FLO", + -14.208285331726074 + ], + [ + "\u2581repete", + -14.208318710327148 + ], + [ + "\u2581Kapitalmarkt", + -14.208322525024414 + ], + [ + "\u2581fiktive", + -14.208333015441896 + ], + [ + "constr", + -14.20835781097412 + ], + [ + "acquire", + -14.208359718322754 + ], + [ + "oyle", + -14.208399772644045 + ], + [ + "Runde", + -14.208420753479004 + ], + [ + "Alternative", + -14.208455085754396 + ], + [ + "\u2581Dulce", + -14.20847225189209 + ], + [ + "taste", + -14.208474159240724 + ], + [ + "abbage", + -14.208480834960938 + ], + [ + "\u2581Dott", + -14.208483695983888 + ], + [ + "\u2581Veldsprinkhanen", + -14.208490371704102 + ], + [ + "\u2581cat\u00e1strofe", + -14.208490371704102 + ], + [ + "\u2581Pleasant", + -14.208494186401367 + ], + [ + "\u2581kirchlichen", + -14.208499908447266 + ], + [ + "\u2581dementadores", + -14.208507537841797 + ], + [ + "\u2581corrosion", + -14.20851993560791 + ], + [ + "\u2581t\u00e9l\u00e9chargement", + -14.208537101745604 + ], + [ + "kovo", + -14.208540916442873 + ], + [ + "\u2581Moder", + -14.208550453186035 + ], + [ + "jackson", + -14.208555221557615 + ], + [ + "identifiant", + -14.2085599899292 + ], + [ + "\u2581H\u00e4n", + -14.208561897277832 + ], + [ + "\u00e9pouse", + -14.208576202392578 + ], + [ + "\u2581Speaking", + -14.208589553833008 + ], + [ + "pecl", + -14.208592414855955 + ], + [ + "\u2581verfolgte", + -14.208606719970703 + ], + [ + "\u2581Deluxe", + -14.20861530303955 + ], + [ + "\u2581vieil", + -14.2086181640625 + ], + [ + "MODIF", + -14.208625793457031 + ], + [ + "\u2581Plat\u00f3n", + -14.208641052246094 + ], + [ + "\u2581cantautor", + -14.208695411682127 + ], + [ + "\u2581Troi", + -14.208727836608888 + ], + [ + "iwi", + -14.208731651306152 + ], + [ + "\u2581convection", + -14.208751678466797 + ], + [ + "\u2581Pistole", + -14.208844184875488 + ], + [ + "\u2581transgene", + -14.2088623046875 + ], + [ + "commercial", + -14.20887851715088 + ], + [ + "OPE", + -14.208894729614258 + ], + [ + "hecht", + -14.208906173706056 + ], + [ + "\u2581Hiper", + -14.20893669128418 + ], + [ + "\u00edstas", + -14.208956718444824 + ], + [ + "estrel", + -14.208988189697266 + ], + [ + "\u2581Gagn", + -14.209023475646973 + ], + [ + "\u2581\u00e9prouv", + -14.209041595458984 + ], + [ + "teady", + -14.20906925201416 + ], + [ + "Detalle", + -14.209071159362791 + ], + [ + "sammlungen", + -14.20907211303711 + ], + [ + "\u2581rehabilitation", + -14.209074020385742 + ], + [ + "\u2581ritratti", + -14.2091064453125 + ], + [ + "kola", + -14.209108352661133 + ], + [ + "\u2581grenade", + -14.209123611450195 + ], + [ + "\u2581emoziona", + -14.209129333496094 + ], + [ + "ITALI", + -14.209144592285156 + ], + [ + "\u2581rubrique", + -14.20915699005127 + ], + [ + "\u2581poss\u00e9dant", + -14.2091646194458 + ], + [ + "Recurs", + -14.20916748046875 + ], + [ + "philosoph", + -14.209185600280762 + ], + [ + "\u2581prouve", + -14.209189414978027 + ], + [ + "\u2581sementes", + -14.209189414978027 + ], + [ + "\u2581Lipa", + -14.20920467376709 + ], + [ + "nwerkingsverband", + -14.209213256835938 + ], + [ + "\u2581motorfietsmerk", + -14.20921516418457 + ], + [ + "\u2581S\u00e1bado", + -14.209216117858888 + ], + [ + "\u2581Concernant", + -14.209227561950684 + ], + [ + "\u2581avonturen", + -14.209258079528809 + ], + [ + "Champ", + -14.209268569946287 + ], + [ + "\u2581Ingres", + -14.209273338317873 + ], + [ + "\u2581voluntaria", + -14.209277153015137 + ], + [ + "Durchf\u00fchrung", + -14.209317207336426 + ], + [ + "\u2581Cortez", + -14.20932960510254 + ], + [ + "\u2581confirmer", + -14.20940399169922 + ], + [ + "\u2581ritra", + -14.20943546295166 + ], + [ + "\u2581Poort", + -14.20947265625 + ], + [ + "isci", + -14.209481239318848 + ], + [ + "Hong", + -14.209490776062012 + ], + [ + "Centrum", + -14.209527015686035 + ], + [ + "\u2581Emir", + -14.209554672241213 + ], + [ + "\u2581Vermischte", + -14.209571838378906 + ], + [ + "\u2581hurry", + -14.20958423614502 + ], + [ + "lloy", + -14.209585189819336 + ], + [ + "tratta", + -14.209611892700195 + ], + [ + "\u2581Gerlach", + -14.209641456604004 + ], + [ + "ehelichen", + -14.209654808044434 + ], + [ + "\u2581Monumental", + -14.209670066833496 + ], + [ + "Entwurf", + -14.209684371948242 + ], + [ + "\u2581premiado", + -14.209712028503418 + ], + [ + "SIDE", + -14.209742546081545 + ], + [ + "giert", + -14.209784507751465 + ], + [ + "\u2581Cavaliere", + -14.209790229797363 + ], + [ + "glare", + -14.20985507965088 + ], + [ + "\u2581vencedora", + -14.209882736206056 + ], + [ + "linguistic", + -14.209900856018066 + ], + [ + "\u2581Vierteljahr", + -14.209906578063965 + ], + [ + "\u2581compartilhar", + -14.209914207458496 + ], + [ + "\u2581appartenait", + -14.209942817687988 + ], + [ + "\u2581gefundenen", + -14.209969520568848 + ], + [ + "\u2581Donati", + -14.20998191833496 + ], + [ + "\u2581systematically", + -14.209985733032228 + ], + [ + "Hospital", + -14.210012435913086 + ], + [ + "hombre", + -14.210023880004885 + ], + [ + "spartan", + -14.210046768188477 + ], + [ + "\u2581supermercados", + -14.210049629211426 + ], + [ + "\u2581uniqueness", + -14.210053443908691 + ], + [ + "trup", + -14.210070610046388 + ], + [ + "\u2581ext\u00e9rieures", + -14.210070610046388 + ], + [ + "Recording", + -14.210082054138184 + ], + [ + "ilov", + -14.210084915161133 + ], + [ + "\u2581Berufssoldat", + -14.210102081298828 + ], + [ + "Genesis", + -14.210104942321776 + ], + [ + "\u2581Derartige", + -14.210152626037598 + ], + [ + "\u2581picchi", + -14.210163116455078 + ], + [ + "\u2581\"[...]", + -14.21017360687256 + ], + [ + "RAF", + -14.210190773010254 + ], + [ + "\u2581cirurgia", + -14.210197448730469 + ], + [ + "\u2581veneziani", + -14.21020793914795 + ], + [ + "htdocs", + -14.210229873657228 + ], + [ + "altura", + -14.21023654937744 + ], + [ + "kristalline", + -14.210237503051758 + ], + [ + "\u2581Bemb", + -14.210250854492188 + ], + [ + "kaartje", + -14.210261344909668 + ], + [ + "\u2581apologize", + -14.210290908813477 + ], + [ + "zusch\u00fcsse", + -14.210297584533691 + ], + [ + "\u2581Chiv", + -14.210301399230955 + ], + [ + "\u2581ambivalent", + -14.210309982299805 + ], + [ + "\u2581exclusivos", + -14.210319519042969 + ], + [ + "\u2581hervorgeht", + -14.210322380065918 + ], + [ + "\u2581MacArthur", + -14.21032428741455 + ], + [ + "saxon", + -14.21034812927246 + ], + [ + "\u2581tijdrijden", + -14.21035385131836 + ], + [ + "\u2581d\u00e9cor\u00e9", + -14.210355758666992 + ], + [ + "\u2581v\u00e9ritablement", + -14.210367202758787 + ], + [ + "ustomization", + -14.210386276245115 + ], + [ + "\u2581Patientin", + -14.21042537689209 + ], + [ + "\u2581botones", + -14.21042537689209 + ], + [ + "\u2581seltenen", + -14.210450172424316 + ], + [ + "\u2581Mustang", + -14.210461616516112 + ], + [ + "ndk", + -14.21046257019043 + ], + [ + "gevend", + -14.210516929626465 + ], + [ + "tampe", + -14.21051788330078 + ], + [ + "\u2581octava", + -14.210526466369627 + ], + [ + "capitul", + -14.21055507659912 + ], + [ + "vinrent", + -14.210578918457031 + ], + [ + "\u2581calific\u00f3", + -14.210663795471191 + ], + [ + "\u2581Helmond", + -14.21066665649414 + ], + [ + "\u2581cattive", + -14.210681915283203 + ], + [ + "biolink", + -14.21069049835205 + ], + [ + "Todos", + -14.21070957183838 + ], + [ + "\u2581couplings", + -14.210713386535645 + ], + [ + "\u2581encaja", + -14.210726737976074 + ], + [ + "\u2581Witwen", + -14.210756301879885 + ], + [ + "\u2581Elmer", + -14.210770606994627 + ], + [ + "verwertung", + -14.210808753967283 + ], + [ + "\u2581beweerde", + -14.21081256866455 + ], + [ + "\u2581Bake", + -14.210823059082031 + ], + [ + "modular", + -14.210833549499512 + ], + [ + "ir\u00f3n", + -14.21084213256836 + ], + [ + "\u2581kehrs", + -14.210855484008787 + ], + [ + "tabela", + -14.210897445678713 + ], + [ + "navigationBar", + -14.210898399353027 + ], + [ + "\u00e9duction", + -14.210906982421877 + ], + [ + "\u2581Logro", + -14.210907936096191 + ], + [ + "\u2581Drang", + -14.210941314697266 + ], + [ + "\u2581spunta", + -14.21096420288086 + ], + [ + "\u2581Chari", + -14.210973739624023 + ], + [ + "\u2581estrangeiras", + -14.21097469329834 + ], + [ + "\u2581enfrentaron", + -14.210986137390137 + ], + [ + "EMPLAR", + -14.21106243133545 + ], + [ + "\u2581proyecta", + -14.211082458496094 + ], + [ + "postas", + -14.21108341217041 + ], + [ + "veur", + -14.211087226867676 + ], + [ + "\u2581azot", + -14.211098670959473 + ], + [ + "\u2581zenuw", + -14.211104393005373 + ], + [ + "roppo", + -14.211116790771484 + ], + [ + "\u2581Ant\u00e1rtica", + -14.211145401000977 + ], + [ + "\u2581M\u00e9lan", + -14.211153030395508 + ], + [ + "\u2581Sitten", + -14.211158752441406 + ], + [ + "\u2581gener\u00f3", + -14.211170196533203 + ], + [ + "theoretischen", + -14.211173057556152 + ], + [ + "braune", + -14.21119499206543 + ], + [ + "\u2581Hewitt", + -14.211217880249023 + ], + [ + "\u2581Schnellstra", + -14.211222648620604 + ], + [ + "\u2581signoria", + -14.211241722106934 + ], + [ + "haha", + -14.211283683776855 + ], + [ + "\u2581norv\u00e9gien", + -14.211297988891602 + ], + [ + "\u2581aangeven", + -14.21130084991455 + ], + [ + "\u2581svariati", + -14.211307525634766 + ], + [ + "Halt", + -14.211315155029297 + ], + [ + "\u2581belastingen", + -14.211316108703612 + ], + [ + "avt", + -14.2113676071167 + ], + [ + "\u2581Lahore", + -14.211370468139648 + ], + [ + "learner", + -14.211373329162598 + ], + [ + "\u2581universalmente", + -14.211374282836914 + ], + [ + "\u2581d\u00e9sastre", + -14.211377143859863 + ], + [ + "Lijst", + -14.211380004882812 + ], + [ + "\u2581Wintersemester", + -14.211398124694824 + ], + [ + "\u2581retract", + -14.211405754089355 + ], + [ + "Consola", + -14.21145725250244 + ], + [ + "pfleger", + -14.21146011352539 + ], + [ + "\u2581Souver\u00e4nit\u00e4t", + -14.211518287658691 + ], + [ + "\u2581Usar", + -14.211543083190918 + ], + [ + "\u2581aldeas", + -14.21157932281494 + ], + [ + "\u2581erachter", + -14.2116060256958 + ], + [ + "\u2581verkennen", + -14.211615562438965 + ], + [ + "\u2581incentive", + -14.211640357971191 + ], + [ + "jave", + -14.21164608001709 + ], + [ + "einigen", + -14.21164894104004 + ], + [ + "olvid", + -14.21166706085205 + ], + [ + "builderResult", + -14.211715698242188 + ], + [ + "NewReader", + -14.211716651916504 + ], + [ + "\u2581traici\u00f3n", + -14.211751937866213 + ], + [ + "\u2581Schw\u00e4che", + -14.211763381958008 + ], + [ + "\u2581achou", + -14.211795806884766 + ], + [ + "\u2581cliniche", + -14.211796760559082 + ], + [ + "bilj", + -14.211797714233398 + ], + [ + "bytecode", + -14.211814880371094 + ], + [ + "\u2581interruptions", + -14.211817741394045 + ], + [ + "dependence", + -14.211837768554688 + ], + [ + "\u2581Syb", + -14.21184253692627 + ], + [ + "mahn", + -14.211846351623535 + ], + [ + "observable", + -14.211848258972168 + ], + [ + "\u2581Antigon", + -14.211852073669434 + ], + [ + "already", + -14.21188259124756 + ], + [ + "ccati", + -14.211949348449709 + ], + [ + "ancourt", + -14.211963653564451 + ], + [ + "\u2581inquietud", + -14.211992263793944 + ], + [ + "tuff", + -14.212021827697754 + ], + [ + "\u2581appenninic", + -14.212028503417969 + ], + [ + "\u2581veleno", + -14.212042808532717 + ], + [ + "\u2581synthesized", + -14.212044715881348 + ], + [ + "\u2581lohnen", + -14.21205234527588 + ], + [ + "arty", + -14.212084770202637 + ], + [ + "cylindr", + -14.212088584899902 + ], + [ + "p\u00e1gina", + -14.212092399597168 + ], + [ + "\u00e9ronautique", + -14.212092399597168 + ], + [ + "\u2581R\u00e9gions", + -14.212108612060549 + ], + [ + "\u2581componisten", + -14.212108612060549 + ], + [ + "\u2581psicologico", + -14.212116241455078 + ], + [ + "\u2581tangible", + -14.212125778198242 + ], + [ + "\u2581afspraken", + -14.212167739868164 + ], + [ + "\u2581Auswertungen", + -14.212186813354492 + ], + [ + "\u2581Strassen", + -14.212218284606934 + ], + [ + "\u2581Rack", + -14.2122220993042 + ], + [ + "Controvers", + -14.21222686767578 + ], + [ + "\u2581ovvio", + -14.212246894836426 + ], + [ + "aluga", + -14.212251663208008 + ], + [ + "\u2581juniors", + -14.21226406097412 + ], + [ + "\u2581r\u00e9glage", + -14.212285041809082 + ], + [ + "\u2581doucement", + -14.212287902832031 + ], + [ + "Wettbewerb", + -14.21229362487793 + ], + [ + "\u2581D\u00fcrr", + -14.212295532226562 + ], + [ + "\u2581critically", + -14.212318420410156 + ], + [ + "\u2581Vorrats", + -14.212326049804688 + ], + [ + "Schreib", + -14.212339401245115 + ], + [ + "imposition", + -14.212357521057127 + ], + [ + "\u00e9it\u00e9", + -14.21242618560791 + ], + [ + "\u2581lantern", + -14.212434768676758 + ], + [ + "\u2581towel", + -14.212437629699709 + ], + [ + "gestelde", + -14.21243953704834 + ], + [ + "imici", + -14.212440490722656 + ], + [ + "\u2581Entlang", + -14.212451934814451 + ], + [ + "encyclopedie", + -14.21245288848877 + ], + [ + "encyclop\u00e9die", + -14.21245288848877 + ], + [ + "\u2581Goffredo", + -14.212456703186035 + ], + [ + "Consensus", + -14.212462425231934 + ], + [ + "\u2581intentado", + -14.212464332580566 + ], + [ + "\u2581Untergang", + -14.212470054626465 + ], + [ + "\u2581UIResponder", + -14.212472915649414 + ], + [ + "tendi\u00f3", + -14.212481498718262 + ], + [ + "\u2581Lysi", + -14.212491989135742 + ], + [ + "Linker", + -14.212509155273438 + ], + [ + "estimator", + -14.212526321411133 + ], + [ + "\u2581believing", + -14.21254825592041 + ], + [ + "fahrung", + -14.212599754333496 + ], + [ + "standarte", + -14.212605476379396 + ], + [ + "\u2581gangster", + -14.212621688842772 + ], + [ + "jevi", + -14.212626457214355 + ], + [ + "\u2581parallela", + -14.212627410888672 + ], + [ + "\u2581champignons", + -14.212634086608888 + ], + [ + "\u2581Donor", + -14.212655067443848 + ], + [ + "ReadWrite", + -14.212669372558594 + ], + [ + "\u2581sottra", + -14.21267318725586 + ], + [ + "\u2581mankind", + -14.212728500366213 + ], + [ + "niak", + -14.212751388549805 + ], + [ + "ikini", + -14.212770462036133 + ], + [ + "\u2581astr\u00f3nomo", + -14.21278190612793 + ], + [ + "\u2581produzierte", + -14.212801933288574 + ], + [ + "\u2581gecomponeerd", + -14.212814331054688 + ], + [ + "ripping", + -14.21281623840332 + ], + [ + "\u2581Umschulung", + -14.212868690490724 + ], + [ + "Luna", + -14.212882995605469 + ], + [ + "steigerungen", + -14.212885856628418 + ], + [ + "christian", + -14.212896347045898 + ], + [ + "Reject", + -14.212902069091797 + ], + [ + "emballage", + -14.212916374206545 + ], + [ + "\u2581caricatura", + -14.212919235229492 + ], + [ + "\u2581Liberation", + -14.213040351867676 + ], + [ + "\u2581potabile", + -14.213045120239258 + ], + [ + "pch", + -14.213055610656738 + ], + [ + "archae", + -14.213065147399902 + ], + [ + "\u2581Akro", + -14.213068008422852 + ], + [ + "\u2581lombarda", + -14.213144302368164 + ], + [ + "\u2581acceptez", + -14.213150024414062 + ], + [ + "\u2581d\u00e9test", + -14.213170051574709 + ], + [ + "\u2581ep\u00edteto", + -14.213175773620604 + ], + [ + "\u2581piemontese", + -14.213175773620604 + ], + [ + "\u2581Survival", + -14.213177680969238 + ], + [ + "\u2581transparence", + -14.21318531036377 + ], + [ + "\u2581mezzogiorno", + -14.2131929397583 + ], + [ + "erf\u00fcllung", + -14.213199615478516 + ], + [ + "\u2581Beitrittsgebiet", + -14.213211059570312 + ], + [ + "\u2581vaginal", + -14.213213920593262 + ], + [ + "\u2581Caf", + -14.213218688964844 + ], + [ + "\u2581weergave", + -14.213220596313477 + ], + [ + "bed\u00fcrfnisse", + -14.21325397491455 + ], + [ + "\u2581bajista", + -14.21328067779541 + ], + [ + "\u2581indicados", + -14.21331024169922 + ], + [ + "mobilis\u00e9", + -14.213339805603027 + ], + [ + "lehren", + -14.21338176727295 + ], + [ + "ndios", + -14.213418006896973 + ], + [ + "\u2581cachoeiras", + -14.213419914245604 + ], + [ + "hroughput", + -14.213424682617188 + ], + [ + "\u2581\u00e9met", + -14.2134370803833 + ], + [ + "\u2581receitas", + -14.213445663452148 + ], + [ + "\u2581Phae", + -14.213449478149414 + ], + [ + "Debugf", + -14.213457107543944 + ], + [ + "\u2581Philharmonic", + -14.213486671447754 + ], + [ + "\u2581Vasari", + -14.213486671447754 + ], + [ + "\u2581Konings", + -14.213515281677246 + ], + [ + "\u2581riposa", + -14.213526725769045 + ], + [ + "outside", + -14.213558197021484 + ], + [ + "Spam", + -14.213568687438965 + ], + [ + "urney", + -14.213574409484863 + ], + [ + "\u2581Aufstand", + -14.213584899902344 + ], + [ + "Vilaine", + -14.21359157562256 + ], + [ + "\u2581Schole", + -14.213598251342772 + ], + [ + "\u2581magn\u00e9tica", + -14.213616371154783 + ], + [ + "\u2581crean", + -14.213619232177734 + ], + [ + "h\u00e9misph", + -14.213632583618164 + ], + [ + "sgegenstand", + -14.213651657104492 + ], + [ + "\u2581bouquet", + -14.21366024017334 + ], + [ + "\u2581tejidos", + -14.213714599609377 + ], + [ + "\u2581manuscrits", + -14.213725090026855 + ], + [ + "nigliche", + -14.213768005371094 + ], + [ + "nehmende", + -14.213801383972168 + ], + [ + "Modena", + -14.2138032913208 + ], + [ + "Bekanntmachung", + -14.213805198669434 + ], + [ + "\u00e4ub", + -14.21384334564209 + ], + [ + "\u00edram", + -14.213884353637695 + ], + [ + "\u2581krekels", + -14.213899612426758 + ], + [ + "\u2581relied", + -14.21390438079834 + ], + [ + "\u2581Valdivia", + -14.213915824890137 + ], + [ + "\u2581abitativ", + -14.213973999023438 + ], + [ + "\u2581relat\u00f3rios", + -14.21397876739502 + ], + [ + "amplifi", + -14.214001655578612 + ], + [ + "Arabie", + -14.214018821716309 + ], + [ + "\u2581aclara", + -14.214055061340332 + ], + [ + "\u2581uitgesteld", + -14.214083671569824 + ], + [ + "\u2581Painting", + -14.214089393615724 + ], + [ + "\u2581Monsters", + -14.214096069335938 + ], + [ + "\u2581Sicherheitskr\u00e4f", + -14.214101791381836 + ], + [ + "titia", + -14.214109420776367 + ], + [ + "\u2581Erz\u00e4hlungen", + -14.214109420776367 + ], + [ + "\u2581Pek", + -14.214115142822266 + ], + [ + "hetero", + -14.214125633239746 + ], + [ + "Exports", + -14.214200019836426 + ], + [ + "cudaStream", + -14.214207649230955 + ], + [ + "\u2581Diggory", + -14.214263916015623 + ], + [ + "\u2581Welke", + -14.214268684387209 + ], + [ + "\u2581susceptibility", + -14.214272499084473 + ], + [ + "\u2581Bekenntnis", + -14.214273452758787 + ], + [ + "\u2581p\u00e9riph\u00e9riques", + -14.214274406433104 + ], + [ + "\u2581Lito", + -14.214345932006836 + ], + [ + "\u2581Boeken", + -14.214348793029783 + ], + [ + "\u2581Caleb", + -14.21437931060791 + ], + [ + "\u2581lira", + -14.214399337768556 + ], + [ + "Kontroll", + -14.21442413330078 + ], + [ + "\u2581alteration", + -14.214431762695312 + ], + [ + "\u2581lev\u00e1", + -14.214436531066896 + ], + [ + "\u2581verdura", + -14.21445655822754 + ], + [ + "\u2581Reinheit", + -14.214459419250488 + ], + [ + "atira", + -14.21446418762207 + ], + [ + "lunk", + -14.214507102966309 + ], + [ + "\u2581sortit", + -14.214512825012209 + ], + [ + "Mutante", + -14.214527130126951 + ], + [ + "\u2581agrandi", + -14.214566230773926 + ], + [ + "accettabile", + -14.21462059020996 + ], + [ + "\u2581Nichtregierungs", + -14.214622497558594 + ], + [ + "\u2581Otti", + -14.214629173278809 + ], + [ + "mortalidad", + -14.21463394165039 + ], + [ + "\u2581staaf", + -14.21463680267334 + ], + [ + "\u2581graisse", + -14.214661598205566 + ], + [ + "\u2581cannon", + -14.214683532714844 + ], + [ + "uzzo", + -14.214698791503906 + ], + [ + "\u2581levend", + -14.21470832824707 + ], + [ + "\u2581virtuel", + -14.214730262756348 + ], + [ + "ggan", + -14.21473789215088 + ], + [ + "\u2581superposition", + -14.214756965637209 + ], + [ + "\u2581modernista", + -14.214773178100586 + ], + [ + "\u2581interesantes", + -14.214784622192385 + ], + [ + "\u2581Adiciona", + -14.214808464050291 + ], + [ + "Digite", + -14.214820861816406 + ], + [ + "Flexible", + -14.214829444885254 + ], + [ + "\u2581Hov", + -14.214834213256836 + ], + [ + "teuse", + -14.214845657348633 + ], + [ + "gl\u00e4ubiger", + -14.214860916137695 + ], + [ + "\u2581avvisa", + -14.214935302734377 + ], + [ + "\u2581Lieber", + -14.214946746826172 + ], + [ + "\u2581tirant", + -14.214948654174805 + ], + [ + "\u2581d\u00e9cennie", + -14.21496295928955 + ], + [ + "PRIM", + -14.214973449707031 + ], + [ + "\u2581Einfuhrlizenz", + -14.21499729156494 + ], + [ + "moglobin", + -14.215003967285156 + ], + [ + "stellenden", + -14.215022087097168 + ], + [ + "Corr", + -14.215033531188965 + ], + [ + "\u2581ankommt", + -14.215063095092772 + ], + [ + "\u2581promovida", + -14.215065956115724 + ], + [ + "\u2581Mlad", + -14.215067863464355 + ], + [ + "Tips", + -14.215097427368164 + ], + [ + "\u2581Neph", + -14.215106964111328 + ], + [ + "Bestandsaufnahme", + -14.215140342712402 + ], + [ + "\u2581pass\u00e9es", + -14.215140342712402 + ], + [ + "\u2581pedoni", + -14.215155601501465 + ], + [ + "\u2581vergleichbarer", + -14.215158462524414 + ], + [ + "dimethyl", + -14.215180397033691 + ], + [ + "\u2581tasas", + -14.215185165405272 + ], + [ + "\u2581Rajon", + -14.215187072753906 + ], + [ + "\u2581materialismo", + -14.215221405029297 + ], + [ + "\u2581abusos", + -14.21522331237793 + ], + [ + "Wirtschaftsg\u00fcter", + -14.215276718139648 + ], + [ + "nachrichtendiens", + -14.215276718139648 + ], + [ + "\u2581Erica", + -14.215303421020508 + ], + [ + "traject", + -14.215304374694824 + ], + [ + "gestuft", + -14.215338706970217 + ], + [ + "\u2581Representative", + -14.215368270874023 + ], + [ + "borderColor", + -14.215381622314451 + ], + [ + "\u2581Trinit\u00e0", + -14.215413093566896 + ], + [ + "expose", + -14.215439796447754 + ], + [ + "mostly", + -14.215449333190918 + ], + [ + "\u2581frequentati", + -14.215463638305664 + ], + [ + "\u2581daaruit", + -14.215481758117676 + ], + [ + "\u2581spacecraft", + -14.215505599975586 + ], + [ + "Maven", + -14.215506553649902 + ], + [ + "\u2581dissent", + -14.215509414672852 + ], + [ + "verdediger", + -14.215518951416016 + ], + [ + "\u2581Goss", + -14.215559005737305 + ], + [ + "\u2581faziam", + -14.21555995941162 + ], + [ + "st\u00fcnden", + -14.21556282043457 + ], + [ + "\u2581rejoign", + -14.21556568145752 + ], + [ + "\u2581Fees", + -14.215571403503418 + ], + [ + "bewerking", + -14.215583801269531 + ], + [ + "\u2581Runden", + -14.21558952331543 + ], + [ + "\u2581w\u00fctend", + -14.21558952331543 + ], + [ + "lopers", + -14.215604782104492 + ], + [ + "wJ", + -14.215616226196287 + ], + [ + "\u2581hangar", + -14.215633392333984 + ], + [ + "\u2581incluyeron", + -14.215639114379885 + ], + [ + "\u2581Gustaf", + -14.215658187866213 + ], + [ + "\u2581gelatin", + -14.215675354003906 + ], + [ + "gebunden", + -14.215694427490234 + ], + [ + "\u2581Abby", + -14.21569538116455 + ], + [ + "\u2581geometrische", + -14.21569538116455 + ], + [ + "\u2581rinomat", + -14.215697288513184 + ], + [ + "Wolfenb\u00fcttel", + -14.215706825256348 + ], + [ + "gr\u00e1fico", + -14.21570873260498 + ], + [ + "\u2581Charly", + -14.215717315673828 + ], + [ + "crawler", + -14.215728759765623 + ], + [ + "\u2581kunstwerken", + -14.215774536132812 + ], + [ + "\u2581prevail", + -14.215786933898926 + ], + [ + "wetenschap", + -14.215787887573242 + ], + [ + "\u2581quinte", + -14.215838432312012 + ], + [ + "fidelity", + -14.215839385986328 + ], + [ + "ottava", + -14.215860366821287 + ], + [ + "\u2581feiten", + -14.215866088867188 + ], + [ + "\u2581s\u00edlabas", + -14.215913772583008 + ], + [ + "\u2581Licen", + -14.215914726257324 + ], + [ + "\u2581Politica", + -14.21593189239502 + ], + [ + "\u2581tennisser", + -14.21593189239502 + ], + [ + "\u2581strisce", + -14.215935707092283 + ], + [ + "\u2581convocato", + -14.215953826904297 + ], + [ + "\u2581Guai", + -14.215956687927246 + ], + [ + "ueiro", + -14.215962409973145 + ], + [ + "\u2581W\u00e4ldern", + -14.215962409973145 + ], + [ + "\u2581smoothly", + -14.21596336364746 + ], + [ + "mauern", + -14.21599578857422 + ], + [ + "\u2581Judi", + -14.215996742248535 + ], + [ + "\u2581Deste", + -14.216007232666016 + ], + [ + "\u2581Busverbindungen", + -14.216021537780762 + ], + [ + "\u2581customary", + -14.21606159210205 + ], + [ + "Arbatax", + -14.216069221496582 + ], + [ + "\u2581Archibald", + -14.216084480285645 + ], + [ + "\u2581duplice", + -14.216123580932615 + ], + [ + "\u2581intercity", + -14.2161283493042 + ], + [ + "HEIGHT", + -14.21613311767578 + ], + [ + "\u2581obtus", + -14.216150283813477 + ], + [ + "\u2581theoloog", + -14.216160774230955 + ], + [ + "bewijs", + -14.216167449951172 + ], + [ + "\u2581Fever", + -14.21617031097412 + ], + [ + "\u2581applicati", + -14.21617031097412 + ], + [ + "sortie", + -14.216181755065918 + ], + [ + "\u2581Metzger", + -14.216187477111816 + ], + [ + "\u2581wavelengths", + -14.216192245483398 + ], + [ + "\u2581Ningun", + -14.216197967529297 + ], + [ + "\u2581Amade", + -14.216203689575195 + ], + [ + "criticus", + -14.21621036529541 + ], + [ + "TECHN", + -14.21621322631836 + ], + [ + "\u2581plaid", + -14.216214179992676 + ], + [ + "\u2581schaker", + -14.216222763061523 + ], + [ + "\u2581peggiora", + -14.216262817382812 + ], + [ + "\u2581barocco", + -14.216290473937988 + ], + [ + "raising", + -14.216296195983888 + ], + [ + "\u2581capric", + -14.216296195983888 + ], + [ + "\u2581Brak", + -14.216313362121582 + ], + [ + "\u2581eindeutigen", + -14.216322898864746 + ], + [ + "\u2581indigene", + -14.21632480621338 + ], + [ + "\u2581schmal", + -14.216326713562012 + ], + [ + "\u2581Cardinals", + -14.216333389282228 + ], + [ + "\u2581Burde", + -14.216337203979492 + ], + [ + "Konferenz", + -14.216349601745604 + ], + [ + "Synthese", + -14.216353416442873 + ], + [ + "\u2581ordonne", + -14.216389656066896 + ], + [ + "DMS", + -14.216398239135742 + ], + [ + "\u2581beanstandet", + -14.216431617736816 + ], + [ + "\u2581Pasadena", + -14.216443061828612 + ], + [ + "schenkt", + -14.216444969177246 + ], + [ + "naissant", + -14.216452598571776 + ], + [ + "\u2581roept", + -14.216493606567385 + ], + [ + "\u2581Goering", + -14.21652126312256 + ], + [ + "\u2581wenngleich", + -14.216532707214355 + ], + [ + "vasso", + -14.216565132141112 + ], + [ + "\u2581costellazione", + -14.216580390930176 + ], + [ + "\u2581Hintergr\u00fcnde", + -14.216592788696287 + ], + [ + "g\u00e4ngig", + -14.216602325439451 + ], + [ + "\u2581coagula", + -14.216622352600098 + ], + [ + "stoch", + -14.21662425994873 + ], + [ + "\u2581stimuleren", + -14.216631889343262 + ], + [ + "fysica", + -14.216646194458008 + ], + [ + "\u2581amputa", + -14.216670989990234 + ], + [ + "joso", + -14.216686248779297 + ], + [ + "\u2581katholieken", + -14.21669101715088 + ], + [ + "\u2581alejarse", + -14.216694831848145 + ], + [ + "grupp", + -14.216711044311523 + ], + [ + "\u2581consentement", + -14.21671199798584 + ], + [ + "\u2581finaliste", + -14.216715812683104 + ], + [ + "\u2581ambtenaren", + -14.216731071472168 + ], + [ + "ocean", + -14.216737747192385 + ], + [ + "n\u00e4s", + -14.216754913330078 + ], + [ + "Necesit", + -14.216763496398926 + ], + [ + "infiltr", + -14.216784477233888 + ], + [ + "\u2581ingeschreven", + -14.216788291931152 + ], + [ + "CATEGOR", + -14.216790199279783 + ], + [ + "\u2581Lencastre", + -14.21679401397705 + ], + [ + "\u2581Plu", + -14.216802597045898 + ], + [ + "afeArea", + -14.216811180114746 + ], + [ + "poxy", + -14.216812133789062 + ], + [ + "\u2581Haver", + -14.21681785583496 + ], + [ + "Castel", + -14.216836929321287 + ], + [ + "\u2581s\u00edntese", + -14.216840744018556 + ], + [ + "\u2581adotou", + -14.2168550491333 + ], + [ + "Subset", + -14.216879844665527 + ], + [ + "nehmung", + -14.216890335083008 + ], + [ + "\u2581verdachte", + -14.216928482055664 + ], + [ + "Tenemos", + -14.216937065124512 + ], + [ + "\u2581Hunting", + -14.21695327758789 + ], + [ + "Reise", + -14.216961860656738 + ], + [ + "plect", + -14.216971397399902 + ], + [ + "\u2581investigativ", + -14.21697235107422 + ], + [ + "\u2581svolti", + -14.21700668334961 + ], + [ + "impson", + -14.21701431274414 + ], + [ + "olani", + -14.217041969299316 + ], + [ + "\u2581Keil", + -14.217052459716797 + ], + [ + "\u2581collaborateurs", + -14.217130661010742 + ], + [ + "\u2581Niemeyer", + -14.217175483703612 + ], + [ + "\u2581geloven", + -14.217187881469728 + ], + [ + "\u2581torce", + -14.217190742492676 + ], + [ + "cassi", + -14.217196464538574 + ], + [ + "\u2581recebidos", + -14.217229843139648 + ], + [ + "fortran", + -14.217277526855469 + ], + [ + "\u2581angefordert", + -14.21728515625 + ], + [ + "attribuut", + -14.217382431030272 + ], + [ + "\u2581Soudan", + -14.217397689819336 + ], + [ + "\u2581arricchit", + -14.217401504516602 + ], + [ + "\u2581secuestrado", + -14.217440605163574 + ], + [ + "\u2581Mies", + -14.217449188232422 + ], + [ + "\u2581terminologia", + -14.21746063232422 + ], + [ + "\u2581G\u00e9rer", + -14.217499732971191 + ], + [ + "\u2581empezaba", + -14.217525482177734 + ], + [ + "\u2581Balli", + -14.217581748962402 + ], + [ + "Cash", + -14.217596054077148 + ], + [ + "\u2581distraction", + -14.217596054077148 + ], + [ + "Romeinse", + -14.21761417388916 + ], + [ + "\u2581mammals", + -14.21761989593506 + ], + [ + "Century", + -14.217632293701172 + ], + [ + "\u2581Reeds", + -14.217677116394045 + ], + [ + "\u2581vuota", + -14.217706680297852 + ], + [ + "\u2581Kommunist", + -14.217733383178713 + ], + [ + "\u2581schedules", + -14.217765808105469 + ], + [ + "\u2581Prototyp", + -14.217824935913086 + ], + [ + "\u2581beantragte", + -14.217850685119627 + ], + [ + "\u2581fant\u00e1stica", + -14.21788501739502 + ], + [ + "\u2581trasferimenti", + -14.217893600463867 + ], + [ + "\u2581intitulada", + -14.217901229858398 + ], + [ + "\u2581Croat", + -14.21792221069336 + ], + [ + "\u2581archeologische", + -14.21793270111084 + ], + [ + "\u2581Autrement", + -14.217958450317385 + ], + [ + "\u2581Mural", + -14.218017578125 + ], + [ + "\u2581svantaggi", + -14.218018531799316 + ], + [ + "planting", + -14.218026161193848 + ], + [ + "\u2581carteira", + -14.21803855895996 + ], + [ + "\u2581freed", + -14.21805477142334 + ], + [ + "\u2581sportliche", + -14.21806812286377 + ], + [ + "\u2581Raid", + -14.218073844909668 + ], + [ + "\u2581Arcivescovo", + -14.218090057373049 + ], + [ + "\u2581Crowd", + -14.218103408813477 + ], + [ + "\u2581Sensoren", + -14.218104362487791 + ], + [ + "\u2581riesco", + -14.218111038208008 + ], + [ + "\u2581drainage", + -14.218113899230955 + ], + [ + "\u2581suyos", + -14.218117713928224 + ], + [ + "tipendium", + -14.218121528625488 + ], + [ + "rahman", + -14.21812343597412 + ], + [ + "\u2581shocked", + -14.21816635131836 + ], + [ + "\u2581Banking", + -14.21817111968994 + ], + [ + "\u2581verlegen", + -14.218178749084473 + ], + [ + "\u2581comporre", + -14.218198776245115 + ], + [ + "entraine", + -14.218204498291016 + ], + [ + "\u2581Unsicherheiten", + -14.218213081359863 + ], + [ + "\u2581rechtsstaatlich", + -14.218219757080078 + ], + [ + "\u2581Vigne", + -14.218247413635254 + ], + [ + "\u2581overeenstemming", + -14.21824836730957 + ], + [ + "\u2581penaliz", + -14.21825122833252 + ], + [ + "\u2581dirigiu", + -14.218262672424316 + ], + [ + "Auxiliar", + -14.218266487121582 + ], + [ + "\u2581Rage", + -14.218270301818848 + ], + [ + "dominant", + -14.218292236328123 + ], + [ + "chelli", + -14.218304634094238 + ], + [ + "\u2581freight", + -14.218313217163086 + ], + [ + "b\u00e4r", + -14.218321800231934 + ], + [ + "\u2581Addison", + -14.218323707580566 + ], + [ + "\u2581serment", + -14.218324661254885 + ], + [ + "opvatting", + -14.21833610534668 + ], + [ + "Apo", + -14.218344688415527 + ], + [ + "\u2581tart", + -14.218372344970703 + ], + [ + "ORES", + -14.218374252319336 + ], + [ + "wachter", + -14.218390464782717 + ], + [ + "Plank", + -14.218413352966309 + ], + [ + "\u2581brevett", + -14.218424797058104 + ], + [ + "\u2581vanishes", + -14.218478202819824 + ], + [ + "COMO", + -14.218485832214355 + ], + [ + "\u2581absor", + -14.21850299835205 + ], + [ + "\u2581domestico", + -14.218511581420898 + ], + [ + "\u2581inondations", + -14.218607902526855 + ], + [ + "NCA", + -14.218622207641602 + ], + [ + "\u2581fondamentaux", + -14.21862506866455 + ], + [ + "\u2581Nobelprijs", + -14.218628883361816 + ], + [ + "beschluss", + -14.218635559082031 + ], + [ + "ellata", + -14.21863842010498 + ], + [ + "vertrouwd", + -14.218642234802246 + ], + [ + "getting", + -14.21865177154541 + ], + [ + "\u2581st\u00e4dtische", + -14.21865940093994 + ], + [ + "COMPAR", + -14.21866512298584 + ], + [ + "LIE", + -14.21866512298584 + ], + [ + "maus", + -14.218676567077637 + ], + [ + "\u2581preconceito", + -14.218697547912598 + ], + [ + "tr\u00fcb", + -14.218705177307127 + ], + [ + "LONE", + -14.218735694885254 + ], + [ + "\u2581cortesia", + -14.218737602233888 + ], + [ + "Disco", + -14.218755722045898 + ], + [ + "ificador", + -14.218757629394531 + ], + [ + "\u2581Ministri", + -14.218778610229492 + ], + [ + "\u2581microbial", + -14.21881103515625 + ], + [ + "\u2581niedrigsten", + -14.218815803527832 + ], + [ + "\u2581wohnt", + -14.218833923339844 + ], + [ + "\u2581biography", + -14.218859672546388 + ], + [ + "\u2581innovatie", + -14.218880653381348 + ], + [ + "\u2581Val\u00e9rie", + -14.218886375427246 + ], + [ + "lectr", + -14.21888828277588 + ], + [ + "dequeueReusableC", + -14.21897029876709 + ], + [ + "antisemitismo", + -14.218971252441406 + ], + [ + "\u2581Sigismund", + -14.218971252441406 + ], + [ + "\u2581p\u00e9riph\u00e9rie", + -14.218971252441406 + ], + [ + "\u2581k\u00fcrzeste", + -14.218972206115724 + ], + [ + "\u2581rubinetto", + -14.21897315979004 + ], + [ + "onischen", + -14.218998908996582 + ], + [ + "Offense", + -14.219034194946287 + ], + [ + "\u2581swear", + -14.219076156616213 + ], + [ + "\u2581Bester", + -14.219080924987791 + ], + [ + "\u2581Paleis", + -14.219083786010742 + ], + [ + "obscurit\u00e9", + -14.219101905822754 + ], + [ + "\u2581superstiti", + -14.219118118286133 + ], + [ + "eppel", + -14.21913719177246 + ], + [ + "\u2581Diary", + -14.219144821166992 + ], + [ + "\u2581Umweltschutzes", + -14.219148635864258 + ], + [ + "opteryx", + -14.219152450561523 + ], + [ + "perch\u00e9", + -14.219155311584473 + ], + [ + "euclid", + -14.219192504882812 + ], + [ + "\u2581Lotta", + -14.219216346740724 + ], + [ + "erebral", + -14.21921730041504 + ], + [ + "begrepen", + -14.219239234924316 + ], + [ + "\u2581aiutarl", + -14.21925449371338 + ], + [ + "qM", + -14.219276428222656 + ], + [ + "\u2581teorica", + -14.219304084777832 + ], + [ + "\u2581lutto", + -14.21930694580078 + ], + [ + "ctions", + -14.219329833984377 + ], + [ + "\u2581consigna", + -14.219340324401855 + ], + [ + "\u2581Burning", + -14.219342231750488 + ], + [ + "\u2581ricompensa", + -14.219343185424805 + ], + [ + "\u2581synagogue", + -14.219359397888184 + ], + [ + "borracha", + -14.219368934631348 + ], + [ + "\u2581ricettiv", + -14.21941089630127 + ], + [ + "catalina", + -14.219411849975586 + ], + [ + "Street", + -14.219414710998535 + ], + [ + "\u2581Fasern", + -14.219427108764648 + ], + [ + "\u2581B\u00e9la", + -14.21946620941162 + ], + [ + "bindende", + -14.219476699829102 + ], + [ + "weizen", + -14.219476699829102 + ], + [ + "\u2581Actes", + -14.219484329223633 + ], + [ + "\u2581apoge", + -14.219502449035645 + ], + [ + "\u2581continents", + -14.219537734985352 + ], + [ + "PERIMENT", + -14.219554901123049 + ], + [ + "\u2581Chiba", + -14.21956729888916 + ], + [ + "\u2581Pony", + -14.219573974609377 + ], + [ + "\u2581Goul", + -14.219582557678224 + ], + [ + "oorouders", + -14.219586372375488 + ], + [ + "\u2581ajudam", + -14.219602584838867 + ], + [ + "\u2581Gehen", + -14.219608306884766 + ], + [ + "akayama", + -14.219622611999512 + ], + [ + "quateur", + -14.219637870788574 + ], + [ + "\u2581Saarlandes", + -14.219667434692385 + ], + [ + "opie", + -14.219691276550291 + ], + [ + "\u2581Scientists", + -14.219691276550291 + ], + [ + "\u2581Northumberland", + -14.219698905944824 + ], + [ + "\u2581Spekulation", + -14.219701766967772 + ], + [ + "\u2581alquiler", + -14.219701766967772 + ], + [ + "didaktik", + -14.219711303710938 + ], + [ + "\u2581Silveira", + -14.219714164733888 + ], + [ + "geblazen", + -14.219740867614746 + ], + [ + "\u2581Ensayo", + -14.219770431518556 + ], + [ + "river", + -14.219782829284668 + ], + [ + "lineWidth", + -14.219804763793944 + ], + [ + "\u2581corri\u00f3", + -14.21986961364746 + ], + [ + "swam", + -14.219878196716309 + ], + [ + "\u2581Jud\u00e1", + -14.219902992248535 + ], + [ + "\u2581escogi", + -14.219922065734863 + ], + [ + "\u2581luch\u00f3", + -14.219927787780762 + ], + [ + "Jump", + -14.219932556152344 + ], + [ + "\u2581zeventien", + -14.21996021270752 + ], + [ + "\u2581pensant", + -14.22000217437744 + ], + [ + "\u2581omicidi", + -14.220036506652832 + ], + [ + "grafana", + -14.220046043395996 + ], + [ + "\u2581relever", + -14.220064163208008 + ], + [ + "\u2581invested", + -14.220102310180664 + ], + [ + "\u2581arrestatie", + -14.220130920410156 + ], + [ + "\u2581prozentuale", + -14.220152854919434 + ], + [ + "\u2581ostelli", + -14.220157623291016 + ], + [ + "\u2581escasos", + -14.22018337249756 + ], + [ + "snijden", + -14.220213890075684 + ], + [ + "TIVE", + -14.220223426818848 + ], + [ + "\u2581Aufstiegs", + -14.220226287841797 + ], + [ + "\u2581Dni", + -14.220243453979492 + ], + [ + "\u2581influir", + -14.22026252746582 + ], + [ + "\u2581vaisseaux", + -14.2202730178833 + ], + [ + "kwalificatie", + -14.220290184020996 + ], + [ + "\u2581torpe", + -14.220356941223145 + ], + [ + "\u2581sogleich", + -14.220369338989258 + ], + [ + "\u2581Fonda", + -14.220383644104004 + ], + [ + "utus", + -14.22038745880127 + ], + [ + "mmunities", + -14.22040843963623 + ], + [ + "\u2581expliciet", + -14.220430374145508 + ], + [ + "\u2581Cahiers", + -14.220441818237305 + ], + [ + "\u2581Orfe", + -14.220471382141112 + ], + [ + "voorstelling", + -14.220479011535645 + ], + [ + "neuse", + -14.220500946044922 + ], + [ + "\u2581gruesa", + -14.220501899719238 + ], + [ + "ecurring", + -14.220520973205566 + ], + [ + "Savoie", + -14.220548629760742 + ], + [ + "\u2581Carlton", + -14.22055721282959 + ], + [ + "ompatibel", + -14.220624923706056 + ], + [ + "\u2581ponctu", + -14.22063446044922 + ], + [ + "\u2581bunte", + -14.22065258026123 + ], + [ + "alzare", + -14.220656394958496 + ], + [ + "Subscript", + -14.220670700073242 + ], + [ + "falco", + -14.22067642211914 + ], + [ + "\u2581methodische", + -14.220698356628418 + ], + [ + "\u2581curatoria", + -14.220699310302734 + ], + [ + "\u2581Wahlpr\u00fcfung", + -14.220717430114746 + ], + [ + "traceback", + -14.22077178955078 + ], + [ + "zweige", + -14.220785140991213 + ], + [ + "incertitude", + -14.220789909362791 + ], + [ + "\u2581Feltrinelli", + -14.220789909362791 + ], + [ + "\u2581undoubtedly", + -14.220789909362791 + ], + [ + "\u2581alleato", + -14.220802307128906 + ], + [ + "pilla", + -14.220821380615234 + ], + [ + "ESCA", + -14.220824241638184 + ], + [ + "\u2581predictors", + -14.220843315124512 + ], + [ + "antropologia", + -14.220844268798828 + ], + [ + "\u2581connessioni", + -14.220861434936523 + ], + [ + "Farb", + -14.220864295959473 + ], + [ + "\u2581locomotiva", + -14.220864295959473 + ], + [ + "\u2581evolving", + -14.220871925354004 + ], + [ + "VIC", + -14.220900535583496 + ], + [ + "\u2581Krab", + -14.220946311950684 + ], + [ + "Ivan", + -14.220952033996582 + ], + [ + "\u2581eindigden", + -14.220983505249023 + ], + [ + "CIONES", + -14.220986366271973 + ], + [ + "\u2581vakgebied", + -14.221009254455566 + ], + [ + "Sachsen", + -14.221014022827148 + ], + [ + "\u2581cambiano", + -14.221022605895996 + ], + [ + "geometric", + -14.221057891845703 + ], + [ + "\u2581monopla", + -14.221073150634766 + ], + [ + "\u2581Soil", + -14.221083641052246 + ], + [ + "\u2581caus\u00e9", + -14.221107482910156 + ], + [ + "\u2581Glut", + -14.221109390258787 + ], + [ + "f\u00e4ngt", + -14.221139907836914 + ], + [ + "\u2581bourgeoisie", + -14.221141815185549 + ], + [ + "\u00edpica", + -14.221142768859863 + ], + [ + "\u2581Baroni", + -14.221148490905762 + ], + [ + "\u2581vijanden", + -14.22115421295166 + ], + [ + "billon", + -14.22117042541504 + ], + [ + "\u2581Lise", + -14.22118854522705 + ], + [ + "\u2581presentati", + -14.221190452575684 + ], + [ + "\u2581manoir", + -14.221202850341797 + ], + [ + "zufordern", + -14.221220970153809 + ], + [ + "piti", + -14.22126293182373 + ], + [ + "matlab", + -14.221266746520996 + ], + [ + "reserven", + -14.221271514892578 + ], + [ + "\u2581S\u00fcdost", + -14.22127628326416 + ], + [ + "\u2581qualificazioni", + -14.221306800842283 + ], + [ + "\u2581Morphologie", + -14.221309661865234 + ], + [ + "\u2581stekel", + -14.2213134765625 + ], + [ + "\u2581Jewel", + -14.221321105957031 + ], + [ + "vorbereitende", + -14.22132396697998 + ], + [ + "\u2581Klassische", + -14.221348762512209 + ], + [ + "\u2581berekening", + -14.221369743347168 + ], + [ + "\u2581Origem", + -14.221370697021484 + ], + [ + "igiana", + -14.221390724182127 + ], + [ + "\u2581Ismael", + -14.221424102783203 + ], + [ + "mozione", + -14.221429824829102 + ], + [ + "\u2581contestar", + -14.221442222595217 + ], + [ + "\u2581analfabet", + -14.221446990966797 + ], + [ + "\u2581contribuent", + -14.221458435058594 + ], + [ + "omni", + -14.221476554870604 + ], + [ + "\u2581aanhangers", + -14.221518516540527 + ], + [ + "\u2581carved", + -14.221524238586426 + ], + [ + "\u2581ditadura", + -14.221529006958008 + ], + [ + "ezia", + -14.221532821655272 + ], + [ + "\u2581linkage", + -14.221538543701172 + ], + [ + "ntemente", + -14.221556663513184 + ], + [ + "SOM", + -14.22157096862793 + ], + [ + "\u2581tristezza", + -14.221597671508787 + ], + [ + "identify", + -14.22160530090332 + ], + [ + "rooster", + -14.22161865234375 + ], + [ + "\u2581lidera", + -14.221630096435549 + ], + [ + "oskop", + -14.22163200378418 + ], + [ + "\u2581prometido", + -14.221646308898926 + ], + [ + "\u2581Westk\u00fcste", + -14.221659660339355 + ], + [ + "ruff", + -14.221694946289062 + ], + [ + "\u2581anticipate", + -14.221704483032228 + ], + [ + "\u2581reza", + -14.221797943115234 + ], + [ + "EnumValue", + -14.22181224822998 + ], + [ + "aceus", + -14.221868515014648 + ], + [ + "\u2581filmado", + -14.221872329711914 + ], + [ + "\u2581trionfa", + -14.221875190734863 + ], + [ + "\u2581ubriac", + -14.221899032592772 + ], + [ + "\u2581Darfur", + -14.22193431854248 + ], + [ + "\u2581aufbauend", + -14.221951484680176 + ], + [ + "\u2581sbarco", + -14.221957206726074 + ], + [ + "pmod", + -14.221959114074709 + ], + [ + "knoop", + -14.221962928771973 + ], + [ + "algie", + -14.221968650817873 + ], + [ + "lgu\u00e9m", + -14.222031593322754 + ], + [ + "\u00e9changer", + -14.222040176391602 + ], + [ + "\u2581Munro", + -14.222054481506348 + ], + [ + "\u2581esencialmente", + -14.222090721130373 + ], + [ + "\u2581filmmaker", + -14.222101211547852 + ], + [ + "summer", + -14.222112655639648 + ], + [ + "\u2581entscheidender", + -14.22211456298828 + ], + [ + "\u2581patrons", + -14.222115516662598 + ], + [ + "\u2581s\u00e9ria", + -14.22211742401123 + ], + [ + "\u2581covalent", + -14.222146034240724 + ], + [ + "salata", + -14.222148895263672 + ], + [ + "\u2581pr\u00f3logo", + -14.222161293029783 + ], + [ + "Champion", + -14.22217082977295 + ], + [ + "\u2581exercid", + -14.22219181060791 + ], + [ + "\u2581Guip", + -14.222211837768556 + ], + [ + "\u2581hu\u00e9sped", + -14.222246170043944 + ], + [ + "\u2581Vermeer", + -14.222259521484377 + ], + [ + "\u2581biol\u00f3gicos", + -14.22227668762207 + ], + [ + "\u2581introduc", + -14.22227954864502 + ], + [ + "\u2581Machu", + -14.222288131713867 + ], + [ + "\u2581Guada", + -14.2222900390625 + ], + [ + "\u2581Livio", + -14.222299575805664 + ], + [ + "\u2581bleibe", + -14.222332000732422 + ], + [ + "\u2581Randnummer", + -14.222339630126951 + ], + [ + "REFERENCE", + -14.22235107421875 + ], + [ + "NotExist", + -14.22236156463623 + ], + [ + "\u2581separando", + -14.222370147705078 + ], + [ + "Kirch", + -14.222379684448242 + ], + [ + "\u2581entran", + -14.222392082214355 + ], + [ + "ug\u00e4nge", + -14.222393035888672 + ], + [ + "\u2581suaves", + -14.222404479980469 + ], + [ + "\u2581deadly", + -14.22243881225586 + ], + [ + "\u2581Pyren", + -14.222471237182615 + ], + [ + "addock", + -14.222474098205566 + ], + [ + "interpr\u00e9ter", + -14.222484588623049 + ], + [ + "\u2581fiamma", + -14.222487449645996 + ], + [ + "pascal", + -14.222491264343262 + ], + [ + "\u2581fleuri", + -14.222512245178224 + ], + [ + "\u00e9voquer", + -14.222518920898438 + ], + [ + "\u2581literarias", + -14.222538948059082 + ], + [ + "\u2581Hose", + -14.22256565093994 + ], + [ + "passphrase", + -14.222582817077637 + ], + [ + "\u2581investissements", + -14.222582817077637 + ], + [ + "\u2581Amalfi", + -14.2225923538208 + ], + [ + "\u2581ADVISED", + -14.222611427307127 + ], + [ + "\u2581s\u00e9rieuse", + -14.222615242004396 + ], + [ + "\u2581Beren", + -14.222618103027344 + ], + [ + "Verschl\u00fcsselung", + -14.222648620605469 + ], + [ + "blueprint", + -14.222649574279783 + ], + [ + "\u2581Harding", + -14.222664833068848 + ], + [ + "diskriminierung", + -14.222673416137695 + ], + [ + "\u2581ribosom", + -14.222678184509276 + ], + [ + "\u2581pedazo", + -14.222688674926758 + ], + [ + "\u2581Engenheiro", + -14.222694396972656 + ], + [ + "\u2581Leck", + -14.222698211669922 + ], + [ + "\u2581arrisca", + -14.222739219665527 + ], + [ + "\u2581girlfriend", + -14.222740173339844 + ], + [ + "\u2581transitional", + -14.222765922546388 + ], + [ + "\u2581wounds", + -14.222772598266602 + ], + [ + "\u2581ausbilde", + -14.222774505615234 + ], + [ + "\u2581asigna", + -14.2227783203125 + ], + [ + "\u2581cartera", + -14.22278881072998 + ], + [ + "cliffe", + -14.222807884216309 + ], + [ + "\u2581Omero", + -14.222838401794434 + ], + [ + "\u2581medido", + -14.222844123840332 + ], + [ + "SOR", + -14.22286891937256 + ], + [ + "oebel", + -14.22290325164795 + ], + [ + "\u2581trabajador", + -14.22290325164795 + ], + [ + "\u2581Ib\u00e9rica", + -14.222912788391112 + ], + [ + "\u2581regeerde", + -14.222920417785645 + ], + [ + "\u2581ramener", + -14.222949981689451 + ], + [ + "\u2581quantifica", + -14.2229585647583 + ], + [ + "\u2581undergraduate", + -14.222975730895996 + ], + [ + "\u2581beschleunigen", + -14.222981452941896 + ], + [ + "\u2581allievo", + -14.22299861907959 + ], + [ + "vuldig", + -14.223007202148438 + ], + [ + "\u2581questioning", + -14.223027229309082 + ], + [ + "\u2581Garantien", + -14.223033905029297 + ], + [ + "\u2581opina", + -14.223047256469728 + ], + [ + "\u2581cobrado", + -14.223050117492676 + ], + [ + "\u2581colegia", + -14.223052024841309 + ], + [ + "effettivo", + -14.223062515258787 + ], + [ + "\u2581r\u00e9aliste", + -14.223097801208496 + ], + [ + "\u2581alejado", + -14.22313117980957 + ], + [ + "\u2581Datenbanken", + -14.22316837310791 + ], + [ + "\u2581Verschluss", + -14.223174095153809 + ], + [ + "\u2581prototypes", + -14.223179817199709 + ], + [ + "actis", + -14.223210334777832 + ], + [ + "\u2581ap\u00f3", + -14.223217964172363 + ], + [ + "\u2581ospitano", + -14.223288536071776 + ], + [ + "acc\u00e9l\u00e9ration", + -14.223289489746094 + ], + [ + "koets", + -14.22329044342041 + ], + [ + "cumbi", + -14.223299980163574 + ], + [ + "\u2581Samar", + -14.223307609558104 + ], + [ + "mixin", + -14.223309516906738 + ], + [ + "ampli", + -14.223321914672852 + ], + [ + "\u2581concessa", + -14.223342895507812 + ], + [ + "\u2581profumo", + -14.223345756530762 + ], + [ + "ziano", + -14.223346710205078 + ], + [ + "reporting", + -14.223349571228027 + ], + [ + "\u2581acompanhada", + -14.22335433959961 + ], + [ + "NEG", + -14.22337818145752 + ], + [ + "vinci", + -14.22337818145752 + ], + [ + "tilio", + -14.223426818847656 + ], + [ + "\u2581g\u00e9n\u00e9rateur", + -14.223430633544922 + ], + [ + "\u2581Terminologie", + -14.223431587219238 + ], + [ + "unbounded", + -14.223438262939451 + ], + [ + "erscheinungen", + -14.2234468460083 + ], + [ + "\u2581REFERENCES", + -14.223448753356934 + ], + [ + "\u2581Pieri", + -14.22344970703125 + ], + [ + "\u2581flutuante", + -14.223461151123049 + ], + [ + "\u2581Kollision", + -14.223464012145996 + ], + [ + "\u2581decidida", + -14.223493576049805 + ], + [ + "\u2581Brok", + -14.223544120788574 + ], + [ + "Latitude", + -14.223569869995115 + ], + [ + "\u2581P\u00e4dagogische", + -14.223569869995115 + ], + [ + "vergleichende", + -14.223588943481444 + ], + [ + "\u2581Ruine", + -14.223592758178713 + ], + [ + "\u2581sympa", + -14.223603248596191 + ], + [ + "CONNECTION", + -14.22360610961914 + ], + [ + "\u2581fonema", + -14.22364902496338 + ], + [ + "ntspricht", + -14.223662376403809 + ], + [ + "\u2581flatter", + -14.223703384399414 + ], + [ + "\u2581aproveita", + -14.223734855651855 + ], + [ + "ssemos", + -14.223746299743652 + ], + [ + "HOT", + -14.223769187927246 + ], + [ + "SAME", + -14.223787307739258 + ], + [ + "\u2581Palmen", + -14.223793029785156 + ], + [ + "\u2581disgusto", + -14.223840713500977 + ], + [ + "UserInfo", + -14.223848342895508 + ], + [ + "\u2581DURCH", + -14.223852157592772 + ], + [ + "\u2581cocco", + -14.223855018615724 + ], + [ + "\u2581derrotaron", + -14.223905563354492 + ], + [ + "\u2581eg\u00edpcio", + -14.223913192749023 + ], + [ + "\u2581interessados", + -14.223923683166504 + ], + [ + "fluir", + -14.223932266235352 + ], + [ + "\u2581Kelley", + -14.223958015441896 + ], + [ + "\u2581domestiques", + -14.223962783813477 + ], + [ + "Entwicklungshilf", + -14.22398853302002 + ], + [ + "\u2581anarchic", + -14.223993301391602 + ], + [ + "\u2581Mija", + -14.224021911621094 + ], + [ + "espagnol", + -14.224026679992676 + ], + [ + "\u2581Feiertagen", + -14.224048614501951 + ], + [ + "\u2581v\u00e9rification", + -14.224072456359863 + ], + [ + "\u2581Canarie", + -14.224078178405762 + ], + [ + "\u2581Knochenmark", + -14.224079132080078 + ], + [ + "david", + -14.224084854125977 + ], + [ + "guerri", + -14.224085807800291 + ], + [ + "\u2581restriktive", + -14.224091529846191 + ], + [ + "\u2581recipients", + -14.224114418029783 + ], + [ + "\u2581uitdaging", + -14.224124908447266 + ], + [ + "possi", + -14.22413158416748 + ], + [ + "glieder", + -14.224132537841797 + ], + [ + "\u2581Einberufung", + -14.224135398864746 + ], + [ + "\u2581aangehouden", + -14.22414493560791 + ], + [ + "\u2581literarios", + -14.224146842956545 + ], + [ + "tilia", + -14.224150657653809 + ], + [ + "\u2581landschaftlich", + -14.224151611328123 + ], + [ + "\u2581federazione", + -14.224164009094238 + ], + [ + "\u2581condusse", + -14.22416877746582 + ], + [ + "\u2581inserida", + -14.224169731140137 + ], + [ + "Through", + -14.224183082580566 + ], + [ + "Olimpo", + -14.224194526672363 + ], + [ + "\u2581Miglia", + -14.224198341369627 + ], + [ + "\u2581radioactive", + -14.224200248718262 + ], + [ + "\u2581approssimativa", + -14.224204063415527 + ], + [ + "paradi", + -14.224227905273438 + ], + [ + "\u2581lateinischen", + -14.224241256713867 + ], + [ + "ophyllum", + -14.224263191223145 + ], + [ + "corta", + -14.224271774291992 + ], + [ + "\u2581vertiente", + -14.22428035736084 + ], + [ + "Entrenador", + -14.22431468963623 + ], + [ + "rufe", + -14.224331855773926 + ], + [ + "ampliamento", + -14.224332809448242 + ], + [ + "\u2581incerto", + -14.224339485168455 + ], + [ + "scheiding", + -14.224356651306152 + ], + [ + "voller", + -14.224367141723633 + ], + [ + "\u2581zuidwestelijk", + -14.224384307861328 + ], + [ + "\u2581magnetischen", + -14.224420547485352 + ], + [ + "\u2581Maduro", + -14.224421501159668 + ], + [ + "Wechsel", + -14.224452018737791 + ], + [ + "\u2581Gew\u00fcrz", + -14.224474906921388 + ], + [ + "horne", + -14.224587440490724 + ], + [ + "\u2581roam", + -14.224596977233888 + ], + [ + "\u2581sp\u00e9cialit\u00e9s", + -14.224617958068848 + ], + [ + "SKA", + -14.224620819091797 + ], + [ + "\u2581botsing", + -14.224637985229492 + ], + [ + "\u2581Cat\u00f3licos", + -14.224674224853516 + ], + [ + "\u2581Festigkeit", + -14.22468376159668 + ], + [ + "egen\u00fcberstellung", + -14.224684715270996 + ], + [ + "\u2581Rufin", + -14.224684715270996 + ], + [ + "\u2581arranca", + -14.22472095489502 + ], + [ + "\u2581primitives", + -14.224743843078612 + ], + [ + "\u2581nourri", + -14.224749565124512 + ], + [ + "Rouge", + -14.224771499633787 + ], + [ + "MathJax", + -14.224793434143066 + ], + [ + "\u2581Festplatte", + -14.224862098693848 + ], + [ + "\u2581rechtstreekse", + -14.22486400604248 + ], + [ + "\u2581d\u00e9moli", + -14.22486686706543 + ], + [ + "\u2581p\u00e9n\u00e9tr", + -14.22487735748291 + ], + [ + "\u2581Spong", + -14.224882125854492 + ], + [ + "\u2581souhaitent", + -14.224884033203123 + ], + [ + "klok", + -14.224885940551758 + ], + [ + "\u2581Pense", + -14.224899291992188 + ], + [ + "\u2581skelet", + -14.224900245666504 + ], + [ + "\u00e1ctico", + -14.224908828735352 + ], + [ + "\u2581estarem", + -14.224931716918944 + ], + [ + "\u2581Nacionais", + -14.224932670593262 + ], + [ + "verhard", + -14.22494411468506 + ], + [ + "\u2581Maagd", + -14.22494888305664 + ], + [ + "\u2581Kommandant", + -14.224969863891602 + ], + [ + "\u2581daartoe", + -14.224995613098145 + ], + [ + "Fries", + -14.225006103515623 + ], + [ + "hail", + -14.225034713745115 + ], + [ + "\u2581Paradis", + -14.225048065185549 + ], + [ + "\u2581polare", + -14.225049018859863 + ], + [ + "\u2581preme", + -14.225080490112305 + ], + [ + "\u2581Osborne", + -14.225083351135254 + ], + [ + "Auvergne", + -14.225091934204102 + ], + [ + "milieu", + -14.225106239318848 + ], + [ + "\u2581secretion", + -14.225117683410645 + ], + [ + "\u2581agradecer", + -14.225119590759276 + ], + [ + "\u2581salvaci\u00f3n", + -14.225159645080566 + ], + [ + "ografico", + -14.225165367126465 + ], + [ + "Orbital", + -14.225167274475098 + ], + [ + "\u2581Complutense", + -14.225167274475098 + ], + [ + "\u2581d\u00e9cisive", + -14.225167274475098 + ], + [ + "\u2581prisioneiros", + -14.225168228149414 + ], + [ + "\u2581pouvais", + -14.225171089172363 + ], + [ + "\u2581envenena", + -14.225186347961426 + ], + [ + "\u2581Konk", + -14.225191116333008 + ], + [ + "\u2581Kaku", + -14.225192070007324 + ], + [ + "EEC", + -14.225214958190918 + ], + [ + "\u2581generan", + -14.22525405883789 + ], + [ + "\u2581hab\u00edamos", + -14.22527027130127 + ], + [ + "\u2581beizuf\u00fcgen", + -14.22527313232422 + ], + [ + "\u2581Nominat", + -14.225312232971191 + ], + [ + "ceneri", + -14.225337982177734 + ], + [ + "\u2581Tomaten", + -14.225358963012695 + ], + [ + "\u2581Moda", + -14.225364685058594 + ], + [ + "\u2581adiab", + -14.22536849975586 + ], + [ + "lerdings", + -14.225419044494627 + ], + [ + "GPS", + -14.225516319274902 + ], + [ + "\u2581Maur\u00edcio", + -14.22551727294922 + ], + [ + "\u2581Bladkevers", + -14.22553253173828 + ], + [ + "\u2581Excellence", + -14.22553253173828 + ], + [ + "\u2581G\u00e4rtner", + -14.22553253173828 + ], + [ + "\u00e4sse", + -14.22553539276123 + ], + [ + "\u2581Taxon", + -14.22553539276123 + ], + [ + "\u2581Katharine", + -14.225537300109863 + ], + [ + "\u2581hidrogr\u00e1fica", + -14.22553825378418 + ], + [ + "eccentricit\u00e0", + -14.225552558898926 + ], + [ + "weites", + -14.225558280944824 + ], + [ + "\u2581reciprocal", + -14.22555923461914 + ], + [ + "\u2581Faraday", + -14.225600242614746 + ], + [ + "\u2581Verbote", + -14.225610733032228 + ], + [ + "ndschaftspflege", + -14.225628852844238 + ], + [ + "sonst", + -14.225642204284668 + ], + [ + "\u2581zur\u00fcckgezogen", + -14.225653648376465 + ], + [ + "\u2581terrazza", + -14.225659370422363 + ], + [ + "\u2581korter", + -14.225692749023438 + ], + [ + "\u2581Abogados", + -14.225727081298828 + ], + [ + "\u2581ans\u00e4ssige", + -14.225749015808104 + ], + [ + "\u2581suena", + -14.225778579711914 + ], + [ + "\u2581apontar", + -14.225817680358888 + ], + [ + "\u2581culmin", + -14.225817680358888 + ], + [ + "Attack", + -14.225848197937012 + ], + [ + "scripci\u00f3n", + -14.225848197937012 + ], + [ + "\u2581Nicolai", + -14.225854873657228 + ], + [ + "JECT", + -14.225882530212402 + ], + [ + "\u2581comandada", + -14.225895881652832 + ], + [ + "\u2581Jovem", + -14.225909233093262 + ], + [ + "\u2581Adele", + -14.225926399230955 + ], + [ + "\u2581febre", + -14.2259521484375 + ], + [ + "\u2581Carm", + -14.22597312927246 + ], + [ + "\u2581advent", + -14.226027488708496 + ], + [ + "\u2581recordaba", + -14.226070404052734 + ], + [ + "privat", + -14.226093292236328 + ], + [ + "tangled", + -14.226103782653809 + ], + [ + "Estado", + -14.226109504699709 + ], + [ + "\u2581Desire", + -14.226115226745604 + ], + [ + "Odd", + -14.226154327392578 + ], + [ + "schw\u00e4che", + -14.226171493530272 + ], + [ + "poco", + -14.226176261901855 + ], + [ + "\u2581tramos", + -14.226183891296388 + ], + [ + "\u2581\u00e9diteurs", + -14.226188659667969 + ], + [ + "\u2581averla", + -14.226194381713867 + ], + [ + "\u2581Uniforme", + -14.226244926452637 + ], + [ + "\u2581Incluye", + -14.226261138916016 + ], + [ + "\u2581Murdoch", + -14.22626495361328 + ], + [ + "\u2581licor", + -14.226268768310549 + ], + [ + "\u2581induit", + -14.22628402709961 + ], + [ + "\u2581Sepp", + -14.226284980773926 + ], + [ + "\u2581Verban", + -14.226320266723633 + ], + [ + "\u2581passerelle", + -14.226347923278809 + ], + [ + "\u2581renewable", + -14.226348876953123 + ], + [ + "\u2581gorr", + -14.22639274597168 + ], + [ + "MBO", + -14.226428031921388 + ], + [ + "\u2581fargli", + -14.226432800292969 + ], + [ + "\u2581Ramiro", + -14.226468086242676 + ], + [ + "\u2581attivamente", + -14.226468086242676 + ], + [ + "\u00e9crivait", + -14.226469993591309 + ], + [ + "piri", + -14.226500511169434 + ], + [ + "uatuor", + -14.226503372192385 + ], + [ + "\u2581volupt", + -14.226510047912598 + ], + [ + "\u2581Immunsystem", + -14.22654914855957 + ], + [ + "\u2581opgesloten", + -14.226566314697266 + ], + [ + "\u2581SUBSTITUTE", + -14.226630210876465 + ], + [ + "\u2581verweigern", + -14.226630210876465 + ], + [ + "\u2581W\u00e4hrungsunion", + -14.226646423339844 + ], + [ + "\u2581discendente", + -14.226669311523438 + ], + [ + "GBl", + -14.226706504821776 + ], + [ + "RENA", + -14.22671604156494 + ], + [ + "\u2581comercializado", + -14.226723670959473 + ], + [ + "ervos", + -14.226740837097168 + ], + [ + "submenu", + -14.2267484664917 + ], + [ + "\u2581estratti", + -14.226755142211914 + ], + [ + "\u2581rechtsextremist", + -14.226826667785645 + ], + [ + "\u2581shine", + -14.226871490478516 + ], + [ + "\u2581cientista", + -14.226893424987791 + ], + [ + "solvenzverfahren", + -14.226914405822754 + ], + [ + "\u2581Theodo", + -14.22691535949707 + ], + [ + "SCL", + -14.22692584991455 + ], + [ + "\u2581rupi", + -14.226934432983398 + ], + [ + "\u2581Contributions", + -14.22694206237793 + ], + [ + "\u2581extremen", + -14.22694969177246 + ], + [ + "\u2581gritar", + -14.226983070373535 + ], + [ + "\u2581spannende", + -14.226990699768066 + ], + [ + "CONSTRAINT", + -14.226995468139648 + ], + [ + "\u2581verklaart", + -14.226996421813965 + ], + [ + "\u2581roubar", + -14.22699737548828 + ], + [ + "\u2581Girona", + -14.227006912231444 + ], + [ + "opis", + -14.227009773254396 + ], + [ + "libri", + -14.22701358795166 + ], + [ + "\u2581Nagini", + -14.227027893066406 + ], + [ + "yyVAL", + -14.22703456878662 + ], + [ + "wetten", + -14.227036476135254 + ], + [ + "\u2581anfangen", + -14.227056503295898 + ], + [ + "\u2581intendeva", + -14.227067947387695 + ], + [ + "\u2581scorsa", + -14.227095603942873 + ], + [ + "\u2581geograf\u00eda", + -14.22712230682373 + ], + [ + "\u2581variational", + -14.227126121520996 + ], + [ + "\u2581Anwesen", + -14.227129936218262 + ], + [ + "Sphin", + -14.227145195007324 + ], + [ + "\u2581kostte", + -14.227179527282717 + ], + [ + "hept", + -14.227202415466309 + ], + [ + "\u2581gauw", + -14.227235794067385 + ], + [ + "approd", + -14.227243423461914 + ], + [ + "\u2581Bauarbeiten", + -14.227245330810549 + ], + [ + "\u2581esalta", + -14.22727108001709 + ], + [ + "gogo", + -14.227272033691406 + ], + [ + "\u2581declive", + -14.22728443145752 + ], + [ + "\u2581K\u00fche", + -14.227299690246582 + ], + [ + "t\u00e4ub", + -14.227355003356934 + ], + [ + "\u2581Cassel", + -14.227357864379885 + ], + [ + "\u2581Bragg", + -14.227360725402832 + ], + [ + "\u2581Reykjav\u00edk", + -14.227362632751465 + ], + [ + "meerder", + -14.227432250976562 + ], + [ + "\u2581humanit\u00e4ren", + -14.227444648742676 + ], + [ + "\u2581Modesto", + -14.22745132446289 + ], + [ + "formazione", + -14.227506637573242 + ], + [ + "charis", + -14.227511405944824 + ], + [ + "Anastasi", + -14.22751522064209 + ], + [ + "\u2581natte", + -14.227516174316406 + ], + [ + "\u2581abh\u00e4ngen", + -14.227530479431152 + ], + [ + "\u2581eingetragenen", + -14.227537155151367 + ], + [ + "valute", + -14.227575302124023 + ], + [ + "\u2581stabilisce", + -14.227579116821287 + ], + [ + "eremonie", + -14.227587699890137 + ], + [ + "\u2581Verlassen", + -14.227602005004885 + ], + [ + "\u2581pensioni", + -14.227605819702148 + ], + [ + "forwarded", + -14.227642059326172 + ], + [ + "linalg", + -14.227643013000488 + ], + [ + "\u2581Haro", + -14.22768211364746 + ], + [ + "vitro", + -14.227684020996094 + ], + [ + "cairn", + -14.227715492248535 + ], + [ + "mutante", + -14.227717399597168 + ], + [ + "\u2581Nonetheless", + -14.227728843688965 + ], + [ + "\u2581allorch\u00e9", + -14.22772979736328 + ], + [ + "\u2581magn\u00edfica", + -14.22772979736328 + ], + [ + "Funding", + -14.227731704711914 + ], + [ + "verhoging", + -14.22773551940918 + ], + [ + "Exposition", + -14.227738380432127 + ], + [ + "\u2581Platzierung", + -14.227740287780762 + ], + [ + "\u2581imprenta", + -14.22775173187256 + ], + [ + "Needed", + -14.22777271270752 + ], + [ + "opvang", + -14.227789878845217 + ], + [ + "\u2581celtic", + -14.227818489074709 + ], + [ + "Klima", + -14.227819442749023 + ], + [ + "Experimental", + -14.227826118469238 + ], + [ + "\u2581gorg", + -14.227849960327148 + ], + [ + "\u2581Processes", + -14.22785472869873 + ], + [ + "\u2581impedimento", + -14.227895736694336 + ], + [ + "accination", + -14.227911949157717 + ], + [ + "\u2581kissed", + -14.227919578552246 + ], + [ + "jutsu", + -14.227938652038574 + ], + [ + "\u2581Gret", + -14.227953910827637 + ], + [ + "\u2581mandare", + -14.227980613708496 + ], + [ + "ruth", + -14.227997779846191 + ], + [ + "\u2581Bolivien", + -14.22801113128662 + ], + [ + "\u2581Factors", + -14.22801685333252 + ], + [ + "\u2581Kame", + -14.228047370910645 + ], + [ + "peta", + -14.22805404663086 + ], + [ + "ontextual", + -14.228067398071287 + ], + [ + "ollaps", + -14.228078842163086 + ], + [ + "\u2581Mendelssohn", + -14.22809600830078 + ], + [ + "Rib", + -14.228123664855955 + ], + [ + "\u2581socorro", + -14.228140830993652 + ], + [ + "\u2581Traditionen", + -14.228160858154297 + ], + [ + "\u2581omringd", + -14.228160858154297 + ], + [ + "deutschsprachige", + -14.228217124938965 + ], + [ + "\u2581begriffen", + -14.228226661682127 + ], + [ + "\u2581FIDE", + -14.228231430053713 + ], + [ + "widrig", + -14.228253364562988 + ], + [ + "\u2581avea", + -14.228365898132324 + ], + [ + "\u2581mar\u00e9e", + -14.228381156921388 + ], + [ + "differenzierung", + -14.228397369384766 + ], + [ + "quator", + -14.228401184082031 + ], + [ + "az\u00e1n", + -14.22843074798584 + ], + [ + "pfte", + -14.228432655334473 + ], + [ + "\u2581palpit", + -14.228437423706056 + ], + [ + "\u2581relatieve", + -14.2284517288208 + ], + [ + "\u2581pecados", + -14.228466033935549 + ], + [ + "gewaardeerd", + -14.22846794128418 + ], + [ + "ispezion", + -14.228468894958496 + ], + [ + "\u2581erg\u00e4nzenden", + -14.228486061096191 + ], + [ + "\u2581veroorzaakte", + -14.22850513458252 + ], + [ + "DECL", + -14.22851848602295 + ], + [ + "\u2581conformation", + -14.228524208068848 + ], + [ + "\u2581Rumble", + -14.228543281555176 + ], + [ + "\u2581gleichfalls", + -14.228548049926758 + ], + [ + "sid\u00e9r", + -14.22855281829834 + ], + [ + "\u2581montaggio", + -14.228556632995604 + ], + [ + "\u2581classificada", + -14.22858715057373 + ], + [ + "\u2581Plasm", + -14.228591918945312 + ], + [ + "\u2581dipinge", + -14.228592872619627 + ], + [ + "\u2581relaja", + -14.22861099243164 + ], + [ + "\u2581nervo", + -14.228614807128906 + ], + [ + "\u2581Camila", + -14.22861671447754 + ], + [ + "begriffs", + -14.228642463684082 + ], + [ + "\u2581desenvolveram", + -14.228731155395508 + ], + [ + "\u2581Dourad", + -14.228736877441406 + ], + [ + "\u2581Representante", + -14.228751182556152 + ], + [ + "emboli", + -14.228754043579102 + ], + [ + "\u2581Repr\u00e4sentanten", + -14.228782653808594 + ], + [ + "orsero", + -14.228816032409668 + ], + [ + "\u2581assemelha", + -14.228858947753906 + ], + [ + "MPEG", + -14.228880882263184 + ], + [ + "\u2581Anstellung", + -14.228897094726562 + ], + [ + "occia", + -14.228973388671877 + ], + [ + "\u00fcmmel", + -14.228974342346191 + ], + [ + "zey", + -14.229023933410645 + ], + [ + "ochro", + -14.229029655456545 + ], + [ + "palatin", + -14.229045867919922 + ], + [ + "\u2581Duma", + -14.229048728942873 + ], + [ + "incant", + -14.229063034057615 + ], + [ + "ualified", + -14.22907257080078 + ], + [ + "Sicherheit", + -14.229133605957031 + ], + [ + "\u2581paquets", + -14.229133605957031 + ], + [ + "\u2581clown", + -14.229198455810549 + ], + [ + "\u2581aparelhos", + -14.229203224182127 + ], + [ + "r\u00e4umliche", + -14.229246139526367 + ], + [ + "\u2581bret", + -14.2293062210083 + ], + [ + "pinal", + -14.229341506958008 + ], + [ + "\u2581Courant", + -14.229381561279297 + ], + [ + "\u2581Hamma", + -14.2294282913208 + ], + [ + "\u2581Freak", + -14.229437828063965 + ], + [ + "\u2581Hornet", + -14.229467391967772 + ], + [ + "\u2581lapacke", + -14.229514122009276 + ], + [ + "\u2581examinado", + -14.229531288146973 + ], + [ + "\u2581verbliebenen", + -14.229571342468262 + ], + [ + "\u2581r\u00e9compens\u00e9", + -14.229573249816896 + ], + [ + "\u2581pellegrinaggio", + -14.229583740234377 + ], + [ + "\u2581creux", + -14.22959327697754 + ], + [ + "\u2581comprendente", + -14.229615211486816 + ], + [ + "\u2581mancata", + -14.229618072509766 + ], + [ + "\u2581Seedorf", + -14.229621887207031 + ], + [ + "\u2581entendimiento", + -14.229632377624512 + ], + [ + "\u2581Kasper", + -14.22963523864746 + ], + [ + "\u2581Chaud", + -14.229636192321776 + ], + [ + "izit\u00e4t", + -14.22965145111084 + ], + [ + "\u2581ocorra", + -14.229653358459473 + ], + [ + "\u2581d\u00e9sordre", + -14.229668617248535 + ], + [ + "\u2581genius", + -14.22968864440918 + ], + [ + "\u2581decorazione", + -14.22973346710205 + ], + [ + "rdlicher", + -14.229735374450684 + ], + [ + "CHAIN", + -14.22974681854248 + ], + [ + "\u2581Kraftfahr", + -14.229778289794922 + ], + [ + "\u2581encendid", + -14.229790687561035 + ], + [ + "\u2581Aktuell", + -14.22981071472168 + ], + [ + "\u2581prohibi", + -14.22983741760254 + ], + [ + "\u2581chemise", + -14.229856491088867 + ], + [ + "\u2581digitaal", + -14.229863166809082 + ], + [ + "\u2581bindend", + -14.229877471923828 + ], + [ + "\u2581suppl\u00e9ment", + -14.229902267456056 + ], + [ + "ivariate", + -14.22991943359375 + ], + [ + "\u2581Rajasthan", + -14.229930877685549 + ], + [ + "\u2581Rassismus", + -14.229930877685549 + ], + [ + "\u2581S\u00edmbolo", + -14.22993278503418 + ], + [ + "\u2581cerimonie", + -14.229934692382812 + ], + [ + "\u2581empezado", + -14.229935646057127 + ], + [ + "serum", + -14.229945182800291 + ], + [ + "\u2581snapped", + -14.229951858520508 + ], + [ + "makefile", + -14.229954719543455 + ], + [ + "\u2581Nug", + -14.22996997833252 + ], + [ + "\u2581Kappa", + -14.229970932006836 + ], + [ + "\u2581fiorente", + -14.229984283447266 + ], + [ + "\u2581Couronne", + -14.230003356933594 + ], + [ + "\u2581oltrepassa", + -14.230043411254885 + ], + [ + "\u2581re\u00edr", + -14.230047225952148 + ], + [ + "meestal", + -14.230048179626465 + ], + [ + "\u2581venenos", + -14.230121612548828 + ], + [ + "epidemia", + -14.230128288269045 + ], + [ + "\u2581Kristen", + -14.230149269104004 + ], + [ + "vicino", + -14.23017692565918 + ], + [ + "portando", + -14.230177879333496 + ], + [ + "ASSET", + -14.230225563049316 + ], + [ + "\u2581Cavour", + -14.230253219604492 + ], + [ + "\u2581schickte", + -14.230260848999023 + ], + [ + "ecklenburg", + -14.230297088623049 + ], + [ + "\u2581alg\u00e9brica", + -14.230298042297363 + ], + [ + "\u2581pourcentage", + -14.230298042297363 + ], + [ + "\u2581saperne", + -14.230302810668944 + ], + [ + "\u2581Bary", + -14.230323791503906 + ], + [ + "lokale", + -14.230341911315918 + ], + [ + "Masur", + -14.23034381866455 + ], + [ + "Vivado", + -14.23034381866455 + ], + [ + "\u2581Stadler", + -14.23034954071045 + ], + [ + "\u2581sollecita", + -14.230369567871094 + ], + [ + "\u2581calibra", + -14.230405807495115 + ], + [ + "epicentro", + -14.230416297912598 + ], + [ + "\u2581parlar", + -14.230423927307127 + ], + [ + "\u2581verrez", + -14.230430603027344 + ], + [ + "zionismo", + -14.230456352233888 + ], + [ + "\u2581arbustos", + -14.230460166931152 + ], + [ + "\u2581Opfern", + -14.230469703674316 + ], + [ + "\u2581benzine", + -14.230509757995604 + ], + [ + "Neil", + -14.230517387390137 + ], + [ + "airway", + -14.230531692504885 + ], + [ + "uska", + -14.230533599853516 + ], + [ + "\u2581casuale", + -14.230536460876465 + ], + [ + "Bruno", + -14.230539321899414 + ], + [ + "Nazionale", + -14.23054313659668 + ], + [ + "outier", + -14.230557441711426 + ], + [ + "\u2581compromete", + -14.23056411743164 + ], + [ + "Virginia", + -14.230575561523438 + ], + [ + "\u2581r\u00e9agir", + -14.2305908203125 + ], + [ + "ivilisation", + -14.230595588684082 + ], + [ + "\u2581panni", + -14.230618476867676 + ], + [ + "ResponseBody", + -14.230646133422852 + ], + [ + "BSC", + -14.230676651000977 + ], + [ + "\u2581Auditor", + -14.230711936950684 + ], + [ + "rhomb", + -14.230712890625 + ], + [ + "\u2581suddivisione", + -14.23072338104248 + ], + [ + "\u2581Einzugsgebiet", + -14.230745315551758 + ], + [ + "\u2581brecha", + -14.230751037597656 + ], + [ + "\u2581rione", + -14.230752944946287 + ], + [ + "\u2581strijk", + -14.230757713317873 + ], + [ + "\u2581geringerer", + -14.230758666992188 + ], + [ + "\u2581Lema", + -14.230783462524414 + ], + [ + "taille", + -14.230823516845703 + ], + [ + "\u2581tendances", + -14.23082447052002 + ], + [ + "Gillis", + -14.230825424194336 + ], + [ + "\u2581Auff\u00fchrung", + -14.230826377868652 + ], + [ + "\u2581Conex", + -14.230840682983398 + ], + [ + "\u2581irgendeine", + -14.230846405029297 + ], + [ + "\u2581asymmetry", + -14.23084831237793 + ], + [ + "Maserati", + -14.230850219726562 + ], + [ + "\u2581jewel", + -14.230852127075195 + ], + [ + "submission", + -14.23086643218994 + ], + [ + "\u2581manuell", + -14.230875968933104 + ], + [ + "\u2581studiat", + -14.230917930603027 + ], + [ + "steg", + -14.230921745300291 + ], + [ + "\u2581Vorbereitungen", + -14.230926513671877 + ], + [ + "Discuss", + -14.230956077575684 + ], + [ + "\u2581Sawa", + -14.230978965759276 + ], + [ + "\u2581sympathique", + -14.231033325195312 + ], + [ + "qR", + -14.231035232543944 + ], + [ + "\u2581architetti", + -14.231038093566896 + ], + [ + "\u2581aguarda", + -14.23104476928711 + ], + [ + "\u2581Stevie", + -14.231083869934082 + ], + [ + "\u2581envoy\u00e9s", + -14.231120109558104 + ], + [ + "espulsione", + -14.23112964630127 + ], + [ + "logit", + -14.2311429977417 + ], + [ + "\u2581cercher", + -14.2311429977417 + ], + [ + "\u2581dokumentieren", + -14.23114776611328 + ], + [ + "OOD", + -14.231165885925291 + ], + [ + "\u2581corri", + -14.231171607971191 + ], + [ + "\u2581Bargeld", + -14.231172561645508 + ], + [ + "pcache", + -14.23118019104004 + ], + [ + "\u2581tocaba", + -14.231191635131836 + ], + [ + "\u2581Feiern", + -14.231193542480469 + ], + [ + "\u2581Scull", + -14.231210708618164 + ], + [ + "gordel", + -14.23125171661377 + ], + [ + "fohlen", + -14.231255531311035 + ], + [ + "zhang", + -14.231289863586426 + ], + [ + "Bezirk", + -14.231305122375488 + ], + [ + "\u2581NSW", + -14.23131275177002 + ], + [ + "\u2581predefined", + -14.231343269348145 + ], + [ + "\u2581Bahnsteig", + -14.231363296508787 + ], + [ + "erwerbsbetriebe", + -14.231379508972168 + ], + [ + "\u2581solemn", + -14.2313814163208 + ], + [ + "SCREEN", + -14.231401443481444 + ], + [ + "\u2581aneinander", + -14.231401443481444 + ], + [ + "\u2581projetada", + -14.231401443481444 + ], + [ + "kanselier", + -14.231407165527344 + ], + [ + "\u2581Savannah", + -14.231409072875977 + ], + [ + "\u2581commuter", + -14.231411933898926 + ], + [ + "\u2581agencias", + -14.231423377990724 + ], + [ + "ophyt", + -14.231454849243164 + ], + [ + "cellpadding", + -14.23151683807373 + ], + [ + "\u2581Bury", + -14.231521606445312 + ], + [ + "erregend", + -14.231536865234377 + ], + [ + "\u2581abandonn\u00e9e", + -14.231595039367676 + ], + [ + "\u2581constituti", + -14.23161792755127 + ], + [ + "\u2581positivism", + -14.231639862060549 + ], + [ + "\u2581simpel", + -14.231645584106444 + ], + [ + "\u2581aspirante", + -14.23165225982666 + ], + [ + "\u2581ampl", + -14.23167610168457 + ], + [ + "\u2581kits", + -14.231697082519531 + ], + [ + "\u2581Municipality", + -14.231698036193848 + ], + [ + "Liu", + -14.231698989868164 + ], + [ + "\u2581Trian", + -14.231704711914062 + ], + [ + "\u2581socialistische", + -14.23172664642334 + ], + [ + "zufinden", + -14.2317476272583 + ], + [ + "\u2581retoma", + -14.231752395629885 + ], + [ + "Occidentale", + -14.231760025024414 + ], + [ + "\u2581Cartagine", + -14.231760025024414 + ], + [ + "\u2581mand\u00edbula", + -14.231768608093262 + ], + [ + "\u2581Kohlendioxid", + -14.231770515441896 + ], + [ + "\u2581Gewest", + -14.23179054260254 + ], + [ + "\u2581Obtuvo", + -14.231792449951172 + ], + [ + "\u2581Morav", + -14.231812477111816 + ], + [ + "\u2581videogiochi", + -14.23183250427246 + ], + [ + "rtree", + -14.231837272644045 + ], + [ + "\u2581Schir", + -14.231851577758787 + ], + [ + "\u2581rebellen", + -14.231857299804688 + ], + [ + "\u2581causata", + -14.231863021850586 + ], + [ + "\u2581fazemos", + -14.231905937194824 + ], + [ + "\u2581Fatah", + -14.231919288635254 + ], + [ + "\u2581chende", + -14.231929779052734 + ], + [ + "ehud", + -14.231971740722656 + ], + [ + "\u2581St\u00e4rken", + -14.231973648071287 + ], + [ + "seguiva", + -14.231987953186035 + ], + [ + "vreux", + -14.231996536254885 + ], + [ + "\u2581Camilla", + -14.23200511932373 + ], + [ + "\u2581Legio", + -14.232028007507324 + ], + [ + "\u2581riesigen", + -14.23203182220459 + ], + [ + "\u2581tirando", + -14.232040405273438 + ], + [ + "Jetzt", + -14.232048034667969 + ], + [ + "ayenne", + -14.232056617736816 + ], + [ + "Sending", + -14.232065200805664 + ], + [ + "korte", + -14.23206615447998 + ], + [ + "muito", + -14.232070922851562 + ], + [ + "Recover", + -14.232104301452637 + ], + [ + "\u2581rechtsextreme", + -14.232162475585938 + ], + [ + "ceira", + -14.232172012329102 + ], + [ + "\u2581cortada", + -14.232175827026367 + ], + [ + "WebKit", + -14.232192993164062 + ], + [ + "\u2581Cere", + -14.23220443725586 + ], + [ + "\u2581aventi", + -14.232213020324709 + ], + [ + "cyph", + -14.232213973999023 + ], + [ + "\u2581ficticios", + -14.23222827911377 + ], + [ + "\u2581rounding", + -14.232244491577148 + ], + [ + "\u2581defended", + -14.23224639892578 + ], + [ + "\u2581d\u00e9pos", + -14.23224639892578 + ], + [ + "grammati", + -14.232254028320312 + ], + [ + "gtr", + -14.232259750366213 + ], + [ + "Affaire", + -14.23226547241211 + ], + [ + "\u2581Liza", + -14.23227882385254 + ], + [ + "delivery", + -14.232290267944336 + ], + [ + "MPS", + -14.23230266571045 + ], + [ + "\u2581bautizado", + -14.232314109802246 + ], + [ + "ciens", + -14.232329368591309 + ], + [ + "\u2581Iraque", + -14.232345581054688 + ], + [ + "\u2581guiada", + -14.232385635375977 + ], + [ + "rozen", + -14.232397079467772 + ], + [ + "\u2581fornite", + -14.232397079467772 + ], + [ + "\u2581Gegenden", + -14.23240566253662 + ], + [ + "fressen", + -14.232407569885254 + ], + [ + "\u2581Sapienza", + -14.232416152954102 + ], + [ + "\u2581constituida", + -14.232416152954102 + ], + [ + "\u2581Voices", + -14.232418060302734 + ], + [ + "WATCH", + -14.23247241973877 + ], + [ + "Poaceae", + -14.232500076293944 + ], + [ + "\u2581S\u00e4chliche", + -14.232505798339844 + ], + [ + "\u2581Tsunami", + -14.232518196105955 + ], + [ + "jura", + -14.23252010345459 + ], + [ + "\u2581imposing", + -14.23252010345459 + ], + [ + "\u2581goedkoper", + -14.23252296447754 + ], + [ + "qualificato", + -14.232528686523438 + ], + [ + "\u2581IMDb", + -14.23253345489502 + ], + [ + "giving", + -14.232545852661133 + ], + [ + "\u2581Immo", + -14.232551574707031 + ], + [ + "webserver", + -14.23256492614746 + ], + [ + "Friendly", + -14.232580184936523 + ], + [ + "\u2581Fragesteller", + -14.232590675354004 + ], + [ + "\u2581ilustrada", + -14.232609748840332 + ], + [ + "\u2581secas", + -14.232629776000977 + ], + [ + "iculaire", + -14.232641220092772 + ], + [ + "\u2581Sib\u00e9ri", + -14.23266315460205 + ], + [ + "\u2581Macha", + -14.232732772827148 + ], + [ + "\u2581Engagements", + -14.232748985290527 + ], + [ + "\u2581Beech", + -14.232766151428224 + ], + [ + "oratorium", + -14.232773780822754 + ], + [ + "\u2581Comedia", + -14.232793807983398 + ], + [ + "Wissen", + -14.232807159423828 + ], + [ + "\u2581Voorda", + -14.232820510864258 + ], + [ + "\u2581Bermuda", + -14.232827186584473 + ], + [ + "PPE", + -14.23283576965332 + ], + [ + "\u2581ejecut", + -14.23284912109375 + ], + [ + "rogue", + -14.232852935791016 + ], + [ + "emisfero", + -14.232873916625977 + ], + [ + "\u2581energ\u00e9tico", + -14.232873916625977 + ], + [ + "zookeeper", + -14.232887268066406 + ], + [ + "P\u00e9r", + -14.232888221740724 + ], + [ + "\u2581vorgenommenen", + -14.23291015625 + ], + [ + "\u2581initi\u00e9", + -14.232948303222656 + ], + [ + "lende", + -14.232958793640137 + ], + [ + "\u2581el\u00e9tricos", + -14.232980728149414 + ], + [ + "leiros", + -14.23298454284668 + ], + [ + "\u2581admitido", + -14.233026504516602 + ], + [ + "\u2581staccat", + -14.23303508758545 + ], + [ + "\u2581Tupi", + -14.233041763305664 + ], + [ + "\u2581vigili", + -14.233135223388672 + ], + [ + "\u2581amargo", + -14.23314094543457 + ], + [ + "\u2581d\u00e9tach\u00e9", + -14.23314380645752 + ], + [ + "\u2581intimidad", + -14.233144760131836 + ], + [ + "icans", + -14.233146667480469 + ], + [ + "\u2581Schw\u00e4", + -14.23315143585205 + ], + [ + "\u2581auteursrecht", + -14.233159065246582 + ], + [ + "\u2581immigrant", + -14.233206748962402 + ], + [ + "hosp", + -14.23320770263672 + ], + [ + "reisende", + -14.233226776123049 + ], + [ + "willer", + -14.233230590820312 + ], + [ + "\u2581Desondanks", + -14.23324203491211 + ], + [ + "\u2581erregt", + -14.23324203491211 + ], + [ + "\u2581Cantone", + -14.23324489593506 + ], + [ + "\u2581divorcio", + -14.23324489593506 + ], + [ + "Phosphorylierung", + -14.233247756958008 + ], + [ + "\u2581abattu", + -14.233282089233398 + ], + [ + "\u2581enrolled", + -14.233282089233398 + ], + [ + "\u2581datiert", + -14.233294486999512 + ], + [ + "\u2581Raimondo", + -14.233315467834473 + ], + [ + "\u2581draaide", + -14.2333345413208 + ], + [ + "\u2581Mere", + -14.233355522155762 + ], + [ + "\u2581sunnit", + -14.233356475830078 + ], + [ + "assertNotNull", + -14.233358383178713 + ], + [ + "\u2581Mir\u00f3", + -14.23336410522461 + ], + [ + "\u2581ficti", + -14.233372688293455 + ], + [ + "cLeod", + -14.23342990875244 + ], + [ + "ourself", + -14.233522415161133 + ], + [ + "\u2581specchi", + -14.233526229858398 + ], + [ + "\u2581Aloe", + -14.23354434967041 + ], + [ + "abspath", + -14.233549118041992 + ], + [ + "facing", + -14.233563423156738 + ], + [ + "textbackslash", + -14.23357105255127 + ], + [ + "\u2581Buur", + -14.233576774597168 + ], + [ + "\u2581Sehen", + -14.233593940734863 + ], + [ + "\u2581camarades", + -14.23360538482666 + ], + [ + "endurance", + -14.233616828918455 + ], + [ + "\u2581radii", + -14.233631134033203 + ], + [ + "\u2581Ammonium", + -14.233660697937012 + ], + [ + "effondrement", + -14.23366355895996 + ], + [ + "\u2581rilanci", + -14.233665466308594 + ], + [ + "\u2581vereinbarte", + -14.23366641998291 + ], + [ + "Exporter", + -14.233675003051758 + ], + [ + "\u2581Moretti", + -14.233688354492188 + ], + [ + "ficient", + -14.233699798583984 + ], + [ + "Issuer", + -14.233762741088867 + ], + [ + "\u2581entretenu", + -14.2337646484375 + ], + [ + "uine", + -14.233868598937988 + ], + [ + "\u2581Communi", + -14.233869552612305 + ], + [ + "Programming", + -14.233904838562012 + ], + [ + "\u2581\u00fcbereinstimmen", + -14.23391056060791 + ], + [ + "\u2581Ryder", + -14.23396110534668 + ], + [ + "\u2581poign\u00e9e", + -14.233983039855955 + ], + [ + "\u2581pasar\u00eda", + -14.233986854553224 + ], + [ + "\u2581rilevato", + -14.233991622924805 + ], + [ + "\u2581banquier", + -14.233994483947754 + ], + [ + "\u2581Ebrei", + -14.233999252319336 + ], + [ + "Ierland", + -14.234028816223145 + ], + [ + "catholic", + -14.234030723571776 + ], + [ + "catur", + -14.234034538269045 + ], + [ + "lru", + -14.23404026031494 + ], + [ + "rauben", + -14.234052658081056 + ], + [ + "DHA", + -14.234057426452637 + ], + [ + "\u2581di\u00e1logos", + -14.234060287475586 + ], + [ + "goud", + -14.2340726852417 + ], + [ + "\u2581brindar", + -14.234076499938965 + ], + [ + "\u2581Nia", + -14.234098434448242 + ], + [ + "indole", + -14.234139442443848 + ], + [ + "werbliche", + -14.23414707183838 + ], + [ + "qualificata", + -14.234160423278809 + ], + [ + "\u2581Grigor", + -14.234186172485352 + ], + [ + "\u2581Kolben", + -14.2341947555542 + ], + [ + "coupled", + -14.234196662902832 + ], + [ + "lkern", + -14.234224319458008 + ], + [ + "Physics", + -14.234256744384766 + ], + [ + "jarse", + -14.234274864196776 + ], + [ + "cotte", + -14.23427963256836 + ], + [ + "\u2581stunning", + -14.23428440093994 + ], + [ + "\u2581Velvet", + -14.23428726196289 + ], + [ + "tively", + -14.234294891357422 + ], + [ + "\u2581dankbar", + -14.234341621398926 + ], + [ + "\u2581Pertenece", + -14.23434829711914 + ], + [ + "\u2581classificou", + -14.234349250793455 + ], + [ + "ovino", + -14.23435878753662 + ], + [ + "klauw", + -14.234370231628418 + ], + [ + "solute", + -14.234389305114746 + ], + [ + "\u2581goedkoop", + -14.234389305114746 + ], + [ + "chup", + -14.234390258789062 + ], + [ + "\u2581S\u00edtio", + -14.23439121246338 + ], + [ + "\u2581vierkant", + -14.234397888183594 + ], + [ + "\u2581zodoende", + -14.234399795532228 + ], + [ + "\u2581Britney", + -14.234405517578123 + ], + [ + "electronic", + -14.234419822692873 + ], + [ + "legierte", + -14.234444618225098 + ], + [ + "burguesa", + -14.23445987701416 + ], + [ + "\u2581basilique", + -14.234485626220703 + ], + [ + "Inclusive", + -14.23449993133545 + ], + [ + "sboro", + -14.234500885009766 + ], + [ + "\u2581N\u00edvel", + -14.234539031982422 + ], + [ + "\u2581attirare", + -14.234546661376951 + ], + [ + "\u2581Keel", + -14.234596252441406 + ], + [ + "\u2581Puesto", + -14.234620094299316 + ], + [ + "\u2581Buchar", + -14.234637260437012 + ], + [ + "\u2581Bowman", + -14.234697341918944 + ], + [ + "\u2581Kamal", + -14.234707832336426 + ], + [ + "\u2581H\u00fcll", + -14.234713554382324 + ], + [ + "\u2581mancare", + -14.234715461730955 + ], + [ + "\u2581Stratford", + -14.234718322753906 + ], + [ + "\u2581averiguar", + -14.234733581542969 + ], + [ + "\u2581favoris", + -14.234750747680664 + ], + [ + "\u2581teure", + -14.234761238098145 + ], + [ + "\u2581Rosemary", + -14.234789848327637 + ], + [ + "lister", + -14.23480224609375 + ], + [ + "schoen", + -14.234803199768066 + ], + [ + "\u2581ansprechen", + -14.234806060791016 + ], + [ + "\u2581cavern", + -14.234819412231444 + ], + [ + "\u2581Rare", + -14.234827041625977 + ], + [ + "spontaneamente", + -14.234834671020508 + ], + [ + "\u2581Fabbri", + -14.234869956970217 + ], + [ + "Heinrich", + -14.234898567199709 + ], + [ + "\u2581Waik", + -14.234911918640137 + ], + [ + "\u2581magici", + -14.234943389892578 + ], + [ + "LIBRE", + -14.234977722167969 + ], + [ + "Kann", + -14.235011100769045 + ], + [ + "\u2581hinteren", + -14.235029220581056 + ], + [ + "\u2581Gull", + -14.235048294067385 + ], + [ + "shika", + -14.235074996948242 + ], + [ + "\u2581excuses", + -14.235095024108888 + ], + [ + "\u2581Schlesien", + -14.235111236572266 + ], + [ + "\u2581aanvoerder", + -14.23512077331543 + ], + [ + "kathedraal", + -14.235121726989746 + ], + [ + "\u2581defending", + -14.235124588012695 + ], + [ + "\u2581Nadadores", + -14.235129356384276 + ], + [ + "franken", + -14.235153198242188 + ], + [ + "WARE", + -14.235163688659668 + ], + [ + "\u2581ricord", + -14.235167503356934 + ], + [ + "\u2581Hyster", + -14.235220909118652 + ], + [ + "\u2581Caldeir", + -14.23523235321045 + ], + [ + "\u2581asthma", + -14.235237121582031 + ], + [ + "\u2581einhergehen", + -14.235262870788574 + ], + [ + "\u2581Tria", + -14.235307693481444 + ], + [ + "cudi", + -14.235333442687988 + ], + [ + "OpenCL", + -14.235345840454102 + ], + [ + "rogation", + -14.235389709472656 + ], + [ + "\u2581kollektive", + -14.235405921936035 + ], + [ + "\u2581secondario", + -14.235405921936035 + ], + [ + "\u2581Fawkes", + -14.23545742034912 + ], + [ + "\u2581Martyr", + -14.235514640808104 + ], + [ + "Trek", + -14.23556137084961 + ], + [ + "TIR", + -14.235565185546877 + ], + [ + "Imperatriz", + -14.235569953918455 + ], + [ + "GAC", + -14.23562717437744 + ], + [ + "\u2581citazioni", + -14.235651969909668 + ], + [ + "\u2581covariant", + -14.23566436767578 + ], + [ + "\u2581nutrientes", + -14.235690116882324 + ], + [ + "\u2581schuin", + -14.235722541809082 + ], + [ + "\u2581Caten", + -14.235727310180664 + ], + [ + "\u2581observant", + -14.235737800598145 + ], + [ + "slick", + -14.235742568969728 + ], + [ + "\u2581st\u00e4ndiger", + -14.235751152038574 + ], + [ + "\u2581Schranken", + -14.23577880859375 + ], + [ + "\u2581Bose", + -14.235783576965332 + ], + [ + "\u2581r\u00e9joui", + -14.235787391662598 + ], + [ + "\u2581fictieve", + -14.23578929901123 + ], + [ + "tiaux", + -14.23580551147461 + ], + [ + "\u2581Wehrpflichtige", + -14.235811233520508 + ], + [ + "\u2581libellensoort", + -14.235824584960938 + ], + [ + "\u2581g\u00e9om\u00e9trie", + -14.23582935333252 + ], + [ + "\u2581tuberculose", + -14.235830307006836 + ], + [ + "\u2581stesura", + -14.235844612121582 + ], + [ + "ortisol", + -14.235845565795898 + ], + [ + "\u2581Sheldon", + -14.235852241516112 + ], + [ + "\u2581Settembr", + -14.235868453979492 + ], + [ + "Swipe", + -14.235876083374023 + ], + [ + "\u2581Intuition", + -14.235881805419922 + ], + [ + "\u2581Suske", + -14.235881805419922 + ], + [ + "\u2581conced", + -14.235904693603516 + ], + [ + "\u2581Kink", + -14.235915184020996 + ], + [ + "hefte", + -14.23592758178711 + ], + [ + "ot\u00f3", + -14.23593807220459 + ], + [ + "\u2581Fabien", + -14.235956192016602 + ], + [ + "zamiento", + -14.235965728759766 + ], + [ + "\u2581erzeugte", + -14.235973358154297 + ], + [ + "catalogus", + -14.235977172851562 + ], + [ + "luvial", + -14.23599338531494 + ], + [ + "apporter", + -14.236010551452637 + ], + [ + "\u2581Reibung", + -14.236023902893066 + ], + [ + "\u2581Akademische", + -14.236027717590332 + ], + [ + "\u2581Emplea", + -14.236028671264648 + ], + [ + "mensch", + -14.236051559448242 + ], + [ + "\u2581Hanne", + -14.236079216003418 + ], + [ + "\u2581seppe", + -14.236095428466797 + ], + [ + "\u2581Hidro", + -14.236099243164062 + ], + [ + "\u2581Cleo", + -14.23610019683838 + ], + [ + "jala", + -14.23610496520996 + ], + [ + "\u2581doces", + -14.236106872558594 + ], + [ + "\u2581G\u00e9n\u00e9rale", + -14.236111640930176 + ], + [ + "\u2581Harmony", + -14.236126899719238 + ], + [ + "likelihood", + -14.236128807067873 + ], + [ + "\u2581ambitions", + -14.236166954040527 + ], + [ + "arrell", + -14.236176490783691 + ], + [ + "\u2581restrita", + -14.236191749572754 + ], + [ + "\u2581enrichment", + -14.23620319366455 + ], + [ + "\u2581m\u00e9chant", + -14.236207008361816 + ], + [ + "\u2581Pirlo", + -14.23624324798584 + ], + [ + "iguri", + -14.236245155334473 + ], + [ + "isobject", + -14.236284255981444 + ], + [ + "IONS", + -14.236289024353027 + ], + [ + "inette", + -14.236310958862305 + ], + [ + "ausgenommen", + -14.23631477355957 + ], + [ + "\u2581restrito", + -14.236329078674316 + ], + [ + "Verwendungszweck", + -14.236331939697266 + ], + [ + "wali", + -14.23635959625244 + ], + [ + "\u2581gesch\u00e4digt", + -14.23635959625244 + ], + [ + "corporati", + -14.236382484436035 + ], + [ + "\u2581minerale", + -14.236384391784668 + ], + [ + "\u2581fascinante", + -14.236397743225098 + ], + [ + "zeitschrift", + -14.236405372619627 + ], + [ + "\u2581rojos", + -14.236449241638184 + ], + [ + "ttir", + -14.23646068572998 + ], + [ + "anfang", + -14.23646640777588 + ], + [ + "\u2581controllato", + -14.236479759216309 + ], + [ + "\u2581luzes", + -14.236501693725586 + ], + [ + "\u2581\u00e9lue", + -14.2365083694458 + ], + [ + "\u2581saudi", + -14.23651885986328 + ], + [ + "uniscono", + -14.236531257629396 + ], + [ + "\u2581Tiffany", + -14.236563682556152 + ], + [ + "\u2581proletari", + -14.23656940460205 + ], + [ + "pugnan", + -14.236580848693848 + ], + [ + "\u2581caldeir", + -14.236583709716797 + ], + [ + "ASI", + -14.23660659790039 + ], + [ + "\u2581contaminaci\u00f3n", + -14.236617088317873 + ], + [ + "\u2581boh", + -14.23664093017578 + ], + [ + "\u2581colonizzazione", + -14.23664379119873 + ], + [ + "\u2581Vite", + -14.236647605895996 + ], + [ + "\u2581Hoeve", + -14.236692428588867 + ], + [ + "\u2581bleken", + -14.236712455749512 + ], + [ + "SWI", + -14.236714363098145 + ], + [ + "\u2581minerals", + -14.236721992492676 + ], + [ + "\u2581Drohung", + -14.236726760864258 + ], + [ + "\u2581unidas", + -14.236730575561523 + ], + [ + "topology", + -14.23676872253418 + ], + [ + "\u2581asserted", + -14.236798286437988 + ], + [ + "\u2581Socialistische", + -14.23684024810791 + ], + [ + "\u2581pav\u00e9", + -14.236854553222656 + ], + [ + "\u2581exalta", + -14.236865997314451 + ], + [ + "\u2581Diplo", + -14.23687744140625 + ], + [ + "ObjectType", + -14.236906051635742 + ], + [ + "\u2581centuri", + -14.236928939819336 + ], + [ + "\u2581Explora", + -14.23693561553955 + ], + [ + "\u2581Nachfolgend", + -14.236948013305664 + ], + [ + "\u2581Grenz\u00fcbergang", + -14.236989974975586 + ], + [ + "geel", + -14.2369966506958 + ], + [ + "aturation", + -14.237004280090332 + ], + [ + "\u2581Cowboys", + -14.237038612365724 + ], + [ + "\u2581collegi", + -14.237062454223633 + ], + [ + "tinus", + -14.237098693847656 + ], + [ + "\u2581stipul", + -14.237123489379885 + ], + [ + "phyll", + -14.237154960632324 + ], + [ + "\u2581Bazar", + -14.237165451049805 + ], + [ + "acial", + -14.237186431884766 + ], + [ + "\u2581Spruch", + -14.237227439880373 + ], + [ + "\u2581Teatr", + -14.237303733825684 + ], + [ + "\u2581Adicionalmente", + -14.237305641174316 + ], + [ + "gekauft", + -14.237321853637695 + ], + [ + "\u2581Carneiro", + -14.237334251403809 + ], + [ + "\u2581opgegeven", + -14.237359046936035 + ], + [ + "\u2581Lagune", + -14.237367630004885 + ], + [ + "gewartet", + -14.2373685836792 + ], + [ + "\u2581aconseja", + -14.237371444702148 + ], + [ + "\u2581Golpe", + -14.237383842468262 + ], + [ + "\u2581assigning", + -14.237401962280272 + ], + [ + "\u2581Durban", + -14.237455368041992 + ], + [ + "enjeu", + -14.2374849319458 + ], + [ + "\u2581penales", + -14.237499237060549 + ], + [ + "\u2581Puzzle", + -14.237552642822266 + ], + [ + "\u2581laminar", + -14.237567901611328 + ], + [ + "nsley", + -14.237589836120604 + ], + [ + "\u2581Onafhankelijk", + -14.237594604492188 + ], + [ + "Transplantat", + -14.237611770629885 + ], + [ + "\u2581Editori", + -14.23762321472168 + ], + [ + "\u2581requise", + -14.237645149230955 + ], + [ + "\u2581slavery", + -14.237655639648438 + ], + [ + "tracciones", + -14.23766040802002 + ], + [ + "Architettura", + -14.23767375946045 + ], + [ + "\u2581Gobernaci\u00f3n", + -14.23767375946045 + ], + [ + "GUS", + -14.23768138885498 + ], + [ + "\u2581Taw", + -14.237703323364258 + ], + [ + "\u2581conspiracy", + -14.237715721130373 + ], + [ + "ruy", + -14.237799644470217 + ], + [ + "\u2581Evolu", + -14.237804412841797 + ], + [ + "\u2581kauft", + -14.23782730102539 + ], + [ + "oshida", + -14.237906455993652 + ], + [ + "\u2581Microbiol", + -14.237921714782717 + ], + [ + "\u2581emotiva", + -14.23792552947998 + ], + [ + "\u2581sovi\u00e9tiques", + -14.237934112548828 + ], + [ + "\u2581P\u00e9t", + -14.237935066223145 + ], + [ + "\u2581stunt", + -14.237975120544434 + ], + [ + "CATE", + -14.238008499145508 + ], + [ + "Campioni", + -14.238012313842772 + ], + [ + "InvertedResidual", + -14.238019943237305 + ], + [ + "\u2581r\u00e9sume", + -14.238038063049316 + ], + [ + "\u2581Megaselia", + -14.238043785095217 + ], + [ + "\u2581INTERRUPTION", + -14.238044738769531 + ], + [ + "\u2581CAUSED", + -14.238055229187012 + ], + [ + "Efficient", + -14.23807430267334 + ], + [ + "\u2581Hilf", + -14.2380952835083 + ], + [ + "werth", + -14.238128662109377 + ], + [ + "\u2581rojas", + -14.238177299499512 + ], + [ + "immense", + -14.238183975219728 + ], + [ + "\u2581Beyer", + -14.238201141357422 + ], + [ + "uscio", + -14.23820686340332 + ], + [ + "Oslo", + -14.238221168518066 + ], + [ + "Entr\u00e9e", + -14.238238334655762 + ], + [ + "\u2581dovettero", + -14.238255500793455 + ], + [ + "Versorgung", + -14.23828125 + ], + [ + "\u2581Trees", + -14.23829746246338 + ], + [ + "\u2581Mure", + -14.238311767578123 + ], + [ + "\u2581Anthropolog", + -14.238330841064451 + ], + [ + "\u2581affective", + -14.238373756408691 + ], + [ + "NLINE", + -14.23839282989502 + ], + [ + "\u2581lingu\u00edstico", + -14.238414764404297 + ], + [ + "SECURE", + -14.23841667175293 + ], + [ + "tendr\u00eda", + -14.238468170166016 + ], + [ + "GGT", + -14.238500595092772 + ], + [ + "\u2581primitivos", + -14.238502502441406 + ], + [ + "trifft", + -14.238517761230469 + ], + [ + "Metall", + -14.238554954528809 + ], + [ + "anatomia", + -14.238557815551758 + ], + [ + "midas", + -14.238584518432615 + ], + [ + "\u2581redujo", + -14.238598823547363 + ], + [ + "\u2581capitani", + -14.238608360290527 + ], + [ + "Lamp", + -14.238612174987791 + ], + [ + "idze", + -14.238648414611816 + ], + [ + "\u2581conservatieve", + -14.23865032196045 + ], + [ + "\u2581Burgess", + -14.238715171813965 + ], + [ + "carbo", + -14.23871898651123 + ], + [ + "ByteBuffer", + -14.238726615905762 + ], + [ + "\u2581Pr\u00e4ferenz", + -14.23873519897461 + ], + [ + "ErrorResponse", + -14.238747596740724 + ], + [ + "\u2581Neuss", + -14.238761901855469 + ], + [ + "\u2581PROCUREMENT", + -14.238784790039062 + ], + [ + "\u2581vorherrschende", + -14.238787651062012 + ], + [ + "\u2581d\u00e9marrage", + -14.238795280456545 + ], + [ + "g\u00fcrtel", + -14.238797187805176 + ], + [ + "\u2581Wik", + -14.238804817199709 + ], + [ + "\u2581verkauften", + -14.238805770874023 + ], + [ + "\u2581Vicepresidente", + -14.23880672454834 + ], + [ + "\u2581laborales", + -14.238809585571287 + ], + [ + "\u2581recruited", + -14.238815307617188 + ], + [ + "stupide", + -14.238818168640137 + ], + [ + "\u2581Beier", + -14.23883056640625 + ], + [ + "\u2581parecchio", + -14.23883056640625 + ], + [ + "\u2581detained", + -14.238836288452148 + ], + [ + "\u2581ingenieros", + -14.238839149475098 + ], + [ + "ambt", + -14.23884391784668 + ], + [ + "\u2581nodos", + -14.238845825195312 + ], + [ + "\u2581temporales", + -14.238847732543944 + ], + [ + "fusi\u00f3n", + -14.238897323608398 + ], + [ + "\u2581Finanzmarkt", + -14.23890781402588 + ], + [ + "\u2581impun", + -14.23891830444336 + ], + [ + "\u2581Schreck", + -14.238924026489258 + ], + [ + "\u2581saliendo", + -14.238945960998535 + ], + [ + "thrombo", + -14.238946914672852 + ], + [ + "\u2581Belluno", + -14.238958358764648 + ], + [ + "CURS", + -14.238967895507812 + ], + [ + "\u2581Spezifit\u00e4t", + -14.238978385925291 + ], + [ + "\u2581Spanjaarden", + -14.238996505737305 + ], + [ + "ijden", + -14.239014625549316 + ], + [ + "waaronder", + -14.239030838012695 + ], + [ + "\u2581aislada", + -14.239041328430176 + ], + [ + "\u2581Amici", + -14.239044189453123 + ], + [ + "\u2581errexit", + -14.23906135559082 + ], + [ + "\u2581Cip", + -14.239068984985352 + ], + [ + "meisje", + -14.23907470703125 + ], + [ + "\u2581Chianti", + -14.239107131958008 + ], + [ + "Plauen", + -14.23911476135254 + ], + [ + "Pixels", + -14.239120483398438 + ], + [ + "CGC", + -14.239123344421388 + ], + [ + "\u2581Tegelijkertijd", + -14.239155769348145 + ], + [ + "\u2581uitvinder", + -14.239158630371094 + ], + [ + "\u2581Chemiker", + -14.23918914794922 + ], + [ + "\u2581hoofdkwartier", + -14.239190101623535 + ], + [ + "\u2581landete", + -14.239206314086914 + ], + [ + "\u2581Desenh", + -14.239222526550291 + ], + [ + "\u2581seggio", + -14.239230155944824 + ], + [ + "Stay", + -14.239235877990724 + ], + [ + "proeven", + -14.23923683166504 + ], + [ + "\u2581categoriza", + -14.23926830291748 + ], + [ + "\u2581Cohn", + -14.239297866821287 + ], + [ + "\u2581Rom\u00e9", + -14.239298820495604 + ], + [ + "\u2581lekker", + -14.239303588867188 + ], + [ + "\u2581scav", + -14.239330291748049 + ], + [ + "SOP", + -14.239333152770996 + ], + [ + "zauber", + -14.239337921142578 + ], + [ + "sequentie", + -14.239372253417969 + ], + [ + "\u00e4der", + -14.239389419555664 + ], + [ + "sail", + -14.23940658569336 + ], + [ + "\u2581farinha", + -14.23942756652832 + ], + [ + "c\u00f3digo", + -14.239432334899902 + ], + [ + "posing", + -14.239461898803713 + ], + [ + "\u2581arreglo", + -14.239461898803713 + ], + [ + "naren", + -14.23947811126709 + ], + [ + "\u2581Lucht", + -14.239480018615724 + ], + [ + "uarant", + -14.23948097229004 + ], + [ + "ermitian", + -14.239481925964355 + ], + [ + "RegisterType", + -14.239490509033203 + ], + [ + "\u2581fervent", + -14.23949146270752 + ], + [ + "\u2581Llore", + -14.239503860473633 + ], + [ + "\u2581gradiente", + -14.239524841308594 + ], + [ + "\u2581voc\u00e1bulo", + -14.239526748657228 + ], + [ + "\u2581Gastropoda", + -14.23952865600586 + ], + [ + "\u2581n\u00e9glig", + -14.239541053771973 + ], + [ + "\u2581observ\u00f3", + -14.23956298828125 + ], + [ + "Reichs", + -14.239572525024414 + ], + [ + "Functor", + -14.239578247070312 + ], + [ + "feindliche", + -14.239578247070312 + ], + [ + "Ley", + -14.23959732055664 + ], + [ + "\u2581einf\u00fchren", + -14.239609718322754 + ], + [ + "Federal", + -14.239627838134766 + ], + [ + "\u2581canoe", + -14.239665031433104 + ], + [ + "\u2581Sortiment", + -14.23968505859375 + ], + [ + "\u2581prefixes", + -14.239702224731444 + ], + [ + "produce", + -14.23974609375 + ], + [ + "\u2581balas", + -14.239751815795898 + ], + [ + "lineata", + -14.239775657653809 + ], + [ + "\u2581Dolph", + -14.239781379699709 + ], + [ + "\u2581M\u00e9dico", + -14.239789009094238 + ], + [ + "membro", + -14.239797592163086 + ], + [ + "\u2581tirada", + -14.23982048034668 + ], + [ + "ulik", + -14.23988151550293 + ], + [ + "\u2581Eti\u00f3pia", + -14.239897727966309 + ], + [ + "\u2581Sinf\u00f3nica", + -14.239897727966309 + ], + [ + "\u2581Denkm\u00e4ler", + -14.23989963531494 + ], + [ + "\u2581toscana", + -14.239911079406738 + ], + [ + "\u2581Viertelfinale", + -14.23992156982422 + ], + [ + "\u2581correctness", + -14.239937782287598 + ], + [ + "\u2581Bernin", + -14.239961624145508 + ], + [ + "\u2581Ieper", + -14.239962577819824 + ], + [ + "\u2581estr\u00e9s", + -14.23997402191162 + ], + [ + "\u2581reagierte", + -14.240005493164062 + ], + [ + "EBS", + -14.24004364013672 + ], + [ + "Precis", + -14.24005126953125 + ], + [ + "voraussetzungen", + -14.240092277526855 + ], + [ + "\u2581Mariscal", + -14.240117073059082 + ], + [ + "zuleiten", + -14.240137100219728 + ], + [ + "\u2581reconquista", + -14.240168571472168 + ], + [ + "\u2581verbannen", + -14.240181922912598 + ], + [ + "\u2581Instrumentarium", + -14.240192413330078 + ], + [ + "GTC", + -14.240242958068848 + ], + [ + "rderer", + -14.240262031555176 + ], + [ + "\u2581norvegesi", + -14.24026870727539 + ], + [ + "\u2581costrinse", + -14.240269660949709 + ], + [ + "\u2581Melchior", + -14.24027156829834 + ], + [ + "\u2581grammaire", + -14.24030876159668 + ], + [ + "joki", + -14.240310668945312 + ], + [ + "\u2581papiro", + -14.240316390991213 + ], + [ + "\u2581heterogeneity", + -14.24032211303711 + ], + [ + "\u2581titolari", + -14.240354537963867 + ], + [ + "\u2581Debate", + -14.240355491638184 + ], + [ + "h\u00fcgel", + -14.2403564453125 + ], + [ + "kroniek", + -14.240394592285156 + ], + [ + "\u2581nucleari", + -14.240401268005373 + ], + [ + "\u2581Sprengstoff", + -14.240426063537598 + ], + [ + "\u2581Nega", + -14.240439414978027 + ], + [ + "br\u00fcchen", + -14.240453720092772 + ], + [ + "\u2581accidentalmente", + -14.24048900604248 + ], + [ + "\u2581cavall", + -14.240510940551758 + ], + [ + "SHE", + -14.240519523620604 + ], + [ + "giebig", + -14.240540504455566 + ], + [ + "\u2581anomaly", + -14.240551948547363 + ], + [ + "\u2581serviva", + -14.240553855895996 + ], + [ + "\u2581libreto", + -14.240556716918944 + ], + [ + "Doppel", + -14.240558624267578 + ], + [ + "\u2581rinc", + -14.24056625366211 + ], + [ + "ndoci", + -14.240614891052246 + ], + [ + "\u2581Grati", + -14.240622520446776 + ], + [ + "Town", + -14.240629196166992 + ], + [ + "\u2581Sizilien", + -14.240639686584473 + ], + [ + "gerechtshof", + -14.240643501281738 + ], + [ + "Ride", + -14.240649223327637 + ], + [ + "Summer", + -14.240692138671877 + ], + [ + "\u2581complesse", + -14.240716934204102 + ], + [ + "\u2581abad\u00eda", + -14.24071979522705 + ], + [ + "Vorsitzende", + -14.240732192993164 + ], + [ + "hipment", + -14.240763664245604 + ], + [ + "\u2581sorprender", + -14.240777015686035 + ], + [ + "outlook", + -14.240792274475098 + ], + [ + "\u2581Snor", + -14.240809440612791 + ], + [ + "\u2581Lebenszeit", + -14.240816116333008 + ], + [ + "\u2581Actress", + -14.240824699401855 + ], + [ + "\u2581faisons", + -14.240851402282717 + ], + [ + "Tutor", + -14.24085521697998 + ], + [ + "thys", + -14.240875244140623 + ], + [ + "beispielsweise", + -14.240901947021484 + ], + [ + "\u2581\u00e9l\u00e9gant", + -14.240921020507812 + ], + [ + "\u2581trouvera", + -14.240925788879396 + ], + [ + "\u2581mantuvieron", + -14.24092960357666 + ], + [ + "\u2581Duft", + -14.24095630645752 + ], + [ + "\u2581physischen", + -14.24098300933838 + ], + [ + "\u2581Cebu", + -14.240983963012695 + ], + [ + "\u2581Otte", + -14.240994453430176 + ], + [ + "ndometri", + -14.241006851196287 + ], + [ + "arithm\u00e9tique", + -14.241010665893556 + ], + [ + "\u2581L\u00f3gica", + -14.241010665893556 + ], + [ + "affiora", + -14.241012573242188 + ], + [ + "\u2581Diderot", + -14.241012573242188 + ], + [ + "Gryllidae", + -14.24101734161377 + ], + [ + "Inzaghi", + -14.24101734161377 + ], + [ + "grafos", + -14.24101734161377 + ], + [ + "keller", + -14.24102020263672 + ], + [ + "Rational", + -14.241048812866213 + ], + [ + "lexicon", + -14.241049766540527 + ], + [ + "\u2581jadis", + -14.241069793701172 + ], + [ + "odique", + -14.241081237792969 + ], + [ + "\u2581Lacan", + -14.24108600616455 + ], + [ + "rologue", + -14.241118431091309 + ], + [ + "\u2581nuances", + -14.2411470413208 + ], + [ + "rices", + -14.241191864013672 + ], + [ + "\u2581silently", + -14.241209030151367 + ], + [ + "BES", + -14.24121379852295 + ], + [ + "\u2581refusal", + -14.241266250610352 + ], + [ + "\u2581ankle", + -14.241273880004885 + ], + [ + "Heat", + -14.241312980651855 + ], + [ + "\u2581fucile", + -14.241337776184082 + ], + [ + "guitar", + -14.241339683532717 + ], + [ + "\u2581Garri", + -14.241352081298828 + ], + [ + "\u2581Brevi", + -14.24136447906494 + ], + [ + "\u2581Drehbuchautor", + -14.24138641357422 + ], + [ + "Kansas", + -14.241395950317385 + ], + [ + "Amar", + -14.241429328918455 + ], + [ + "Miscellaneous", + -14.241448402404783 + ], + [ + "\u2581afluentes", + -14.241451263427734 + ], + [ + "\u2581Bogo", + -14.241458892822266 + ], + [ + "\u2581assegn", + -14.241466522216797 + ], + [ + "\u2581embalse", + -14.241500854492188 + ], + [ + "\u2581MUN", + -14.241533279418944 + ], + [ + "\u2581Patty", + -14.24154567718506 + ], + [ + "\u2581orient\u00e9", + -14.241572380065918 + ], + [ + "irrigation", + -14.24163055419922 + ], + [ + "Hersteller", + -14.24165153503418 + ], + [ + "\u2581artistieke", + -14.241686820983888 + ], + [ + "\u2581infectious", + -14.241689682006836 + ], + [ + "Violation", + -14.241694450378418 + ], + [ + "confirmed", + -14.241700172424316 + ], + [ + "\u2581bef\u00fcrwortet", + -14.241713523864746 + ], + [ + "\u2581united", + -14.241714477539062 + ], + [ + "\u2581\u00e9crites", + -14.24171543121338 + ], + [ + "garb", + -14.241724967956545 + ], + [ + "fasst", + -14.24172592163086 + ], + [ + "\u2581motivatie", + -14.24174690246582 + ], + [ + "\u2581marciapiede", + -14.241754531860352 + ], + [ + "\u2581exponencial", + -14.241755485534668 + ], + [ + "clusiva", + -14.241756439208984 + ], + [ + "\u2581retrospective", + -14.24177074432373 + ], + [ + "ekken", + -14.241771697998049 + ], + [ + "\u2581saldr", + -14.241780281066896 + ], + [ + "\u2581Selb", + -14.241795539855955 + ], + [ + "\u2581beruflich", + -14.24180507659912 + ], + [ + "\u2581exp\u00e9rimentale", + -14.241835594177246 + ], + [ + "personalwerblich", + -14.241841316223145 + ], + [ + "\u2581escudos", + -14.24188232421875 + ], + [ + "archer", + -14.241888046264648 + ], + [ + "\u2581Simi", + -14.241897583007812 + ], + [ + "\u2581peat", + -14.241901397705078 + ], + [ + "freak", + -14.241939544677734 + ], + [ + "\u2581arrancar", + -14.24194622039795 + ], + [ + "\u2581lustr", + -14.24194622039795 + ], + [ + "\u2581settima", + -14.241968154907228 + ], + [ + "orporation", + -14.242000579833984 + ], + [ + "lexbuf", + -14.242019653320312 + ], + [ + "PUR", + -14.242036819458008 + ], + [ + "leash", + -14.242047309875488 + ], + [ + "\u2581conduta", + -14.242055892944336 + ], + [ + "\u2581Alexe", + -14.242087364196776 + ], + [ + "pity", + -14.242115020751951 + ], + [ + "zeile", + -14.242125511169434 + ], + [ + "\u2581strive", + -14.242135047912598 + ], + [ + "\u2581Duitstalige", + -14.242137908935549 + ], + [ + "\u2581waarover", + -14.242143630981444 + ], + [ + "\u2581galeria", + -14.242159843444824 + ], + [ + "\u2581torcid", + -14.242168426513672 + ], + [ + "\u2581frond", + -14.24219036102295 + ], + [ + "\u2581Vertreibung", + -14.242269515991213 + ], + [ + "\u2581exigido", + -14.242289543151855 + ], + [ + "rrangeur", + -14.242292404174805 + ], + [ + "During", + -14.242321014404297 + ], + [ + "\u2581Arcan", + -14.242329597473145 + ], + [ + "\u2581Albanien", + -14.242345809936523 + ], + [ + "\u2581volgare", + -14.242403984069824 + ], + [ + "\u2581fluxes", + -14.24241828918457 + ], + [ + "lerinage", + -14.242426872253418 + ], + [ + "\u00fcrz", + -14.242433547973633 + ], + [ + "\u2581freshly", + -14.24244785308838 + ], + [ + "\u2581Inspir", + -14.242488861083984 + ], + [ + "COVERAGE", + -14.242490768432615 + ], + [ + "\u2581Symmetrie", + -14.24250316619873 + ], + [ + "\u2581Anglican", + -14.242504119873049 + ], + [ + "\u2581ogenblik", + -14.242514610290527 + ], + [ + "lizar", + -14.24252223968506 + ], + [ + "\u2581Schlangen", + -14.242524147033691 + ], + [ + "\u2581uitgangspunt", + -14.242526054382324 + ], + [ + "\u2581Mortalit\u00e4t", + -14.242563247680664 + ], + [ + "Arachn", + -14.242603302001951 + ], + [ + "zerst", + -14.242606163024902 + ], + [ + "ulmona", + -14.242612838745115 + ], + [ + "gevecht", + -14.242627143859863 + ], + [ + "\u2581racismo", + -14.24266242980957 + ], + [ + "eagenz", + -14.24266529083252 + ], + [ + "\u2581wieviel", + -14.242692947387695 + ], + [ + "ntropia", + -14.242716789245604 + ], + [ + "\u2581Jerzy", + -14.242731094360352 + ], + [ + "\u2581Sanct", + -14.242740631103516 + ], + [ + "\u2581Visualisierung", + -14.242745399475098 + ], + [ + "recurse", + -14.24277114868164 + ], + [ + "akusa", + -14.242772102355955 + ], + [ + "\u2581Perzische", + -14.242798805236816 + ], + [ + "meleon", + -14.242806434631348 + ], + [ + "\u2581Panthers", + -14.242806434631348 + ], + [ + "Associa", + -14.242831230163574 + ], + [ + "\u2581betrugen", + -14.242854118347168 + ], + [ + "\u2581Chass", + -14.242867469787598 + ], + [ + "\u2581Concacaf", + -14.242871284484863 + ], + [ + "\u2581Leukozyten", + -14.24287223815918 + ], + [ + "EMIITEM", + -14.242879867553713 + ], + [ + "\u2581Bebauungsplan", + -14.242887496948242 + ], + [ + "Receptor", + -14.24288845062256 + ], + [ + "\u2581tarta", + -14.242892265319824 + ], + [ + "cypr", + -14.242905616760254 + ], + [ + "raku", + -14.242910385131836 + ], + [ + "\u2581panchina", + -14.242929458618164 + ], + [ + "\u2581placar", + -14.24294090270996 + ], + [ + "\u2581geallieerden", + -14.242942810058594 + ], + [ + "hbase", + -14.242953300476074 + ], + [ + "aided", + -14.24295425415039 + ], + [ + "\u2581pagamenti", + -14.242968559265137 + ], + [ + "\u2581menac\u00e9", + -14.242971420288086 + ], + [ + "LogLevel", + -14.2429780960083 + ], + [ + "plannen", + -14.243002891540527 + ], + [ + "\u2581\u00e9quip\u00e9s", + -14.24301528930664 + ], + [ + "\u2581contempt", + -14.24305534362793 + ], + [ + "ificatie", + -14.243063926696776 + ], + [ + "\u2581Borsa", + -14.243075370788574 + ], + [ + "\u2581Krug", + -14.243081092834473 + ], + [ + "glanz", + -14.24309253692627 + ], + [ + "\u2581WILL", + -14.243103981018066 + ], + [ + "\u2581Spielfilm", + -14.243111610412598 + ], + [ + "\u2581Oc\u00e9ano", + -14.243175506591797 + ], + [ + "Algebra", + -14.243228912353516 + ], + [ + "\u2581revi", + -14.243240356445312 + ], + [ + "\u2581Jedenfalls", + -14.243244171142578 + ], + [ + "\u2581medioevale", + -14.243244171142578 + ], + [ + "praktijk", + -14.243247032165527 + ], + [ + "\u2581Bourne", + -14.243263244628906 + ], + [ + "\u2581guarnici\u00f3n", + -14.243304252624512 + ], + [ + "\u2581explodes", + -14.243306159973145 + ], + [ + "\u2581Farrell", + -14.24332046508789 + ], + [ + "\u2581Martinus", + -14.243327140808104 + ], + [ + "\u2581diaspora", + -14.243329048156738 + ], + [ + "\u2581Bepp", + -14.243340492248535 + ], + [ + "\u2581protestation", + -14.243341445922852 + ], + [ + "\u2581Gewehr", + -14.243372917175291 + ], + [ + "extreme", + -14.243385314941406 + ], + [ + "\u2581durchweg", + -14.243390083312988 + ], + [ + "\u2581sunset", + -14.243391036987305 + ], + [ + "\u2581Merced", + -14.243425369262695 + ], + [ + "Variation", + -14.24346160888672 + ], + [ + "\u2581viking", + -14.243470191955566 + ], + [ + "\u2581Presto", + -14.243502616882324 + ], + [ + "\u2581Rechtssache", + -14.243510246276855 + ], + [ + "\u2581Gerste", + -14.243513107299805 + ], + [ + "xec", + -14.243524551391602 + ], + [ + "matte", + -14.243529319763184 + ], + [ + "\u2581miljoenen", + -14.243538856506348 + ], + [ + "\u2581Botanical", + -14.243547439575195 + ], + [ + "buki", + -14.243562698364258 + ], + [ + "Airport", + -14.243585586547852 + ], + [ + "chile", + -14.243596076965332 + ], + [ + "portugu", + -14.243605613708496 + ], + [ + "\u2581avvale", + -14.243610382080078 + ], + [ + "\u2581umweltpolitisch", + -14.243613243103027 + ], + [ + "blaadjes", + -14.243614196777344 + ], + [ + "\u2581gegessen", + -14.243630409240724 + ], + [ + "\u2581mandarin", + -14.243646621704102 + ], + [ + "\u2581luchando", + -14.243658065795898 + ], + [ + "\u2581Resulta", + -14.24370574951172 + ], + [ + "redox", + -14.243706703186035 + ], + [ + "caly", + -14.243739128112791 + ], + [ + "\u2581Woodward", + -14.243741989135742 + ], + [ + "NAN", + -14.243834495544434 + ], + [ + "\u2581Bundeskanzlers", + -14.243834495544434 + ], + [ + "\u2581Europarats", + -14.243844985961914 + ], + [ + "\u2581Brennero", + -14.243878364562988 + ], + [ + "grill", + -14.243907928466797 + ], + [ + "\u2581sugg\u00e9r", + -14.24390983581543 + ], + [ + "\u2581Milit\u00e4rische", + -14.243973731994627 + ], + [ + "xvii", + -14.243974685668944 + ], + [ + "\u2581entspringt", + -14.243988037109377 + ], + [ + "\u2581m\u00e9l", + -14.243988990783691 + ], + [ + "\u2581Megachilidae", + -14.243993759155272 + ], + [ + "\u2581generando", + -14.24400806427002 + ], + [ + "\u2581vibrant", + -14.244040489196776 + ], + [ + "univ", + -14.244044303894045 + ], + [ + "\u2581Ausbil", + -14.244054794311523 + ], + [ + "\u00fcre", + -14.244062423706056 + ], + [ + "\u2581Ogden", + -14.244074821472168 + ], + [ + "\u2581Joop", + -14.24408721923828 + ], + [ + "\u2581usavam", + -14.244098663330078 + ], + [ + "Wieder", + -14.244157791137695 + ], + [ + "\u2581d\u00e9pense", + -14.244166374206545 + ], + [ + "Burst", + -14.244178771972656 + ], + [ + "\u2581herrschenden", + -14.244178771972656 + ], + [ + "Episode", + -14.244182586669922 + ], + [ + "\u2581kios", + -14.24428653717041 + ], + [ + "Th\u00fcr", + -14.244290351867676 + ], + [ + "formeerd", + -14.244298934936523 + ], + [ + "\u2581esf\u00e9ric", + -14.2443265914917 + ], + [ + "frega", + -14.244367599487305 + ], + [ + "\u2581vanguardia", + -14.244369506835938 + ], + [ + "\u2581trottoir", + -14.244388580322266 + ], + [ + "\u2581repens", + -14.244391441345217 + ], + [ + "iconv", + -14.244397163391112 + ], + [ + "\u2581Andaluz", + -14.244402885437012 + ], + [ + "Doctor", + -14.244423866271973 + ], + [ + "BEI", + -14.244501113891602 + ], + [ + "\u2581Fier", + -14.244501113891602 + ], + [ + "\u2581inclu\u00eddos", + -14.244504928588867 + ], + [ + "\u2581arriv\u00e9s", + -14.244524002075195 + ], + [ + "gomock", + -14.244532585144045 + ], + [ + "\u2581aanpassingen", + -14.244539260864258 + ], + [ + "\u2581qualifi\u00e9s", + -14.244542121887209 + ], + [ + "\u2581int\u00e9grant", + -14.244548797607422 + ], + [ + "\u2581smartphones", + -14.244550704956056 + ], + [ + "\u2581Gewinner", + -14.244556427001951 + ], + [ + "\u2581verbindlichen", + -14.24456787109375 + ], + [ + "guarani", + -14.244571685791016 + ], + [ + "\u2581Hauf", + -14.244580268859863 + ], + [ + "\u2581Diap", + -14.244606018066406 + ], + [ + "angigkeit", + -14.24460792541504 + ], + [ + "\u2581marquesa", + -14.24460792541504 + ], + [ + "\u2581delgada", + -14.24461841583252 + ], + [ + "\u2581d\u00e9sign\u00e9e", + -14.24462890625 + ], + [ + "\u2581Besuchern", + -14.24465560913086 + ], + [ + "\u2581Progression", + -14.244667053222656 + ], + [ + "\u2581accettate", + -14.244680404663086 + ], + [ + "\u2581certificados", + -14.244704246520996 + ], + [ + "lapped", + -14.244722366333008 + ], + [ + "\u2581Gog", + -14.244728088378906 + ], + [ + "\u2581Amaral", + -14.24473762512207 + ], + [ + "Story", + -14.24475383758545 + ], + [ + "\u2581remboursement", + -14.244760513305664 + ], + [ + "pareci\u00f3", + -14.24477195739746 + ], + [ + "\u2581polacchi", + -14.244772911071776 + ], + [ + "ufficiale", + -14.244781494140623 + ], + [ + "capitalize", + -14.244826316833496 + ], + [ + "\u2581repentinamente", + -14.244845390319824 + ], + [ + "\u2581golfer", + -14.244864463806152 + ], + [ + "\u2581opstellen", + -14.244867324829102 + ], + [ + "\u2581freq\u00fcent", + -14.244871139526367 + ], + [ + "Filmschauspieler", + -14.244880676269531 + ], + [ + "opteri", + -14.244915008544922 + ], + [ + "\u2581tighten", + -14.244918823242188 + ], + [ + "\u2581spessore", + -14.244922637939451 + ], + [ + "\u2581repressione", + -14.244935989379885 + ], + [ + "kak", + -14.244945526123049 + ], + [ + "eyra", + -14.244954109191896 + ], + [ + "\u2581WIL", + -14.244967460632324 + ], + [ + "\u2581Skel", + -14.244972229003906 + ], + [ + "usammenbruch", + -14.245024681091309 + ], + [ + "\u2581subtraction", + -14.245025634765623 + ], + [ + "pacman", + -14.245038032531738 + ], + [ + "moci\u00f3n", + -14.245050430297852 + ], + [ + "iazol", + -14.245071411132812 + ], + [ + "\u2581produtividade", + -14.245135307312012 + ], + [ + "\u2581Feuill", + -14.245136260986328 + ], + [ + "koma", + -14.245158195495604 + ], + [ + "\u2581Montoya", + -14.245158195495604 + ], + [ + "\u2581Tenta", + -14.2451753616333 + ], + [ + "uitzendingen", + -14.245184898376465 + ], + [ + "\u2581Pasqui", + -14.245206832885742 + ], + [ + "\u2581belly", + -14.245259284973145 + ], + [ + "\u2581b\u00edblica", + -14.245261192321776 + ], + [ + "\u2581disposte", + -14.245271682739258 + ], + [ + "\u2581disturbo", + -14.245285034179688 + ], + [ + "\u2581zug\u00e4nglichen", + -14.24528694152832 + ], + [ + "lifera", + -14.245333671569824 + ], + [ + "\u2581argumentiert", + -14.245342254638672 + ], + [ + "\u2581H\u00e9roe", + -14.245353698730469 + ], + [ + "\u2581Pique", + -14.245368003845217 + ], + [ + "atzlich", + -14.2454195022583 + ], + [ + "w\u00fcste", + -14.245436668395996 + ], + [ + "Ver\u00e4nderung", + -14.245442390441896 + ], + [ + "\u2581Emden", + -14.245453834533691 + ], + [ + "debit", + -14.245471954345703 + ], + [ + "\u2581aufgestellten", + -14.245501518249512 + ], + [ + "\u2581antecedente", + -14.245550155639648 + ], + [ + "\u2581novice", + -14.245616912841797 + ], + [ + "\u2581Vijay", + -14.24561882019043 + ], + [ + "\u2581cacha", + -14.24563217163086 + ], + [ + "op\u00e9r", + -14.24563694000244 + ], + [ + "\u2581superfici", + -14.245648384094238 + ], + [ + "avanti", + -14.245649337768556 + ], + [ + "\u2581generality", + -14.245682716369627 + ], + [ + "\u2581sheriff", + -14.245716094970703 + ], + [ + "Acl", + -14.24571704864502 + ], + [ + "\u2581Geng", + -14.245719909667969 + ], + [ + "surfing", + -14.245749473571776 + ], + [ + "\u2581Wally", + -14.245817184448242 + ], + [ + "\u2581Longue", + -14.245835304260254 + ], + [ + "\u2581nascosti", + -14.24585247039795 + ], + [ + "\u2581aislamiento", + -14.245857238769531 + ], + [ + "bakker", + -14.245859146118164 + ], + [ + "\u2581d\u00e9velopp\u00e9s", + -14.245868682861328 + ], + [ + "\u2581Paranaense", + -14.245872497558594 + ], + [ + "\u2581Diocesi", + -14.245882987976074 + ], + [ + "\u2581alojamiento", + -14.245898246765137 + ], + [ + "\u2581Anglia", + -14.245966911315918 + ], + [ + "ORO", + -14.245978355407717 + ], + [ + "\u2581adhesive", + -14.246009826660156 + ], + [ + "\u2581psychologist", + -14.246020317077637 + ], + [ + "gremien", + -14.24604606628418 + ], + [ + "erchio", + -14.24614429473877 + ], + [ + "\u2581Twelve", + -14.246227264404297 + ], + [ + "\u2581Hidr", + -14.246234893798828 + ], + [ + "anleg", + -14.24626350402832 + ], + [ + "tauschen", + -14.24626350402832 + ], + [ + "\u2581aguja", + -14.246282577514648 + ], + [ + "\u2581regres", + -14.246302604675291 + ], + [ + "\u2581Bundesmittel", + -14.246304512023926 + ], + [ + "\u2581Salgado", + -14.246304512023926 + ], + [ + "schiebung", + -14.24631404876709 + ], + [ + "durende", + -14.246366500854492 + ], + [ + "ufahrt", + -14.246380805969238 + ], + [ + "\u2581revelation", + -14.246380805969238 + ], + [ + "maki", + -14.24639129638672 + ], + [ + "\u2581assorti", + -14.246393203735352 + ], + [ + "bollen", + -14.246448516845703 + ], + [ + "surkunde", + -14.24646282196045 + ], + [ + "provinz", + -14.246463775634766 + ], + [ + "\u2581Calm", + -14.246469497680664 + ], + [ + "drey", + -14.246474266052246 + ], + [ + "\u2581multilateralen", + -14.246477127075195 + ], + [ + "rdernde", + -14.246505737304688 + ], + [ + "\u2581Ect", + -14.246508598327637 + ], + [ + "\u2581Pud", + -14.246548652648926 + ], + [ + "\u2581spaghetti", + -14.24657917022705 + ], + [ + "Polydor", + -14.246587753295898 + ], + [ + "\u00e9simo", + -14.24659252166748 + ], + [ + "\u2581minimizing", + -14.24660301208496 + ], + [ + "Facades", + -14.246642112731934 + ], + [ + "\u2581Markgraf", + -14.246726989746094 + ], + [ + "\u2581rattach\u00e9", + -14.24677562713623 + ], + [ + "\u2581invariance", + -14.246777534484863 + ], + [ + "\u2581ricreativ", + -14.246782302856444 + ], + [ + "\u2581zakenman", + -14.246789932250977 + ], + [ + "\u2581sobreviviente", + -14.24683952331543 + ], + [ + "\u2581Madero", + -14.24689483642578 + ], + [ + "\u2581Elaine", + -14.246907234191896 + ], + [ + "schaltet", + -14.246910095214844 + ], + [ + "\u2581Oul", + -14.246912956237791 + ], + [ + "baj\u00f3", + -14.246923446655272 + ], + [ + "\u2581biglietteria", + -14.246971130371094 + ], + [ + "\u2581plaatsgevonden", + -14.246971130371094 + ], + [ + "\u2581nobreza", + -14.246978759765623 + ], + [ + "\u2581Tervuren", + -14.24698257446289 + ], + [ + "\u2581aanzienlijke", + -14.246993064880373 + ], + [ + "\u2581Aussiedler", + -14.247040748596191 + ], + [ + "\u2581Laptop", + -14.247040748596191 + ], + [ + "dreef", + -14.247093200683594 + ], + [ + "brane", + -14.247172355651855 + ], + [ + "triser", + -14.24718189239502 + ], + [ + "\u2581Requisiti", + -14.2471923828125 + ], + [ + "\u2581particolar", + -14.247204780578612 + ], + [ + "\u2581abgestimmte", + -14.247214317321776 + ], + [ + "\u2581fragata", + -14.247238159179688 + ], + [ + "gnosi", + -14.247257232666016 + ], + [ + "\u2581astuc", + -14.24728775024414 + ], + [ + "concurrently", + -14.24729824066162 + ], + [ + "\u2581generalizado", + -14.247312545776367 + ], + [ + "\u2581nicchi", + -14.24734115600586 + ], + [ + "\u2581vergezeld", + -14.24734592437744 + ], + [ + "Presence", + -14.247370719909668 + ], + [ + "\u2581Troop", + -14.247421264648438 + ], + [ + "konservative", + -14.24742317199707 + ], + [ + "\u2581Senta", + -14.247437477111816 + ], + [ + "kreeft", + -14.247438430786133 + ], + [ + "\u2581conceived", + -14.24746036529541 + ], + [ + "rpergewicht", + -14.247493743896484 + ], + [ + "\u2581Gaule", + -14.247507095336914 + ], + [ + "\u2581enfad", + -14.247543334960938 + ], + [ + "tsjoe", + -14.247550010681152 + ], + [ + "\u2581misteri", + -14.247566223144531 + ], + [ + "\u2581Kura", + -14.24759006500244 + ], + [ + "\u2581Genese", + -14.247637748718262 + ], + [ + "\u2581inexistente", + -14.247644424438477 + ], + [ + "\u2581Superstar", + -14.247658729553224 + ], + [ + "\u2581nanz", + -14.24765968322754 + ], + [ + "\u2581krom", + -14.247678756713867 + ], + [ + "cabile", + -14.247700691223145 + ], + [ + "\u2581est\u00f3mago", + -14.247718811035156 + ], + [ + "\u2581geassocieerd", + -14.247718811035156 + ], + [ + "\u2581gerenoveerd", + -14.247718811035156 + ], + [ + "\u2581verhogen", + -14.247721672058104 + ], + [ + "\u2581litres", + -14.24773120880127 + ], + [ + "imperialist", + -14.247742652893066 + ], + [ + "\u2581bloccare", + -14.24775505065918 + ], + [ + "ualifizierungs", + -14.24776554107666 + ], + [ + "\u2581Regeneration", + -14.24779987335205 + ], + [ + "\u2581spontan\u00e9", + -14.247815132141112 + ], + [ + "bronn", + -14.247831344604492 + ], + [ + "mance", + -14.247843742370604 + ], + [ + "rbitro", + -14.247889518737791 + ], + [ + "\u2581sepulta", + -14.247891426086426 + ], + [ + "\u2581Elektron", + -14.247899055480955 + ], + [ + "\u00e1rido", + -14.247940063476562 + ], + [ + "\u2581Ouvr", + -14.247942924499512 + ], + [ + "lympiateilnehmer", + -14.24794864654541 + ], + [ + "ModuleList", + -14.247954368591309 + ], + [ + "collega", + -14.248019218444824 + ], + [ + "\u2581infinitamente", + -14.24802589416504 + ], + [ + "Crocod", + -14.248038291931152 + ], + [ + "\u2581Alexa", + -14.248039245605469 + ], + [ + "\u2581sneak", + -14.248056411743164 + ], + [ + "HIVE", + -14.248077392578123 + ], + [ + "\u2581Resistencia", + -14.248093605041504 + ], + [ + "\u2581fr\u00fchestens", + -14.248093605041504 + ], + [ + "\u2581nominada", + -14.24810028076172 + ], + [ + "\u2581santu\u00e1rio", + -14.248101234436035 + ], + [ + "COOKIE", + -14.248102188110352 + ], + [ + "\u2581biophysique", + -14.248104095458984 + ], + [ + "\u2581bovine", + -14.248112678527832 + ], + [ + "\u2581opposti", + -14.24811840057373 + ], + [ + "\u2581plotting", + -14.24816608428955 + ], + [ + "\u2581vibr", + -14.248170852661133 + ], + [ + "\u2581defunto", + -14.248176574707031 + ], + [ + "\u2581latitud", + -14.248181343078612 + ], + [ + "\u2581Ottone", + -14.248212814331056 + ], + [ + "\u2581crushed", + -14.248225212097168 + ], + [ + "Maj", + -14.248233795166016 + ], + [ + "Contra", + -14.248234748840332 + ], + [ + "\u2581mansi\u00f3n", + -14.24825382232666 + ], + [ + "\u2581redondo", + -14.24826431274414 + ], + [ + "\u2581Elabora", + -14.248272895812988 + ], + [ + "\u2581letterarie", + -14.248284339904783 + ], + [ + "\u2581liturgic", + -14.248298645019531 + ], + [ + "\u2581Tsch", + -14.2483549118042 + ], + [ + "\u00edaco", + -14.248372077941896 + ], + [ + "\u2581Werktag", + -14.24837589263916 + ], + [ + "gresado", + -14.248385429382324 + ], + [ + "\u2581Renard", + -14.248385429382324 + ], + [ + "Season", + -14.248395919799805 + ], + [ + "agiert", + -14.248418807983398 + ], + [ + "\u2581tombeau", + -14.248431205749512 + ], + [ + "geko", + -14.24843406677246 + ], + [ + "\u2581d\u00e9riv\u00e9s", + -14.248435020446776 + ], + [ + "\u2581repite", + -14.248438835144045 + ], + [ + "\u2581copiado", + -14.24846076965332 + ], + [ + "\u2581aangetoond", + -14.24846649169922 + ], + [ + "PRIV", + -14.2484712600708 + ], + [ + "\u2581industrieel", + -14.2484712600708 + ], + [ + "rimraf", + -14.248480796813965 + ], + [ + "\u2581fortifications", + -14.248494148254396 + ], + [ + "\u2581vagabond", + -14.248498916625977 + ], + [ + "fetchSpec", + -14.248504638671877 + ], + [ + "\u2581credenze", + -14.248507499694824 + ], + [ + "zky", + -14.24852466583252 + ], + [ + "\u2581youngest", + -14.24854850769043 + ], + [ + "\u2581Critica", + -14.248570442199709 + ], + [ + "\u2581accademico", + -14.24858856201172 + ], + [ + "\u00e9conomique", + -14.248602867126465 + ], + [ + "draden", + -14.248624801635742 + ], + [ + "\u2581predicts", + -14.248632431030272 + ], + [ + "\u2581monatliche", + -14.24864387512207 + ], + [ + "\u2581Ausschreibungen", + -14.248686790466309 + ], + [ + "\u2581virtuellen", + -14.248692512512209 + ], + [ + "\u2581swor", + -14.248698234558104 + ], + [ + "\u2581soften", + -14.248714447021484 + ], + [ + "w\u00e4gen", + -14.248735427856444 + ], + [ + "\u2581Sejam", + -14.248757362365724 + ], + [ + "ovka", + -14.248761177062988 + ], + [ + "\u2581Escreve", + -14.24876880645752 + ], + [ + "jub", + -14.248815536499023 + ], + [ + "Dresden", + -14.248823165893556 + ], + [ + "\u2581d\u00e9tecter", + -14.248835563659668 + ], + [ + "PTH", + -14.248844146728516 + ], + [ + "\u2581objections", + -14.248858451843262 + ], + [ + "\u2581Kontur", + -14.248879432678224 + ], + [ + "\u2581hoofdletter", + -14.248929023742676 + ], + [ + "\u2581Katze", + -14.248930931091309 + ], + [ + "triti", + -14.248966217041016 + ], + [ + "consequent", + -14.24897575378418 + ], + [ + "b\u00e4der", + -14.248976707458496 + ], + [ + "albumin", + -14.24898910522461 + ], + [ + "\u2581labeling", + -14.249069213867188 + ], + [ + "\u2581motorway", + -14.249069213867188 + ], + [ + "gouw", + -14.24909782409668 + ], + [ + "Serialized", + -14.249122619628906 + ], + [ + "\u2581dergelijk", + -14.249128341674805 + ], + [ + "\u2581vitrine", + -14.249130249023438 + ], + [ + "\u2581Inzidenz", + -14.24913501739502 + ], + [ + "\u2581tremblement", + -14.249153137207031 + ], + [ + "\u2581Luzon", + -14.249167442321776 + ], + [ + "\u2581retornam", + -14.24917221069336 + ], + [ + "\u2581musikalischen", + -14.24917984008789 + ], + [ + "\u2581Dood", + -14.2492094039917 + ], + [ + "\u2581Pallacanestro", + -14.249215126037598 + ], + [ + "\u2581darauffolgenden", + -14.249215126037598 + ], + [ + "\u2581appuy\u00e9", + -14.249216079711914 + ], + [ + "\u2581gelijktijdig", + -14.249216079711914 + ], + [ + "Adjustment", + -14.249222755432127 + ], + [ + "\u2581creativity", + -14.249223709106444 + ], + [ + "\u2581barrierefrei", + -14.249226570129396 + ], + [ + "\u2581Tuvalu", + -14.249229431152344 + ], + [ + "trache", + -14.24925708770752 + ], + [ + "\u2581obbedi", + -14.249274253845217 + ], + [ + "cico", + -14.249277114868164 + ], + [ + "\u2581Alemann", + -14.249279975891112 + ], + [ + "servizi", + -14.249282836914062 + ], + [ + "\u2581Vish", + -14.249300003051758 + ], + [ + "\u2581faticos", + -14.249329566955566 + ], + [ + "Fernando", + -14.249340057373049 + ], + [ + "\u2581posiciona", + -14.249357223510742 + ], + [ + "\u2581profes", + -14.24941062927246 + ], + [ + "\u2581Besten", + -14.249415397644045 + ], + [ + "\u2581Terence", + -14.249433517456056 + ], + [ + "rsela", + -14.24948787689209 + ], + [ + "\u2581Christensen", + -14.249488830566406 + ], + [ + "Politiker", + -14.24949073791504 + ], + [ + "\u2581sint\u00e1tica", + -14.24949836730957 + ], + [ + "\u2581widen", + -14.249530792236328 + ], + [ + "\u2581justitie", + -14.24953556060791 + ], + [ + "\u2581varieert", + -14.249540328979492 + ], + [ + "bait", + -14.249561309814451 + ], + [ + "\u2581rinvenuti", + -14.249574661254885 + ], + [ + "\u2581Samurai", + -14.24962043762207 + ], + [ + "Hauptverhandlung", + -14.249643325805664 + ], + [ + "negri", + -14.24966049194336 + ], + [ + "Encounter", + -14.249675750732422 + ], + [ + "\u2581Secund", + -14.249691009521484 + ], + [ + "Konstante", + -14.249706268310549 + ], + [ + "\u2581nervios", + -14.249731063842772 + ], + [ + "\u2581administratifs", + -14.249773979187012 + ], + [ + "aliseerd", + -14.249800682067873 + ], + [ + "r\u00e4nkt", + -14.249808311462402 + ], + [ + "\u2581poupa", + -14.249838829040527 + ], + [ + "verbrauchs", + -14.249857902526855 + ], + [ + "\u2581alegria", + -14.249884605407717 + ], + [ + "leidingen", + -14.24990177154541 + ], + [ + "\u2581zur\u00fcckgreifen", + -14.249918937683104 + ], + [ + "\u2581disturbances", + -14.249920845031738 + ], + [ + "\u2581D\u00e9p", + -14.249957084655762 + ], + [ + "\u2581m\u00e9nages", + -14.249961853027344 + ], + [ + "\u2581Escultores", + -14.249964714050291 + ], + [ + "\u2581Eslov\u00e1quia", + -14.249964714050291 + ], + [ + "\u2581soprannome", + -14.249964714050291 + ], + [ + "\u2581tastermotten", + -14.24996566772461 + ], + [ + "Fallback", + -14.249980926513672 + ], + [ + "\u2581costruttiv", + -14.249992370605469 + ], + [ + "\u2581conduction", + -14.249998092651367 + ], + [ + "phile", + -14.25 + ], + [ + "rangig", + -14.250044822692873 + ], + [ + "\u2581activ\u00e9", + -14.250061988830566 + ], + [ + "verbrei", + -14.250080108642578 + ], + [ + "\u2581llevar\u00eda", + -14.25008773803711 + ], + [ + "igiene", + -14.250094413757324 + ], + [ + "diner", + -14.250096321105955 + ], + [ + "\u2581auftrat", + -14.250103950500488 + ], + [ + "\u2581Daly", + -14.250134468078612 + ], + [ + "rbol", + -14.250137329101562 + ], + [ + "\u2581Medic", + -14.25014305114746 + ], + [ + "Contrast", + -14.25014591217041 + ], + [ + "\u2581spezia", + -14.25017547607422 + ], + [ + "\u2581validade", + -14.250191688537598 + ], + [ + "\u2581g\u00e4ngigen", + -14.25022029876709 + ], + [ + "reille", + -14.25024127960205 + ], + [ + "\u2581d\u00e9voile", + -14.25024127960205 + ], + [ + "\u2581dubita", + -14.250244140625 + ], + [ + "onesi", + -14.250290870666504 + ], + [ + "\u2581jinete", + -14.250298500061035 + ], + [ + "\u2581r\u00e9cent", + -14.250303268432615 + ], + [ + "\u2581Europol", + -14.250327110290527 + ], + [ + "schek", + -14.250332832336426 + ], + [ + "\u2581baln\u00e9aire", + -14.25033950805664 + ], + [ + "\u2581discapacidad", + -14.25033950805664 + ], + [ + "ROUND", + -14.250349044799805 + ], + [ + "\u2581elettronici", + -14.250385284423828 + ], + [ + "\u2581magnificent", + -14.25041389465332 + ], + [ + "\u2581tomaba", + -14.250423431396484 + ], + [ + "\u2581Cordoba", + -14.2504243850708 + ], + [ + "\u2581zuivere", + -14.2504243850708 + ], + [ + "\u2581sospir", + -14.250460624694824 + ], + [ + "\u2581Lernprozess", + -14.250469207763672 + ], + [ + "\u2581iran\u00ed", + -14.250471115112305 + ], + [ + "\u2581symbolen", + -14.250473022460938 + ], + [ + "tanien", + -14.25047779083252 + ], + [ + "Prestige", + -14.250523567199709 + ], + [ + "Essonne", + -14.25055694580078 + ], + [ + "\u2581sufrag", + -14.250560760498049 + ], + [ + "liefern", + -14.250567436218262 + ], + [ + "sbefugnisse", + -14.250569343566896 + ], + [ + "\u2581ondergaan", + -14.250570297241213 + ], + [ + "oy\u00f3", + -14.25059413909912 + ], + [ + "\u2581Karlov", + -14.250602722167969 + ], + [ + "\u2581ribatt", + -14.250608444213867 + ], + [ + "imagine", + -14.250625610351562 + ], + [ + "\u2581clim\u00e1ticas", + -14.2506685256958 + ], + [ + "pos\u00e9s", + -14.250679969787598 + ], + [ + "\u2581Bloed", + -14.25069522857666 + ], + [ + "\u2581antecessor", + -14.250714302062988 + ], + [ + "\u2581Giunti", + -14.25071620941162 + ], + [ + "consumptie", + -14.25071907043457 + ], + [ + "\u2581p\u00e9rim", + -14.250720024108888 + ], + [ + "soddisfacent", + -14.250734329223633 + ], + [ + "\u2581tablespoon", + -14.250749588012695 + ], + [ + "coda", + -14.25075912475586 + ], + [ + "tuition", + -14.25076675415039 + ], + [ + "ennale", + -14.250767707824709 + ], + [ + "\u2581Aboriginal", + -14.250773429870604 + ], + [ + "ssart", + -14.2507905960083 + ], + [ + "\u2581Feldman", + -14.250792503356934 + ], + [ + "\u2581mutuo", + -14.250794410705566 + ], + [ + "\u2581polemi", + -14.25082015991211 + ], + [ + "\u2581tel\u00e9fonos", + -14.250826835632324 + ], + [ + "UIN", + -14.25083065032959 + ], + [ + "\u2581feriados", + -14.250850677490234 + ], + [ + "\u2581infantry", + -14.250871658325195 + ], + [ + "gnath", + -14.250882148742676 + ], + [ + "symbolic", + -14.25088882446289 + ], + [ + "\u2581caratterizzate", + -14.250897407531738 + ], + [ + "\u2581men\u00e9es", + -14.2509183883667 + ], + [ + "\u2581Contexto", + -14.250940322875977 + ], + [ + "\u2581disabitat", + -14.250956535339355 + ], + [ + "INGW", + -14.250958442687988 + ], + [ + "durchf\u00fchrung", + -14.250972747802734 + ], + [ + "ssoziier", + -14.25102424621582 + ], + [ + "\u2581geol\u00f3gica", + -14.251054763793944 + ], + [ + "\u2581supporre", + -14.251056671142578 + ], + [ + "initialise", + -14.251060485839844 + ], + [ + "\u2581anexad", + -14.251072883605955 + ], + [ + "\u2581incontournable", + -14.251089096069336 + ], + [ + "\u2581donations", + -14.251117706298828 + ], + [ + "strepen", + -14.251133918762209 + ], + [ + "\u2581virtuele", + -14.251133918762209 + ], + [ + "\u2581toccato", + -14.25115203857422 + ], + [ + "girone", + -14.251152992248535 + ], + [ + "ResultSet", + -14.25116729736328 + ], + [ + "\u2581voador", + -14.251181602478027 + ], + [ + "\u2581Sterben", + -14.251213073730469 + ], + [ + "mockery", + -14.25121784210205 + ], + [ + "CGA", + -14.251224517822266 + ], + [ + "\u2581ignorante", + -14.251238822937012 + ], + [ + "HUB", + -14.251255989074709 + ], + [ + "\u2581sforza", + -14.251352310180664 + ], + [ + "\u2581crap", + -14.251380920410156 + ], + [ + "\u2581embrion", + -14.251391410827637 + ], + [ + "veillant", + -14.25139617919922 + ], + [ + "\u2581flexibilidade", + -14.251397132873535 + ], + [ + "onensis", + -14.25143814086914 + ], + [ + "\u2581p\u00e1ssaros", + -14.251449584960938 + ], + [ + "\u2581afwezigheid", + -14.25146484375 + ], + [ + "\u2581svuota", + -14.251469612121582 + ], + [ + "coerenza", + -14.25148868560791 + ], + [ + "\u2581segnaletica", + -14.251495361328123 + ], + [ + "\u2581\u00f3blast", + -14.251495361328123 + ], + [ + "IMAGES", + -14.251497268676758 + ], + [ + "\u2581Belgen", + -14.25150203704834 + ], + [ + "Criterion", + -14.251503944396973 + ], + [ + "victor", + -14.251508712768556 + ], + [ + "reichung", + -14.251509666442873 + ], + [ + "erheblich", + -14.251546859741213 + ], + [ + "\u2581stimuliert", + -14.251553535461426 + ], + [ + "\u2581amulet", + -14.251562118530272 + ], + [ + "Papa", + -14.251595497131348 + ], + [ + "FIC", + -14.251617431640623 + ], + [ + "\u2581preservado", + -14.251631736755373 + ], + [ + "\u2581genehmigungs", + -14.251642227172852 + ], + [ + "\u2581flock", + -14.251652717590332 + ], + [ + "\u2581Marxism", + -14.251660346984863 + ], + [ + "\u2581assur", + -14.251675605773926 + ], + [ + "\u2581Utiliz", + -14.251676559448242 + ], + [ + "\u2581neutraliz", + -14.251714706420898 + ], + [ + "tipula", + -14.251726150512695 + ], + [ + "\u2581facilitando", + -14.25177764892578 + ], + [ + "\u2581erfolgreicher", + -14.251800537109377 + ], + [ + "\u2581effectu\u00e9s", + -14.251809120178224 + ], + [ + "\u2581Lahad", + -14.251822471618652 + ], + [ + "\u2581Molinar", + -14.251822471618652 + ], + [ + "\u2581frustr", + -14.251826286315918 + ], + [ + "\u2581ritenere", + -14.25184154510498 + ], + [ + "\u2581L\u00e9rida", + -14.251855850219728 + ], + [ + "\u2581diesbez\u00fcglichen", + -14.251855850219728 + ], + [ + "\u2581Employment", + -14.251888275146484 + ], + [ + "\u2581sichtbare", + -14.2518949508667 + ], + [ + "\u2581destroying", + -14.25192642211914 + ], + [ + "utov\u00eda", + -14.251928329467772 + ], + [ + "\u2581sacudi", + -14.251933097839355 + ], + [ + "\u2581Fotografia", + -14.251955032348633 + ], + [ + "capacitado", + -14.251956939697266 + ], + [ + "\u2581ehesten", + -14.251960754394531 + ], + [ + "Precondition", + -14.251973152160645 + ], + [ + "Hack", + -14.251994132995604 + ], + [ + "\u2581existiam", + -14.252005577087402 + ], + [ + "\u2581finalizada", + -14.252056121826172 + ], + [ + "\u2581Durchbruch", + -14.252062797546388 + ], + [ + "\u2581equipada", + -14.252080917358398 + ], + [ + "haye", + -14.252090454101562 + ], + [ + "\u2581Tarra", + -14.252099990844728 + ], + [ + "Fact", + -14.252145767211914 + ], + [ + "\u2581sciocc", + -14.252147674560549 + ], + [ + "\u2581calcistica", + -14.25214958190918 + ], + [ + "\u2581transmet", + -14.252151489257812 + ], + [ + "Beli", + -14.252201080322266 + ], + [ + "dimer", + -14.252205848693848 + ], + [ + "\u2581Montesquieu", + -14.252215385437012 + ], + [ + "\u2581renouvellement", + -14.252215385437012 + ], + [ + "\u2581DISCLAIMED", + -14.25222110748291 + ], + [ + "\u2581Barak", + -14.252254486083984 + ], + [ + "saveSpec", + -14.252259254455566 + ], + [ + "\u2581beigef\u00fcgten", + -14.252269744873049 + ], + [ + "\u2581Erleben", + -14.252285957336426 + ], + [ + "\u2581Niz", + -14.252286911010742 + ], + [ + "janov", + -14.252297401428224 + ], + [ + "\u2581produciendo", + -14.252301216125488 + ], + [ + "\u2581extra\u00eddos", + -14.25234317779541 + ], + [ + "\u2581Melano", + -14.252352714538574 + ], + [ + "\u2581meseta", + -14.252382278442385 + ], + [ + "\u2581favorecer", + -14.252439498901367 + ], + [ + "eventName", + -14.252443313598633 + ], + [ + "\u2581souple", + -14.25248908996582 + ], + [ + "cbi", + -14.252490997314451 + ], + [ + "dr\u00e4ngt", + -14.252497673034668 + ], + [ + "\u2581aproximaci\u00f3n", + -14.25250244140625 + ], + [ + "\u2581Haga", + -14.252521514892578 + ], + [ + "pok", + -14.25252914428711 + ], + [ + "\u2581inscrito", + -14.252549171447754 + ], + [ + "\u2581axioms", + -14.252564430236816 + ], + [ + "vulnerabil", + -14.252565383911133 + ], + [ + "\u2581Probleml", + -14.252604484558104 + ], + [ + "\u2581T\u00e9l", + -14.252606391906738 + ], + [ + "\u2581Achsen", + -14.25261688232422 + ], + [ + "Raise", + -14.252625465393066 + ], + [ + "\u2581toegenomen", + -14.2526273727417 + ], + [ + "\u2581Whitman", + -14.25263500213623 + ], + [ + "\u2581Corresponden", + -14.252673149108888 + ], + [ + "\u2581Gesandt", + -14.252689361572266 + ], + [ + "loose", + -14.252737045288086 + ], + [ + "chka", + -14.25273895263672 + ], + [ + "beleg", + -14.252763748168944 + ], + [ + "\u2581zugeleitet", + -14.252774238586426 + ], + [ + "\u2581Macedo", + -14.252784729003906 + ], + [ + "\u2581contienda", + -14.252799987792969 + ], + [ + "adrian", + -14.25285816192627 + ], + [ + "\u2581possedut", + -14.2528657913208 + ], + [ + "\u2581Tankstellen", + -14.252873420715332 + ], + [ + "\u2581hagan", + -14.252877235412598 + ], + [ + "screve", + -14.252880096435549 + ], + [ + "METR", + -14.252883911132812 + ], + [ + "ASSO", + -14.252906799316406 + ], + [ + "\u2581sottomarin", + -14.25291347503662 + ], + [ + "nteses", + -14.252915382385254 + ], + [ + "\u2581visitata", + -14.252970695495604 + ], + [ + "\u2581Debbie", + -14.25298309326172 + ], + [ + "\u2581fotogr\u00e1fico", + -14.252984046936035 + ], + [ + "\u2581plantations", + -14.252989768981934 + ], + [ + "\u2581fuochi", + -14.252995491027832 + ], + [ + "PAP", + -14.253031730651855 + ], + [ + "\u2581disputados", + -14.253080368041992 + ], + [ + "\u2581conformit\u00e0", + -14.253081321716309 + ], + [ + "Computed", + -14.253087043762209 + ], + [ + "Aufnahme", + -14.253103256225586 + ], + [ + "angoisse", + -14.253108978271484 + ], + [ + "\u2581Deckel", + -14.253146171569824 + ], + [ + "minado", + -14.253155708312988 + ], + [ + "plaisant", + -14.25319004058838 + ], + [ + "\u2581Arend", + -14.253191947937012 + ], + [ + "\u2581spezza", + -14.253192901611328 + ], + [ + "ARTE", + -14.253213882446287 + ], + [ + "\u2581ignoriert", + -14.25324249267578 + ], + [ + "\u2581vettori", + -14.25324249267578 + ], + [ + "cega", + -14.253257751464844 + ], + [ + "\u2581Ant\u00f3n", + -14.25329875946045 + ], + [ + "Eastern", + -14.253341674804688 + ], + [ + "\u2581schwanken", + -14.253344535827637 + ], + [ + "\u2581thrill", + -14.253344535827637 + ], + [ + "\u2581liberada", + -14.253355026245115 + ], + [ + "\u2581suplemento", + -14.253360748291016 + ], + [ + "PUBLI", + -14.253366470336914 + ], + [ + "\u2581verk\u00fcndet", + -14.253366470336914 + ], + [ + "\u2581nascono", + -14.253368377685549 + ], + [ + "Trailer", + -14.253385543823242 + ], + [ + "\u2581alfabetizaci\u00f3n", + -14.25338649749756 + ], + [ + "griffe", + -14.25339126586914 + ], + [ + "\u2581provocada", + -14.253392219543455 + ], + [ + "leadingAnchor", + -14.253398895263672 + ], + [ + "\u2581perc\u00e9", + -14.253411293029783 + ], + [ + "\u2581comprensorio", + -14.253414154052734 + ], + [ + "OKE", + -14.253424644470217 + ], + [ + "Government", + -14.253445625305176 + ], + [ + "minhaCamera", + -14.253446578979492 + ], + [ + "Sweet", + -14.25345230102539 + ], + [ + "yuk", + -14.25346851348877 + ], + [ + "USED", + -14.25348949432373 + ], + [ + "\u2581Manchu", + -14.25349235534668 + ], + [ + "\u2581Ptolema", + -14.25349235534668 + ], + [ + "\u2581Plenum", + -14.25350284576416 + ], + [ + "gattung", + -14.253520011901855 + ], + [ + "\u2581retornando", + -14.253527641296388 + ], + [ + "\u2581Conception", + -14.25355052947998 + ], + [ + "titudini", + -14.253582954406738 + ], + [ + "\u2581Courtney", + -14.253592491149902 + ], + [ + "hinus", + -14.253602981567385 + ], + [ + "\u2581minacciat", + -14.253609657287598 + ], + [ + "\u2581annuali", + -14.253623962402344 + ], + [ + "Tokyo", + -14.25366497039795 + ], + [ + "\u2581Bartsch", + -14.253674507141112 + ], + [ + "\u2581Joss", + -14.25368881225586 + ], + [ + "laufenden", + -14.25381851196289 + ], + [ + "ctivating", + -14.25385856628418 + ], + [ + "polla", + -14.253865242004396 + ], + [ + "\u2581escopo", + -14.253875732421877 + ], + [ + "ompakt", + -14.253880500793455 + ], + [ + "\u2581Visitors", + -14.253887176513672 + ], + [ + "verstand", + -14.25392723083496 + ], + [ + "tenente", + -14.253938674926758 + ], + [ + "\u2581terrifi", + -14.253958702087402 + ], + [ + "\u2581confirmou", + -14.253962516784668 + ], + [ + "\u2581verbreiteten", + -14.254003524780272 + ], + [ + "\u2581yielded", + -14.254006385803224 + ], + [ + "\u2581c\u00f3mics", + -14.25400733947754 + ], + [ + "\u2581selecionados", + -14.25400733947754 + ], + [ + "gleichberechtigt", + -14.25403881072998 + ], + [ + "Aub", + -14.254046440124512 + ], + [ + "provide", + -14.254058837890623 + ], + [ + "Kasa", + -14.254066467285156 + ], + [ + "SIMPLE", + -14.254085540771484 + ], + [ + "\u2581Copacabana", + -14.254095077514648 + ], + [ + "\u2581voetgangers", + -14.254095077514648 + ], + [ + "\u2581despedido", + -14.25409698486328 + ], + [ + "ALD", + -14.254097938537598 + ], + [ + "\u2581voulons", + -14.254098892211914 + ], + [ + "\u2581pneumonia", + -14.25410270690918 + ], + [ + "\u2581Strafvollstreck", + -14.254117012023926 + ], + [ + "olano", + -14.254119873046877 + ], + [ + "wijde", + -14.25413417816162 + ], + [ + "ophyll", + -14.254142761230469 + ], + [ + "\u2581Shine", + -14.254152297973633 + ], + [ + "\u2581prehistori", + -14.254195213317873 + ], + [ + "feiras", + -14.254201889038086 + ], + [ + "negra", + -14.254205703735352 + ], + [ + "\u2581Raten", + -14.254268646240234 + ], + [ + "blockade", + -14.254277229309082 + ], + [ + "\u2581Havia", + -14.254277229309082 + ], + [ + "\u2581Manson", + -14.254281997680664 + ], + [ + "\u2581Prinses", + -14.254323959350586 + ], + [ + "\u2581inexplic", + -14.254379272460938 + ], + [ + "\u2581Giuda", + -14.254386901855469 + ], + [ + "\u2581scap", + -14.254413604736328 + ], + [ + "\u2581Stepan", + -14.254424095153809 + ], + [ + "ully", + -14.254448890686035 + ], + [ + "amenta", + -14.254478454589844 + ], + [ + "Abschlusspr\u00fcfung", + -14.254494667053224 + ], + [ + "\u2581Kendall", + -14.254494667053224 + ], + [ + "\u2581Wohngeb\u00e4ude", + -14.254523277282717 + ], + [ + "\u2581Photon", + -14.25452709197998 + ], + [ + "\u2581Dolly", + -14.254536628723145 + ], + [ + "erlass", + -14.254549980163574 + ], + [ + "LOGI", + -14.254563331604004 + ], + [ + "CST", + -14.254589080810549 + ], + [ + "\u2581St\u00e4dtchen", + -14.254597663879396 + ], + [ + "\u2581nutre", + -14.254600524902344 + ], + [ + "entenaire", + -14.254613876342772 + ], + [ + "Digits", + -14.254638671875 + ], + [ + "pkgconfig", + -14.254647254943848 + ], + [ + "\u2581Kuf", + -14.254663467407228 + ], + [ + "\u2581widmete", + -14.254664421081545 + ], + [ + "\u2581Politie", + -14.254674911499023 + ], + [ + "\u2581jesuitas", + -14.254720687866213 + ], + [ + "ografisch", + -14.254728317260742 + ], + [ + "\u2581Stromversorgung", + -14.254783630371094 + ], + [ + "Cyp", + -14.254802703857422 + ], + [ + "fuerte", + -14.254840850830078 + ], + [ + "\u2581dappertutto", + -14.25484848022461 + ], + [ + "\u2581scioglimento", + -14.25484848022461 + ], + [ + "\u2581unabdingbar", + -14.25484848022461 + ], + [ + "eclittica", + -14.254859924316406 + ], + [ + "\u2581Drugs", + -14.254870414733888 + ], + [ + "LOR", + -14.254878997802734 + ], + [ + "Recommended", + -14.254880905151367 + ], + [ + "\u2581compartilhado", + -14.254880905151367 + ], + [ + "likon", + -14.254932403564451 + ], + [ + "tintColor", + -14.254937171936035 + ], + [ + "\u2581Oriol", + -14.254950523376465 + ], + [ + "\u2581synthetisiert", + -14.255054473876951 + ], + [ + "tensile", + -14.255060195922852 + ], + [ + "\u2581Brack", + -14.255061149597168 + ], + [ + "Herz", + -14.255069732666016 + ], + [ + "\u2581Jamal", + -14.255078315734863 + ], + [ + "\u2581complicato", + -14.255084037780762 + ], + [ + "\u2581Cinz", + -14.255084991455078 + ], + [ + "antritt", + -14.255097389221191 + ], + [ + "\u2581gameplay", + -14.255106925964355 + ], + [ + "\u2581soube", + -14.255160331726074 + ], + [ + "\u2581aziendale", + -14.255171775817873 + ], + [ + "\u2581Decim", + -14.255210876464844 + ], + [ + "TypeInfo", + -14.255215644836426 + ], + [ + "complement", + -14.255233764648438 + ], + [ + "\u2581difficilement", + -14.25523567199707 + ], + [ + "\u2581retrocessione", + -14.25523853302002 + ], + [ + "\u2581incubated", + -14.255247116088867 + ], + [ + "shun", + -14.25527000427246 + ], + [ + "Alberta", + -14.255301475524902 + ], + [ + "Mayer", + -14.255301475524902 + ], + [ + "miniconda", + -14.25532054901123 + ], + [ + "\u2581nachweislich", + -14.255331039428713 + ], + [ + "\u2581pr\u00e9conis", + -14.255331993103027 + ], + [ + "ceaux", + -14.255340576171877 + ], + [ + "\u2581municipalities", + -14.255383491516112 + ], + [ + "Temperatur", + -14.255448341369627 + ], + [ + "\u2581patrie", + -14.25545597076416 + ], + [ + "\u2581prolongement", + -14.25545597076416 + ], + [ + "continental", + -14.255464553833008 + ], + [ + "toxische", + -14.255470275878906 + ], + [ + "\u2581Alagoas", + -14.255477905273438 + ], + [ + "\u2581intentaron", + -14.25549602508545 + ], + [ + "\u2581Prayer", + -14.255525588989258 + ], + [ + "nachmittag", + -14.255531311035156 + ], + [ + "\u2581Storie", + -14.255537033081056 + ], + [ + "\u2581Letzte", + -14.25554084777832 + ], + [ + "\u2581comprador", + -14.25554656982422 + ], + [ + "t\u00e9tica", + -14.255558967590332 + ], + [ + "\u2581libidinal", + -14.25560188293457 + ], + [ + "\u2581Endlich", + -14.255609512329102 + ], + [ + "Tapped", + -14.255621910095217 + ], + [ + "\u2581Saracen", + -14.255626678466797 + ], + [ + "\u2581Dayton", + -14.255695343017578 + ], + [ + "\u2581Stdlib", + -14.255702018737791 + ], + [ + "\u2581fortaleci", + -14.2557373046875 + ], + [ + "decker", + -14.255741119384766 + ], + [ + "Motiv", + -14.255775451660156 + ], + [ + "\u2581Schreibweise", + -14.255788803100586 + ], + [ + "\u2581esponente", + -14.255791664123535 + ], + [ + "ricamente", + -14.255817413330078 + ], + [ + "\u2581disagreement", + -14.255828857421877 + ], + [ + "\u2581dispense", + -14.255861282348633 + ], + [ + "Oude", + -14.255863189697266 + ], + [ + "OWN", + -14.255876541137695 + ], + [ + "mkdirp", + -14.255911827087402 + ], + [ + "FileInfo", + -14.255926132202148 + ], + [ + "\u2581primordiale", + -14.25593376159668 + ], + [ + "Transient", + -14.255938529968262 + ], + [ + "\u2581Actors", + -14.255938529968262 + ], + [ + "\u2581werkelijk", + -14.255950927734377 + ], + [ + "schl\u00e4gt", + -14.255959510803224 + ], + [ + "\u2581Jujuy", + -14.25597858428955 + ], + [ + "\u2581Schwieger", + -14.25597858428955 + ], + [ + "msgTypes", + -14.255979537963867 + ], + [ + "gewij", + -14.2559814453125 + ], + [ + "\u2581financeiras", + -14.255989074707031 + ], + [ + "orthographe", + -14.255993843078612 + ], + [ + "\u2581atacou", + -14.256006240844728 + ], + [ + "observateur", + -14.256073951721191 + ], + [ + "\u2581fenici", + -14.256084442138672 + ], + [ + "\u2581Pome", + -14.256096839904783 + ], + [ + "\u2581vincola", + -14.25610065460205 + ], + [ + "\u2581regularity", + -14.25616455078125 + ], + [ + "\u2581tactics", + -14.25617790222168 + ], + [ + "\u2581obstina", + -14.256184577941896 + ], + [ + "blender", + -14.25625228881836 + ], + [ + "\u2581despierta", + -14.256288528442385 + ], + [ + "haan", + -14.256293296813965 + ], + [ + "\u2581Saad", + -14.256305694580078 + ], + [ + "Booking", + -14.256339073181152 + ], + [ + "ETE", + -14.256343841552734 + ], + [ + "\u2581baryon", + -14.256343841552734 + ], + [ + "\u2581Ataque", + -14.256352424621582 + ], + [ + "\u2581Medea", + -14.25636386871338 + ], + [ + "\u2581limpio", + -14.256385803222656 + ], + [ + "\u2581Neutro", + -14.256386756896973 + ], + [ + "\u2581Konditionen", + -14.256400108337402 + ], + [ + "Migrate", + -14.25640106201172 + ], + [ + "\u2581Prud", + -14.256412506103516 + ], + [ + "\u2581\u00fcbt", + -14.256425857543944 + ], + [ + "\u2581Vuo", + -14.256427764892578 + ], + [ + "\u2581Nahe", + -14.256446838378906 + ], + [ + "Pallas", + -14.256454467773438 + ], + [ + "\u2581Knoll", + -14.256461143493652 + ], + [ + "haru", + -14.256476402282717 + ], + [ + "\u2581ambiti", + -14.256514549255373 + ], + [ + "\u2581Eckhar", + -14.25653076171875 + ], + [ + "\u2581Robles", + -14.256531715393066 + ], + [ + "\u2581Immunit\u00e4t", + -14.256536483764648 + ], + [ + "carpe", + -14.256546974182127 + ], + [ + "br\u00e4u", + -14.256590843200684 + ], + [ + "\u2581bewahrt", + -14.256596565246582 + ], + [ + "\u2581territoriali", + -14.25661277770996 + ], + [ + "\u2581obtenida", + -14.256613731384276 + ], + [ + "\u2581te\u00f3logo", + -14.256629943847656 + ], + [ + "\u2581angust", + -14.256654739379885 + ], + [ + "bauern", + -14.256686210632324 + ], + [ + "\u2581m\u00edstica", + -14.256690979003906 + ], + [ + "\u2581Otis", + -14.256719589233398 + ], + [ + "\u2581percorsa", + -14.256739616394045 + ], + [ + "oignon", + -14.256772994995115 + ], + [ + "razioni", + -14.25678539276123 + ], + [ + "\u2581Creus", + -14.256787300109863 + ], + [ + "Uomini", + -14.256800651550291 + ], + [ + "\u2581alcaldes", + -14.256805419921877 + ], + [ + "\u2581Birch", + -14.256834983825684 + ], + [ + "\u2581cows", + -14.256840705871582 + ], + [ + "\u2581rattrap", + -14.256844520568848 + ], + [ + "\u2581helle", + -14.256854057312012 + ], + [ + "\u2581K\u00fcnstlern", + -14.256860733032228 + ], + [ + "\u2581McKin", + -14.25686264038086 + ], + [ + "\u2581requer\u00eda", + -14.256882667541504 + ], + [ + "colari", + -14.256896018981934 + ], + [ + "\u2581antwoorden", + -14.256913185119627 + ], + [ + "\u2581trasformazioni", + -14.25692367553711 + ], + [ + "\u2581moderato", + -14.25693130493164 + ], + [ + "ceria", + -14.2569580078125 + ], + [ + "Commission", + -14.25696086883545 + ], + [ + "\u2581opgevoerd", + -14.257000923156738 + ], + [ + "ooij", + -14.25702667236328 + ], + [ + "habitu", + -14.257036209106444 + ], + [ + "\u2581desprende", + -14.257062911987305 + ], + [ + "huge", + -14.257073402404783 + ], + [ + "\u2581uitmaakte", + -14.257089614868164 + ], + [ + "drukt", + -14.25709629058838 + ], + [ + "Commerce", + -14.25710105895996 + ], + [ + "\u2581employ\u00e9e", + -14.257109642028809 + ], + [ + "\u2581venezuelan", + -14.257110595703123 + ], + [ + "interruzione", + -14.257119178771973 + ], + [ + "\u2581pugil", + -14.257143020629885 + ], + [ + "\u2581mol\u00e9cule", + -14.257147789001465 + ], + [ + "\u2581declaring", + -14.257155418395996 + ], + [ + "\u2581trasportato", + -14.25716781616211 + ], + [ + "notazione", + -14.25718593597412 + ], + [ + "\u2581Burkhard", + -14.257209777832031 + ], + [ + "\u2581fabricada", + -14.257234573364258 + ], + [ + "\u2581Baarn", + -14.25723934173584 + ], + [ + "\u2581s\u00e9par\u00e9es", + -14.257271766662598 + ], + [ + "\u2581adquiridos", + -14.257285118103027 + ], + [ + "blockIdx", + -14.257294654846191 + ], + [ + "\u2581Recycling", + -14.257304191589355 + ], + [ + "ALPHA", + -14.257349014282228 + ], + [ + "\u2581Pacto", + -14.257354736328123 + ], + [ + "\u2581Rechnungslegung", + -14.2573823928833 + ], + [ + "sibirsk", + -14.257406234741213 + ], + [ + "\u2581preventiv", + -14.257431983947754 + ], + [ + "ucche", + -14.257447242736816 + ], + [ + "oghu", + -14.257482528686523 + ], + [ + "\u2581Escherichia", + -14.257487297058104 + ], + [ + "\u2581pinna", + -14.257493019104004 + ], + [ + "\u2581Speck", + -14.257495880126951 + ], + [ + "\u2581neutrophil", + -14.257498741149902 + ], + [ + "uperbike", + -14.257515907287598 + ], + [ + "\u2581einzuleiten", + -14.257522583007812 + ], + [ + "\u2581fermions", + -14.257534980773926 + ], + [ + "\u2581Winfried", + -14.25754165649414 + ], + [ + "\u2581habl", + -14.257560729980469 + ], + [ + "\u2581accademi", + -14.257564544677734 + ], + [ + "\u2581Liar", + -14.257579803466797 + ], + [ + "Terrain", + -14.257613182067873 + ], + [ + "\u2581abitava", + -14.2576265335083 + ], + [ + "utun", + -14.257640838623049 + ], + [ + "\u2581\u00fcberholt", + -14.257641792297363 + ], + [ + "Ortszeit", + -14.257645606994627 + ], + [ + "quanto", + -14.257649421691896 + ], + [ + "\u2581Westeuropa", + -14.257682800292969 + ], + [ + "\u2581Mines", + -14.257699012756348 + ], + [ + "\u2581runway", + -14.257705688476562 + ], + [ + "\u2581Vokabel", + -14.257710456848145 + ], + [ + "\u2581preceded", + -14.257755279541016 + ], + [ + "Copying", + -14.257772445678713 + ], + [ + "\u2581novelista", + -14.257811546325684 + ], + [ + "\u2581Verursacher", + -14.25782871246338 + ], + [ + "\u2581aufgeben", + -14.257830619812012 + ], + [ + "okka", + -14.25783348083496 + ], + [ + "\u2581Munch", + -14.257835388183594 + ], + [ + "pheus", + -14.257841110229492 + ], + [ + "\u2581Cassino", + -14.257863998413086 + ], + [ + "elicottero", + -14.257864952087402 + ], + [ + "\u2581Reservoir", + -14.257864952087402 + ], + [ + "\u2581evidencias", + -14.2578763961792 + ], + [ + "\u2581GIMP", + -14.257899284362791 + ], + [ + "ropped", + -14.257938385009766 + ], + [ + "\u2581Parvati", + -14.257946014404297 + ], + [ + "\u2581pleni", + -14.257962226867676 + ], + [ + "\u2581Hilary", + -14.25798225402832 + ], + [ + "ccioli", + -14.2579984664917 + ], + [ + "\u2581Biotechnologie", + -14.258021354675291 + ], + [ + "Risiko", + -14.258070945739746 + ], + [ + "categorie", + -14.258087158203123 + ], + [ + "\u2581Melvin", + -14.258090019226074 + ], + [ + "athy", + -14.258151054382324 + ], + [ + "\u2581Gustafsson", + -14.258254051208496 + ], + [ + "\u2581Dovre", + -14.258275985717772 + ], + [ + "\u2581entiendo", + -14.258293151855469 + ], + [ + "rmdir", + -14.258294105529783 + ], + [ + "Dag", + -14.25829792022705 + ], + [ + "ngry", + -14.25831699371338 + ], + [ + "\u2581supermarkt", + -14.258329391479492 + ], + [ + "\u2581contribuiu", + -14.2583589553833 + ], + [ + "atorische", + -14.258374214172363 + ], + [ + "Epsilon", + -14.25837516784668 + ], + [ + "\u2581plasmid", + -14.25838851928711 + ], + [ + "\u2581implementada", + -14.258440017700195 + ], + [ + "\u2581desciende", + -14.258452415466309 + ], + [ + "paging", + -14.25845718383789 + ], + [ + "\u2581verehrt", + -14.258517265319824 + ], + [ + "\u2581nascond", + -14.258537292480469 + ], + [ + "\u2581cen\u00e1rios", + -14.258550643920898 + ], + [ + "\u2581beeldende", + -14.258551597595217 + ], + [ + "apareceram", + -14.258557319641112 + ], + [ + "\u2581Misi\u00f3n", + -14.25856113433838 + ], + [ + "formarsi", + -14.258563995361328 + ], + [ + "\u2581Anniversary", + -14.258621215820312 + ], + [ + "\u2581opgedragen", + -14.258626937866213 + ], + [ + "\u2581Bandung", + -14.258660316467283 + ], + [ + "\u2581locomotives", + -14.258672714233398 + ], + [ + "sceso", + -14.258675575256348 + ], + [ + "\u2581menaces", + -14.258686065673828 + ], + [ + "\u2581msgstr", + -14.258713722229004 + ], + [ + "i\u00e9ramos", + -14.258726119995115 + ], + [ + "etiche", + -14.258727073669434 + ], + [ + "TEE", + -14.258734703063965 + ], + [ + "ra\u00ed", + -14.25873851776123 + ], + [ + "\u2581Sigurd", + -14.25875186920166 + ], + [ + "Detected", + -14.258764266967772 + ], + [ + "\u2581personifica", + -14.25878620147705 + ], + [ + "typischer", + -14.258794784545898 + ], + [ + "\u2581Reclam", + -14.25882625579834 + ], + [ + "scruta", + -14.258869171142578 + ], + [ + "\u2581sign\u00e9e", + -14.258869171142578 + ], + [ + "iscos", + -14.258888244628906 + ], + [ + "ridden", + -14.258893013000488 + ], + [ + "Talleres", + -14.258901596069336 + ], + [ + "Neben", + -14.258925437927246 + ], + [ + "\u2581ottime", + -14.258973121643066 + ], + [ + "\u2581Wohlbefinden", + -14.25899887084961 + ], + [ + "\u2581matr\u00edcula", + -14.258999824523926 + ], + [ + "\u2581extracting", + -14.259000778198242 + ], + [ + "\u2581horm", + -14.259003639221191 + ], + [ + "\u2581phantasy", + -14.259007453918455 + ], + [ + "\u2581Vallejo", + -14.259020805358888 + ], + [ + "\u2581Vierte", + -14.259020805358888 + ], + [ + "limiet", + -14.259040832519531 + ], + [ + "\u2581quarantaine", + -14.259089469909668 + ], + [ + "\u2581misleading", + -14.25909423828125 + ], + [ + "pronuncia", + -14.25910186767578 + ], + [ + "ausschreibung", + -14.25910758972168 + ], + [ + "\u2581Jhdt", + -14.25914478302002 + ], + [ + "AUD", + -14.259145736694336 + ], + [ + "\u2581Wielk", + -14.259150505065918 + ], + [ + "\u2581sparato", + -14.259151458740234 + ], + [ + "\u2581sulfate", + -14.259161949157717 + ], + [ + "\u2581Tribute", + -14.259174346923828 + ], + [ + "\u2581hallado", + -14.259190559387209 + ], + [ + "vluchten", + -14.259218215942385 + ], + [ + "\u2581Hostel", + -14.259231567382812 + ], + [ + "\u2581recognise", + -14.25924301147461 + ], + [ + "cciona", + -14.259262084960938 + ], + [ + "uark", + -14.25926685333252 + ], + [ + "maakte", + -14.25930881500244 + ], + [ + "federaci\u00f3n", + -14.259323120117188 + ], + [ + "erhalt", + -14.25933074951172 + ], + [ + "\u2581lyonnais", + -14.25936222076416 + ], + [ + "\u2581beloften", + -14.25936508178711 + ], + [ + "\u2581speculate", + -14.25937557220459 + ], + [ + "\u2581Agrilus", + -14.259377479553224 + ], + [ + "\u2581lenses", + -14.25938606262207 + ], + [ + "MediaType", + -14.259387016296388 + ], + [ + "cyclisme", + -14.25940990447998 + ], + [ + "\u2581Feliz", + -14.259418487548828 + ], + [ + "\u2581Regionalbahn", + -14.259418487548828 + ], + [ + "\u2581eindklassement", + -14.259424209594728 + ], + [ + "invocation", + -14.259428977966309 + ], + [ + "\u2581Kakao", + -14.259440422058104 + ], + [ + "\u2581uitspraken", + -14.259441375732422 + ], + [ + "gef\u00fcge", + -14.259443283081056 + ], + [ + "\u2581vrouwtjes", + -14.259469032287598 + ], + [ + "\u2581Mezza", + -14.259479522705078 + ], + [ + "\u2581Eindring", + -14.25950527191162 + ], + [ + "\u2581incaric", + -14.259513854980469 + ], + [ + "swahrscheinlichk", + -14.259540557861328 + ], + [ + "curta", + -14.259580612182615 + ], + [ + "\u2581acabaram", + -14.259589195251465 + ], + [ + "klassige", + -14.259603500366213 + ], + [ + "gerir", + -14.259611129760742 + ], + [ + "ocre", + -14.259650230407717 + ], + [ + "\u2581cereali", + -14.259681701660156 + ], + [ + "\u2581Hindernis", + -14.25969696044922 + ], + [ + "\u2581idealen", + -14.25975513458252 + ], + [ + "\u2581Tecnol\u00f3gico", + -14.259756088256836 + ], + [ + "\u2581vor\u00fcbergehende", + -14.25984001159668 + ], + [ + "\u2581rivalidade", + -14.259841918945312 + ], + [ + "\u2581Schenkung", + -14.259847640991213 + ], + [ + "\u2581eccita", + -14.259855270385742 + ], + [ + "copula", + -14.259859085083008 + ], + [ + "\u2581expediente", + -14.259882926940918 + ], + [ + "kuppe", + -14.259902000427246 + ], + [ + "\u2581Wildnis", + -14.259918212890623 + ], + [ + "\u2581Pilsen", + -14.259943962097168 + ], + [ + "\u2581operiert", + -14.259995460510254 + ], + [ + "erici", + -14.260000228881836 + ], + [ + "latter", + -14.260009765625 + ], + [ + "gated", + -14.26003074645996 + ], + [ + "Hauptquartier", + -14.260080337524414 + ], + [ + "\u2581sotterrane", + -14.260103225708008 + ], + [ + "Objetivo", + -14.260106086730955 + ], + [ + "Etimologia", + -14.26013469696045 + ], + [ + "\u2581battalion", + -14.26013469696045 + ], + [ + "\u2581Kuch", + -14.260140419006348 + ], + [ + "\u2581Middleton", + -14.260156631469728 + ], + [ + "\u2581Berri", + -14.260175704956056 + ], + [ + "\u2581W\u00e4re", + -14.260209083557127 + ], + [ + "\u2581haitian", + -14.260215759277344 + ], + [ + "\u2581weitergeleitet", + -14.260221481323242 + ], + [ + "\u2581curvatura", + -14.260245323181152 + ], + [ + "hasClass", + -14.260252952575684 + ], + [ + "\u2581Cancell", + -14.260254859924316 + ], + [ + "\u2581sanzioni", + -14.260269165039062 + ], + [ + "\u2581reaparece", + -14.260273933410645 + ], + [ + "tiembre", + -14.26028823852539 + ], + [ + "\u2581Spade", + -14.260310173034668 + ], + [ + "inogen", + -14.260311126708984 + ], + [ + "\u2581verlopen", + -14.260318756103516 + ], + [ + "\u2581moschea", + -14.260387420654297 + ], + [ + "\u2581willkommen", + -14.260391235351562 + ], + [ + "fr\u00fch", + -14.260401725769045 + ], + [ + "\u2581biolog\u00eda", + -14.260414123535156 + ], + [ + "\u2581oordeel", + -14.260436058044434 + ], + [ + "\u2581retraso", + -14.260441780090332 + ], + [ + "\u2581explicite", + -14.26044750213623 + ], + [ + "gouvernement", + -14.260482788085938 + ], + [ + "\u2581chemotherapy", + -14.26051425933838 + ], + [ + "\u2581medeklinker", + -14.260520935058594 + ], + [ + "\u2581faceta", + -14.260528564453123 + ], + [ + "\u2581condivisione", + -14.260587692260742 + ], + [ + "\u2581Flecken", + -14.26059913635254 + ], + [ + "metrischen", + -14.260616302490234 + ], + [ + "syllab", + -14.260616302490234 + ], + [ + "\u2581pretexto", + -14.260632514953612 + ], + [ + "testutil", + -14.260652542114258 + ], + [ + "LTL", + -14.2606782913208 + ], + [ + "\u2581collana", + -14.2606782913208 + ], + [ + "pon\u00edan", + -14.260692596435549 + ], + [ + "\u2581Strahlungs", + -14.260702133178713 + ], + [ + "hrimp", + -14.260709762573242 + ], + [ + "\u2581extendida", + -14.260722160339355 + ], + [ + "DataConnector", + -14.260725021362305 + ], + [ + "Charlotte", + -14.260738372802734 + ], + [ + "\u2581solltest", + -14.260746955871582 + ], + [ + "venne", + -14.260751724243164 + ], + [ + "\u2581Scholl", + -14.260760307312012 + ], + [ + "\u2581especialidades", + -14.260778427124023 + ], + [ + "\u2581iluminado", + -14.260812759399414 + ], + [ + "arau", + -14.260823249816896 + ], + [ + "\u2581Severin", + -14.260847091674805 + ], + [ + "Fuzz", + -14.26085376739502 + ], + [ + "\u2581torturado", + -14.260870933532717 + ], + [ + "\u2581Odyssey", + -14.260893821716309 + ], + [ + "\u2581associ\u00e9es", + -14.260948181152344 + ], + [ + "\u2581demonios", + -14.26100730895996 + ], + [ + "\u2581judiciales", + -14.261013984680176 + ], + [ + "\u2581N\u00ed", + -14.26103401184082 + ], + [ + "\u2581irritat", + -14.261048316955566 + ], + [ + "\u2581moralische", + -14.261054039001465 + ], + [ + "\u2581subacque", + -14.26105785369873 + ], + [ + "\u00e4fte", + -14.261085510253906 + ], + [ + "\u2581Fahrpreis", + -14.261104583740234 + ], + [ + "linae", + -14.26116180419922 + ], + [ + "\u2581beschlossene", + -14.261163711547852 + ], + [ + "\u2581delirio", + -14.261164665222168 + ], + [ + "assiette", + -14.261186599731444 + ], + [ + "leverancier", + -14.261186599731444 + ], + [ + "\u2581Grundschul", + -14.261201858520508 + ], + [ + "\u2581spento", + -14.261226654052734 + ], + [ + "\u2581halfrond", + -14.261298179626465 + ], + [ + "\u2581Facult\u00e9", + -14.261323928833008 + ], + [ + "Hochschul", + -14.261324882507324 + ], + [ + "\u2581vorbereiten", + -14.261351585388184 + ], + [ + "\u2581hip\u00f3teses", + -14.26136589050293 + ], + [ + "INGK", + -14.26138687133789 + ], + [ + "\u2581auton\u00f3mic", + -14.261392593383787 + ], + [ + "\u2581Saladin", + -14.26141357421875 + ], + [ + "\u2581aufgenommenen", + -14.261418342590332 + ], + [ + "krant", + -14.261427879333496 + ], + [ + "\u2581Charme", + -14.261459350585938 + ], + [ + "\u2581m\u00edstico", + -14.261479377746582 + ], + [ + "uyu", + -14.26149082183838 + ], + [ + "\u2581Alley", + -14.261492729187012 + ], + [ + "\u2581championne", + -14.261519432067873 + ], + [ + "\u2581Cooperativ", + -14.261540412902832 + ], + [ + "Convention", + -14.261544227600098 + ], + [ + "\u2581Chiri", + -14.261556625366213 + ], + [ + "rderlich", + -14.261558532714844 + ], + [ + "\u2581veilige", + -14.26159381866455 + ], + [ + "Darlehen", + -14.26162338256836 + ], + [ + "\u2581Bomba", + -14.261626243591309 + ], + [ + "\u2581sentimentale", + -14.261627197265623 + ], + [ + "\u2581Federer", + -14.26164722442627 + ], + [ + "Sabelsprinkhanen", + -14.26165008544922 + ], + [ + "\u2581Scrimgeour", + -14.26165008544922 + ], + [ + "catalyze", + -14.261651992797852 + ], + [ + "\u2581appunti", + -14.261661529541016 + ], + [ + "\u2581prospera", + -14.261673927307127 + ], + [ + "berlassung", + -14.261685371398926 + ], + [ + "\u2581rimarr\u00e0", + -14.261695861816406 + ], + [ + "\u2581Prisc", + -14.26169776916504 + ], + [ + "\u2581passeggiare", + -14.261720657348633 + ], + [ + "\u2581Nouvel", + -14.261730194091797 + ], + [ + "\u2581gleichzeitiger", + -14.261734008789062 + ], + [ + "\u2581Trocknung", + -14.261763572692873 + ], + [ + "\u2581mentalit\u00e0", + -14.261775016784668 + ], + [ + "\u2581stresses", + -14.261798858642578 + ], + [ + "\u2581consulat", + -14.26180648803711 + ], + [ + "nueva", + -14.261856079101562 + ], + [ + "\u2581Ayer", + -14.261900901794434 + ], + [ + "capitato", + -14.261905670166016 + ], + [ + "\u2581Hommage", + -14.26193141937256 + ], + [ + "\u2581graz", + -14.261961936950684 + ], + [ + "Brain", + -14.261972427368164 + ], + [ + "\u2581pigs", + -14.262006759643556 + ], + [ + "\u2581C\u00e1ucaso", + -14.262028694152832 + ], + [ + "\u2581Kriegsmarine", + -14.262045860290527 + ], + [ + "\u2581finanza", + -14.26206111907959 + ], + [ + "\u2581\u00e9paisse", + -14.262066841125488 + ], + [ + "Peering", + -14.262089729309082 + ], + [ + "xplanatory", + -14.26211166381836 + ], + [ + "\u2581catching", + -14.262126922607422 + ], + [ + "\u2581Abr\u00fcstung", + -14.262141227722168 + ], + [ + "\u2581possu\u00edam", + -14.262157440185549 + ], + [ + "\u2581renners", + -14.262202262878418 + ], + [ + "\u2581Sadi", + -14.26220703125 + ], + [ + "angetast", + -14.26220989227295 + ], + [ + "\u2581ausf\u00fchrenden", + -14.262215614318848 + ], + [ + "endola", + -14.262237548828123 + ], + [ + "carica", + -14.26225757598877 + ], + [ + "\u2581mancava", + -14.26225757598877 + ], + [ + "Valor", + -14.262259483337402 + ], + [ + "\u2581ribera", + -14.262303352355955 + ], + [ + "\u2581ricopert", + -14.262327194213867 + ], + [ + "\u2581Bandeirantes", + -14.262408256530762 + ], + [ + "\u2581verwarring", + -14.262408256530762 + ], + [ + "\u2581\u00f3ptima", + -14.262408256530762 + ], + [ + "\u2581Sinaloa", + -14.262409210205078 + ], + [ + "\u2581Scoperto", + -14.262410163879396 + ], + [ + "\u2581conosciamo", + -14.26242733001709 + ], + [ + "\u2581stirbt", + -14.26242733001709 + ], + [ + "\u2581Specialist", + -14.262455940246582 + ], + [ + "\u2581cancelar", + -14.262476921081545 + ], + [ + "\u2581arm\u00e9s", + -14.26248836517334 + ], + [ + "\u2581vicari", + -14.262489318847656 + ], + [ + "\u2581Allie", + -14.262490272521973 + ], + [ + "pulcr", + -14.262494087219238 + ], + [ + "\u2581\u00fcbersichtlich", + -14.262495994567873 + ], + [ + "guida", + -14.262534141540527 + ], + [ + "\u2581Linken", + -14.262537956237791 + ], + [ + "\u2581Grecs", + -14.262544631958008 + ], + [ + "waakt", + -14.26257610321045 + ], + [ + "\u2581biologica", + -14.262591361999512 + ], + [ + "asseur", + -14.262592315673828 + ], + [ + "\u2581Caill", + -14.262611389160156 + ], + [ + "\u2581calvinist", + -14.262611389160156 + ], + [ + "\u2581Hokkaido", + -14.262616157531738 + ], + [ + "conde", + -14.26262092590332 + ], + [ + "viseur", + -14.26262664794922 + ], + [ + "awson", + -14.2626371383667 + ], + [ + "\u2581cambiaron", + -14.262660026550291 + ], + [ + "\u2581maori", + -14.262664794921877 + ], + [ + "zit\u00e4t", + -14.26267910003662 + ], + [ + "\u2581Carlota", + -14.262699127197266 + ], + [ + "IRM", + -14.262735366821287 + ], + [ + "interlocuteur", + -14.26274585723877 + ], + [ + "\u2581kontrovers", + -14.262787818908691 + ], + [ + "\u2581R\u00e4ikk", + -14.262791633605955 + ], + [ + "\u2581Regulus", + -14.26283359527588 + ], + [ + "\u2581frequentare", + -14.26283359527588 + ], + [ + "lliage", + -14.262840270996094 + ], + [ + "\u2581D\u00fcngemittel", + -14.26284122467041 + ], + [ + "\u2581Stammzellen", + -14.262866020202637 + ], + [ + "\u2581Canti", + -14.26288604736328 + ], + [ + "\u2581dec\u00edan", + -14.262887954711914 + ], + [ + "Arab", + -14.262922286987305 + ], + [ + "\u2581agevola", + -14.26294994354248 + ], + [ + "Steuerpflichtige", + -14.26296615600586 + ], + [ + "f\u00e1cio", + -14.262993812561035 + ], + [ + "\u2581originelle", + -14.262993812561035 + ], + [ + "\u2581t\u00e9rmico", + -14.2629976272583 + ], + [ + "\u2581fungiert", + -14.263020515441896 + ], + [ + "\u2581incluiu", + -14.263025283813477 + ], + [ + "\u2581classiche", + -14.263031959533691 + ], + [ + "\u2581novidade", + -14.26303482055664 + ], + [ + "\u2581tambur", + -14.263049125671388 + ], + [ + "Fair", + -14.26305866241455 + ], + [ + "CDR", + -14.2630615234375 + ], + [ + "KeywordTok", + -14.263093948364258 + ], + [ + "\u2581vigilante", + -14.263134002685549 + ], + [ + "COUNTER", + -14.263136863708496 + ], + [ + "\u2581mulin", + -14.26315212249756 + ], + [ + "\u2581C\u00e9cile", + -14.263168334960938 + ], + [ + "\u2581gesorgt", + -14.263169288635254 + ], + [ + "\u2581neoliberal", + -14.263174057006836 + ], + [ + "\u2581Vorlesungen", + -14.263212203979492 + ], + [ + "\u2581MediaWiki", + -14.263225555419922 + ], + [ + "\u2581angerufen", + -14.2632474899292 + ], + [ + "\u2581Plou", + -14.263264656066896 + ], + [ + "\u2581harmonia", + -14.263290405273438 + ], + [ + "Authority", + -14.26330280303955 + ], + [ + "\u2581achteruit", + -14.263311386108398 + ], + [ + "\u2581gestos", + -14.263318061828612 + ], + [ + "\u2581renseigner", + -14.263324737548828 + ], + [ + "\u2581beschafft", + -14.263347625732422 + ], + [ + "\u2581concejal", + -14.263350486755373 + ], + [ + "duels", + -14.263352394104004 + ], + [ + "OpenAPI", + -14.263371467590332 + ], + [ + "\u2581Liver", + -14.263379096984863 + ], + [ + "hank", + -14.263385772705078 + ], + [ + "\u2581Scarlet", + -14.26339626312256 + ], + [ + "PanelLabel", + -14.263400077819824 + ], + [ + "\u2581Temas", + -14.263404846191406 + ], + [ + "\u2581riunit", + -14.26345157623291 + ], + [ + "\u2581proveedores", + -14.263520240783691 + ], + [ + "\u2581Cyclop", + -14.263555526733398 + ], + [ + "\u2581Gravitation", + -14.263580322265623 + ], + [ + "\u2581imagin\u00e9", + -14.263587951660156 + ], + [ + "\u2581limitadas", + -14.263617515563965 + ], + [ + "Legisla", + -14.26362133026123 + ], + [ + "\u2581Vorher", + -14.26362419128418 + ], + [ + "wain", + -14.263628005981444 + ], + [ + "attel", + -14.263635635375977 + ], + [ + "Supplier", + -14.26365852355957 + ], + [ + "\u2581abords", + -14.26366138458252 + ], + [ + "\u2581Betriebskosten", + -14.263664245605469 + ], + [ + "\u2581gobernantes", + -14.263683319091797 + ], + [ + "\u2581McV", + -14.263700485229492 + ], + [ + "\u2581Correspond", + -14.263704299926758 + ], + [ + "\u2581rassicura", + -14.263724327087402 + ], + [ + "esbury", + -14.263761520385742 + ], + [ + "\u2581desesperado", + -14.263768196105955 + ], + [ + "esp\u00e9rer", + -14.26378345489502 + ], + [ + "\u2581corporativa", + -14.26380443572998 + ], + [ + "\u2581NAVO", + -14.263860702514648 + ], + [ + "Maastricht", + -14.26386547088623 + ], + [ + "\u2581cardin", + -14.263912200927734 + ], + [ + "irborne", + -14.263925552368164 + ], + [ + "\u2581eingeweiht", + -14.263927459716797 + ], + [ + "\u2581nonetheless", + -14.263927459716797 + ], + [ + "\u2581svedesi", + -14.263927459716797 + ], + [ + "\u2581d\u00e9grad\u00e9", + -14.26392936706543 + ], + [ + "\u2581venticinque", + -14.263935089111328 + ], + [ + "\u2581Constantinopel", + -14.26394271850586 + ], + [ + "\u2581Salgueiro", + -14.26395034790039 + ], + [ + "\u2581Knecht", + -14.263960838317873 + ], + [ + "\u2581trasferiti", + -14.263975143432615 + ], + [ + "pprovisionnement", + -14.26397705078125 + ], + [ + "\u2581comtesse", + -14.263986587524414 + ], + [ + "LIV", + -14.264009475708008 + ], + [ + "\u2581populism", + -14.26401424407959 + ], + [ + "\u2581n\u00e9gociation", + -14.264034271240234 + ], + [ + "\u2581provate", + -14.264034271240234 + ], + [ + "\u00e9\u00e9n", + -14.26406478881836 + ], + [ + "\u2581endogene", + -14.264076232910156 + ], + [ + "\u2581prolongada", + -14.264078140258787 + ], + [ + "\u2581fremder", + -14.264108657836914 + ], + [ + "hhh", + -14.264147758483888 + ], + [ + "ezicht", + -14.264158248901367 + ], + [ + "\u2581Rook", + -14.264171600341797 + ], + [ + "administratie", + -14.26421070098877 + ], + [ + "\u2581Solari", + -14.264223098754885 + ], + [ + "Bulletin", + -14.264246940612791 + ], + [ + "el\u00e9ctrica", + -14.264307975769045 + ], + [ + "\u2581spaventos", + -14.264307975769045 + ], + [ + "\u2581Sociology", + -14.264325141906738 + ], + [ + "kennt", + -14.264337539672852 + ], + [ + "Entra", + -14.264342308044434 + ], + [ + "itischen", + -14.264344215393066 + ], + [ + "\u2581hrsg", + -14.264357566833496 + ], + [ + "\u2581milit\u00e4rischer", + -14.264359474182127 + ], + [ + "\u2581rojiz", + -14.26436996459961 + ], + [ + "spuit", + -14.264375686645508 + ], + [ + "\u2581murallas", + -14.264381408691406 + ], + [ + "\u2581Diret", + -14.264382362365724 + ], + [ + "\u2581ortodossa", + -14.264384269714355 + ], + [ + "\u2581instinto", + -14.264403343200684 + ], + [ + "\u2581Nichtigkeit", + -14.264424324035645 + ], + [ + "\u2581visitabile", + -14.264424324035645 + ], + [ + "\u2581indispensables", + -14.264439582824709 + ], + [ + "regenerate", + -14.264458656311035 + ], + [ + "\u2581iranien", + -14.26449966430664 + ], + [ + "gnani", + -14.264524459838867 + ], + [ + "MISSION", + -14.264533042907717 + ], + [ + "\u2581ehrenamtlichen", + -14.26453971862793 + ], + [ + "\u2581atrito", + -14.264564514160156 + ], + [ + "\u2581Mormon", + -14.264567375183104 + ], + [ + "\u2581nuota", + -14.2645902633667 + ], + [ + "\u2581Buster", + -14.264596939086914 + ], + [ + "\u2581dichotom", + -14.26459789276123 + ], + [ + "\u2581Eracle", + -14.264628410339355 + ], + [ + "\u2581R\u00e9serve", + -14.264636039733888 + ], + [ + "lophus", + -14.264639854431152 + ], + [ + "\u2581Abfrage", + -14.264644622802734 + ], + [ + "r\u00fcste", + -14.264676094055176 + ], + [ + "\u2581vincoli", + -14.26473331451416 + ], + [ + "\u2581Situazione", + -14.26474666595459 + ], + [ + "Gehalte", + -14.264759063720703 + ], + [ + "\u2581delegazione", + -14.264793395996094 + ], + [ + "\u2581Arbeitsrecht", + -14.26479434967041 + ], + [ + "elzen", + -14.264808654785156 + ], + [ + "\u2581granite", + -14.2648286819458 + ], + [ + "\u2581francescan", + -14.264878273010254 + ], + [ + "phony", + -14.264968872070312 + ], + [ + "\u2581CRIS", + -14.264971733093262 + ], + [ + "\u2581empiezan", + -14.264996528625488 + ], + [ + "\u2581rooted", + -14.265002250671388 + ], + [ + "\u2581Lichter", + -14.265010833740234 + ], + [ + "\u2581permessi", + -14.265019416809082 + ], + [ + "\u2581Reinigungs", + -14.265052795410156 + ], + [ + "\u2581Mutationen", + -14.26506233215332 + ], + [ + "\u2581luggage", + -14.26506805419922 + ], + [ + "\u2581mobilier", + -14.26506805419922 + ], + [ + "Sock", + -14.26509952545166 + ], + [ + "\u2581zijkant", + -14.265101432800291 + ], + [ + "\u2581slitt", + -14.265106201171877 + ], + [ + "\u2581Kultusminister", + -14.26517391204834 + ], + [ + "\u2581herkomst", + -14.265180587768556 + ], + [ + "oniano", + -14.265196800231934 + ], + [ + "revier", + -14.26520824432373 + ], + [ + "\u2581priests", + -14.26521110534668 + ], + [ + "cyg", + -14.26523494720459 + ], + [ + "\u2581countless", + -14.265246391296388 + ], + [ + "\u2581periodicamente", + -14.265265464782717 + ], + [ + "roubleshoot", + -14.265305519104004 + ], + [ + "derwijsarchitect", + -14.265314102172852 + ], + [ + "lierte", + -14.265351295471191 + ], + [ + "\u2581collocata", + -14.26538372039795 + ], + [ + "\u2581verdelen", + -14.26543140411377 + ], + [ + "\u2581pluvi", + -14.265435218811035 + ], + [ + "Peripheral", + -14.265448570251465 + ], + [ + "\u2581medicamento", + -14.26545524597168 + ], + [ + "\u2581Inform\u00e1tica", + -14.265457153320312 + ], + [ + "\u2581dieciocho", + -14.265459060668944 + ], + [ + "hancengleichheit", + -14.265462875366213 + ], + [ + "merveill", + -14.265467643737791 + ], + [ + "\u2581Lario", + -14.265467643737791 + ], + [ + "\u2581Pellet", + -14.26547908782959 + ], + [ + "\u2581attentati", + -14.265482902526855 + ], + [ + "\u2581comestible", + -14.265485763549805 + ], + [ + "\u2581planeado", + -14.26548671722412 + ], + [ + "NBC", + -14.265487670898438 + ], + [ + "\u00e9mont", + -14.265509605407717 + ], + [ + "letzter", + -14.265532493591309 + ], + [ + "fitas", + -14.26555061340332 + ], + [ + "\u2581scheepvaart", + -14.265599250793455 + ], + [ + "raggedright", + -14.265616416931152 + ], + [ + "\u2581trajets", + -14.26563549041748 + ], + [ + "\u2581Kurd", + -14.26564598083496 + ], + [ + "cally", + -14.265682220458984 + ], + [ + "audace", + -14.265710830688477 + ], + [ + "\u2581ankommen", + -14.265710830688477 + ], + [ + "\u2581cosmopolit", + -14.26571273803711 + ], + [ + "kuh", + -14.26572608947754 + ], + [ + "\u2581Patta", + -14.265732765197754 + ], + [ + "\u2581cavit\u00e9", + -14.26577377319336 + ], + [ + "deactivate", + -14.265774726867676 + ], + [ + "synchrone", + -14.265780448913574 + ], + [ + "\u2581Glee", + -14.265825271606444 + ], + [ + "\u2581Rodgers", + -14.265862464904783 + ], + [ + "\u2581ramass", + -14.265870094299316 + ], + [ + "Vent", + -14.265873908996582 + ], + [ + "\u2581equivoca", + -14.265880584716797 + ], + [ + "\u2581frott", + -14.26588535308838 + ], + [ + "\u2581Ioni", + -14.26589012145996 + ], + [ + "\u2581Kashi", + -14.26592254638672 + ], + [ + "Magnitude", + -14.2659273147583 + ], + [ + "alabar", + -14.265947341918944 + ], + [ + "crud", + -14.265963554382324 + ], + [ + "\u2581anhaltende", + -14.26596736907959 + ], + [ + "\u2581attribui", + -14.266005516052246 + ], + [ + "\u2581Kameroen", + -14.266008377075195 + ], + [ + "\u2581virgen", + -14.26602268218994 + ], + [ + "PLACE", + -14.266066551208496 + ], + [ + "\u2581abstrakte", + -14.266070365905762 + ], + [ + "\u2581r\u00e9put\u00e9e", + -14.26611042022705 + ], + [ + "attini", + -14.266121864318848 + ], + [ + "Jumbo", + -14.266130447387695 + ], + [ + "phobie", + -14.266148567199709 + ], + [ + "edBy", + -14.266160011291504 + ], + [ + "\u2581Wiedergabe", + -14.266173362731934 + ], + [ + "\u2581colonis", + -14.26617431640625 + ], + [ + "\u2581cultivada", + -14.266175270080566 + ], + [ + "nyang", + -14.266195297241213 + ], + [ + "Confidence", + -14.266201972961426 + ], + [ + "\u2581taekwondo", + -14.266209602355955 + ], + [ + "\u2581faszinier", + -14.266210556030272 + ], + [ + "\u2581baksteen", + -14.26621437072754 + ], + [ + "\u2581Lisbeth", + -14.266215324401855 + ], + [ + "\u2581fournissent", + -14.26622200012207 + ], + [ + "\u2581Erm\u00e4", + -14.266227722167969 + ], + [ + "Reveal", + -14.266239166259766 + ], + [ + "\u2581Schmier", + -14.266244888305664 + ], + [ + "\u2581woonhuis", + -14.26626968383789 + ], + [ + "montag", + -14.26628589630127 + ], + [ + "\u2581Affinit\u00e4t", + -14.26628875732422 + ], + [ + "h\u00fcte", + -14.266328811645508 + ], + [ + "LTLIB", + -14.26634120941162 + ], + [ + "\u2581surpreendente", + -14.266357421875 + ], + [ + "\u2581opgedeeld", + -14.266358375549316 + ], + [ + "Women", + -14.266366958618164 + ], + [ + "\u2581antike", + -14.26638126373291 + ], + [ + "\u2581voltooi", + -14.266424179077148 + ], + [ + "\u2581calmo", + -14.266441345214844 + ], + [ + "\u2581Televisa", + -14.26644229888916 + ], + [ + "\u2581radians", + -14.266446113586426 + ], + [ + "volving", + -14.26645851135254 + ], + [ + "\u2581entlasten", + -14.266468048095703 + ], + [ + "\u2581conclusioni", + -14.26647663116455 + ], + [ + "uddin", + -14.266485214233398 + ], + [ + "wolves", + -14.266498565673828 + ], + [ + "\u2581nevr", + -14.26651382446289 + ], + [ + "\u2581Negr", + -14.266563415527344 + ], + [ + "r\u00fcckgang", + -14.26656723022461 + ], + [ + "gelegenheden", + -14.26657485961914 + ], + [ + "Both", + -14.266582489013672 + ], + [ + "Daily", + -14.26658535003662 + ], + [ + "\u2581Inteligencia", + -14.266592025756836 + ], + [ + "\u2581caval", + -14.26663303375244 + ], + [ + "\u2581Sylvester", + -14.266640663146973 + ], + [ + "\u2581genocide", + -14.2666654586792 + ], + [ + "conia", + -14.266683578491213 + ], + [ + "evna", + -14.266700744628906 + ], + [ + "\u2581Coppi", + -14.266709327697754 + ], + [ + "\u2581Kerkgebouw", + -14.266711235046388 + ], + [ + "\u2581Ministerien", + -14.26671314239502 + ], + [ + "\u2581Vary", + -14.266714096069336 + ], + [ + "SEND", + -14.266722679138184 + ], + [ + "\u2581accept\u00e9e", + -14.266738891601562 + ], + [ + "\u2581lately", + -14.266799926757812 + ], + [ + "gewone", + -14.266818046569824 + ], + [ + "yeo", + -14.266827583312988 + ], + [ + "\u00e4chen", + -14.26682949066162 + ], + [ + "\u2581parked", + -14.266845703125 + ], + [ + "\u2581Rupp", + -14.26686191558838 + ], + [ + "\u2581planejado", + -14.26686954498291 + ], + [ + "\u2581pitcher", + -14.26693630218506 + ], + [ + "oubliez", + -14.266937255859377 + ], + [ + "\u2581Mam\u00edferos", + -14.266971588134766 + ], + [ + "torius", + -14.266989707946776 + ], + [ + "\u2581comptable", + -14.266992568969728 + ], + [ + "chkin", + -14.267024040222168 + ], + [ + "thiopie", + -14.267061233520508 + ], + [ + "\u2581riproduc", + -14.267061233520508 + ], + [ + "diplom", + -14.26706314086914 + ], + [ + "\u2581h\u00e4usliche", + -14.26706314086914 + ], + [ + "gpgpu", + -14.267066955566406 + ], + [ + "\u2581Agil", + -14.26707363128662 + ], + [ + "\u2581moslims", + -14.267085075378418 + ], + [ + "RIG", + -14.267129898071287 + ], + [ + "famiglia", + -14.267146110534668 + ], + [ + "xcrun", + -14.267154693603516 + ], + [ + "\u2581Frig", + -14.267162322998049 + ], + [ + "\u2581\u00e9lectrons", + -14.267168998718262 + ], + [ + "\u2581Antho", + -14.26719570159912 + ], + [ + "\u2581Montmor", + -14.267208099365234 + ], + [ + "\u2581vinculados", + -14.26723575592041 + ], + [ + "\u2581Krasno", + -14.267242431640623 + ], + [ + "weniger", + -14.26724624633789 + ], + [ + "\u2581galardonado", + -14.267248153686523 + ], + [ + "\u2581Bl\u00fc", + -14.267287254333496 + ], + [ + "\u2581priorities", + -14.267289161682127 + ], + [ + "\u2581torus", + -14.26729965209961 + ], + [ + "STEIN", + -14.267345428466797 + ], + [ + "\u2581Palestijnse", + -14.267353057861328 + ], + [ + "\u2581aeroportuale", + -14.267353057861328 + ], + [ + "rabatt", + -14.267356872558594 + ], + [ + "\u2581setzes", + -14.267359733581545 + ], + [ + "cider", + -14.267373085021973 + ], + [ + "\u2581Shapiro", + -14.267383575439451 + ], + [ + "\u2581resumed", + -14.267404556274414 + ], + [ + "\u2581Flamini", + -14.267409324645996 + ], + [ + "\u2581flachen", + -14.267433166503906 + ], + [ + "\u2581vorzeitige", + -14.267443656921388 + ], + [ + "\u2581Krag", + -14.26748752593994 + ], + [ + "\u2581killall", + -14.267498970031738 + ], + [ + "\u2581Palin", + -14.26751708984375 + ], + [ + "d\u00fcr", + -14.267526626586914 + ], + [ + "ajoutent", + -14.267529487609863 + ], + [ + "sumido", + -14.267589569091797 + ], + [ + "containerView", + -14.26760196685791 + ], + [ + "\u2581zugelassene", + -14.267678260803224 + ], + [ + "wage", + -14.267693519592283 + ], + [ + "\u2581registrou", + -14.267730712890623 + ], + [ + "\u2581dwarsfluit", + -14.267739295959473 + ], + [ + "\u2581sciencefiction", + -14.267745018005373 + ], + [ + "embarras", + -14.267745971679688 + ], + [ + "\u2581stocker", + -14.267757415771484 + ], + [ + "AULT", + -14.267778396606444 + ], + [ + "\u2581Notons", + -14.267800331115724 + ], + [ + "\u2581instantaneous", + -14.267839431762695 + ], + [ + "\u2581schaars", + -14.26784896850586 + ], + [ + "barro", + -14.267860412597656 + ], + [ + "Divide", + -14.2678804397583 + ], + [ + "\u2581compimento", + -14.267884254455566 + ], + [ + "\u2581Ant\u00ed", + -14.26789379119873 + ], + [ + "\u2581amministrativi", + -14.267914772033691 + ], + [ + "\u2581hoofdrollen", + -14.26791763305664 + ], + [ + "othermal", + -14.267976760864258 + ], + [ + "ELLI", + -14.267993927001951 + ], + [ + "sch\u00e4m", + -14.267993927001951 + ], + [ + "\u2581Chinois", + -14.26799774169922 + ], + [ + "\u2581procuratore", + -14.268017768859863 + ], + [ + "AAS", + -14.268030166625977 + ], + [ + "intorno", + -14.268038749694824 + ], + [ + "\u2581Meridionale", + -14.268052101135254 + ], + [ + "\u2581moelle", + -14.268056869506836 + ], + [ + "\u2581Carcassonne", + -14.268115997314451 + ], + [ + "\u2581hitherto", + -14.268115997314451 + ], + [ + "\u2581recognizing", + -14.268115997314451 + ], + [ + "\u2581risveglia", + -14.268118858337402 + ], + [ + "\u2581Attentat", + -14.26811981201172 + ], + [ + "\u2581Chr\u00e9tien", + -14.268121719360352 + ], + [ + "\u2581Mikk", + -14.268121719360352 + ], + [ + "bereinigt", + -14.26815414428711 + ], + [ + "\u2581Ratifizierung", + -14.268159866333008 + ], + [ + "battery", + -14.268163681030272 + ], + [ + "\u2581Internacionales", + -14.268190383911133 + ], + [ + "colum", + -14.26820182800293 + ], + [ + "corvo", + -14.268206596374512 + ], + [ + "plugged", + -14.268213272094728 + ], + [ + "\u2581confinanti", + -14.268228530883787 + ], + [ + "\u2581Artigas", + -14.268250465393066 + ], + [ + "Preset", + -14.268274307250977 + ], + [ + "\u2581marionet", + -14.268299102783203 + ], + [ + "\u2581revolucionarios", + -14.26830768585205 + ], + [ + "aliasing", + -14.268321990966797 + ], + [ + "Truppen", + -14.268342971801758 + ], + [ + "\u2581intentionally", + -14.268356323242188 + ], + [ + "\u2581unechte", + -14.268367767333984 + ], + [ + "erjee", + -14.268372535705566 + ], + [ + "\u2581procurador", + -14.268424987792969 + ], + [ + "\u2581Celebra", + -14.26844596862793 + ], + [ + "GED", + -14.268479347229004 + ], + [ + "TARBALL", + -14.268497467041016 + ], + [ + "\u2581unerl\u00e4sslich", + -14.268497467041016 + ], + [ + "\u2581isol\u00e9e", + -14.268522262573242 + ], + [ + "\u2581Wohnzimmer", + -14.268527030944824 + ], + [ + "\u2581spietat", + -14.268534660339355 + ], + [ + "kah", + -14.268539428710938 + ], + [ + "\u2581n\u00e9gocier", + -14.268547058105469 + ], + [ + "\u2581Venti", + -14.26855754852295 + ], + [ + "\u2581giocando", + -14.26857089996338 + ], + [ + "\u2581pressionar", + -14.26857566833496 + ], + [ + "\u2581satan", + -14.268590927124023 + ], + [ + "riechen", + -14.268610954284668 + ], + [ + "\u2581blew", + -14.268616676330566 + ], + [ + "\u2581handsome", + -14.268620491027832 + ], + [ + "\u2581ingrediente", + -14.268647193908691 + ], + [ + "\u2581marinos", + -14.268674850463867 + ], + [ + "Bulgaars", + -14.2686767578125 + ], + [ + "Extent", + -14.2686767578125 + ], + [ + "toppen", + -14.268693923950195 + ], + [ + "startLine", + -14.268709182739258 + ], + [ + "ODER", + -14.268741607666016 + ], + [ + "erbst", + -14.268742561340332 + ], + [ + "\u2581parcelle", + -14.26874828338623 + ], + [ + "pold", + -14.268749237060549 + ], + [ + "\u2581Principio", + -14.268750190734863 + ], + [ + "\u2581upgraded", + -14.268762588500977 + ], + [ + "stagno", + -14.268811225891112 + ], + [ + "\u2581Bielorr", + -14.268877029418944 + ], + [ + "\u2581Kamm", + -14.268877983093262 + ], + [ + "SEPARATOR", + -14.268878936767578 + ], + [ + "\u2581Biodiversit\u00e4t", + -14.268879890441896 + ], + [ + "\u2581wiederkehrende", + -14.26888370513916 + ], + [ + "\u2581Clifton", + -14.268885612487791 + ], + [ + "\u2581concomitant", + -14.268898963928224 + ], + [ + "\u2581optisch", + -14.268921852111816 + ], + [ + "Expiration", + -14.26893424987793 + ], + [ + "\u2581adott", + -14.26893711090088 + ], + [ + "\u2581campesina", + -14.268946647644045 + ], + [ + "Alkyl", + -14.268953323364258 + ], + [ + "\u2581Venturi", + -14.26895809173584 + ], + [ + "propto", + -14.26898956298828 + ], + [ + "Regime", + -14.268991470336914 + ], + [ + "\u2581prot\u00e9g\u00e9s", + -14.269001960754396 + ], + [ + "ilier", + -14.269002914428713 + ], + [ + "\u2581criamos", + -14.26902675628662 + ], + [ + "\u2581Dernier", + -14.269043922424316 + ], + [ + "\u2581f\u00e9d\u00e9r", + -14.26904582977295 + ], + [ + "\u2581Ezra", + -14.269062042236328 + ], + [ + "avik", + -14.269070625305176 + ], + [ + "esp\u00e9rance", + -14.269103050231934 + ], + [ + "\u2581parientes", + -14.269113540649414 + ], + [ + "\u2581Valer", + -14.269129753112791 + ], + [ + "\u2581investigators", + -14.269185066223145 + ], + [ + "verzicht", + -14.269210815429688 + ], + [ + "\u2581interpola", + -14.269230842590332 + ], + [ + "\u2581Pelle", + -14.26923370361328 + ], + [ + "\u2581herover", + -14.269243240356444 + ], + [ + "Guerra", + -14.26925277709961 + ], + [ + "\u2581Karibik", + -14.269261360168455 + ], + [ + "\u2581virtualmente", + -14.269261360168455 + ], + [ + "\u2581blason", + -14.269265174865724 + ], + [ + "\u2581l\u00e9sions", + -14.269268989562988 + ], + [ + "\u2581realised", + -14.269275665283203 + ], + [ + "\u2581contraddizioni", + -14.269283294677734 + ], + [ + "\u2581W\u00fcnschen", + -14.269304275512695 + ], + [ + "\u2581spoedig", + -14.269304275512695 + ], + [ + "\u2581Mediante", + -14.26931381225586 + ], + [ + "\u2581Vengono", + -14.269332885742188 + ], + [ + "Insel", + -14.2693452835083 + ], + [ + "monoxid", + -14.269434928894045 + ], + [ + "\u2581obedecer", + -14.269448280334473 + ], + [ + "arcidiocesi", + -14.269475936889648 + ], + [ + "\u2581esp\u00eda", + -14.269566535949709 + ], + [ + "\u2581Griffiths", + -14.2695894241333 + ], + [ + "rchipelago", + -14.269590377807615 + ], + [ + "\u2581launching", + -14.269597053527832 + ], + [ + "\u2581fulg", + -14.269598960876465 + ], + [ + "\u2581indon\u00e9si", + -14.269603729248049 + ], + [ + "anteriormente", + -14.269604682922363 + ], + [ + "\u2581Firmin", + -14.269617080688477 + ], + [ + "\u2581condomini", + -14.269617080688477 + ], + [ + "\u2581musici", + -14.269644737243652 + ], + [ + "\u2581Miyazaki", + -14.269645690917969 + ], + [ + "\u2581Serp", + -14.269678115844728 + ], + [ + "\u2581crue", + -14.269678115844728 + ], + [ + "\u2581controlados", + -14.269681930541992 + ], + [ + "TTER", + -14.269685745239258 + ], + [ + "\u2581meubles", + -14.26968765258789 + ], + [ + "wijding", + -14.269699096679688 + ], + [ + "\u2581Kinderbetreuung", + -14.26970100402832 + ], + [ + "ellenistic", + -14.269749641418455 + ], + [ + "\u2581comptant", + -14.269762992858888 + ], + [ + "\u2581minst", + -14.269771575927734 + ], + [ + "\u2581jedermann", + -14.269775390625 + ], + [ + "\u2581Nuss", + -14.269786834716797 + ], + [ + "\u2581Antillen", + -14.269814491271973 + ], + [ + "\u2581widmet", + -14.2698392868042 + ], + [ + "SIGNED", + -14.269842147827148 + ], + [ + "\u2581Saban", + -14.269845008850098 + ], + [ + "\u2581Domaine", + -14.269940376281738 + ], + [ + "\u2581Bruttoinlands", + -14.269956588745115 + ], + [ + "Aantal", + -14.26996612548828 + ], + [ + "\u2581eurent", + -14.269974708557127 + ], + [ + "\u2581fosfor", + -14.269984245300291 + ], + [ + "investitur", + -14.270009994506836 + ], + [ + "dalus", + -14.270025253295898 + ], + [ + "\u2581homotopy", + -14.270026206970217 + ], + [ + "\u2581spedizioni", + -14.270047187805176 + ], + [ + "\u2581vlot", + -14.270069122314451 + ], + [ + "\u2581cadett", + -14.270089149475098 + ], + [ + "\u2581constituy\u00f3", + -14.270116806030272 + ], + [ + "\u2581comico", + -14.27012825012207 + ], + [ + "mcr", + -14.270148277282717 + ], + [ + "sfindung", + -14.270187377929688 + ], + [ + "inqui\u00e9t", + -14.2702054977417 + ], + [ + "TextColor", + -14.270218849182127 + ], + [ + "\u2581Poche", + -14.270218849182127 + ], + [ + "\u2581Trajan", + -14.270220756530762 + ], + [ + "\u2581Rallye", + -14.270228385925291 + ], + [ + "\u2581unfortunate", + -14.27024269104004 + ], + [ + "\u2581Loiret", + -14.27024745941162 + ], + [ + "\u2581Dyck", + -14.27025032043457 + ], + [ + "\u2581Clun", + -14.270271301269531 + ], + [ + "setopt", + -14.270280838012695 + ], + [ + "\u2581Pakt", + -14.27031135559082 + ], + [ + "\u2581Flames", + -14.270318031311035 + ], + [ + "\u2581indifferente", + -14.27032470703125 + ], + [ + "sterol", + -14.270325660705566 + ], + [ + "Krij", + -14.270329475402832 + ], + [ + "\u2581Christo", + -14.27035903930664 + ], + [ + "rettamente", + -14.270365715026855 + ], + [ + "\u2581deber\u00e1n", + -14.270371437072754 + ], + [ + "Schleife", + -14.270380020141602 + ], + [ + "\u2581monding", + -14.270381927490234 + ], + [ + "\u2581riconosciuti", + -14.270408630371094 + ], + [ + "incertezza", + -14.270411491394045 + ], + [ + "\u2581fornendo", + -14.270411491394045 + ], + [ + "\u2581vinegar", + -14.270415306091309 + ], + [ + "\u2581Eyck", + -14.270432472229004 + ], + [ + "ggling", + -14.270456314086914 + ], + [ + "\u2581Antonino", + -14.27046012878418 + ], + [ + "MISSING", + -14.270462036132812 + ], + [ + "\u2581Skigebiet", + -14.270471572875977 + ], + [ + "\u2581Waag", + -14.27049446105957 + ], + [ + "\u2581decisa", + -14.270499229431152 + ], + [ + "\u2581Letztlich", + -14.270505905151367 + ], + [ + "kamoto", + -14.270506858825684 + ], + [ + "tasse", + -14.270508766174316 + ], + [ + "\u2581paranoia", + -14.270508766174316 + ], + [ + "\u2581Treue", + -14.270541191101074 + ], + [ + "female", + -14.270548820495604 + ], + [ + "\u2581Ausdr\u00fccke", + -14.270647048950195 + ], + [ + "\u2581planeten", + -14.270668029785156 + ], + [ + "\u2581scent", + -14.270674705505373 + ], + [ + "Laure", + -14.2706937789917 + ], + [ + "\u2581judeu", + -14.270724296569824 + ], + [ + "\u2581embaixada", + -14.270750045776367 + ], + [ + "logiche", + -14.270759582519531 + ], + [ + "\u2581Idris", + -14.270791053771973 + ], + [ + "\u2581Cl\u00e1ssic", + -14.270792007446287 + ], + [ + "\u2581tubular", + -14.270800590515137 + ], + [ + "MANAGE", + -14.270801544189451 + ], + [ + "\u2581Trott", + -14.27084255218506 + ], + [ + "alski", + -14.27085018157959 + ], + [ + "\u2581renonce", + -14.270877838134766 + ], + [ + "\u2581chaotic", + -14.270893096923828 + ], + [ + "usagen", + -14.270910263061523 + ], + [ + "\u2581Whitt", + -14.270928382873535 + ], + [ + "\u2581agitat", + -14.270976066589355 + ], + [ + "capitale", + -14.27098274230957 + ], + [ + "kreislauf", + -14.270991325378418 + ], + [ + "icembre", + -14.271011352539062 + ], + [ + "ktische", + -14.271042823791504 + ], + [ + "\u2581Fernstra", + -14.27105712890625 + ], + [ + "\u2581repro", + -14.271077156066896 + ], + [ + "\u2581dendrit", + -14.271078109741213 + ], + [ + "\u2581estimar", + -14.271120071411133 + ], + [ + "INSTALLED", + -14.271127700805664 + ], + [ + "\u2581\u00e9vidente", + -14.271141052246094 + ], + [ + "Severity", + -14.27114200592041 + ], + [ + "\u2581colectivos", + -14.271163940429688 + ], + [ + "teacher", + -14.27116584777832 + ], + [ + "\u2581Omstreeks", + -14.271173477172852 + ], + [ + "\u2581dovremmo", + -14.271175384521484 + ], + [ + "ophryn", + -14.271202087402344 + ], + [ + "zumab", + -14.271254539489746 + ], + [ + "Whitespace", + -14.271300315856934 + ], + [ + "\u2581Klei", + -14.27130889892578 + ], + [ + "\u2581poetic", + -14.27135944366455 + ], + [ + "\u2581Merrill", + -14.271368026733398 + ], + [ + "\u2581bapt", + -14.27138328552246 + ], + [ + "\u2581neven", + -14.271400451660156 + ], + [ + "\u2581livrer", + -14.271413803100586 + ], + [ + "ncora", + -14.271419525146484 + ], + [ + "vestitionszulage", + -14.2714262008667 + ], + [ + "\u2581unterzeichneten", + -14.27143383026123 + ], + [ + "hoist", + -14.271437644958496 + ], + [ + "\u2581Holand", + -14.27144718170166 + ], + [ + "UIColor", + -14.271456718444824 + ], + [ + "\u2581fumar", + -14.271479606628418 + ], + [ + "Pologne", + -14.271512031555176 + ], + [ + "\u2581nowadays", + -14.271556854248049 + ], + [ + "\u2581onderworpen", + -14.271556854248049 + ], + [ + "\u2581corr\u00eda", + -14.271562576293944 + ], + [ + "\u2581giovinezza", + -14.271562576293944 + ], + [ + "\u2581ficado", + -14.271567344665527 + ], + [ + "Finalize", + -14.271581649780272 + ], + [ + "\u2581stanca", + -14.271634101867676 + ], + [ + "\u2581parlamentar", + -14.271639823913574 + ], + [ + "\u2581Glukose", + -14.271649360656738 + ], + [ + "Combination", + -14.271674156188965 + ], + [ + "mapView", + -14.271689414978027 + ], + [ + "\u2581dankt", + -14.27169704437256 + ], + [ + "\u2581Almagro", + -14.271705627441406 + ], + [ + "HIN", + -14.27170753479004 + ], + [ + "\u2581impedance", + -14.271718978881836 + ], + [ + "scopa", + -14.271730422973633 + ], + [ + "\u2581Liegt", + -14.27174472808838 + ], + [ + "Schriftenreihe", + -14.271798133850098 + ], + [ + "\u2581algas", + -14.271806716918944 + ], + [ + "\u2581p\u00e4ischen", + -14.2718505859375 + ], + [ + "\u2581drago", + -14.271855354309082 + ], + [ + "\u2581entrenar", + -14.271860122680664 + ], + [ + "harmonique", + -14.27186393737793 + ], + [ + "\u2581alimentado", + -14.2719087600708 + ], + [ + "\u2581diresse", + -14.271925926208496 + ], + [ + "\u00e9metteur", + -14.271928787231444 + ], + [ + "Racing", + -14.27193832397461 + ], + [ + "\u2581card\u00edaca", + -14.271939277648926 + ], + [ + "acoustique", + -14.271940231323242 + ], + [ + "gorge", + -14.271963119506836 + ], + [ + "\u2581bloot", + -14.27196979522705 + ], + [ + "\u2581Balb", + -14.272006034851074 + ], + [ + "Onderscheidingen", + -14.27200984954834 + ], + [ + "\u2581Rhetori", + -14.272013664245604 + ], + [ + "glad", + -14.272016525268556 + ], + [ + "\u2581respondeu", + -14.272022247314451 + ], + [ + "hound", + -14.272025108337402 + ], + [ + "carregamento", + -14.272035598754885 + ], + [ + "enhout", + -14.272035598754885 + ], + [ + "verlagerung", + -14.272058486938477 + ], + [ + "\u2581Teppich", + -14.272064208984377 + ], + [ + "\u2581renferm", + -14.272095680236816 + ], + [ + "croix", + -14.27209758758545 + ], + [ + "chleswig", + -14.272109031677246 + ], + [ + "\u2581koolstof", + -14.272128105163574 + ], + [ + "brauchs", + -14.272172927856444 + ], + [ + "Wildcard", + -14.272180557250977 + ], + [ + "\u2581nacidos", + -14.27220630645752 + ], + [ + "\u2581Urano", + -14.272226333618164 + ], + [ + "cloth", + -14.272232055664062 + ], + [ + "\u00e9tonne", + -14.272256851196287 + ], + [ + "\u2581erected", + -14.272268295288086 + ], + [ + "\u2581Chop", + -14.272302627563477 + ], + [ + "\u2581empreendedor", + -14.272306442260742 + ], + [ + "\u2581beschikbare", + -14.27232265472412 + ], + [ + "\u2581geaccepteerd", + -14.27232265472412 + ], + [ + "verschuiving", + -14.272337913513184 + ], + [ + "Erz", + -14.272404670715332 + ], + [ + "simmetric", + -14.272405624389648 + ], + [ + "abdij", + -14.272412300109863 + ], + [ + "\u2581Crise", + -14.272419929504396 + ], + [ + "\u2581pluriel", + -14.272428512573242 + ], + [ + "\u2581calce", + -14.272433280944824 + ], + [ + "\u2581exhibe", + -14.272452354431152 + ], + [ + "\u2581peti", + -14.272496223449709 + ], + [ + "\u2581Ruck", + -14.272505760192873 + ], + [ + "\u2581distrai", + -14.272523880004885 + ], + [ + "\u2581pinyin", + -14.272530555725098 + ], + [ + "\u2581\u00f3bvio", + -14.272588729858398 + ], + [ + "Stdout", + -14.27263641357422 + ], + [ + "\u2581schwanger", + -14.27265167236328 + ], + [ + "Arqu", + -14.272659301757812 + ], + [ + "\u2581calories", + -14.272680282592772 + ], + [ + "outros", + -14.272734642028809 + ], + [ + "\u2581Determination", + -14.272738456726074 + ], + [ + "Seiten", + -14.272787094116213 + ], + [ + "\u00f3pica", + -14.272794723510742 + ], + [ + "bevollm\u00e4chtigten", + -14.27288055419922 + ], + [ + "\u2581papi", + -14.272907257080078 + ], + [ + "\u2581filosofische", + -14.27292537689209 + ], + [ + "\u2581Antonell", + -14.27297306060791 + ], + [ + "verbosity", + -14.2730131149292 + ], + [ + "\u2581furor", + -14.273063659667969 + ], + [ + "tolerancia", + -14.273066520690918 + ], + [ + "\u2581offensiv", + -14.27308750152588 + ], + [ + "\u2581acess\u00edveis", + -14.273089408874512 + ], + [ + "volgende", + -14.273098945617676 + ], + [ + "\u2581Rebellion", + -14.273098945617676 + ], + [ + "\u2581slanci", + -14.273103713989258 + ], + [ + "\u2581Colletidae", + -14.273116111755373 + ], + [ + "\u2581effectifs", + -14.273130416870115 + ], + [ + "\u2581Fotograf\u00eda", + -14.273165702819824 + ], + [ + "verging", + -14.273178100585938 + ], + [ + "sseis", + -14.273195266723633 + ], + [ + "pusiera", + -14.273222923278809 + ], + [ + "puncture", + -14.273245811462402 + ], + [ + "\u2581fijar", + -14.273273468017578 + ], + [ + "\u2581hostage", + -14.273286819458008 + ], + [ + "\u2581Systematic", + -14.273311614990234 + ], + [ + "\u2581distributori", + -14.273343086242676 + ], + [ + "addTarget", + -14.273344039916992 + ], + [ + "\u2581generellen", + -14.273355484008787 + ], + [ + "\u2581humanitarian", + -14.273358345031738 + ], + [ + "rroga", + -14.273383140563965 + ], + [ + "PROPERTIES", + -14.27341651916504 + ], + [ + "\u2581onrust", + -14.273433685302734 + ], + [ + "evangel", + -14.273439407348633 + ], + [ + "\u2581blessing", + -14.273439407348633 + ], + [ + "\u2581vivait", + -14.273448944091797 + ], + [ + "\u2581B\u00e9isbol", + -14.273472785949709 + ], + [ + "\u2581Sorocaba", + -14.273476600646973 + ], + [ + "\u2581conduz", + -14.273487091064451 + ], + [ + "incapacit\u00e0", + -14.273497581481934 + ], + [ + "\u2581conferenze", + -14.273504257202148 + ], + [ + "\u2581acontecem", + -14.273512840270996 + ], + [ + "Estisch", + -14.273526191711426 + ], + [ + "\u2581herausgestellt", + -14.273531913757324 + ], + [ + "\u2581apresentava", + -14.273547172546388 + ], + [ + "\u2581ligure", + -14.273547172546388 + ], + [ + "\u2581Kira", + -14.273550033569336 + ], + [ + "Composition", + -14.273554801940918 + ], + [ + "\u2581avvista", + -14.273568153381348 + ], + [ + "kwartet", + -14.273571968078612 + ], + [ + "synaptic", + -14.27357292175293 + ], + [ + "\u2581Azerbaijan", + -14.273615837097168 + ], + [ + "\u2581honorable", + -14.273624420166016 + ], + [ + "Infra", + -14.273633003234863 + ], + [ + "imble", + -14.273633003234863 + ], + [ + "indien", + -14.27365016937256 + ], + [ + "\u2581literacy", + -14.273653984069824 + ], + [ + "\u2581Narra", + -14.273691177368164 + ], + [ + "\u2581Lesotho", + -14.273717880249023 + ], + [ + "\u2581Padang", + -14.273807525634766 + ], + [ + "locar", + -14.273828506469728 + ], + [ + "\u2581Gyeong", + -14.273833274841309 + ], + [ + "acaba", + -14.273837089538574 + ], + [ + "\u2581californi", + -14.273849487304688 + ], + [ + "beads", + -14.273866653442385 + ], + [ + "Sevilla", + -14.27387523651123 + ], + [ + "odina", + -14.27389144897461 + ], + [ + "sozialisten", + -14.273892402648926 + ], + [ + "\u2581microregio", + -14.273895263671877 + ], + [ + "\u2581fortifi\u00e9", + -14.273933410644531 + ], + [ + "\u2581spru", + -14.27393913269043 + ], + [ + "zionato", + -14.273992538452148 + ], + [ + "\u2581coltello", + -14.273993492126465 + ], + [ + "\u2581Appia", + -14.274001121520996 + ], + [ + "\u2581Haug", + -14.274012565612791 + ], + [ + "\u2581generaliza", + -14.27401351928711 + ], + [ + "aanvraag", + -14.27402687072754 + ], + [ + "\u2581Niederschrift", + -14.27406120300293 + ], + [ + "Plattform", + -14.274085998535156 + ], + [ + "Berlijn", + -14.274089813232422 + ], + [ + "\u2581conseq\u00fc", + -14.274091720581056 + ], + [ + "SURE", + -14.274112701416016 + ], + [ + "Chapelle", + -14.274173736572266 + ], + [ + "Lyric", + -14.274189949035645 + ], + [ + "GoogLeNet", + -14.274213790893556 + ], + [ + "\u2581colegios", + -14.274214744567873 + ], + [ + "\u2581Cassan", + -14.27423858642578 + ], + [ + "\u2581b\u00e9n\u00e9ficiai", + -14.274239540100098 + ], + [ + "\u2581cowboy", + -14.27424144744873 + ], + [ + "\u2581ve\u00edan", + -14.274242401123049 + ], + [ + "\u2581liderou", + -14.274250984191896 + ], + [ + "\u2581H\u00fchner", + -14.274252891540527 + ], + [ + "ndorsement", + -14.27426528930664 + ], + [ + "\u2581enviando", + -14.27427101135254 + ], + [ + "\u2581Famous", + -14.274279594421388 + ], + [ + "\u2581subaltern", + -14.27428150177002 + ], + [ + "\u2581fisher", + -14.274283409118652 + ], + [ + "\u2581rebu", + -14.274287223815918 + ], + [ + "\u2581Soltanto", + -14.274288177490234 + ], + [ + "\u2581representativa", + -14.27428913116455 + ], + [ + "\u2581Gauliga", + -14.274301528930664 + ], + [ + "protease", + -14.27432346343994 + ], + [ + "\u2581Abflug", + -14.274347305297852 + ], + [ + "\u2581dormit\u00f3rio", + -14.274351119995115 + ], + [ + "\u2581Depress", + -14.27438259124756 + ], + [ + "\u2581plea", + -14.274392127990724 + ], + [ + "\u2581effectu\u00e9es", + -14.27439308166504 + ], + [ + "cotch", + -14.274394989013672 + ], + [ + "tabindex", + -14.274429321289062 + ], + [ + "\u2581Nutzfl\u00e4che", + -14.274565696716309 + ], + [ + "ropping", + -14.27457332611084 + ], + [ + "\u2581atribu\u00edda", + -14.274579048156738 + ], + [ + "\u2581suffices", + -14.2746000289917 + ], + [ + "\u2581Altersrente", + -14.274622917175291 + ], + [ + "\u2581zuordnen", + -14.274630546569824 + ], + [ + "spectral", + -14.27463436126709 + ], + [ + "\u2581Holloway", + -14.274646759033203 + ], + [ + "scalda", + -14.274651527404783 + ], + [ + "itatis", + -14.274698257446287 + ], + [ + "\u2581angegebene", + -14.274700164794922 + ], + [ + "\u2581Skizze", + -14.274718284606934 + ], + [ + "\u2581Huit", + -14.274752616882324 + ], + [ + "\u2581descubr", + -14.274791717529297 + ], + [ + "Dry", + -14.274812698364258 + ], + [ + "hoede", + -14.274826049804688 + ], + [ + "\u2581Implantation", + -14.274828910827637 + ], + [ + "\u2581australe", + -14.274832725524902 + ], + [ + "\u2581requerida", + -14.274872779846191 + ], + [ + "\u2581abweichenden", + -14.274892807006836 + ], + [ + "possibili", + -14.274894714355469 + ], + [ + "Paradigm", + -14.274911880493164 + ], + [ + "Laravel", + -14.27492618560791 + ], + [ + "\u2581fokussiert", + -14.274967193603516 + ], + [ + "\u2581Regolamento", + -14.27500820159912 + ], + [ + "Politic", + -14.275009155273438 + ], + [ + "\u2581giungla", + -14.275012969970703 + ], + [ + "\u2581finanziamenti", + -14.275018692016602 + ], + [ + "eccessivo", + -14.275023460388184 + ], + [ + "\u2581cherch\u00e9", + -14.275053977966309 + ], + [ + "\u2581Gymno", + -14.275070190429688 + ], + [ + "scepticism", + -14.275106430053713 + ], + [ + "\u2581equipamiento", + -14.275121688842772 + ], + [ + "\u2581curios", + -14.275150299072266 + ], + [ + "pedida", + -14.275160789489746 + ], + [ + "\u2581arabische", + -14.275174140930176 + ], + [ + "\u2581Barbari", + -14.27518367767334 + ], + [ + "enobi", + -14.275205612182615 + ], + [ + "\u2581ermutig", + -14.275212287902832 + ], + [ + "regi\u00f3n", + -14.275221824645996 + ], + [ + "\u2581desesper", + -14.275232315063477 + ], + [ + "atletica", + -14.275278091430664 + ], + [ + "dynamo", + -14.27531909942627 + ], + [ + "AVAILABLE", + -14.275392532348633 + ], + [ + "dFinishLaunching", + -14.275392532348633 + ], + [ + "\u2581desvantagem", + -14.275392532348633 + ], + [ + "\u2581impliquant", + -14.275392532348633 + ], + [ + "R\u00e9f\u00e9rences", + -14.27540397644043 + ], + [ + "enseigner", + -14.275404930114746 + ], + [ + "\u2581Gardiner", + -14.275405883789062 + ], + [ + "\u2581contaminant", + -14.27541732788086 + ], + [ + "\u2581zwingende", + -14.27541732788086 + ], + [ + "\u2581Montreux", + -14.275425910949709 + ], + [ + "poule", + -14.275426864624023 + ], + [ + "\u2581rassemblement", + -14.275430679321287 + ], + [ + "\u2581angewandte", + -14.275472640991213 + ], + [ + "\u2581Hieraus", + -14.275507926940918 + ], + [ + "szenario", + -14.275510787963867 + ], + [ + "\u2581fugitivo", + -14.275516510009766 + ], + [ + "\u2581Schaffen", + -14.275530815124512 + ], + [ + "assimilation", + -14.275557518005373 + ], + [ + "\u2581reflectie", + -14.275557518005373 + ], + [ + "transcript", + -14.27558708190918 + ], + [ + "\u2581Piceno", + -14.275588035583496 + ], + [ + "\u2581derivano", + -14.275589942932127 + ], + [ + "bpe", + -14.275592803955078 + ], + [ + "\u2581Fujian", + -14.275638580322266 + ], + [ + "soy", + -14.275643348693848 + ], + [ + "Eisen", + -14.27564525604248 + ], + [ + "vunque", + -14.275653839111328 + ], + [ + "\u2581Haller", + -14.275699615478516 + ], + [ + "\u2581Koto", + -14.275712966918944 + ], + [ + "\u2581lavado", + -14.275726318359377 + ], + [ + "\u2581metano", + -14.275733947753906 + ], + [ + "GENERATE", + -14.27575969696045 + ], + [ + "\u2581impair", + -14.275801658630373 + ], + [ + "\u2581televisieacteur", + -14.275802612304688 + ], + [ + "\u2581anisotrop", + -14.275812149047852 + ], + [ + "\u2581contribuisce", + -14.275821685791016 + ], + [ + "Osaka", + -14.275829315185549 + ], + [ + "\u2581erw\u00fcnscht", + -14.275836944580078 + ], + [ + "\u2581Fratelli", + -14.275871276855469 + ], + [ + "\u2581attentats", + -14.275880813598633 + ], + [ + "mmler", + -14.275893211364746 + ], + [ + "Expires", + -14.275894165039062 + ], + [ + "\u2581compar\u00e9", + -14.275897979736328 + ], + [ + "\u2581betray", + -14.275922775268556 + ], + [ + "\u2581Mighty", + -14.275946617126465 + ], + [ + "\u2581deterioro", + -14.275949478149414 + ], + [ + "oniem", + -14.275959968566896 + ], + [ + "schna", + -14.275965690612791 + ], + [ + "\u2581achterkant", + -14.275979042053224 + ], + [ + "Goals", + -14.276020050048828 + ], + [ + "\u2581Orma", + -14.276025772094728 + ], + [ + "giendo", + -14.276030540466309 + ], + [ + "\u2581Horta", + -14.276030540466309 + ], + [ + "\u2581Meetings", + -14.276079177856444 + ], + [ + "\u2581esclusi", + -14.276138305664062 + ], + [ + "\u2581id\u00e9ologique", + -14.276162147521973 + ], + [ + "\u2581d\u00e9tient", + -14.276164054870604 + ], + [ + "\u2581Rebellen", + -14.276165962219238 + ], + [ + "\u2581meuObjeto", + -14.276167869567873 + ], + [ + "\u2581dozzina", + -14.276168823242188 + ], + [ + "ssayez", + -14.276172637939451 + ], + [ + "berlandbusse", + -14.276180267333984 + ], + [ + "\u2581Sendai", + -14.276195526123049 + ], + [ + "greet", + -14.276205062866213 + ], + [ + "Specifier", + -14.276206016540527 + ], + [ + "Chaincode", + -14.276215553283691 + ], + [ + "akura", + -14.276215553283691 + ], + [ + "ENDING", + -14.276222229003906 + ], + [ + "Diskussion", + -14.27622890472412 + ], + [ + "\u2581Ulisse", + -14.276247024536133 + ], + [ + "cancer", + -14.27625560760498 + ], + [ + "\u2581cugin", + -14.276269912719728 + ], + [ + "\u2581Macchi", + -14.27627944946289 + ], + [ + "tabiliteit", + -14.276293754577637 + ], + [ + "\u2581cobran", + -14.276302337646484 + ], + [ + "iyo", + -14.2763090133667 + ], + [ + "Rechtswidrigkeit", + -14.276310920715332 + ], + [ + "cathexis", + -14.276320457458496 + ], + [ + "\u2581margari", + -14.276326179504396 + ], + [ + "\u2581presup", + -14.27635097503662 + ], + [ + "\u2581Entstehen", + -14.27640438079834 + ], + [ + "\u2581Cellpadding", + -14.276463508605955 + ], + [ + "conj", + -14.276471138000488 + ], + [ + "stellvertretende", + -14.27647304534912 + ], + [ + "liberale", + -14.276473999023438 + ], + [ + "\u2581Betrachtungen", + -14.276485443115234 + ], + [ + "ungssystem", + -14.276493072509766 + ], + [ + "Magnet", + -14.276508331298828 + ], + [ + "\u2581Aliados", + -14.276535034179688 + ], + [ + "\u2581Amun", + -14.27655792236328 + ], + [ + "\u2581Merse", + -14.276610374450684 + ], + [ + "urani", + -14.276625633239746 + ], + [ + "\u2581fianc\u00e9", + -14.27664279937744 + ], + [ + "loadTexts", + -14.276656150817873 + ], + [ + "\u2581discoveries", + -14.276681900024414 + ], + [ + "\u2581castration", + -14.27668285369873 + ], + [ + "langue", + -14.276702880859377 + ], + [ + "kiv", + -14.276704788208008 + ], + [ + "resident", + -14.276732444763184 + ], + [ + "\u2581volwassenen", + -14.276735305786133 + ], + [ + "\u2581oblong", + -14.27676010131836 + ], + [ + "notifier", + -14.276769638061523 + ], + [ + "\u2581tomatoes", + -14.276787757873535 + ], + [ + "\u2581testimonios", + -14.276796340942385 + ], + [ + "outon", + -14.276805877685549 + ], + [ + "montiert", + -14.276812553405762 + ], + [ + "\u2581tonto", + -14.276853561401367 + ], + [ + "\u2581avanzato", + -14.27687644958496 + ], + [ + "partnerschaft", + -14.276914596557615 + ], + [ + "\u2581Svet", + -14.276951789855955 + ], + [ + "attivo", + -14.276978492736816 + ], + [ + "\u2581Nightmare", + -14.276983261108398 + ], + [ + "Lobos", + -14.277015686035156 + ], + [ + "\u2581Rift", + -14.277016639709473 + ], + [ + "\u2581Contexte", + -14.27703094482422 + ], + [ + "\u2581Maximiliano", + -14.277076721191406 + ], + [ + "\u2581Ueno", + -14.277080535888672 + ], + [ + "Kreuzberg", + -14.277082443237305 + ], + [ + "\u2581Morocco", + -14.27709674835205 + ], + [ + "\u2581informelle", + -14.277109146118164 + ], + [ + "\u2581Mungo", + -14.277121543884276 + ], + [ + "\u2581judged", + -14.277140617370604 + ], + [ + "\u2581assinar", + -14.27715015411377 + ], + [ + "\u2581Trunk", + -14.277153968811035 + ], + [ + "\u2581Inspiration", + -14.277172088623049 + ], + [ + "\u2581allong\u00e9", + -14.277212142944336 + ], + [ + "\u2581Fron", + -14.277228355407717 + ], + [ + "\u2581Benjam\u00edn", + -14.27731704711914 + ], + [ + "\u2581uruguai", + -14.27731704711914 + ], + [ + "\u2581Ufficial", + -14.277320861816406 + ], + [ + "Thumbnail", + -14.277332305908203 + ], + [ + "einteilung", + -14.277334213256836 + ], + [ + "\u2581drasticamente", + -14.277344703674316 + ], + [ + "\u2581vici", + -14.277344703674316 + ], + [ + "\u2581Nacken", + -14.277385711669922 + ], + [ + "Malle", + -14.277393341064451 + ], + [ + "appartenance", + -14.277405738830566 + ], + [ + "\u2581secuencias", + -14.27741813659668 + ], + [ + "malle", + -14.277424812316896 + ], + [ + "\u2581Elterngeld", + -14.277429580688477 + ], + [ + "\u2581recruitment", + -14.27743911743164 + ], + [ + "albert", + -14.277440071105955 + ], + [ + "\u2581habile", + -14.277441024780272 + ], + [ + "deutscher", + -14.27744197845459 + ], + [ + "ingegno", + -14.27748203277588 + ], + [ + "extent", + -14.277493476867676 + ], + [ + "\u2581Caul", + -14.277493476867676 + ], + [ + "\u2581G\u00fcn", + -14.277494430541992 + ], + [ + "\u2581validit\u00e9", + -14.277530670166016 + ], + [ + "\u2581brillo", + -14.277531623840332 + ], + [ + "\u2581seriado", + -14.277546882629396 + ], + [ + "zust\u00e4ndigkeit", + -14.277563095092772 + ], + [ + "\u2581renseign\u00e9e", + -14.277573585510254 + ], + [ + "pannen", + -14.27757453918457 + ], + [ + "\u2581Michi", + -14.277592658996582 + ], + [ + "huel", + -14.277605056762695 + ], + [ + "\u2581pupils", + -14.277613639831545 + ], + [ + "guada", + -14.277618408203123 + ], + [ + "sentsch\u00e4digung", + -14.27761936187744 + ], + [ + "\u2581Pacha", + -14.277623176574709 + ], + [ + "\u2581prestazione", + -14.277630805969238 + ], + [ + "voluntario", + -14.277631759643556 + ], + [ + "\u2581Dode", + -14.277632713317873 + ], + [ + "\u2581restringe", + -14.277663230895996 + ], + [ + "ecologia", + -14.27768898010254 + ], + [ + "\u2581Mindanao", + -14.277704238891602 + ], + [ + "\u2581Gegenw\u00e4rtig", + -14.2777099609375 + ], + [ + "\u2581applicationDi", + -14.277751922607422 + ], + [ + "\u2581Sinfonia", + -14.277752876281738 + ], + [ + "\u2581visuais", + -14.277766227722168 + ], + [ + "\u2581sanit\u00e0", + -14.277767181396484 + ], + [ + "\u2581loodrecht", + -14.27777099609375 + ], + [ + "sphaer", + -14.277771949768066 + ], + [ + "agiscono", + -14.27777862548828 + ], + [ + "\u2581stationsgebouw", + -14.27778434753418 + ], + [ + "\u2581rocky", + -14.277796745300291 + ], + [ + "\u2581vorkommt", + -14.277807235717772 + ], + [ + "uddle", + -14.277828216552734 + ], + [ + "\u2581unbegrenzt", + -14.277899742126465 + ], + [ + "\u2581acham", + -14.277939796447754 + ], + [ + "Entropy", + -14.27795124053955 + ], + [ + "\u2581fornitori", + -14.277962684631348 + ], + [ + "\u2581fanatic", + -14.277976036071776 + ], + [ + "\u2581multiplicative", + -14.277999877929688 + ], + [ + "\u2581vulg", + -14.2780122756958 + ], + [ + "\u2581jup", + -14.278034210205078 + ], + [ + "zufuhr", + -14.278053283691406 + ], + [ + "\u2581espaldas", + -14.27805519104004 + ], + [ + "\u2581acquisire", + -14.278060913085938 + ], + [ + "\u2581hydrodynami", + -14.27806282043457 + ], + [ + "DFDFDF", + -14.27808666229248 + ], + [ + "Tyrosin", + -14.278109550476074 + ], + [ + "\u2581verfehlt", + -14.278109550476074 + ], + [ + "zmo", + -14.278114318847656 + ], + [ + "\u2581nacheinander", + -14.278119087219238 + ], + [ + "\u2581Stafford", + -14.278122901916504 + ], + [ + "\u00eddrico", + -14.278127670288086 + ], + [ + "\u2581comisario", + -14.27812957763672 + ], + [ + "discus", + -14.278138160705566 + ], + [ + "\u2581Grotta", + -14.278151512145996 + ], + [ + "\u2581refra", + -14.278158187866213 + ], + [ + "\u2581lineage", + -14.27817440032959 + ], + [ + "\u2581ausgehenden", + -14.278207778930664 + ], + [ + "DCC", + -14.278223991394045 + ], + [ + "\u2581convierten", + -14.278223991394045 + ], + [ + "\u2581versprochen", + -14.278298377990724 + ], + [ + "\u2581spettro", + -14.278332710266112 + ], + [ + "\u2581DefT", + -14.278355598449709 + ], + [ + "\u2581d\u00e9clar\u00e9e", + -14.278374671936035 + ], + [ + "\u2581mannetjes", + -14.2783842086792 + ], + [ + "\u2581aufwiesen", + -14.27843189239502 + ], + [ + "kohl", + -14.278464317321776 + ], + [ + "WSDecodableShape", + -14.278472900390623 + ], + [ + "\u2581Immagine", + -14.278472900390623 + ], + [ + "\u2581arquidi\u00f3cesis", + -14.278472900390623 + ], + [ + "waardering", + -14.27851390838623 + ], + [ + "\u2581interfaz", + -14.278524398803713 + ], + [ + "\u2581Kano", + -14.278535842895508 + ], + [ + "\u2581Sudoeste", + -14.278535842895508 + ], + [ + "\u2581vestida", + -14.27854061126709 + ], + [ + "\u2581d\u00e9clenche", + -14.27857780456543 + ], + [ + "\u2581ambiguity", + -14.27858543395996 + ], + [ + "\u2581Esmeralda", + -14.278615951538086 + ], + [ + "\u2581finishes", + -14.278657913208008 + ], + [ + "\u2581fresque", + -14.278697967529297 + ], + [ + "schweigen", + -14.278704643249512 + ], + [ + "\u2581guardado", + -14.278708457946776 + ], + [ + "\u2581fission", + -14.278726577758787 + ], + [ + "SPECT", + -14.278730392456056 + ], + [ + "belebt", + -14.27873420715332 + ], + [ + "\u2581Naquel", + -14.278736114501951 + ], + [ + "\u2581Bildungswesen", + -14.27875518798828 + ], + [ + "gem\u00fc", + -14.27876091003418 + ], + [ + "FEL", + -14.278770446777344 + ], + [ + "\u2581dosage", + -14.278776168823242 + ], + [ + "besetzt", + -14.27877712249756 + ], + [ + "\u2581Baumgart", + -14.27878475189209 + ], + [ + "\u2581sapendo", + -14.27878475189209 + ], + [ + "orismo", + -14.278794288635254 + ], + [ + "\u2581conversando", + -14.278796195983888 + ], + [ + "\u2581Argentijns", + -14.278800964355469 + ], + [ + "spent", + -14.278815269470217 + ], + [ + "\u2581Cerato", + -14.278817176818848 + ], + [ + "GREATER", + -14.278860092163086 + ], + [ + "Ottawa", + -14.27886199951172 + ], + [ + "\u2581Rondreizen", + -14.278865814208984 + ], + [ + "josa", + -14.278874397277832 + ], + [ + "\u2581permea", + -14.278907775878906 + ], + [ + "\u2581Versor", + -14.278921127319336 + ], + [ + "\u2581Damiano", + -14.278969764709473 + ], + [ + "lys\u00e9es", + -14.278972625732422 + ], + [ + "\u2581signalisation", + -14.278998374938965 + ], + [ + "phyr", + -14.279009819030762 + ], + [ + "wissels", + -14.279014587402344 + ], + [ + "jica", + -14.279051780700684 + ], + [ + "\u2581Albertine", + -14.27905559539795 + ], + [ + "\u2581atmosferic", + -14.279070854187012 + ], + [ + "\u2581calcola", + -14.27907371520996 + ], + [ + "v\u00e9n", + -14.279082298278809 + ], + [ + "\u2581orizzontale", + -14.279101371765137 + ], + [ + "\u2581reservations", + -14.279138565063477 + ], + [ + "ceti", + -14.279160499572754 + ], + [ + "\u2581Caud", + -14.279166221618652 + ], + [ + "\u2581seated", + -14.279187202453612 + ], + [ + "\u2581Ritt", + -14.27919101715088 + ], + [ + "qualifikation", + -14.279193878173828 + ], + [ + "\u2581Evidentemente", + -14.279244422912598 + ], + [ + "\u2581impl\u00edcita", + -14.279244422912598 + ], + [ + "\u2581asciuga", + -14.27924633026123 + ], + [ + "\u2581abdomen", + -14.279247283935549 + ], + [ + "taxonomy", + -14.27924919128418 + ], + [ + "plooi", + -14.279254913330078 + ], + [ + "\u2581Separat", + -14.279254913330078 + ], + [ + "\u2581dreigde", + -14.279260635375977 + ], + [ + "minimist", + -14.279266357421877 + ], + [ + "terrorist", + -14.27931308746338 + ], + [ + "liidae", + -14.27934741973877 + ], + [ + "\u2581discriminaci\u00f3n", + -14.279385566711426 + ], + [ + "\u2581Behandlungen", + -14.279419898986816 + ], + [ + "\u2581W\u00e4hl", + -14.279424667358398 + ], + [ + "\u2581Natureza", + -14.279428482055664 + ], + [ + "cipit", + -14.27945613861084 + ], + [ + "\u2581Epidemiologi", + -14.279471397399902 + ], + [ + "berein", + -14.279479026794434 + ], + [ + "\u2581zeichnete", + -14.279533386230469 + ], + [ + "professionnelles", + -14.27953815460205 + ], + [ + "figur\u00e9", + -14.279582977294922 + ], + [ + "\u2581innergemein", + -14.279586791992188 + ], + [ + "edited", + -14.279607772827148 + ], + [ + "\u2581umgebenden", + -14.279627799987791 + ], + [ + "\u2581Afgevaardigden", + -14.279630661010742 + ], + [ + "\u2581Versch\u00e4rfung", + -14.279668807983398 + ], + [ + "Messung", + -14.279672622680664 + ], + [ + "\u2581m\u00fcde", + -14.27968978881836 + ], + [ + "graving", + -14.279693603515623 + ], + [ + "\u2581efetivo", + -14.279712677001951 + ], + [ + "\u2581obt\u00e9m", + -14.279723167419434 + ], + [ + "IFE", + -14.27973747253418 + ], + [ + "\u2581custar", + -14.279739379882812 + ], + [ + "\u2581toepassen", + -14.27974796295166 + ], + [ + "Kapital", + -14.279757499694824 + ], + [ + "\u2581In\u00e1cio", + -14.27976131439209 + ], + [ + "Solve", + -14.279767036437988 + ], + [ + "\u2581africanas", + -14.279808044433594 + ], + [ + "\u2581beachtliche", + -14.279820442199709 + ], + [ + "\u2581einzureichen", + -14.279854774475098 + ], + [ + "Tony", + -14.279866218566896 + ], + [ + "\u2581Punch", + -14.279889106750488 + ], + [ + "\u2581aposento", + -14.279905319213867 + ], + [ + "ELO", + -14.279906272888184 + ], + [ + "\u2581consideraban", + -14.279914855957031 + ], + [ + "\u2581Parlamentarier", + -14.279940605163574 + ], + [ + "\u2581towers", + -14.279974937438965 + ], + [ + "\u2581gemengde", + -14.28004264831543 + ], + [ + "\u2581bestie", + -14.28005313873291 + ], + [ + "zionista", + -14.280055046081545 + ], + [ + "\u2581cardiaco", + -14.280085563659668 + ], + [ + "\u2581scanned", + -14.280098915100098 + ], + [ + "\u2581Karate", + -14.280101776123049 + ], + [ + "\u2581Reese", + -14.28011417388916 + ], + [ + "\u2581Weltwirtschaft", + -14.280128479003906 + ], + [ + "\u2581paragrafo", + -14.280138969421388 + ], + [ + "\u2581n\u00e9goc", + -14.280158996582031 + ], + [ + "\u2581carr\u00e9e", + -14.28016185760498 + ], + [ + "\u2581guerreros", + -14.280162811279297 + ], + [ + "\u2581Princesse", + -14.280166625976562 + ], + [ + "\u2581Generaldirektor", + -14.280169486999512 + ], + [ + "avanna", + -14.280189514160156 + ], + [ + "spray", + -14.280197143554688 + ], + [ + "hnlicher", + -14.280198097229004 + ], + [ + "\u2581fles", + -14.280261993408203 + ], + [ + "\u2581imbalance", + -14.280282020568848 + ], + [ + "Novel", + -14.28028392791748 + ], + [ + "\u2581akademische", + -14.28028392791748 + ], + [ + "\u2581Beweging", + -14.280295372009276 + ], + [ + "\u2581cioccolato", + -14.280317306518556 + ], + [ + "\u2581contida", + -14.280353546142578 + ], + [ + "\u2581apprende", + -14.280370712280272 + ], + [ + "\u2581Grij", + -14.280372619628906 + ], + [ + "\u2581necesito", + -14.280396461486816 + ], + [ + "\u2581Costanzo", + -14.280409812927246 + ], + [ + "linus", + -14.280420303344728 + ], + [ + "\u2581gerados", + -14.28042221069336 + ], + [ + "\u2581Konferenzen", + -14.280444145202637 + ], + [ + "decorators", + -14.280458450317385 + ], + [ + "baya", + -14.280471801757812 + ], + [ + "raubt", + -14.280474662780762 + ], + [ + "\u2581Andalusi", + -14.28048038482666 + ], + [ + "\u2581sumamente", + -14.280485153198242 + ], + [ + "l\u00e4ge", + -14.280492782592772 + ], + [ + "odka", + -14.280503273010254 + ], + [ + "\u2581anular", + -14.280543327331545 + ], + [ + "\u2581riportano", + -14.280579566955566 + ], + [ + "\u2581modificando", + -14.280584335327148 + ], + [ + "colorbox", + -14.280591011047363 + ], + [ + "\u2581tentado", + -14.28059196472168 + ], + [ + "\u2581Interven", + -14.280595779418944 + ], + [ + "Jay", + -14.280603408813477 + ], + [ + "\u2581terminant", + -14.280609130859377 + ], + [ + "\u2581finiscono", + -14.280632019042969 + ], + [ + "\u2581desenvolvendo", + -14.28063678741455 + ], + [ + "Norte", + -14.280694007873535 + ], + [ + "\u2581Porno", + -14.280753135681152 + ], + [ + "\u2581realizam", + -14.28075885772705 + ], + [ + "bataljon", + -14.280789375305176 + ], + [ + "ifNoneMatch", + -14.280789375305176 + ], + [ + "Philipp", + -14.28079319000244 + ], + [ + "\u2581pianeti", + -14.28079605102539 + ], + [ + "\u2581Ausgew\u00e4hlte", + -14.280797004699709 + ], + [ + "\u2581geom\u00e9trico", + -14.28079891204834 + ], + [ + "LAUNCH", + -14.280804634094238 + ], + [ + "\u2581manoscritti", + -14.280807495117188 + ], + [ + "Valve", + -14.280841827392578 + ], + [ + "\u2581Lettonia", + -14.280844688415527 + ], + [ + "Roberto", + -14.280858039855955 + ], + [ + "\u2581stadscentrum", + -14.280861854553224 + ], + [ + "tenia", + -14.280888557434082 + ], + [ + "\u2581fechamento", + -14.280903816223145 + ], + [ + "\u2581Neuilly", + -14.28093433380127 + ], + [ + "Ausst", + -14.28093719482422 + ], + [ + "czynski", + -14.280985832214355 + ], + [ + "\u2581Saoedi", + -14.280986785888672 + ], + [ + "\u2581silenciosa", + -14.281007766723633 + ], + [ + "\u2581bioqu\u00edmic", + -14.281044960021973 + ], + [ + "gewichtig", + -14.281058311462402 + ], + [ + "\u2581rivalit\u00e0", + -14.281071662902832 + ], + [ + "\u2581nonsense", + -14.281084060668944 + ], + [ + "organisator", + -14.281092643737791 + ], + [ + "\u2581desarrollaron", + -14.281123161315918 + ], + [ + "\u2581Hunan", + -14.2811279296875 + ], + [ + "\u2581dangereuse", + -14.281152725219728 + ], + [ + "sabl\u00e4ufe", + -14.281153678894045 + ], + [ + "orientierter", + -14.28115463256836 + ], + [ + "\u2581Lefebvre", + -14.28117561340332 + ], + [ + "\u2581skeptic", + -14.2811918258667 + ], + [ + "killer", + -14.281209945678713 + ], + [ + "Reeve", + -14.28122329711914 + ], + [ + "\u2581giuramento", + -14.281229972839355 + ], + [ + "k\u00fch", + -14.281230926513672 + ], + [ + "scribing", + -14.281279563903809 + ], + [ + "\u2581Grigori", + -14.281291007995604 + ], + [ + "\u00e4nze", + -14.281294822692873 + ], + [ + "\u2581mentalmente", + -14.28138256072998 + ], + [ + "\u2581Sasa", + -14.281394004821776 + ], + [ + "\u2581B\u00fcrgerschaft", + -14.281394958496094 + ], + [ + "tol\u00e9rance", + -14.281416893005373 + ], + [ + "Catherine", + -14.281429290771484 + ], + [ + "\u2581Schutzzweck", + -14.281435012817385 + ], + [ + "SNAP", + -14.28144645690918 + ], + [ + "quotient", + -14.281485557556152 + ], + [ + "Suppress", + -14.281487464904783 + ], + [ + "\u2581notablemente", + -14.281516075134276 + ], + [ + "erwijk", + -14.281524658203123 + ], + [ + "Tages", + -14.281534194946287 + ], + [ + "priced", + -14.28154468536377 + ], + [ + "Mutter", + -14.281551361083984 + ], + [ + "\u2581expoente", + -14.281563758850098 + ], + [ + "ppeln", + -14.281574249267578 + ], + [ + "\u2581obligatorio", + -14.281593322753906 + ], + [ + "\u2581Lila", + -14.281597137451172 + ], + [ + "\u2581reckon", + -14.281601905822754 + ], + [ + "\u2581bordas", + -14.281609535217283 + ], + [ + "\u2581rimborso", + -14.281620979309082 + ], + [ + "\u2581wrestler", + -14.281641006469728 + ], + [ + "beispiele", + -14.281648635864258 + ], + [ + "\u2581amarga", + -14.281713485717772 + ], + [ + "\u2581componeerde", + -14.281713485717772 + ], + [ + "\u2581Accra", + -14.281726837158203 + ], + [ + "pressen", + -14.281743049621582 + ], + [ + "\u2581t\u00e9l\u00e9charger", + -14.28175449371338 + ], + [ + "ellation", + -14.281755447387695 + ], + [ + "annibal", + -14.281765937805176 + ], + [ + "\u2581einfachsten", + -14.281781196594238 + ], + [ + "\u2581tatto", + -14.2817964553833 + ], + [ + "celery", + -14.28179931640625 + ], + [ + "\u2581Fremde", + -14.281817436218262 + ], + [ + "errata", + -14.281829833984377 + ], + [ + "ministerin", + -14.281852722167969 + ], + [ + "enkov", + -14.28185749053955 + ], + [ + "\u2581sapete", + -14.281880378723145 + ], + [ + "\u2581reduzierten", + -14.281903266906738 + ], + [ + "oliva", + -14.281915664672852 + ], + [ + "\u2581mouton", + -14.281943321228027 + ], + [ + "\u2581Adivinha", + -14.281949043273926 + ], + [ + "\u2581Pomfrey", + -14.281949043273926 + ], + [ + "\u2581par\u00f3quia", + -14.281949996948242 + ], + [ + "\u2581aleat\u00f3ria", + -14.28195095062256 + ], + [ + "\u2581Durkheim", + -14.281952857971191 + ], + [ + "AFI", + -14.282011985778809 + ], + [ + "GridView", + -14.282014846801758 + ], + [ + "\u2581bombardamento", + -14.282020568847656 + ], + [ + "yah", + -14.2820463180542 + ], + [ + "Dobbiamo", + -14.282068252563477 + ], + [ + "Fiction", + -14.28207015991211 + ], + [ + "intuizione", + -14.28213119506836 + ], + [ + "\u2581modella", + -14.282136917114258 + ], + [ + "ozoic", + -14.282146453857422 + ], + [ + "\u2581Optimu", + -14.282146453857422 + ], + [ + "\u2581waveform", + -14.282177925109863 + ], + [ + "\u2581reuniu", + -14.282219886779783 + ], + [ + "chito", + -14.28223991394043 + ], + [ + "webdriver", + -14.282254219055176 + ], + [ + "\u2581meubel", + -14.282266616821287 + ], + [ + "\u2581convuls", + -14.282286643981934 + ], + [ + "\u2581Nationalit\u00e4t", + -14.282296180725098 + ], + [ + "\u2581distrutti", + -14.28232479095459 + ], + [ + "Dicranomyia", + -14.282336235046388 + ], + [ + "contrapposizione", + -14.282336235046388 + ], + [ + "konfiguration", + -14.282342910766602 + ], + [ + "\u2581Usos", + -14.2824125289917 + ], + [ + "\u2581Getriebe", + -14.282416343688965 + ], + [ + "\u2581ingredi", + -14.282438278198242 + ], + [ + "\u2581acompanhamento", + -14.282465934753418 + ], + [ + "\u2581meditation", + -14.282475471496582 + ], + [ + "matrimonial", + -14.282479286193848 + ], + [ + "\u2581fl\u00fcsterte", + -14.282495498657228 + ], + [ + "\u2581Entro", + -14.282596588134766 + ], + [ + "\u2581R\u00e4der", + -14.282599449157717 + ], + [ + "TURA", + -14.282636642456056 + ], + [ + "\u2581regulador", + -14.282716751098633 + ], + [ + "\u2581Keizerrijk", + -14.282732009887695 + ], + [ + "\u2581obsolete", + -14.282733917236328 + ], + [ + "\u2581pontificio", + -14.282734870910645 + ], + [ + "titl\u00e1n", + -14.282752990722656 + ], + [ + "\u2581proletaria", + -14.282796859741213 + ], + [ + "\u2581podr\u00edamos", + -14.282835960388184 + ], + [ + "\u2581effizienten", + -14.282870292663574 + ], + [ + "\u2581ruw", + -14.282872200012209 + ], + [ + "\u2581terraza", + -14.2828950881958 + ], + [ + "cin\u00e9", + -14.282896995544434 + ], + [ + "\u2581educador", + -14.28290557861328 + ], + [ + "\u2581collaborare", + -14.28291130065918 + ], + [ + "kolen", + -14.282920837402344 + ], + [ + "\u2581condannati", + -14.282938957214355 + ], + [ + "\u2581terrorists", + -14.282952308654783 + ], + [ + "\u00fcrcher", + -14.282957077026367 + ], + [ + "warnung", + -14.28296184539795 + ], + [ + "\u2581verletzen", + -14.282997131347656 + ], + [ + "\u2581kanadischen", + -14.283016204833984 + ], + [ + "\u2581Charity", + -14.283018112182615 + ], + [ + "\u2581Plein", + -14.283026695251465 + ], + [ + "volontariamente", + -14.283099174499512 + ], + [ + "EDIT", + -14.283109664916992 + ], + [ + "\u2581aderisce", + -14.28313159942627 + ], + [ + "\u2581saturated", + -14.283138275146484 + ], + [ + "memoize", + -14.283160209655762 + ], + [ + "\u2581penetr", + -14.283169746398926 + ], + [ + "\u2581Eingaben", + -14.283181190490724 + ], + [ + "\u2581Bergwerk", + -14.283212661743164 + ], + [ + "\u2581Kitz", + -14.28324031829834 + ], + [ + "GroupId", + -14.283246994018556 + ], + [ + "SEED", + -14.283257484436035 + ], + [ + "\u2581sfide", + -14.283257484436035 + ], + [ + "uppert", + -14.283294677734377 + ], + [ + "atorischen", + -14.283333778381348 + ], + [ + "emacs", + -14.283364295959473 + ], + [ + "administra", + -14.283401489257812 + ], + [ + "Kreisfreie", + -14.283409118652344 + ], + [ + "terreinen", + -14.283414840698242 + ], + [ + "\u2581hevige", + -14.283428192138672 + ], + [ + "foreground", + -14.28343677520752 + ], + [ + "\u2581multiplicar", + -14.283443450927734 + ], + [ + "alluvion", + -14.283449172973633 + ], + [ + "\u2581promoviert", + -14.28349494934082 + ], + [ + "\u2581Folgender", + -14.283495903015137 + ], + [ + "\u2581reinforced", + -14.283516883850098 + ], + [ + "\u2581Optik", + -14.283517837524414 + ], + [ + "\u2581revolver", + -14.283520698547363 + ], + [ + "\u2581Garfield", + -14.283561706542969 + ], + [ + "\u2581verdwijnt", + -14.283561706542969 + ], + [ + "\u2581Schizophreni", + -14.283578872680664 + ], + [ + "\u2581preferiscono", + -14.283586502075195 + ], + [ + "\u2581desfila", + -14.283607482910156 + ], + [ + "\u2581Vick", + -14.283647537231444 + ], + [ + "\u2581natalizi", + -14.283746719360352 + ], + [ + "\u2581Drau", + -14.283768653869627 + ], + [ + "\u2581culminat", + -14.283775329589844 + ], + [ + "\u2581estimaci\u00f3n", + -14.28377628326416 + ], + [ + "mindern", + -14.28379726409912 + ], + [ + "idase", + -14.28383731842041 + ], + [ + "\u2581Tasso", + -14.283839225769045 + ], + [ + "\u2581encounters", + -14.283858299255373 + ], + [ + "\u2581Assur", + -14.283876419067385 + ], + [ + "\u2581timor", + -14.283880233764648 + ], + [ + "\u2581scrittrice", + -14.283885955810549 + ], + [ + "TAA", + -14.283920288085938 + ], + [ + "\u2581enemiga", + -14.283923149108888 + ], + [ + "formationen", + -14.283926010131836 + ], + [ + "\u2581Projektf", + -14.283930778503418 + ], + [ + "\u2581triplo", + -14.283934593200684 + ], + [ + "atrach", + -14.283950805664062 + ], + [ + "anini", + -14.283954620361328 + ], + [ + "\u2581Stup", + -14.283970832824709 + ], + [ + "fundado", + -14.28398323059082 + ], + [ + "STAN", + -14.283987045288086 + ], + [ + "\u2581abgetrennt", + -14.28398895263672 + ], + [ + "\u2581Riau", + -14.28400421142578 + ], + [ + "\u2581drones", + -14.284005165100098 + ], + [ + "\u2581conseguia", + -14.28402328491211 + ], + [ + "\u2581cousins", + -14.284074783325195 + ], + [ + "Fully", + -14.28409194946289 + ], + [ + "\u2581rinchius", + -14.284111976623535 + ], + [ + "\u2581Miel", + -14.284112930297852 + ], + [ + "\u2581migr", + -14.284119606018066 + ], + [ + "amey", + -14.284125328063965 + ], + [ + "\u2581optimieren", + -14.284162521362305 + ], + [ + "\u2581Einsetzung", + -14.284164428710938 + ], + [ + "\u2581Advances", + -14.284191131591797 + ], + [ + "\u2581Lauda", + -14.284201622009276 + ], + [ + "\u2581Silbe", + -14.284208297729492 + ], + [ + "\u2581respint", + -14.284241676330566 + ], + [ + "\u2581meantime", + -14.284242630004885 + ], + [ + "\u2581deutschem", + -14.284260749816896 + ], + [ + "\u2581Litt\u00e9rature", + -14.284273147583008 + ], + [ + "\u2581emprestado", + -14.284273147583008 + ], + [ + "\u2581inspir\u00f3", + -14.284276008605955 + ], + [ + "\u2581idraulic", + -14.284278869628906 + ], + [ + "\u2581Galb", + -14.28430461883545 + ], + [ + "w\u00fcrdige", + -14.284306526184082 + ], + [ + "\u2581March\u00e9", + -14.284319877624512 + ], + [ + "\u2581arbeitsmarkt", + -14.28432273864746 + ], + [ + "\u2581arresti", + -14.284353256225586 + ], + [ + "l\u00e4ufen", + -14.284395217895508 + ], + [ + "\u2581monopoli", + -14.284420013427734 + ], + [ + "\u2581F\u00fcrth", + -14.284430503845217 + ], + [ + "\u2581fuhren", + -14.284461975097656 + ], + [ + "\u2581offspring", + -14.284473419189451 + ], + [ + "\u2581dominee", + -14.284493446350098 + ], + [ + "\u2581divinit\u00e9", + -14.28457260131836 + ], + [ + "\u2581Nutrition", + -14.284578323364258 + ], + [ + "int\u00e9grale", + -14.284588813781738 + ], + [ + "\u2581afetar", + -14.28460693359375 + ], + [ + "delim", + -14.28461456298828 + ], + [ + "\u2581B\u00e9r", + -14.284639358520508 + ], + [ + "omyz", + -14.284650802612305 + ], + [ + "Logged", + -14.284658432006836 + ], + [ + "\u2581pr\u00e9liminaire", + -14.284661293029783 + ], + [ + "\u2581Coment\u00e1rios", + -14.284662246704102 + ], + [ + "\u2581Alejandra", + -14.284664154052734 + ], + [ + "\u2581establishes", + -14.28466510772705 + ], + [ + "\u2581Kalkulation", + -14.28467082977295 + ], + [ + "\u2581Navig", + -14.28469944000244 + ], + [ + "itada", + -14.284719467163086 + ], + [ + "\u2581desenhada", + -14.28472137451172 + ], + [ + "\u2581coordinador", + -14.284741401672363 + ], + [ + "revan", + -14.28480052947998 + ], + [ + "\u2581nastro", + -14.284802436828612 + ], + [ + "remmen", + -14.28481674194336 + ], + [ + "RTT", + -14.284844398498535 + ], + [ + "riesen", + -14.28486156463623 + ], + [ + "\u2581inefficient", + -14.284867286682127 + ], + [ + "\u2581Mahom", + -14.284902572631836 + ], + [ + "\u2581gostaria", + -14.284953117370604 + ], + [ + "vasion", + -14.284997940063477 + ], + [ + "pedal", + -14.28500270843506 + ], + [ + "\u2581esordito", + -14.285004615783691 + ], + [ + "\u00e9prouve", + -14.285011291503906 + ], + [ + "\u2581companheiros", + -14.2850341796875 + ], + [ + "\u2581racont\u00e9", + -14.28505039215088 + ], + [ + "\u2581Braves", + -14.2850980758667 + ], + [ + "\u2581riguros", + -14.285099983215332 + ], + [ + "blaze", + -14.285113334655762 + ], + [ + "\u2581dispuso", + -14.28512477874756 + ], + [ + "\u2581Mardi", + -14.285134315490724 + ], + [ + "\u2581gesicherte", + -14.285176277160645 + ], + [ + "\u2581curvi", + -14.285185813903809 + ], + [ + "\u2581Lope", + -14.28519344329834 + ], + [ + "\u2581Shaft", + -14.285208702087402 + ], + [ + "ionist", + -14.285212516784668 + ], + [ + "avBar", + -14.285239219665527 + ], + [ + "lehnen", + -14.285285949707031 + ], + [ + "ryng", + -14.285317420959473 + ], + [ + "\u2581Einw\u00e4nde", + -14.285324096679688 + ], + [ + "ghera", + -14.285338401794434 + ], + [ + "\u2581Buffet", + -14.28534984588623 + ], + [ + "\u2581tumour", + -14.285407066345217 + ], + [ + "\u2581incarichi", + -14.285417556762695 + ], + [ + "Somebody", + -14.285435676574709 + ], + [ + "\u2581nachzukommen", + -14.285439491271973 + ], + [ + "\u2581Hotspur", + -14.28547191619873 + ], + [ + "affresco", + -14.285472869873049 + ], + [ + "\u2581Fibro", + -14.285473823547363 + ], + [ + "diteur", + -14.285484313964844 + ], + [ + "verno", + -14.28549575805664 + ], + [ + "\u2581deelgenomen", + -14.285516738891602 + ], + [ + "colorscheme", + -14.28551959991455 + ], + [ + "\u2581Sjo", + -14.285531997680664 + ], + [ + "\u2581descritte", + -14.28553295135498 + ], + [ + "LINT", + -14.285536766052246 + ], + [ + "incourt", + -14.285547256469728 + ], + [ + "verst\u00e4ndliche", + -14.285574913024902 + ], + [ + "\u2581femor", + -14.28557586669922 + ], + [ + "\u2581rapprocher", + -14.28560733795166 + ], + [ + "inrichten", + -14.28562831878662 + ], + [ + "baarzen", + -14.285630226135254 + ], + [ + "atischen", + -14.285635948181152 + ], + [ + "gemietet", + -14.285664558410645 + ], + [ + "xcuse", + -14.285682678222656 + ], + [ + "\u2581Avalia", + -14.285709381103516 + ], + [ + "\u2581risolto", + -14.285711288452148 + ], + [ + "\u2581Fuoco", + -14.285748481750488 + ], + [ + "\u2581antwortet", + -14.285807609558104 + ], + [ + "\u2581Eik", + -14.285813331604004 + ], + [ + "\u2581nataci\u00f3n", + -14.285825729370115 + ], + [ + "\u2581ausw\u00e4hlen", + -14.285828590393066 + ], + [ + "\u2581desservent", + -14.285828590393066 + ], + [ + "\u2581drying", + -14.285828590393066 + ], + [ + "lopend", + -14.285834312438965 + ], + [ + "Mercedes", + -14.285859107971191 + ], + [ + "\u2581cipoll", + -14.285860061645508 + ], + [ + "thorpe", + -14.285865783691406 + ], + [ + "CIP", + -14.28587818145752 + ], + [ + "\u2581serpenti", + -14.285880088806152 + ], + [ + "\u2581Corporaci\u00f3n", + -14.285894393920898 + ], + [ + "\u2581Celeste", + -14.285907745361328 + ], + [ + "rfunk", + -14.285916328430176 + ], + [ + "istrital", + -14.285927772521973 + ], + [ + "RISC", + -14.285966873168944 + ], + [ + "uetzal", + -14.286011695861816 + ], + [ + "\u2581nomade", + -14.286026000976562 + ], + [ + "\u2581Molino", + -14.286117553710938 + ], + [ + "\u2581Natuurlijk", + -14.28611946105957 + ], + [ + "\u2581ricordiamo", + -14.286128044128418 + ], + [ + "\u2581disturbed", + -14.286138534545898 + ], + [ + "\u2581comediante", + -14.286165237426758 + ], + [ + "cacia", + -14.28618621826172 + ], + [ + "\u2581f\u00e9r", + -14.28618621826172 + ], + [ + "Middlesbrough", + -14.286213874816896 + ], + [ + "MRT", + -14.28622341156006 + ], + [ + "Vertices", + -14.28622341156006 + ], + [ + "kwaliteit", + -14.286253929138184 + ], + [ + "ukan", + -14.286274909973145 + ], + [ + "\u2581Filippini", + -14.28628635406494 + ], + [ + "\u2581Trost", + -14.28630256652832 + ], + [ + "\u2581specializzata", + -14.28630542755127 + ], + [ + "\u2581marvel", + -14.286314964294434 + ], + [ + "together", + -14.286335945129396 + ], + [ + "\u2581Verwal", + -14.286355018615724 + ], + [ + "\u2581Classements", + -14.286367416381836 + ], + [ + "leph", + -14.286369323730469 + ], + [ + "\u2581impressa", + -14.28637409210205 + ], + [ + "\u2581Guzzi", + -14.286385536193848 + ], + [ + "\u2581Merlo", + -14.286413192749023 + ], + [ + "snip", + -14.286418914794922 + ], + [ + "\u2581Stability", + -14.286441802978516 + ], + [ + "\u2581Arztes", + -14.286452293395996 + ], + [ + "\u2581Numi", + -14.286506652832031 + ], + [ + "\u2581Ashton", + -14.286547660827637 + ], + [ + "mechanical", + -14.286591529846191 + ], + [ + "sthetik", + -14.286603927612305 + ], + [ + "\u2581Inverness", + -14.286606788635254 + ], + [ + "\u2581piangere", + -14.28661060333252 + ], + [ + "\u2581teneur", + -14.286643981933594 + ], + [ + "reglement", + -14.286660194396973 + ], + [ + "russe", + -14.286660194396973 + ], + [ + "\u2581Pedersen", + -14.286664962768556 + ], + [ + "\u2581runter", + -14.286704063415527 + ], + [ + "\u2581Drill", + -14.286709785461426 + ], + [ + "europea", + -14.28672695159912 + ], + [ + "\u2581Haltepunkt", + -14.286728858947754 + ], + [ + "teilweise", + -14.286752700805664 + ], + [ + "\u2581guiar", + -14.28677749633789 + ], + [ + "niew", + -14.286778450012209 + ], + [ + "\u2581Harrington", + -14.286818504333496 + ], + [ + "\u2581Pantan", + -14.286845207214355 + ], + [ + "\u2581beliebte", + -14.286853790283203 + ], + [ + "atinga", + -14.286863327026367 + ], + [ + "burne", + -14.286869049072266 + ], + [ + "\u2581galten", + -14.286884307861328 + ], + [ + "\u2581achterstand", + -14.28689956665039 + ], + [ + "\u2581espans", + -14.286932945251465 + ], + [ + "\u2581pockets", + -14.286962509155272 + ], + [ + "CRU", + -14.286974906921388 + ], + [ + "\u2581vorgebracht", + -14.286979675292969 + ], + [ + "mpton", + -14.28699016571045 + ], + [ + "\u2581chiudono", + -14.286992073059082 + ], + [ + "Kauf", + -14.287009239196776 + ], + [ + "departement", + -14.287013053894045 + ], + [ + "\u2581anfibio", + -14.28701877593994 + ], + [ + "\u2581Amarill", + -14.287032127380373 + ], + [ + "\u2581etrusco", + -14.287079811096191 + ], + [ + "staatlich", + -14.28708553314209 + ], + [ + "\u2581psychiatric", + -14.287111282348633 + ], + [ + "uut", + -14.287117004394531 + ], + [ + "Corrida", + -14.28712272644043 + ], + [ + "\u2581incongru", + -14.287129402160645 + ], + [ + "AbsolutePath", + -14.287142753601074 + ], + [ + "\u2581Elektroden", + -14.287160873413086 + ], + [ + "\u2581reaccion", + -14.287168502807615 + ], + [ + "setStatus", + -14.28717041015625 + ], + [ + "\u2581Kessler", + -14.28722095489502 + ], + [ + "\u2581elektriciteits", + -14.287226676940918 + ], + [ + "\u2581\u00fcbrige", + -14.287249565124512 + ], + [ + "schade", + -14.287280082702637 + ], + [ + "\u2581consonne", + -14.287288665771484 + ], + [ + "vetor", + -14.2872896194458 + ], + [ + "threaded", + -14.287306785583496 + ], + [ + "nrows", + -14.287307739257812 + ], + [ + "\u2581tsrc", + -14.287359237670898 + ], + [ + "\u2581amanecer", + -14.28738784790039 + ], + [ + "\u2581Nabo", + -14.287392616271973 + ], + [ + "entz\u00fcndung", + -14.287398338317873 + ], + [ + "\u2581polnischer", + -14.287398338317873 + ], + [ + "\u2581Comendador", + -14.287433624267578 + ], + [ + "\u2581parabola", + -14.287473678588867 + ], + [ + "\u2581Kohorte", + -14.2874755859375 + ], + [ + "\u2581prossime", + -14.28749942779541 + ], + [ + "\u2581Bedienstete", + -14.28750991821289 + ], + [ + "\u2581Cath", + -14.287515640258787 + ], + [ + "fr\u00fcher", + -14.28752899169922 + ], + [ + "bigny", + -14.287530899047852 + ], + [ + "\u2581apples", + -14.287535667419434 + ], + [ + "runk", + -14.28754997253418 + ], + [ + "Russia", + -14.28756046295166 + ], + [ + "TimeUnit", + -14.287567138671877 + ], + [ + "trading", + -14.28762149810791 + ], + [ + "residual", + -14.287633895874023 + ], + [ + "\u2581obrera", + -14.287638664245604 + ], + [ + "attendent", + -14.28764533996582 + ], + [ + "literatuur", + -14.287656784057615 + ], + [ + "\u2581ldconfig", + -14.287672996520996 + ], + [ + "\u2581conciliar", + -14.287691116333008 + ], + [ + "\u2581elementari", + -14.287711143493652 + ], + [ + "\u2581r\u00e9elles", + -14.287711143493652 + ], + [ + "Arkansas", + -14.28772258758545 + ], + [ + "\u2581Bauart", + -14.28773307800293 + ], + [ + "\u2581iconic", + -14.287761688232422 + ], + [ + "\u2581weleens", + -14.28778076171875 + ], + [ + "\u2581Abelardo", + -14.287795066833496 + ], + [ + "\u2581attrezzature", + -14.287802696228027 + ], + [ + "\u2581Ferries", + -14.28780746459961 + ], + [ + "lstinline", + -14.287811279296877 + ], + [ + "\u2581tablero", + -14.287856101989746 + ], + [ + "\u2581nennenswerte", + -14.287912368774414 + ], + [ + "\u2581strategico", + -14.28791618347168 + ], + [ + "\u2581morphological", + -14.287919044494627 + ], + [ + "\u2581telegraph", + -14.287921905517578 + ], + [ + "\u2581rabbi", + -14.287941932678224 + ], + [ + "\u2581dissertation", + -14.28794288635254 + ], + [ + "\u2581medici\u00f3n", + -14.287978172302246 + ], + [ + "\u2581ambientales", + -14.287988662719728 + ], + [ + "subj", + -14.287996292114258 + ], + [ + "\u2581telefoniche", + -14.287999153137209 + ], + [ + "iaca", + -14.288004875183104 + ], + [ + "Soy", + -14.288016319274902 + ], + [ + "\u2581aangekocht", + -14.288050651550291 + ], + [ + "reikt", + -14.288053512573242 + ], + [ + "\u2581Croy", + -14.288056373596191 + ], + [ + "\u2581Haze", + -14.288089752197266 + ], + [ + "\u2581jaunes", + -14.28809642791748 + ], + [ + "geschickt", + -14.288113594055176 + ], + [ + "haald", + -14.288119316101074 + ], + [ + "lipped", + -14.288141250610352 + ], + [ + "\u2581reunirse", + -14.288146018981934 + ], + [ + "\u2581F\u00e4lligkeit", + -14.288159370422363 + ], + [ + "\u2581Vivaldi", + -14.288166046142578 + ], + [ + "eddy", + -14.288187980651855 + ], + [ + "schreitet", + -14.28822422027588 + ], + [ + "wangsarbeit", + -14.28822898864746 + ], + [ + "\u2581Wilderness", + -14.28823471069336 + ], + [ + "Enredo", + -14.288240432739258 + ], + [ + "\u2581Charlton", + -14.288256645202637 + ], + [ + "\u00e9ch\u00e9", + -14.288311004638672 + ], + [ + "\u2581m\u00e9dicas", + -14.288365364074709 + ], + [ + "abschnitten", + -14.288372993469238 + ], + [ + "\u2581zetelde", + -14.288375854492188 + ], + [ + "ONDE", + -14.288382530212402 + ], + [ + "DeepEqual", + -14.288402557373049 + ], + [ + "soleerd", + -14.288481712341309 + ], + [ + "\u2581proporcionado", + -14.28848361968994 + ], + [ + "\u2581estructural", + -14.28848934173584 + ], + [ + "dicesima", + -14.288496971130373 + ], + [ + "CIAL", + -14.288503646850586 + ], + [ + "\u2581mascar", + -14.28852081298828 + ], + [ + "\u2581aansluiten", + -14.288521766662598 + ], + [ + "\u2581concatena", + -14.288538932800291 + ], + [ + "loys", + -14.288540840148926 + ], + [ + "Utilisateur", + -14.288551330566406 + ], + [ + "\u2581pr\u00e9coce", + -14.288580894470217 + ], + [ + "\u2581comenzaba", + -14.28860855102539 + ], + [ + "jez", + -14.288616180419922 + ], + [ + "parecimento", + -14.288629531860352 + ], + [ + "\u2581rouba", + -14.288634300231934 + ], + [ + "\u2581Randbedingungen", + -14.288636207580566 + ], + [ + "corral", + -14.288650512695312 + ], + [ + "\u2581homework", + -14.288650512695312 + ], + [ + "\u00eddica", + -14.28866958618164 + ], + [ + "atividade", + -14.288677215576172 + ], + [ + "ssino", + -14.288686752319336 + ], + [ + "\u2581approximated", + -14.288694381713867 + ], + [ + "erlegen", + -14.288698196411133 + ], + [ + "\u2581condotte", + -14.28874397277832 + ], + [ + "\u2581geheten", + -14.288745880126951 + ], + [ + "\u2581Aveiro", + -14.288753509521484 + ], + [ + "\u2581crois\u00e9", + -14.288779258728027 + ], + [ + "\u2581convolutional", + -14.28879165649414 + ], + [ + "armadi", + -14.288801193237305 + ], + [ + "\u2581Nachbarort", + -14.288812637329102 + ], + [ + "\u2581ganglion", + -14.288843154907228 + ], + [ + "\u2581beperkingen", + -14.288857460021973 + ], + [ + "carichi", + -14.28887176513672 + ], + [ + "\u2581Ausstieg", + -14.288881301879885 + ], + [ + "\u2581multicultural", + -14.288897514343262 + ], + [ + "leg\u00f3", + -14.288904190063477 + ], + [ + "\u2581bouddhiste", + -14.28893756866455 + ], + [ + "\u2581Langpootmug", + -14.288938522338867 + ], + [ + "\u2581Suddenly", + -14.288939476013184 + ], + [ + "\u00e9crase", + -14.28896141052246 + ], + [ + "\u2581flames", + -14.288992881774902 + ], + [ + "\u2581r\u00e9cup\u00e9r\u00e9", + -14.288994789123535 + ], + [ + "\u00e9pit", + -14.2890043258667 + ], + [ + "\u2581Grup", + -14.289044380187988 + ], + [ + "queryParameters", + -14.289055824279783 + ], + [ + "inny", + -14.289064407348633 + ], + [ + "schijf", + -14.28907871246338 + ], + [ + "tirador", + -14.289082527160645 + ], + [ + "\u2581d\u00e9tenus", + -14.28908920288086 + ], + [ + "Persist", + -14.289097785949709 + ], + [ + "\u2581Slip", + -14.28913402557373 + ], + [ + "\u2581sentono", + -14.28913402557373 + ], + [ + "\u2581pamp", + -14.289152145385742 + ], + [ + "eigenaar", + -14.289176940917969 + ], + [ + "\u2581tremp", + -14.289214134216309 + ], + [ + "jeune", + -14.289225578308104 + ], + [ + "\u2581Wichtigste", + -14.289249420166016 + ], + [ + "\u2581Letzteres", + -14.289265632629396 + ], + [ + "zales", + -14.289278030395508 + ], + [ + "\u2581franchir", + -14.28928279876709 + ], + [ + "\u2581Antofagasta", + -14.28932762145996 + ], + [ + "\u2581Mitternacht", + -14.28932762145996 + ], + [ + "\u2581Poincar\u00e9", + -14.28932762145996 + ], + [ + "\u2581volontiers", + -14.28932762145996 + ], + [ + "elena", + -14.289351463317873 + ], + [ + "TERRA", + -14.289379119873049 + ], + [ + "ablemente", + -14.289463996887209 + ], + [ + "\u2581jambe", + -14.289472579956056 + ], + [ + "Verteilung", + -14.289475440979004 + ], + [ + "\u2581kostbare", + -14.2894868850708 + ], + [ + "\u2581stagionale", + -14.289514541625977 + ], + [ + "harmazeuti", + -14.28957176208496 + ], + [ + "\u2581Bacch", + -14.289590835571287 + ], + [ + "morando", + -14.289613723754885 + ], + [ + "\u2581aumentato", + -14.289639472961426 + ], + [ + "SKI", + -14.289644241333008 + ], + [ + "codepoint", + -14.289652824401855 + ], + [ + "\u2581dengue", + -14.289664268493652 + ], + [ + "kipp", + -14.28966999053955 + ], + [ + "\u2581Reuter", + -14.289708137512209 + ], + [ + "\u2581Mazzo", + -14.289712905883787 + ], + [ + "\u2581communicating", + -14.289718627929688 + ], + [ + "\u2581adicione", + -14.28974437713623 + ], + [ + "goku", + -14.28976345062256 + ], + [ + "\u2581Berthold", + -14.289770126342772 + ], + [ + "\u2581repr\u00e9sent\u00e9s", + -14.28978443145752 + ], + [ + "\u2581Mazda", + -14.289802551269531 + ], + [ + "\u2581pretesa", + -14.289819717407228 + ], + [ + "anidae", + -14.289875030517578 + ], + [ + "\u2581Renata", + -14.289883613586426 + ], + [ + "ennep", + -14.289895057678224 + ], + [ + "affidamento", + -14.289926528930664 + ], + [ + "\u2581Detto", + -14.289957046508787 + ], + [ + "\u2581sterrat", + -14.289976119995115 + ], + [ + "\u2581mang\u00e1", + -14.289993286132812 + ], + [ + "\u2581entt\u00e4uscht", + -14.289994239807127 + ], + [ + "enums", + -14.290019989013672 + ], + [ + "ersetzung", + -14.290019989013672 + ], + [ + "owder", + -14.290020942687988 + ], + [ + "\u2581replic", + -14.290023803710938 + ], + [ + "\u2581Gage", + -14.290050506591797 + ], + [ + "\u2581assenti", + -14.290063858032228 + ], + [ + "PPI", + -14.290071487426758 + ], + [ + "\u2581sumergi", + -14.29007625579834 + ], + [ + "\u2581precieze", + -14.29011058807373 + ], + [ + "\u2581Sustainable", + -14.290117263793944 + ], + [ + "\u2581Aktionsraum", + -14.290145874023438 + ], + [ + "noides", + -14.290154457092283 + ], + [ + "\u2581parash\u00e1", + -14.290154457092283 + ], + [ + "uyer", + -14.290175437927246 + ], + [ + "Greek", + -14.29021453857422 + ], + [ + "\u2581Dendr", + -14.290274620056152 + ], + [ + "byzantin", + -14.290284156799316 + ], + [ + "TOL", + -14.29028606414795 + ], + [ + "\u2581parl\u00e9e", + -14.290300369262695 + ], + [ + "\u2581beschermde", + -14.29033088684082 + ], + [ + "Jesus", + -14.290332794189451 + ], + [ + "entralen", + -14.290372848510742 + ], + [ + "\u2581Tunes", + -14.290377616882324 + ], + [ + "\u2581Theresia", + -14.290382385253906 + ], + [ + "\u2581conseguito", + -14.290390014648438 + ], + [ + "\u2581Exterior", + -14.290390968322754 + ], + [ + "\u2581sexually", + -14.29042911529541 + ], + [ + "CellSpacing", + -14.290435791015623 + ], + [ + "schleife", + -14.290488243103027 + ], + [ + "\u2581opac", + -14.29049587249756 + ], + [ + "\u2581coraj", + -14.29052448272705 + ], + [ + "ratur", + -14.290538787841797 + ], + [ + "\u2581Einwanderer", + -14.290556907653809 + ], + [ + "\u2581PlotRange", + -14.290563583374023 + ], + [ + "encre", + -14.290621757507324 + ], + [ + "affectation", + -14.290640830993652 + ], + [ + "\u2581raisin", + -14.290679931640623 + ], + [ + "varName", + -14.290691375732422 + ], + [ + "Untereinheit", + -14.29072380065918 + ], + [ + "distill", + -14.290757179260254 + ], + [ + "ectiva", + -14.29076862335205 + ], + [ + "\u2581Larson", + -14.290779113769531 + ], + [ + "\u2581Boga", + -14.290780067443848 + ], + [ + "Hauptversammlung", + -14.290793418884276 + ], + [ + "\u2581publia", + -14.290800094604492 + ], + [ + "\u2581beladen", + -14.290806770324709 + ], + [ + "\u2581Rimas", + -14.290851593017578 + ], + [ + "\u2581Vraag", + -14.290855407714844 + ], + [ + "TERN", + -14.29089641571045 + ], + [ + "Resilien", + -14.290903091430664 + ], + [ + "\u2581quarenta", + -14.290926933288574 + ], + [ + "ebab", + -14.290939331054688 + ], + [ + "\u2581semafor", + -14.2909574508667 + ], + [ + "\u2581encargar", + -14.29100513458252 + ], + [ + "\u2581possuindo", + -14.291015625 + ], + [ + "\u2581Fuhr", + -14.291016578674316 + ], + [ + "Aubin", + -14.291019439697266 + ], + [ + "sidecar", + -14.291029930114746 + ], + [ + "Kredit", + -14.291043281555176 + ], + [ + "imbab", + -14.291053771972656 + ], + [ + "\u2581Bodo", + -14.291053771972656 + ], + [ + "Evaluator", + -14.29106330871582 + ], + [ + "\u2581Verstappen", + -14.291067123413086 + ], + [ + "trophic", + -14.291075706481934 + ], + [ + "\u2581roble", + -14.29110336303711 + ], + [ + "irkulation", + -14.291109085083008 + ], + [ + "ompetitievoetbal", + -14.291109085083008 + ], + [ + "prall", + -14.291119575500488 + ], + [ + "sulfi", + -14.291133880615234 + ], + [ + "\u2581wunderbar", + -14.29114055633545 + ], + [ + "MBR", + -14.29119873046875 + ], + [ + "\u2581invisibile", + -14.291204452514648 + ], + [ + "\u2581Irre", + -14.291215896606444 + ], + [ + "Biographie", + -14.291237831115724 + ], + [ + "miti\u00f3", + -14.29123878479004 + ], + [ + "\u2581tuy", + -14.291309356689451 + ], + [ + "Optimize", + -14.291335105895996 + ], + [ + "\u2581Golia", + -14.291339874267578 + ], + [ + "\u2581Jovi", + -14.291348457336426 + ], + [ + "oul\u00e9", + -14.291431427001951 + ], + [ + "\u2581Autant", + -14.291433334350586 + ], + [ + "\u2581afgeleide", + -14.291452407836914 + ], + [ + "kutan", + -14.29151725769043 + ], + [ + "erordentliche", + -14.291523933410645 + ], + [ + "chose", + -14.291561126708984 + ], + [ + "SOLVE", + -14.291571617126465 + ], + [ + "Ausbildungsplatz", + -14.291579246520996 + ], + [ + "\u2581vivement", + -14.291585922241213 + ], + [ + "\u2581Recop", + -14.291596412658691 + ], + [ + "fight", + -14.29159927368164 + ], + [ + "iculata", + -14.291601181030272 + ], + [ + "\u2581l\u00e9gers", + -14.29164695739746 + ], + [ + "\u2581Wohngebiet", + -14.291650772094728 + ], + [ + "\u2581sillon", + -14.29165267944336 + ], + [ + "\u2581Fracos", + -14.291671752929688 + ], + [ + "\u2581pand\u00e9mie", + -14.291674613952637 + ], + [ + "\u2581leerkrachten", + -14.29168701171875 + ], + [ + "tierra", + -14.291696548461914 + ], + [ + "\u2581Curiosamente", + -14.291707038879396 + ], + [ + "\u2581Constantijn", + -14.291722297668455 + ], + [ + "concern", + -14.291728973388672 + ], + [ + "\u2581Criado", + -14.291738510131836 + ], + [ + "mandatory", + -14.291747093200684 + ], + [ + "\u2581Candela", + -14.291755676269531 + ], + [ + "\u2581trainiert", + -14.291762351989746 + ], + [ + "\u2581eryth", + -14.29177951812744 + ], + [ + "\u2581m\u00e9thod", + -14.29184627532959 + ], + [ + "ammass", + -14.29185962677002 + ], + [ + "\u2581originating", + -14.291861534118652 + ], + [ + "annienta", + -14.291866302490234 + ], + [ + "IGHT", + -14.291873931884766 + ], + [ + "ikalische", + -14.291888236999512 + ], + [ + "\u2581lutando", + -14.291903495788574 + ], + [ + "\u2581honger", + -14.291905403137209 + ], + [ + "feststellung", + -14.29197597503662 + ], + [ + "\u2581considerou", + -14.29197597503662 + ], + [ + "\u2581nutrients", + -14.291990280151367 + ], + [ + "\u2581procurou", + -14.291999816894531 + ], + [ + "\u2581competidores", + -14.292000770568848 + ], + [ + "\u2581Calam", + -14.292004585266112 + ], + [ + "\u2581infants", + -14.292019844055176 + ], + [ + "\u00edria", + -14.292036056518556 + ], + [ + "\u2581ascertain", + -14.2920503616333 + ], + [ + "\u2581Wahlergebnis", + -14.29205322265625 + ], + [ + "\u2581sp\u00e9cificit\u00e9", + -14.292059898376465 + ], + [ + "\u2581elettriche", + -14.29206085205078 + ], + [ + "aternit\u00e0", + -14.292119026184082 + ], + [ + "\u2581juriste", + -14.292126655578612 + ], + [ + "timestep", + -14.292131423950195 + ], + [ + "\u2581pulmon", + -14.292165756225586 + ], + [ + "mikroskop", + -14.292173385620115 + ], + [ + "bombarde", + -14.29217529296875 + ], + [ + "\u2581Triebwerk", + -14.29218864440918 + ], + [ + "Freund", + -14.292200088500977 + ], + [ + "\u2581soumettre", + -14.292200088500977 + ], + [ + "noom", + -14.292210578918455 + ], + [ + "\u2581atraente", + -14.29222297668457 + ], + [ + "koko", + -14.292295455932615 + ], + [ + "\u2581isolierten", + -14.29233169555664 + ], + [ + "\u2581Sterk", + -14.292346954345703 + ], + [ + "\u2581juro", + -14.292354583740234 + ], + [ + "\u2581generaties", + -14.292377471923828 + ], + [ + "GOS", + -14.292414665222168 + ], + [ + "bondscoach", + -14.292420387268066 + ], + [ + "\u2581Pedal", + -14.29242706298828 + ], + [ + "\u2581affiliated", + -14.292436599731444 + ], + [ + "queued", + -14.29245376586914 + ], + [ + "\u2581patrulla", + -14.292460441589355 + ], + [ + "indomani", + -14.292527198791504 + ], + [ + "\u2581assicurato", + -14.292536735534668 + ], + [ + "odus", + -14.292557716369627 + ], + [ + "\u2581Latijns", + -14.2926025390625 + ], + [ + "Upstream", + -14.292616844177246 + ], + [ + "mills", + -14.292616844177246 + ], + [ + "\u2581arbeiteten", + -14.292634963989258 + ], + [ + "\u2581nuance", + -14.29263973236084 + ], + [ + "compulsiv", + -14.292654037475586 + ], + [ + "inclusion", + -14.29265594482422 + ], + [ + "usuario", + -14.292658805847168 + ], + [ + "Helix", + -14.292677879333496 + ], + [ + "\u2581banc\u00e1ri", + -14.292701721191406 + ], + [ + "LINENO", + -14.292717933654783 + ], + [ + "gnello", + -14.292743682861328 + ], + [ + "\u2581chercheur", + -14.292760848999023 + ], + [ + "Tenth", + -14.292779922485352 + ], + [ + "Toronto", + -14.29279327392578 + ], + [ + "\u2581Patente", + -14.292798042297363 + ], + [ + "\u2581aumentada", + -14.292806625366213 + ], + [ + "\u2581Jurassi", + -14.292818069458008 + ], + [ + "memcpy", + -14.292839050292969 + ], + [ + "verschijnselen", + -14.292841911315918 + ], + [ + "\u2581Cortometraggi", + -14.292841911315918 + ], + [ + "\u2581verworven", + -14.292841911315918 + ], + [ + "\u2581seinerseits", + -14.292842864990234 + ], + [ + "Dimethyl", + -14.292859077453612 + ], + [ + "\u2581Espina", + -14.2929048538208 + ], + [ + "applet", + -14.292909622192385 + ], + [ + "ombro", + -14.2929105758667 + ], + [ + "botten", + -14.292914390563965 + ], + [ + "bunt", + -14.29291534423828 + ], + [ + "\u2581Wohlfahrts", + -14.29294776916504 + ], + [ + "\u2581Choral", + -14.292954444885254 + ], + [ + "\u2581escr", + -14.292961120605469 + ], + [ + "ortodoss", + -14.292976379394531 + ], + [ + "empli", + -14.292993545532228 + ], + [ + "\u2581Besa", + -14.293004035949709 + ], + [ + "continua", + -14.293004989624023 + ], + [ + "simon", + -14.293004989624023 + ], + [ + "commandant", + -14.293018341064451 + ], + [ + "\u2581periodically", + -14.29302215576172 + ], + [ + "\u2581ereignete", + -14.293031692504885 + ], + [ + "inomial", + -14.293068885803224 + ], + [ + "\u2581Nucleo", + -14.293164253234863 + ], + [ + "pfige", + -14.293169975280762 + ], + [ + "vangile", + -14.293180465698242 + ], + [ + "\u2581Aranda", + -14.293195724487305 + ], + [ + "\u2581baratas", + -14.293198585510254 + ], + [ + "\u2581visually", + -14.29319953918457 + ], + [ + "r\u00e4nde", + -14.293227195739746 + ], + [ + "\u2581bancarelle", + -14.29323387145996 + ], + [ + "\u2581pornography", + -14.293242454528809 + ], + [ + "\u2581sconosciuta", + -14.29325008392334 + ], + [ + "\u2581pacchetti", + -14.293252944946287 + ], + [ + "\u2581Trias", + -14.293267250061035 + ], + [ + "\u2581Healthcare", + -14.293312072753906 + ], + [ + "\u2581l\u00e9gion", + -14.29334831237793 + ], + [ + "\u2581Salomone", + -14.293354034423828 + ], + [ + "ayat", + -14.293368339538574 + ], + [ + "\u2581mation", + -14.293376922607422 + ], + [ + "\u2581continu\u00e9", + -14.293389320373535 + ], + [ + "ambizios", + -14.2933931350708 + ], + [ + "gesundheits", + -14.293421745300291 + ], + [ + "\u2581Isaia", + -14.293428421020508 + ], + [ + "\u2581serveurs", + -14.29344081878662 + ], + [ + "latti", + -14.29344654083252 + ], + [ + "\u2581Dorian", + -14.293453216552734 + ], + [ + "\u2581croyait", + -14.293461799621582 + ], + [ + "Wikilivr", + -14.29347038269043 + ], + [ + "\u2581particule", + -14.293472290039062 + ], + [ + "instrumentation", + -14.293484687805176 + ], + [ + "\u2581arrast", + -14.293498992919922 + ], + [ + "\u2581valere", + -14.293519020080566 + ], + [ + "netzbetreiber", + -14.293534278869627 + ], + [ + "Cosa", + -14.293535232543944 + ], + [ + "\u2581shout", + -14.293535232543944 + ], + [ + "\u2581Honra", + -14.293536186218262 + ], + [ + "\u2581Miene", + -14.293574333190918 + ], + [ + "\u2581sperare", + -14.293598175048828 + ], + [ + "\u2581bestuderen", + -14.293624877929688 + ], + [ + "radical", + -14.293628692626951 + ], + [ + "\u2581tinte", + -14.293646812438965 + ], + [ + "\u2581jaartelling", + -14.293662071228027 + ], + [ + "\u2581Bregenz", + -14.293667793273926 + ], + [ + "aggressione", + -14.293676376342772 + ], + [ + "\u2581absorve", + -14.293681144714355 + ], + [ + "ereignis", + -14.293682098388672 + ], + [ + "\u2581iranian", + -14.293694496154783 + ], + [ + "\u2581Stier", + -14.29369831085205 + ], + [ + "\u2581bribe", + -14.293716430664062 + ], + [ + "PCI", + -14.29375457763672 + ], + [ + "rugi", + -14.293782234191896 + ], + [ + "\u2581Godwin", + -14.293810844421388 + ], + [ + "Additions", + -14.29383373260498 + ], + [ + "GRP", + -14.293863296508787 + ], + [ + "\u2581mediod\u00eda", + -14.293899536132812 + ], + [ + "l\u00e4ndischer", + -14.293940544128418 + ], + [ + "gnante", + -14.293974876403809 + ], + [ + "\u2581top\u00f3nimo", + -14.293983459472656 + ], + [ + "\u2581s\u00e4mtlichen", + -14.293993949890137 + ], + [ + "\u2581cartace", + -14.294007301330566 + ], + [ + "noerhalskevers", + -14.294015884399414 + ], + [ + "\u2581razonamiento", + -14.294034004211426 + ], + [ + "\u2581compelling", + -14.294042587280272 + ], + [ + "\u2581verr\u00fcckt", + -14.294053077697754 + ], + [ + "\u2581compor", + -14.29409408569336 + ], + [ + "\u2581cocain", + -14.294113159179688 + ], + [ + "\u2581Chauv", + -14.29415512084961 + ], + [ + "\u2581continuarono", + -14.294157028198242 + ], + [ + "\u2581Lambik", + -14.294171333312988 + ], + [ + "fido", + -14.294181823730469 + ], + [ + "\u2581Bant", + -14.294184684753418 + ], + [ + "Brigade", + -14.29420280456543 + ], + [ + "\u2581respinge", + -14.294236183166504 + ], + [ + "uclide", + -14.2942533493042 + ], + [ + "Milit\u00e4r", + -14.29427433013916 + ], + [ + "\u2581Altra", + -14.29429531097412 + ], + [ + "stomp", + -14.294303894042969 + ], + [ + "\u2581matricul", + -14.294322967529297 + ], + [ + "\u2581Berle", + -14.29432487487793 + ], + [ + "queros", + -14.29432773590088 + ], + [ + "\u2581verloopt", + -14.294354438781738 + ], + [ + "\u2581Shige", + -14.294355392456056 + ], + [ + "\u2581int\u00e9ressantes", + -14.294367790222168 + ], + [ + "moteur", + -14.294377326965332 + ], + [ + "\u2581olieverf", + -14.294408798217772 + ], + [ + "\u2581munitions", + -14.294425964355469 + ], + [ + "\u2581estrangeira", + -14.294447898864746 + ], + [ + "\u2581Ren\u00e9e", + -14.294486045837402 + ], + [ + "armed", + -14.294523239135742 + ], + [ + "knoppen", + -14.29452419281006 + ], + [ + "\u2581Taille", + -14.294529914855955 + ], + [ + "PickerController", + -14.294538497924805 + ], + [ + "carbonyl", + -14.294543266296388 + ], + [ + "\u2581c\u00e9der", + -14.294590950012209 + ], + [ + "\u2581Merv", + -14.294599533081056 + ], + [ + "\u2581aqu\u00e1tico", + -14.294649124145508 + ], + [ + "rawDesc", + -14.294658660888672 + ], + [ + "\u2581assoluti", + -14.294666290283203 + ], + [ + "\u2581Issa", + -14.29467487335205 + ], + [ + "izaciones", + -14.294676780700684 + ], + [ + "SSM", + -14.294687271118164 + ], + [ + "\u2581Nant", + -14.294690132141112 + ], + [ + "\u2581Schaak", + -14.29469108581543 + ], + [ + "\u2581Manet", + -14.294711112976074 + ], + [ + "\u2581reversal", + -14.294758796691896 + ], + [ + "\u2581dominanti", + -14.294763565063477 + ], + [ + "\u2581Dwar", + -14.294766426086426 + ], + [ + "hindi", + -14.294791221618652 + ], + [ + "\u2581maravilloso", + -14.2947998046875 + ], + [ + "\u2581Cento", + -14.294803619384766 + ], + [ + "\u2581Flickr", + -14.294809341430664 + ], + [ + "\u2581Schwellen", + -14.29481029510498 + ], + [ + "\u2581Einb\u00fcrgerung", + -14.29481315612793 + ], + [ + "\u2581scogliere", + -14.29483127593994 + ], + [ + "expat", + -14.294842720031738 + ], + [ + "genetische", + -14.29485321044922 + ], + [ + "spr\u00e4sident", + -14.294855117797852 + ], + [ + "ocerus", + -14.294872283935549 + ], + [ + "\u00e4hnlich", + -14.294878959655762 + ], + [ + "\u2581concursante", + -14.294889450073242 + ], + [ + "\u2581possesses", + -14.294966697692873 + ], + [ + "wemmen", + -14.29497241973877 + ], + [ + "\u2581Rauschen", + -14.294977188110352 + ], + [ + "\u2581famili\u00e4re", + -14.294981956481934 + ], + [ + "IENTO", + -14.295035362243652 + ], + [ + "nault", + -14.295048713684082 + ], + [ + "\u2581abzusehen", + -14.29506492614746 + ], + [ + "Moll", + -14.295073509216309 + ], + [ + "\u2581besuchten", + -14.295084953308104 + ], + [ + "utritt", + -14.295093536376951 + ], + [ + "\u2581Usci", + -14.295119285583496 + ], + [ + "\u2581Politieke", + -14.29514503479004 + ], + [ + "\u2581Gewand", + -14.295151710510254 + ], + [ + "Receipt", + -14.295190811157228 + ], + [ + "\u2581artigianali", + -14.295191764831545 + ], + [ + "patched", + -14.295225143432615 + ], + [ + "\u2581exhort", + -14.295241355895996 + ], + [ + "\u2581Ausfertigung", + -14.295262336730955 + ], + [ + "\u2581familieleden", + -14.295263290405272 + ], + [ + "\u2581Dagmar", + -14.295265197753906 + ], + [ + "\u2581decidiram", + -14.295266151428224 + ], + [ + "nude", + -14.29527473449707 + ], + [ + "gefa", + -14.295312881469728 + ], + [ + "\u2581Cheshire", + -14.295323371887209 + ], + [ + "gonza", + -14.295351028442385 + ], + [ + "Mitarbeiter", + -14.2953519821167 + ], + [ + "\u2581Larsson", + -14.295363426208496 + ], + [ + "ausgang", + -14.29537868499756 + ], + [ + "classified", + -14.29544734954834 + ], + [ + "\u2581consistenza", + -14.295449256896973 + ], + [ + "\u2581garantito", + -14.295451164245604 + ], + [ + "\u2581natuurkunde", + -14.295480728149414 + ], + [ + "mead", + -14.29552936553955 + ], + [ + "Stopped", + -14.295538902282717 + ], + [ + "lipid", + -14.295544624328612 + ], + [ + "\u2581efectivos", + -14.295544624328612 + ], + [ + "bedingter", + -14.295554161071776 + ], + [ + "odifiziert", + -14.29557991027832 + ], + [ + "\u2581kevergeslacht", + -14.295583724975586 + ], + [ + "Telemetry", + -14.295602798461914 + ], + [ + "\u2581eingemeindet", + -14.295608520507812 + ], + [ + "\u2581scoppia", + -14.295620918273926 + ], + [ + "violent", + -14.29562282562256 + ], + [ + "\u2581Problemstellung", + -14.29563045501709 + ], + [ + "vuelto", + -14.295641899108888 + ], + [ + "\u2581Kerze", + -14.295653343200684 + ], + [ + "\u2581Universitaire", + -14.295679092407228 + ], + [ + "\u2581convegno", + -14.295705795288086 + ], + [ + "\u2581vitre", + -14.295708656311035 + ], + [ + "\u2581Mayenne", + -14.295709609985352 + ], + [ + "\u2581Volleyball", + -14.29572868347168 + ], + [ + "\u2581collectivit\u00e9", + -14.295743942260742 + ], + [ + "\u2581showcase", + -14.295758247375488 + ], + [ + "\u2581Anand", + -14.29576587677002 + ], + [ + "\u2581mediocre", + -14.295791625976562 + ], + [ + "\u2581Tandis", + -14.295793533325195 + ], + [ + "prozessen", + -14.295798301696776 + ], + [ + "\u2581Simulationen", + -14.29581069946289 + ], + [ + "\u2581Grimaldi", + -14.295820236206056 + ], + [ + "adaptive", + -14.295853614807127 + ], + [ + "\u2581Lupe", + -14.295863151550291 + ], + [ + "Possible", + -14.29586410522461 + ], + [ + "gepast", + -14.295889854431152 + ], + [ + "verified", + -14.295924186706545 + ], + [ + "bicos", + -14.295928001403809 + ], + [ + "politica", + -14.295957565307615 + ], + [ + "\u2581Makar", + -14.295961380004885 + ], + [ + "\u2581criminoso", + -14.295975685119627 + ], + [ + "Bundeswasserstra", + -14.295978546142578 + ], + [ + "\u2581verouderd", + -14.295979499816896 + ], + [ + "\u2581behinderter", + -14.295989990234377 + ], + [ + "stimmt", + -14.296050071716309 + ], + [ + "\u2581vigneti", + -14.29605197906494 + ], + [ + "asted", + -14.296053886413574 + ], + [ + "Aeronautica", + -14.296067237854004 + ], + [ + "\u2581cr\u00e9anc", + -14.29607105255127 + ], + [ + "\u2581Agame", + -14.296072959899902 + ], + [ + "\u2581Spoleto", + -14.29608154296875 + ], + [ + "breking", + -14.296143531799316 + ], + [ + "Wasserwirtschaft", + -14.296162605285645 + ], + [ + "\u2581revelada", + -14.29617404937744 + ], + [ + "\u2581Milla", + -14.2962007522583 + ], + [ + "\u2581regul\u00e4re", + -14.296216011047363 + ], + [ + "\u2581specialisti", + -14.29623317718506 + ], + [ + "gesti\u00f3n", + -14.296238899230955 + ], + [ + "ayed", + -14.296256065368652 + ], + [ + "\u2581espaciales", + -14.296277046203612 + ], + [ + "\u2581engag\u00e9s", + -14.296302795410156 + ], + [ + "\u2581spost", + -14.296302795410156 + ], + [ + "affia", + -14.296316146850586 + ], + [ + "mulation", + -14.29632568359375 + ], + [ + "\u2581Gl\u00e4ser", + -14.29633617401123 + ], + [ + "r\u00fcm", + -14.296375274658203 + ], + [ + "\u2581faca", + -14.296375274658203 + ], + [ + "concentratiekamp", + -14.296379089355469 + ], + [ + "\u2581Plon", + -14.296385765075684 + ], + [ + "mar\u00e9", + -14.296415328979492 + ], + [ + "Ordering", + -14.29642391204834 + ], + [ + "MongoDB", + -14.296432495117188 + ], + [ + "\u2581envuelto", + -14.29643726348877 + ], + [ + "\u2581Bronce", + -14.29645824432373 + ], + [ + "\u2581uscendo", + -14.296464920043944 + ], + [ + "\u2581soddisfatto", + -14.29647159576416 + ], + [ + "\u2581Isar", + -14.296479225158691 + ], + [ + "Barre", + -14.29648208618164 + ], + [ + "\u2581reconsider", + -14.296490669250488 + ], + [ + "pr\u00e4ventive", + -14.296496391296388 + ], + [ + "\u2581affr", + -14.296496391296388 + ], + [ + "nationalistische", + -14.296501159667969 + ], + [ + "\u2581perito", + -14.296503067016602 + ], + [ + "\u2581gouvernemental", + -14.296506881713867 + ], + [ + "\u00e9chapp", + -14.296521186828612 + ], + [ + "\u2581Galer", + -14.296542167663574 + ], + [ + "\u2581eroga", + -14.296542167663574 + ], + [ + "\u2581Sloan", + -14.296548843383787 + ], + [ + "\u2581sanitari", + -14.296552658081056 + ], + [ + "Excellent", + -14.296564102172852 + ], + [ + "\u2581Kust", + -14.29656982421875 + ], + [ + "errei", + -14.296579360961914 + ], + [ + "\u2581weaken", + -14.296589851379396 + ], + [ + "\u2581anlegen", + -14.296625137329102 + ], + [ + "acey", + -14.296629905700684 + ], + [ + "\u2581customiz", + -14.296645164489746 + ], + [ + "\u2581tecnicamente", + -14.296660423278809 + ], + [ + "\u2581desejam", + -14.296689987182615 + ], + [ + "detectable", + -14.296696662902832 + ], + [ + "grafiche", + -14.29674243927002 + ], + [ + "Salvator", + -14.296764373779297 + ], + [ + "nosis", + -14.296768188476562 + ], + [ + "\u2581Aggression", + -14.296777725219728 + ], + [ + "\u2581Wanted", + -14.296777725219728 + ], + [ + "ughton", + -14.29677963256836 + ], + [ + "\u2581ap\u00f3stol", + -14.296786308288574 + ], + [ + "\u2581salade", + -14.296791076660156 + ], + [ + "\u2581strane", + -14.29681396484375 + ], + [ + "istanza", + -14.296818733215332 + ], + [ + "\u2581Weniger", + -14.29682445526123 + ], + [ + "\u2581GRAN", + -14.29684066772461 + ], + [ + "jection", + -14.296868324279783 + ], + [ + "\u2581acelerar", + -14.29687786102295 + ], + [ + "\u2581Loyal", + -14.29690647125244 + ], + [ + "\u2581vergeblich", + -14.296916007995604 + ], + [ + "Salin", + -14.296927452087402 + ], + [ + "prelude", + -14.296955108642578 + ], + [ + "\u2581sent\u00f3", + -14.296989440917969 + ], + [ + "dataloader", + -14.297001838684082 + ], + [ + "\u2581excedente", + -14.297001838684082 + ], + [ + "producties", + -14.297008514404297 + ], + [ + "gory", + -14.29708194732666 + ], + [ + "pathname", + -14.297085762023926 + ], + [ + "\u2581m\u00e1scaras", + -14.297091484069824 + ], + [ + "ektromagnetische", + -14.297106742858888 + ], + [ + "entgegenzuwirken", + -14.297154426574709 + ], + [ + "\u2581pousadas", + -14.297163963317873 + ], + [ + "\u2581pudiese", + -14.297176361083984 + ], + [ + "\u2581cancelada", + -14.297178268432615 + ], + [ + "\u2581m\u00e9diatique", + -14.297181129455566 + ], + [ + "\u2581Brennan", + -14.297195434570312 + ], + [ + "\u2581docenti", + -14.29720973968506 + ], + [ + "konten", + -14.297216415405272 + ], + [ + "\u2581atrapado", + -14.297224044799805 + ], + [ + "\u2581Dependendo", + -14.297236442565918 + ], + [ + "Fiandre", + -14.297268867492676 + ], + [ + "\u2581compatibil", + -14.297289848327637 + ], + [ + "facade", + -14.29729175567627 + ], + [ + "\u2581Hamad", + -14.297313690185549 + ], + [ + "xtrapolation", + -14.297327995300291 + ], + [ + "ignition", + -14.297334671020508 + ], + [ + "Archipel", + -14.29733657836914 + ], + [ + "\u2581vollst\u00e4ndiger", + -14.297340393066406 + ], + [ + "\u2581Koda", + -14.297344207763672 + ], + [ + "pfade", + -14.29735279083252 + ], + [ + "escadron", + -14.297355651855469 + ], + [ + "rphelin", + -14.297359466552734 + ], + [ + "\u2581Rahm", + -14.297382354736328 + ], + [ + "Tonto", + -14.297383308410645 + ], + [ + "\u2581siebten", + -14.297386169433594 + ], + [ + "Vorrei", + -14.297410011291504 + ], + [ + "\u2581jugaron", + -14.297435760498049 + ], + [ + "\u2581supposedly", + -14.297438621520996 + ], + [ + "\u2581prevedere", + -14.297439575195312 + ], + [ + "\u2581applaus", + -14.297446250915527 + ], + [ + "\u2581Violen", + -14.297470092773438 + ], + [ + "\u2581Biologische", + -14.297483444213867 + ], + [ + "Harmo", + -14.297502517700195 + ], + [ + "\u2581exploit\u00e9", + -14.297540664672852 + ], + [ + "haak", + -14.29754638671875 + ], + [ + "\u2581Econ\u00f3mico", + -14.297548294067385 + ], + [ + "\u2581bewezen", + -14.297551155090332 + ], + [ + "Grenze", + -14.297553062438965 + ], + [ + "\u2581recicla", + -14.297560691833496 + ], + [ + "\u2581permitieron", + -14.297590255737305 + ], + [ + "\u2581lautete", + -14.29760456085205 + ], + [ + "Polar", + -14.29761028289795 + ], + [ + "EuScript", + -14.297612190246582 + ], + [ + "\u2581obsta", + -14.297624588012695 + ], + [ + "\u2581Speedway", + -14.297626495361328 + ], + [ + "\u2581aangetrokken", + -14.297664642333984 + ], + [ + "syndic", + -14.297690391540527 + ], + [ + "\u2581recorrente", + -14.29769802093506 + ], + [ + "\u2581letzteren", + -14.297699928283691 + ], + [ + "\u2581geschenkt", + -14.29770278930664 + ], + [ + "\u2581r\u00e9sidu", + -14.297712326049805 + ], + [ + "\u2581fundadora", + -14.29773235321045 + ], + [ + "dromo", + -14.297736167907717 + ], + [ + "Alessandro", + -14.297737121582031 + ], + [ + "\u2581swallow", + -14.297759056091309 + ], + [ + "draco", + -14.297781944274902 + ], + [ + "p\u00e9dia", + -14.297786712646484 + ], + [ + "alapa", + -14.2977933883667 + ], + [ + "\u2581equipas", + -14.297796249389648 + ], + [ + "\u2581vulkanische", + -14.297821044921877 + ], + [ + "\u2581cantina", + -14.29782485961914 + ], + [ + "\u2581coch", + -14.29784870147705 + ], + [ + "\u00e1scara", + -14.297874450683594 + ], + [ + "\u2581Mises", + -14.297879219055176 + ], + [ + "\u00f3pteros", + -14.297882080078123 + ], + [ + "Viva", + -14.297883987426758 + ], + [ + "\u2581paquetes", + -14.297897338867188 + ], + [ + "\u2581riders", + -14.297932624816896 + ], + [ + "\u2581immeubles", + -14.297933578491213 + ], + [ + "\u2581Frazioni", + -14.297935485839844 + ], + [ + "\u2581culp", + -14.297937393188477 + ], + [ + "\u2581rubl", + -14.297950744628906 + ], + [ + "\u00fcnftig", + -14.297951698303224 + ], + [ + "g\u00e4rten", + -14.297955513000488 + ], + [ + "\u2581aussagekr\u00e4ftig", + -14.297955513000488 + ], + [ + "\u2581Kurdistan", + -14.29795742034912 + ], + [ + "\u2581Ulterior", + -14.297959327697754 + ], + [ + "lento", + -14.297972679138184 + ], + [ + "\u2581Danube", + -14.29797649383545 + ], + [ + "\u2581d\u00e9biles", + -14.297978401184082 + ], + [ + "Miniconda", + -14.297986030578612 + ], + [ + "\u2581emitidos", + -14.29800796508789 + ], + [ + "\u2581abstraite", + -14.298008918762209 + ], + [ + "geduldig", + -14.298014640808104 + ], + [ + "RECI", + -14.298018455505373 + ], + [ + "\u2581Thym", + -14.29805850982666 + ], + [ + "\u2581verwerven", + -14.298066139221191 + ], + [ + "Japonesa", + -14.298080444335938 + ], + [ + "Scorer", + -14.298104286193848 + ], + [ + "\u2581c\u00f3mica", + -14.298121452331545 + ], + [ + "\u2581Fiamm", + -14.29813003540039 + ], + [ + "\u2581glico", + -14.298134803771973 + ], + [ + "ekers", + -14.298199653625488 + ], + [ + "\u2581sconvolg", + -14.29820442199707 + ], + [ + "\u2581d\u00e9plor", + -14.298235893249512 + ], + [ + "\u2581Besch\u00e4fti", + -14.298245429992676 + ], + [ + "\u2581Arriv\u00e9", + -14.298255920410156 + ], + [ + "\u2581ladite", + -14.298264503479004 + ], + [ + "sualmente", + -14.2982816696167 + ], + [ + "\u2581Lindau", + -14.29830265045166 + ], + [ + "hilling", + -14.298321723937988 + ], + [ + "\u2581Phyllosticta", + -14.298334121704102 + ], + [ + "\u2581steadily", + -14.298334121704102 + ], + [ + "\u2581farebbe", + -14.298357963562012 + ], + [ + "\u2581prostituzione", + -14.29837131500244 + ], + [ + "\u2581tesori", + -14.298372268676758 + ], + [ + "\u2581retrasa", + -14.298405647277832 + ], + [ + "\u2581pantaloni", + -14.298431396484377 + ], + [ + "\u2581hemato", + -14.298439979553224 + ], + [ + "\u2581Endlager", + -14.298454284667969 + ], + [ + "\u2581trouv\u00e9e", + -14.298480033874512 + ], + [ + "delli", + -14.29848289489746 + ], + [ + "Terminator", + -14.29849910736084 + ], + [ + "\u2581vestuario", + -14.29851245880127 + ], + [ + "\u2581substrato", + -14.298517227172852 + ], + [ + "\u2581Forschungsf", + -14.298518180847168 + ], + [ + "haltig", + -14.298521041870115 + ], + [ + "flagge", + -14.298555374145508 + ], + [ + "\u2581Saggi", + -14.298644065856934 + ], + [ + "schakel", + -14.29865837097168 + ], + [ + "\u2581tibetano", + -14.298662185668944 + ], + [ + "\u2581uccidendo", + -14.298677444458008 + ], + [ + "fotografie", + -14.298690795898438 + ], + [ + "\u2581Umrechnung", + -14.298705101013184 + ], + [ + "morandum", + -14.298717498779297 + ], + [ + "CKER", + -14.298720359802246 + ], + [ + "Decodable", + -14.298727989196776 + ], + [ + "\u2581convivial", + -14.298728942871094 + ], + [ + "\u2581maneuver", + -14.298739433288574 + ], + [ + "\u2581Arnaldo", + -14.298744201660156 + ], + [ + "associer", + -14.298768997192385 + ], + [ + "\u2581morar", + -14.29880142211914 + ], + [ + "\u2581ayudan", + -14.298802375793455 + ], + [ + "juela", + -14.298805236816406 + ], + [ + "\u00fcchtung", + -14.298850059509276 + ], + [ + "\u2581Unger", + -14.29885482788086 + ], + [ + "\u2581refletir", + -14.298861503601074 + ], + [ + "\u2581reits", + -14.298874855041504 + ], + [ + "hahn", + -14.2988920211792 + ], + [ + "essayer", + -14.298893928527832 + ], + [ + "impl\u00e9mentation", + -14.298897743225098 + ], + [ + "\u2581programada", + -14.298932075500488 + ], + [ + "\u2581explicitement", + -14.298948287963867 + ], + [ + "\u2581oscure", + -14.2989501953125 + ], + [ + "\u2581Bryn", + -14.29896068572998 + ], + [ + "\u2581Chiqui", + -14.298999786376951 + ], + [ + "Supervisor", + -14.299016952514648 + ], + [ + "percibid", + -14.299029350280762 + ], + [ + "\u2581Tuin", + -14.299029350280762 + ], + [ + "ujan", + -14.299041748046877 + ], + [ + "tanen", + -14.29906177520752 + ], + [ + "\u2581perderam", + -14.299063682556152 + ], + [ + "\u2581examin", + -14.299073219299316 + ], + [ + "\u2581montante", + -14.299079895019531 + ], + [ + "\u2581Cheer", + -14.299091339111328 + ], + [ + "\u2581abiertamente", + -14.299099922180176 + ], + [ + "min\u00e9s", + -14.299117088317873 + ], + [ + "\u2581Taekwondo", + -14.29911994934082 + ], + [ + "ochtend", + -14.299120903015137 + ], + [ + "\u2581moeilijker", + -14.299120903015137 + ], + [ + "agata", + -14.29914379119873 + ], + [ + "centrism", + -14.29917335510254 + ], + [ + "\u2581Senador", + -14.29919719696045 + ], + [ + "\u2581revelaci\u00f3n", + -14.29921817779541 + ], + [ + "BAP", + -14.299256324768066 + ], + [ + "\u2581minuit", + -14.299260139465332 + ], + [ + "\u2581Petent", + -14.299272537231444 + ], + [ + "\u2581Dubbel", + -14.29928493499756 + ], + [ + "\u2581incorpor\u00e9", + -14.299304008483888 + ], + [ + "\u2581prolonga", + -14.299309730529783 + ], + [ + "arense", + -14.299314498901367 + ], + [ + "\u2581betr\u00e4chtlich", + -14.299349784851074 + ], + [ + "\u2581verbleibende", + -14.299365997314451 + ], + [ + "\u2581Gork", + -14.299373626708984 + ], + [ + "\u2581individuels", + -14.299400329589844 + ], + [ + "EAA", + -14.299405097961426 + ], + [ + "\u2581B\u00fcrokratie", + -14.299412727355955 + ], + [ + "\u2581Aristide", + -14.299431800842283 + ], + [ + "\u2581ordentliche", + -14.299440383911133 + ], + [ + "\u2581dividends", + -14.299442291259766 + ], + [ + "chaet", + -14.299445152282717 + ], + [ + "\u2581commanded", + -14.299445152282717 + ], + [ + "\u2581conquistador", + -14.299456596374512 + ], + [ + "\u2581coincidence", + -14.299485206604004 + ], + [ + "agrado", + -14.299487113952637 + ], + [ + "\u2581Convers", + -14.2995023727417 + ], + [ + "\u2581Versp\u00e4tung", + -14.299513816833496 + ], + [ + "\u2581murmelte", + -14.299514770507812 + ], + [ + "phemer", + -14.299521446228027 + ], + [ + "\u2581repetidas", + -14.29953384399414 + ], + [ + "\u2581GameCanvas", + -14.299560546875 + ], + [ + "chefe", + -14.299578666687012 + ], + [ + "\u2581ravage", + -14.299588203430176 + ], + [ + "mpfstoff", + -14.299631118774414 + ], + [ + "araja", + -14.29963207244873 + ], + [ + "\u2581entrarono", + -14.299684524536133 + ], + [ + "executionContext", + -14.299689292907717 + ], + [ + "\u2581iscrizioni", + -14.299691200256348 + ], + [ + "\u2581technicien", + -14.299718856811523 + ], + [ + "\u2581residuos", + -14.299731254577637 + ], + [ + "\u2581considerarsi", + -14.299776077270508 + ], + [ + "\u2581evangelisch", + -14.29983615875244 + ], + [ + "\u2581tavoli", + -14.299843788146973 + ], + [ + "\u2581excelencia", + -14.299857139587402 + ], + [ + "\u2581catac", + -14.299859046936035 + ], + [ + "durante", + -14.299877166748049 + ], + [ + "\u2581imposante", + -14.299884796142578 + ], + [ + "\u2581phantasies", + -14.299886703491213 + ], + [ + "\u2581sugiri\u00f3", + -14.299912452697754 + ], + [ + "carlo", + -14.299915313720703 + ], + [ + "fstab", + -14.299915313720703 + ], + [ + "\u2581erledigen", + -14.299919128417969 + ], + [ + "\u2581Cannabis", + -14.299921035766602 + ], + [ + "trailingAnchor", + -14.299921989440918 + ], + [ + "uckerr\u00fcben", + -14.29992389678955 + ], + [ + "\u2581keizerlijke", + -14.299936294555664 + ], + [ + "SceneSession", + -14.29995346069336 + ], + [ + "\u2581Sicherheitsbeh", + -14.299985885620115 + ], + [ + "\u2581escrib\u00eda", + -14.300004005432127 + ], + [ + "\u2581Barnett", + -14.300006866455078 + ], + [ + "\u2581selezionato", + -14.300008773803713 + ], + [ + "\u2581Polsk", + -14.300031661987305 + ], + [ + "\u2581Paterson", + -14.30006217956543 + ], + [ + "\u2581muraria", + -14.300110816955566 + ], + [ + "noscript", + -14.30012035369873 + ], + [ + "\u2581scamp", + -14.30015754699707 + ], + [ + "rather", + -14.300214767456056 + ], + [ + "delic", + -14.300225257873535 + ], + [ + "actus", + -14.30023956298828 + ], + [ + "\u2581eigenst\u00e4ndig", + -14.300260543823242 + ], + [ + "BIA", + -14.30026149749756 + ], + [ + "irkel", + -14.30026912689209 + ], + [ + "\u2581tweets", + -14.300272941589355 + ], + [ + "\u2581Massage", + -14.300293922424316 + ], + [ + "\u00e4nderungsgesetz", + -14.30029582977295 + ], + [ + "\u2581Caldwell", + -14.300302505493164 + ], + [ + "\u2581Perceb", + -14.300312042236328 + ], + [ + "\u2581riunioni", + -14.300321578979492 + ], + [ + "affili", + -14.300325393676758 + ], + [ + "\u2581Costum", + -14.300332069396973 + ], + [ + "\u2581sufragio", + -14.300342559814451 + ], + [ + "characterised", + -14.30034637451172 + ], + [ + "\u2581Kondo", + -14.300381660461426 + ], + [ + "\u2581limpiar", + -14.300384521484377 + ], + [ + "\u2581garnison", + -14.300390243530272 + ], + [ + "\u2581M\u00e1rci", + -14.300402641296388 + ], + [ + "ordinal", + -14.300451278686523 + ], + [ + "\u2581Mami", + -14.300500869750977 + ], + [ + "Pretty", + -14.300506591796877 + ], + [ + "tisiert", + -14.300517082214355 + ], + [ + "tiaire", + -14.300538063049316 + ], + [ + "Moon", + -14.300545692443848 + ], + [ + "Friends", + -14.300572395324709 + ], + [ + "censis", + -14.300580978393556 + ], + [ + "Vicenza", + -14.300594329833984 + ], + [ + "endijk", + -14.30064296722412 + ], + [ + "spektor", + -14.30067253112793 + ], + [ + "beiden", + -14.300682067871094 + ], + [ + "\u2581erhitzt", + -14.300699234008787 + ], + [ + "\u2581armazenado", + -14.300702095031738 + ], + [ + "\u2581dissolv", + -14.300745010375977 + ], + [ + "\u2581risultava", + -14.300747871398926 + ], + [ + "\u2581d\u00e9mont", + -14.30074977874756 + ], + [ + "\u2581espressiv", + -14.300755500793455 + ], + [ + "\u2581fossielen", + -14.300764083862305 + ], + [ + "helloworld", + -14.300771713256836 + ], + [ + "\u2581Bananen", + -14.300771713256836 + ], + [ + "straal", + -14.30081558227539 + ], + [ + "\u2581selvatica", + -14.3008394241333 + ], + [ + "Arche", + -14.300841331481934 + ], + [ + "INGER", + -14.300843238830566 + ], + [ + "aae", + -14.30086898803711 + ], + [ + "\u2581spear", + -14.300878524780272 + ], + [ + "werkzaamheden", + -14.30090045928955 + ], + [ + "\u2581P\u00e9rsi", + -14.300923347473145 + ], + [ + "\u2581Franciscan", + -14.300939559936523 + ], + [ + "\u2581geehrt", + -14.300944328308104 + ], + [ + "\u2581arreglos", + -14.300969123840332 + ], + [ + "\u2581suppone", + -14.300971031188965 + ], + [ + "egress", + -14.300997734069824 + ], + [ + "\u2581capitula", + -14.30100917816162 + ], + [ + "\u2581r\u00e9sumer", + -14.301013946533203 + ], + [ + "\u2581Begleiter", + -14.301019668579102 + ], + [ + "\u2581obtendo", + -14.301019668579102 + ], + [ + "usammenhalt", + -14.301031112670898 + ], + [ + "Gebirge", + -14.301045417785645 + ], + [ + "pr\u00e4mien", + -14.301061630249023 + ], + [ + "\u2581antiguidade", + -14.301090240478516 + ], + [ + "\u2581renouvel\u00e9", + -14.301090240478516 + ], + [ + "\u2581discepoli", + -14.301092147827148 + ], + [ + "holomorphic", + -14.301095962524414 + ], + [ + "\u2581glacier", + -14.301097869873049 + ], + [ + "\u2581Penne", + -14.30112361907959 + ], + [ + "rang\u00e9", + -14.301135063171388 + ], + [ + "\u2581provvede", + -14.301137924194336 + ], + [ + "\u2581zulke", + -14.30116367340088 + ], + [ + "envie", + -14.301169395446776 + ], + [ + "\u2581Chaeto", + -14.301188468933104 + ], + [ + "Compositor", + -14.301225662231444 + ], + [ + "wani", + -14.30123805999756 + ], + [ + "\u2581antolog\u00eda", + -14.30123805999756 + ], + [ + "amensis", + -14.301239013671877 + ], + [ + "\u2581Seenplatte", + -14.30124855041504 + ], + [ + "navigationItem", + -14.301260948181152 + ], + [ + "\u2581plead", + -14.30126953125 + ], + [ + "\u2581Vorbehalte", + -14.301307678222656 + ], + [ + "\u2581Eud", + -14.301308631896973 + ], + [ + "\u2581Folli", + -14.301325798034668 + ], + [ + "\u2581maresciallo", + -14.301353454589844 + ], + [ + "\u2581sporge", + -14.30135440826416 + ], + [ + "\u2581aufgelegt", + -14.30135726928711 + ], + [ + "designer", + -14.30136013031006 + ], + [ + "ffrey", + -14.301376342773438 + ], + [ + "Transparent", + -14.30137825012207 + ], + [ + "nterpretationBox", + -14.30138874053955 + ], + [ + "Culture", + -14.301408767700195 + ], + [ + "\u2581ambicioso", + -14.301409721374512 + ], + [ + "magma", + -14.30141258239746 + ], + [ + "emburgo", + -14.30143928527832 + ], + [ + "\u2581rotazione", + -14.301440238952637 + ], + [ + "Coleophoridae", + -14.301485061645508 + ], + [ + "\u2581Kreuzes", + -14.301501274108888 + ], + [ + "\u2581Huxley", + -14.301502227783203 + ], + [ + "\u2581frita", + -14.30151081085205 + ], + [ + "\u2581abastecimento", + -14.301521301269531 + ], + [ + "\u2581Neuroscience", + -14.301522254943848 + ], + [ + "\u2581conformada", + -14.301526069641112 + ], + [ + "\u2581Propiedad", + -14.301541328430176 + ], + [ + "pianist", + -14.301543235778809 + ], + [ + "\u2581extrahiert", + -14.30155086517334 + ], + [ + "Enhanced", + -14.30156135559082 + ], + [ + "\u2581osteurop\u00e4ische", + -14.301565170288086 + ], + [ + "\u2581glaubhaft", + -14.301568031311035 + ], + [ + "proxies", + -14.301568984985352 + ], + [ + "\u2581vile", + -14.301580429077148 + ], + [ + "Dumper", + -14.301589965820312 + ], + [ + "\u2581Favor", + -14.301600456237791 + ], + [ + "\u2581Ecker", + -14.301602363586426 + ], + [ + "\u2581federado", + -14.30163288116455 + ], + [ + "\u2581Kain", + -14.3016357421875 + ], + [ + "lcoholic", + -14.301648139953612 + ], + [ + "vang\u00e9lica", + -14.30165195465088 + ], + [ + "\u2581onderscheidt", + -14.301652908325195 + ], + [ + "dscha", + -14.301653861999512 + ], + [ + "\u2581sapienza", + -14.301657676696776 + ], + [ + "\u2581westlicher", + -14.30168628692627 + ], + [ + "\u2581Ameri", + -14.301692962646484 + ], + [ + "\u2581Metod", + -14.301714897155762 + ], + [ + "Ghost", + -14.30172348022461 + ], + [ + "konflikte", + -14.30176067352295 + ], + [ + "REDIS", + -14.301804542541504 + ], + [ + "archeolog", + -14.301816940307615 + ], + [ + "\u2581deudas", + -14.301830291748049 + ], + [ + "plinter", + -14.301849365234377 + ], + [ + "TimeStamp", + -14.301857948303224 + ], + [ + "\u2581Cochabamba", + -14.3018798828125 + ], + [ + "\u2581Shenzhen", + -14.30188274383545 + ], + [ + "\u2581meermaals", + -14.30188274383545 + ], + [ + "\u2581Anf\u00e4nger", + -14.301885604858398 + ], + [ + "\u2581gebilligt", + -14.301891326904297 + ], + [ + "\u2581disregard", + -14.30190086364746 + ], + [ + "adolescence", + -14.301929473876951 + ], + [ + "zhong", + -14.301949501037598 + ], + [ + "\u2581p\u00e9ch\u00e9", + -14.301963806152344 + ], + [ + "\u2581additionnel", + -14.30198097229004 + ], + [ + "\u2581festivais", + -14.30198097229004 + ], + [ + "\u2581Sauber", + -14.301983833312988 + ], + [ + "\u2581Benton", + -14.30198860168457 + ], + [ + "iferi", + -14.302017211914062 + ], + [ + "\u2581hellen", + -14.302038192749023 + ], + [ + "schadelijk", + -14.302091598510742 + ], + [ + "Richtig", + -14.30210018157959 + ], + [ + "Interop", + -14.302106857299805 + ], + [ + "\u2581Divino", + -14.302108764648438 + ], + [ + "verdragen", + -14.302129745483398 + ], + [ + "pijker", + -14.302130699157717 + ], + [ + "\u2581Consulte", + -14.302131652832031 + ], + [ + "kostenzusch\u00fcsse", + -14.30214786529541 + ], + [ + "\u2581esmaga", + -14.30215072631836 + ], + [ + "bilisierung", + -14.302179336547852 + ], + [ + "\u2581rang\u00e9e", + -14.302196502685549 + ], + [ + "\u2581trattative", + -14.302213668823242 + ], + [ + "rezeptor", + -14.302220344543455 + ], + [ + "\u2581Clint", + -14.30222225189209 + ], + [ + "\u2581c\u00f3mic", + -14.302230834960938 + ], + [ + "Wiedergutmachung", + -14.302273750305176 + ], + [ + "douzaine", + -14.302276611328123 + ], + [ + "\u2581insuffisant", + -14.302276611328123 + ], + [ + "\u2581semiasse", + -14.30228042602539 + ], + [ + "modulos", + -14.302289962768556 + ], + [ + "\u2581Geistliche", + -14.302298545837402 + ], + [ + "\u2581Buchst", + -14.30233383178711 + ], + [ + "\u2581promuove", + -14.302343368530272 + ], + [ + "\u2581c\u00f3smic", + -14.30235195159912 + ], + [ + "\u2581beschuldigt", + -14.302353858947754 + ], + [ + "\u2581greff", + -14.302358627319336 + ], + [ + "\u2581resolveu", + -14.302370071411133 + ], + [ + "ngini", + -14.302403450012209 + ], + [ + "mern", + -14.302407264709473 + ], + [ + "\u2581interferir", + -14.302416801452637 + ], + [ + "\u2581soffrire", + -14.302495002746582 + ], + [ + "\u2581Nul", + -14.302538871765137 + ], + [ + "SCHER", + -14.302570343017578 + ], + [ + "micron", + -14.302573204040527 + ], + [ + "moleculen", + -14.302578926086426 + ], + [ + "Jordan", + -14.30263328552246 + ], + [ + "\u2581appeti", + -14.30263614654541 + ], + [ + "SECURIT", + -14.302663803100586 + ], + [ + "\u2581labyrinth", + -14.302668571472168 + ], + [ + "\u2581temporariamente", + -14.302672386169434 + ], + [ + "\u2581Ploeg", + -14.302687644958496 + ], + [ + "GeneratedSwift", + -14.302689552307127 + ], + [ + "\u2581Isidoro", + -14.302711486816406 + ], + [ + "\u2581westzijde", + -14.302722930908203 + ], + [ + "\u2581schr\u00e4g", + -14.302734375 + ], + [ + "\u2581occupare", + -14.302740097045898 + ], + [ + "\u2581Shy", + -14.302762031555176 + ], + [ + "\u2581Radon", + -14.30276870727539 + ], + [ + "\u2581afdelingen", + -14.302791595458984 + ], + [ + "\u2581embaixador", + -14.3027982711792 + ], + [ + "\u2581f\u00e9ministe", + -14.302810668945312 + ], + [ + "\u2581Hitparade", + -14.302816390991213 + ], + [ + "\u2581Leine", + -14.30281925201416 + ], + [ + "CATA", + -14.302834510803224 + ], + [ + "\u2581Confederate", + -14.302848815917969 + ], + [ + "smallskip", + -14.302894592285156 + ], + [ + "suelve", + -14.302897453308104 + ], + [ + "\u2581symbio", + -14.302942276000977 + ], + [ + "PAND", + -14.302952766418455 + ], + [ + "stagione", + -14.302985191345217 + ], + [ + "\u2581vor\u00fcber", + -14.302987098693848 + ], + [ + "\u2581deputados", + -14.30301570892334 + ], + [ + "Executable", + -14.303021430969238 + ], + [ + "\u2581Ethiopia", + -14.303022384643556 + ], + [ + "innares", + -14.3030424118042 + ], + [ + "benedett", + -14.303058624267578 + ], + [ + "\u2581invariably", + -14.303064346313477 + ], + [ + "VirtualNetwork", + -14.303075790405272 + ], + [ + "l\u00f3bulo", + -14.30307960510254 + ], + [ + "\u2581Verschw", + -14.30307960510254 + ], + [ + "huri", + -14.303093910217283 + ], + [ + "\u2581sconvolt", + -14.303093910217283 + ], + [ + "\u2581Gentse", + -14.303095817565918 + ], + [ + "\u2581r\u00e9utilis", + -14.303133010864258 + ], + [ + "\u2581oevers", + -14.303146362304688 + ], + [ + "\u2581preferibile", + -14.30314826965332 + ], + [ + "\u2581Fies", + -14.303160667419434 + ], + [ + "\u2581SNC", + -14.303160667419434 + ], + [ + "CmdArgs", + -14.303168296813965 + ], + [ + "\u2581Guten", + -14.303205490112305 + ], + [ + "\u2581consid\u00e9r\u00e9es", + -14.303213119506836 + ], + [ + "Retrie", + -14.303214073181152 + ], + [ + "\u2581palat", + -14.303245544433594 + ], + [ + "\u2581gerarchia", + -14.3032808303833 + ], + [ + "\u2581r\u00e9pandue", + -14.303281784057615 + ], + [ + "lierten", + -14.303282737731934 + ], + [ + "comuna", + -14.303295135498049 + ], + [ + "segretario", + -14.303343772888184 + ], + [ + "\u2581entame", + -14.303352355957031 + ], + [ + "\u2581creep", + -14.303354263305664 + ], + [ + "Adrian", + -14.30335521697998 + ], + [ + "\u2581entendida", + -14.303363800048828 + ], + [ + "zehnte", + -14.30337905883789 + ], + [ + "\u2581Vickers", + -14.303421020507812 + ], + [ + "\u2581feasibility", + -14.303459167480469 + ], + [ + "verl\u00e4ngerung", + -14.303460121154783 + ], + [ + "fgSizer", + -14.303462028503418 + ], + [ + "\u2581aggiunte", + -14.303464889526367 + ], + [ + "\u2581remplie", + -14.303464889526367 + ], + [ + "\u2581Katowice", + -14.303473472595217 + ], + [ + "sentsch\u00e4digungen", + -14.303483963012695 + ], + [ + "\u2581ragionevoli", + -14.303486824035645 + ], + [ + "orina", + -14.30348777770996 + ], + [ + "\u2581comentou", + -14.303489685058594 + ], + [ + "\u2581Lapa", + -14.303492546081545 + ], + [ + "dwong", + -14.303494453430176 + ], + [ + "tumble", + -14.303522109985352 + ], + [ + "\u2581feststellt", + -14.303548812866213 + ], + [ + "\u2581Unionsrecht", + -14.30359935760498 + ], + [ + "\u2581Alphen", + -14.303621292114258 + ], + [ + "\u2581Lenny", + -14.303624153137209 + ], + [ + "\u2581Bater\u00eda", + -14.303628921508787 + ], + [ + "buig", + -14.303640365600586 + ], + [ + "RETR", + -14.303643226623535 + ], + [ + "groupby", + -14.303654670715332 + ], + [ + "\u2581Aunt", + -14.303664207458496 + ], + [ + "Prior", + -14.303695678710938 + ], + [ + "limitaci\u00f3n", + -14.303709983825684 + ], + [ + "\u2581cerve", + -14.303722381591797 + ], + [ + "\u00fcche", + -14.303725242614746 + ], + [ + "\u2581confond", + -14.303726196289062 + ], + [ + "indication", + -14.303741455078123 + ], + [ + "\u2581werkelijke", + -14.303750038146973 + ], + [ + "\u2581souffrir", + -14.303791046142578 + ], + [ + "\u2581unterlag", + -14.303804397583008 + ], + [ + "\u2581Vrijheid", + -14.30383586883545 + ], + [ + "\u2581Kathmandu", + -14.303854942321776 + ], + [ + "\u2581avontuur", + -14.303854942321776 + ], + [ + "\u2581Mazedonien", + -14.303855895996094 + ], + [ + "\u2581adopci\u00f3n", + -14.303855895996094 + ], + [ + "\u2581Petti", + -14.303936958312988 + ], + [ + "\u2581Viver", + -14.303947448730469 + ], + [ + "kema", + -14.303979873657228 + ], + [ + "\u2581Negoci", + -14.303988456726074 + ], + [ + "Decoding", + -14.30401611328125 + ], + [ + "CLAS", + -14.30402660369873 + ], + [ + "westen", + -14.304036140441896 + ], + [ + "icidad", + -14.304040908813477 + ], + [ + "coping", + -14.304043769836426 + ], + [ + "\u2581Rozen", + -14.304059028625488 + ], + [ + "keyCode", + -14.304073333740234 + ], + [ + "\u2581Cuevas", + -14.304076194763184 + ], + [ + "ukka", + -14.304094314575195 + ], + [ + "zweifeln", + -14.30411434173584 + ], + [ + "\u2581Hayward", + -14.304147720336914 + ], + [ + "Exclusive", + -14.304156303405762 + ], + [ + "\u2581expandi", + -14.30416488647461 + ], + [ + "\u2581Sockel", + -14.304182052612305 + ], + [ + "holtz", + -14.304186820983888 + ], + [ + "\u2581abasteci", + -14.304200172424316 + ], + [ + "\u2581Equit", + -14.304224967956545 + ], + [ + "Tercer", + -14.30424976348877 + ], + [ + "\u2581Marxist", + -14.304253578186035 + ], + [ + "\u2581trazido", + -14.304259300231934 + ], + [ + "usammenleben", + -14.304265975952148 + ], + [ + "macchi", + -14.304266929626465 + ], + [ + "\u2581disfun", + -14.30426788330078 + ], + [ + "coude", + -14.30427074432373 + ], + [ + "\u2581Politikerin", + -14.304287910461426 + ], + [ + "\u2581renowned", + -14.30428981781006 + ], + [ + "\u2581Hooker", + -14.304290771484377 + ], + [ + "\u2581compatriote", + -14.30429458618164 + ], + [ + "\u2581curare", + -14.304369926452637 + ], + [ + "\u2581rimaneva", + -14.304377555847168 + ], + [ + "\u2581predominio", + -14.3043794631958 + ], + [ + "donis", + -14.30439281463623 + ], + [ + "\u2581Turim", + -14.30443000793457 + ], + [ + "\u2581Giust", + -14.304451942443848 + ], + [ + "\u2581occuparsi", + -14.304479598999023 + ], + [ + "\u2581Strei", + -14.304497718811035 + ], + [ + "wegrace", + -14.304508209228516 + ], + [ + "\u2581Rechenschafts", + -14.304529190063477 + ], + [ + "\u2581Hannibal", + -14.30453872680664 + ], + [ + "Kubelet", + -14.304559707641602 + ], + [ + "\u2581Akbar", + -14.304561614990234 + ], + [ + "oppelbesteuerung", + -14.304579734802246 + ], + [ + "\u2581bugi", + -14.304591178894045 + ], + [ + "Playback", + -14.304606437683104 + ], + [ + "\u2581humid", + -14.304612159729004 + ], + [ + "\u2581Limerick", + -14.304646492004396 + ], + [ + "\u2581Maghreb", + -14.304646492004396 + ], + [ + "\u2581dauphin", + -14.304651260375977 + ], + [ + "ousada", + -14.304656982421877 + ], + [ + "\u2581grandiose", + -14.30466079711914 + ], + [ + "beugung", + -14.304670333862305 + ], + [ + "\u2581Iedere", + -14.304686546325684 + ], + [ + "Spanje", + -14.304713249206545 + ], + [ + "liding", + -14.304715156555176 + ], + [ + "kenner", + -14.304726600646973 + ], + [ + "attrname", + -14.304731369018556 + ], + [ + "erdienstkreuz", + -14.304734230041504 + ], + [ + "int\u00e9rim", + -14.304749488830566 + ], + [ + "\u2581Gordo", + -14.304752349853516 + ], + [ + "\u2581Verbrennungs", + -14.304764747619627 + ], + [ + "GENE", + -14.30478858947754 + ], + [ + "\u2581anstehenden", + -14.30479335784912 + ], + [ + "\u2581nourriss", + -14.30479335784912 + ], + [ + "\u2581chamam", + -14.304797172546388 + ], + [ + "\u2581Astronomy", + -14.304798126220703 + ], + [ + "\u2581Kaiserreich", + -14.304816246032717 + ], + [ + "\u2581flashback", + -14.304844856262209 + ], + [ + "enlever", + -14.304931640625 + ], + [ + "\u2581Exemplar", + -14.304937362670898 + ], + [ + "\u2581flavo", + -14.304937362670898 + ], + [ + "\u00e4nisch", + -14.304993629455566 + ], + [ + "\u2581annonc\u00e9e", + -14.304999351501465 + ], + [ + "\u2581Pembroke", + -14.305041313171388 + ], + [ + "\u2581quattordici", + -14.305042266845703 + ], + [ + "\u2581carret", + -14.305065155029297 + ], + [ + "heilkunde", + -14.305066108703612 + ], + [ + "\u2581toscano", + -14.305075645446776 + ], + [ + "Provincia", + -14.305083274841309 + ], + [ + "\u2581Suponha", + -14.305099487304688 + ], + [ + "riega", + -14.305140495300291 + ], + [ + "\u2581\u00fcbereinstimmend", + -14.305164337158203 + ], + [ + "\u2581Kayser", + -14.305184364318848 + ], + [ + "korrektur", + -14.3052339553833 + ], + [ + "\u2581Schulung", + -14.305279731750488 + ], + [ + "ealt\u00e0", + -14.305291175842283 + ], + [ + "microsecond", + -14.305291175842283 + ], + [ + "titulo", + -14.30529499053955 + ], + [ + "\u2581Rapper", + -14.305312156677246 + ], + [ + "\u2581Brangan", + -14.305341720581056 + ], + [ + "adour", + -14.30535125732422 + ], + [ + "\u2581devoci\u00f3n", + -14.3053617477417 + ], + [ + "\u2581bibliografi", + -14.30538272857666 + ], + [ + "\u2581Angreifer", + -14.305438995361328 + ], + [ + "\u2581Vientiane", + -14.305439949035645 + ], + [ + "SubLObject", + -14.30544090270996 + ], + [ + "\u2581riconoscimenti", + -14.305442810058594 + ], + [ + "\u2581riuni", + -14.305471420288086 + ], + [ + "Gustav", + -14.305489540100098 + ], + [ + "\u2581Durchgangs", + -14.305493354797363 + ], + [ + "annick", + -14.305527687072754 + ], + [ + "bildner", + -14.305537223815918 + ], + [ + "\u2581supervisi\u00f3n", + -14.305553436279297 + ], + [ + "\u2581extracci\u00f3n", + -14.305562019348145 + ], + [ + "\u2581millenni", + -14.305570602416992 + ], + [ + "assuming", + -14.30557346343994 + ], + [ + "IRD", + -14.305601119995115 + ], + [ + "uelque", + -14.30562973022461 + ], + [ + "lapack", + -14.30565357208252 + ], + [ + "ochromis", + -14.305676460266112 + ], + [ + "\u2581conclu\u00eddo", + -14.305693626403809 + ], + [ + "\u2581Kany", + -14.305694580078123 + ], + [ + "\u2581Fr\u00eda", + -14.30575180053711 + ], + [ + "\u2581Fulton", + -14.305782318115234 + ], + [ + "\u2581Sandoval", + -14.3058443069458 + ], + [ + "humidit\u00e9", + -14.305868148803713 + ], + [ + "\u2581relatado", + -14.305901527404783 + ], + [ + "\u2581usciti", + -14.305902481079102 + ], + [ + "\u2581narraci\u00f3n", + -14.305916786193848 + ], + [ + "FIA", + -14.305926322937012 + ], + [ + "\u2581Hoofdklasse", + -14.305974006652832 + ], + [ + "\u2581sincera", + -14.30597686767578 + ], + [ + "\u2581melodram", + -14.305991172790527 + ], + [ + "WORDS", + -14.306002616882324 + ], + [ + "Honneur", + -14.306020736694336 + ], + [ + "lligator", + -14.306028366088867 + ], + [ + "\u2581compl\u00e9t\u00e9e", + -14.30604362487793 + ], + [ + "blocked", + -14.306077003479004 + ], + [ + "\u2581respeitosa", + -14.306079864501951 + ], + [ + "\u2581globalement", + -14.306093215942385 + ], + [ + "\u2581existi\u00f3", + -14.306103706359863 + ], + [ + "zeitliche", + -14.306123733520508 + ], + [ + "\u2581tentent", + -14.30612564086914 + ], + [ + "\u2581Morten", + -14.306134223937988 + ], + [ + "\u2581Regionalz\u00fcge", + -14.306145668029783 + ], + [ + "\u2581afzonderlijk", + -14.30614948272705 + ], + [ + "\u2581salp", + -14.306207656860352 + ], + [ + "dardo", + -14.306225776672363 + ], + [ + "dur\u00eda", + -14.30622673034668 + ], + [ + "\u2581Inglesa", + -14.30622673034668 + ], + [ + "\u2581BUNDES", + -14.306230545043944 + ], + [ + "myrmex", + -14.306233406066896 + ], + [ + "phyla", + -14.306236267089844 + ], + [ + "l\u00e9g", + -14.30623722076416 + ], + [ + "aprika", + -14.306238174438477 + ], + [ + "h\u00e4ufigste", + -14.306252479553224 + ], + [ + "\u2581Monsanto", + -14.30625343322754 + ], + [ + "\u2581Fruto", + -14.306265830993652 + ], + [ + "\u2581vestibul", + -14.306273460388184 + ], + [ + "Cron", + -14.306316375732422 + ], + [ + "\u2581culminant", + -14.306320190429688 + ], + [ + "\u2581blamed", + -14.306326866149902 + ], + [ + "\u2581sodio", + -14.306331634521484 + ], + [ + "\u2581Arque", + -14.3063325881958 + ], + [ + "\u2581Juliet", + -14.306336402893066 + ], + [ + "zusatz", + -14.306341171264648 + ], + [ + "\u2581Reconstruction", + -14.306367874145508 + ], + [ + "patrick", + -14.306373596191406 + ], + [ + "Jane", + -14.306391716003418 + ], + [ + "\u2581recommandations", + -14.30640983581543 + ], + [ + "nouvelle", + -14.306419372558594 + ], + [ + "\u2581adulter", + -14.30643081665039 + ], + [ + "deposit", + -14.306431770324709 + ], + [ + "\u2581Genus", + -14.3064546585083 + ], + [ + "\u2581\u00fcberarbeitete", + -14.306473731994627 + ], + [ + "\u2581d\u00e9roulent", + -14.30650234222412 + ], + [ + "VAS", + -14.306514739990234 + ], + [ + "\u2581Broo", + -14.306623458862305 + ], + [ + "\u2581schwankt", + -14.30663013458252 + ], + [ + "\u2581enseign\u00e9", + -14.30665111541748 + ], + [ + "\u2581Operativ", + -14.306663513183594 + ], + [ + "nziana", + -14.306670188903809 + ], + [ + "Nacht", + -14.306681632995604 + ], + [ + "\u2581calab", + -14.30668830871582 + ], + [ + "bergriffe", + -14.306724548339844 + ], + [ + "symptomatic", + -14.306732177734377 + ], + [ + "TFE", + -14.30675983428955 + ], + [ + "\u2581allebei", + -14.30677318572998 + ], + [ + "\u2581Umweltvertr\u00e4g", + -14.30677604675293 + ], + [ + "\u2581japanischer", + -14.30677604675293 + ], + [ + "Medien", + -14.30677890777588 + ], + [ + "\u2581Crian", + -14.306782722473145 + ], + [ + "\u2581Rami", + -14.306785583496094 + ], + [ + "tabilis", + -14.30679988861084 + ], + [ + "estabelecimentos", + -14.306806564331056 + ], + [ + "\u2581constancia", + -14.30681610107422 + ], + [ + "\u2581eleita", + -14.30688190460205 + ], + [ + "\u2581Seamus", + -14.30690574645996 + ], + [ + "\u2581summon", + -14.30690574645996 + ], + [ + "atsch", + -14.306915283203123 + ], + [ + "\u2581Lilly", + -14.306930541992188 + ], + [ + "\u2581amaze", + -14.306931495666504 + ], + [ + "\u2581comandi", + -14.306934356689451 + ], + [ + "homogeneous", + -14.3069429397583 + ], + [ + "\u2581vizinho", + -14.306952476501465 + ], + [ + "\u2581tecnologica", + -14.30698585510254 + ], + [ + "\u2581brune", + -14.306994438171388 + ], + [ + "vengono", + -14.307008743286133 + ], + [ + "\u2581vuln\u00e9rable", + -14.307024002075195 + ], + [ + "\u2581cach\u00e9e", + -14.307056427001951 + ], + [ + "\u2581verduras", + -14.30706787109375 + ], + [ + "\u2581tirado", + -14.307106971740724 + ], + [ + "\u2581Deacon", + -14.30710792541504 + ], + [ + "\u2581progettata", + -14.307114601135254 + ], + [ + "\u2581sovrapp", + -14.307132720947266 + ], + [ + "\u2581Kui", + -14.307173728942873 + ], + [ + "\u2581brilho", + -14.307173728942873 + ], + [ + "\u2581Formeln", + -14.307183265686035 + ], + [ + "\u2581Innovati", + -14.307191848754885 + ], + [ + "\u2581sussurr", + -14.30721664428711 + ], + [ + "\u2581schildert", + -14.307222366333008 + ], + [ + "parcel", + -14.307233810424805 + ], + [ + "\u2581ingressi", + -14.307239532470703 + ], + [ + "\u2581rotund", + -14.307256698608398 + ], + [ + "f\u00e4lschung", + -14.307258605957031 + ], + [ + "\u2581anzulegen", + -14.307268142700195 + ], + [ + "\u2581willekeurige", + -14.30728244781494 + ], + [ + "\u2581reportaje", + -14.307284355163574 + ], + [ + "\u2581pertencer", + -14.307300567626951 + ], + [ + "rolling", + -14.30730152130127 + ], + [ + "\u2581Brice", + -14.307316780090332 + ], + [ + "\u2581festivo", + -14.307361602783203 + ], + [ + "KOR", + -14.307409286499023 + ], + [ + "\u2581privilegios", + -14.307409286499023 + ], + [ + "\u2581Heerlen", + -14.307411193847656 + ], + [ + "\u2581\u00e9l\u00e9mentaires", + -14.307415962219238 + ], + [ + "DAEMON", + -14.30742073059082 + ], + [ + "\u2581Wembley", + -14.30742073059082 + ], + [ + "\u2581bouillon", + -14.30742359161377 + ], + [ + "\u2581Unver", + -14.307435035705566 + ], + [ + "\u2581swell", + -14.307446479797363 + ], + [ + "gebrand", + -14.307448387145996 + ], + [ + "\u2581Higashi", + -14.307450294494627 + ], + [ + "\u2581Construcci\u00f3n", + -14.30746364593506 + ], + [ + "\u00e9dica", + -14.30752182006836 + ], + [ + "\u2581cambo", + -14.30755615234375 + ], + [ + "\u2581schoonheid", + -14.307561874389648 + ], + [ + "\u2581zahlende", + -14.307586669921877 + ], + [ + "\u2581Blink", + -14.307588577270508 + ], + [ + "\u2581parecidas", + -14.30759048461914 + ], + [ + "\u2581dritto", + -14.30764102935791 + ], + [ + "drick", + -14.307694435119627 + ], + [ + "iriam", + -14.307709693908691 + ], + [ + "\u2581rivalidad", + -14.307751655578612 + ], + [ + "subview", + -14.307769775390623 + ], + [ + "guro", + -14.30780029296875 + ], + [ + "Roussillon", + -14.307817459106444 + ], + [ + "\u2581disminuir", + -14.307817459106444 + ], + [ + "\u2581burocratic", + -14.307818412780762 + ], + [ + "\u2581Ancelotti", + -14.307822227478027 + ], + [ + "\u2581conduzione", + -14.307822227478027 + ], + [ + "\u2581disappointment", + -14.30782699584961 + ], + [ + "\u2581Roussel", + -14.307856559753418 + ], + [ + "\u2581atualizar", + -14.307867050170898 + ], + [ + "SWIFTLIB", + -14.307873725891112 + ], + [ + "\u2581Ortsteilen", + -14.307916641235352 + ], + [ + "ccando", + -14.307930946350098 + ], + [ + "\u2581Manolo", + -14.307934761047363 + ], + [ + "\u2581erfelijke", + -14.307955741882324 + ], + [ + "\u2581Pilze", + -14.30798053741455 + ], + [ + "WaitFor", + -14.30799388885498 + ], + [ + "\u2581Mott", + -14.30799388885498 + ], + [ + "Hainaut", + -14.30801010131836 + ], + [ + "mitsu", + -14.308039665222168 + ], + [ + "ermatt", + -14.308053016662598 + ], + [ + "\u2581fasciste", + -14.308056831359863 + ], + [ + "\u2581Transkript", + -14.308079719543455 + ], + [ + "\u2581Pirate", + -14.308080673217772 + ], + [ + "\u2581llevar\u00e1", + -14.308090209960938 + ], + [ + "Tariffe", + -14.308097839355469 + ], + [ + "poieti", + -14.308097839355469 + ], + [ + "Lady", + -14.308106422424316 + ], + [ + "\u2581Schifffahrts", + -14.308110237121582 + ], + [ + "\u2581Palli", + -14.308123588562012 + ], + [ + "\u2581optrad", + -14.308151245117188 + ], + [ + "m\u00fchl", + -14.30815601348877 + ], + [ + "a\u00edram", + -14.308168411254885 + ], + [ + "Whitney", + -14.308197975158691 + ], + [ + "\u2581ecuaciones", + -14.308216094970703 + ], + [ + "\u2581Wessex", + -14.308233261108398 + ], + [ + "\u2581sorpass", + -14.30823802947998 + ], + [ + "\u2581cuantas", + -14.30824089050293 + ], + [ + "\u2581Dauphin\u00e9", + -14.30824375152588 + ], + [ + "sist\u00e9", + -14.308245658874512 + ], + [ + "\u2581Paradies", + -14.308249473571776 + ], + [ + "\u2581Accanto", + -14.308257102966309 + ], + [ + "\u2581Daryl", + -14.308262825012209 + ], + [ + "kommst", + -14.308263778686523 + ], + [ + "\u2581Finanzminister", + -14.308295249938965 + ], + [ + "\u2581probado", + -14.308308601379396 + ], + [ + "\u2581mailing", + -14.308334350585938 + ], + [ + "\u2581ajena", + -14.308348655700684 + ], + [ + "\u2581Umkreis", + -14.308364868164062 + ], + [ + "specht", + -14.308382034301758 + ], + [ + "pope", + -14.308385848999023 + ], + [ + "\u2581Einzige", + -14.308392524719238 + ], + [ + "\u2581isolata", + -14.308396339416504 + ], + [ + "\u2581distribu\u00edda", + -14.308401107788086 + ], + [ + "omnia", + -14.308404922485352 + ], + [ + "\u2581Habib", + -14.308405876159668 + ], + [ + "korting", + -14.308465957641602 + ], + [ + "\u2581pigeon", + -14.308499336242676 + ], + [ + "\u2581uitbreken", + -14.30850601196289 + ], + [ + "\u2581sent\u00ed", + -14.308512687683104 + ], + [ + "\u2581Jesuit", + -14.308530807495115 + ], + [ + "\u2581Stadtteilen", + -14.308587074279783 + ], + [ + "lukken", + -14.30860710144043 + ], + [ + "arathustra", + -14.308611869812012 + ], + [ + "ourou", + -14.308611869812012 + ], + [ + "\u2581Toussaint", + -14.308611869812012 + ], + [ + "\u2581an\u00f3nima", + -14.308611869812012 + ], + [ + "\u2581Vaticaan", + -14.30861473083496 + ], + [ + "\u2581unitaria", + -14.308616638183594 + ], + [ + "\u2581leggende", + -14.30864429473877 + ], + [ + "\u2581Rechtshilfe", + -14.3086519241333 + ], + [ + "\u2581simplicit\u00e9", + -14.3086576461792 + ], + [ + "Nous", + -14.308676719665527 + ], + [ + "\u2581Karnak", + -14.30867862701416 + ], + [ + "\u2581proefschrift", + -14.308679580688477 + ], + [ + "itha", + -14.30869197845459 + ], + [ + "\u2581antecipa", + -14.308695793151855 + ], + [ + "\u2581l\u00e4ngstens", + -14.308707237243652 + ], + [ + "\u2581Autores", + -14.308709144592283 + ], + [ + "\u2581volviendo", + -14.308714866638184 + ], + [ + "reaching", + -14.308716773986816 + ], + [ + "\u2581resterende", + -14.30871868133545 + ], + [ + "\u2581Kalkstein", + -14.308724403381348 + ], + [ + "\u2581Gaius", + -14.30872917175293 + ], + [ + "zionamento", + -14.308759689331056 + ], + [ + "ELT", + -14.308761596679688 + ], + [ + "\u2581ernannte", + -14.308762550354004 + ], + [ + "\u2581flourish", + -14.308771133422852 + ], + [ + "\u2581Ruprecht", + -14.308794975280762 + ], + [ + "entoure", + -14.308796882629396 + ], + [ + "\u2581speculazion", + -14.308808326721191 + ], + [ + "shards", + -14.308839797973633 + ], + [ + "\u2581klik", + -14.308865547180176 + ], + [ + "oulay", + -14.308871269226074 + ], + [ + "\u2581homologue", + -14.308876991271973 + ], + [ + "iguilla", + -14.308884620666504 + ], + [ + "\u2581pretese", + -14.308887481689451 + ], + [ + "\u2581baci", + -14.3088960647583 + ], + [ + "cognit", + -14.308899879455566 + ], + [ + "dbname", + -14.308903694152832 + ], + [ + "\u2581prosseguir", + -14.308929443359377 + ], + [ + "\u2581Veranlagung", + -14.30893325805664 + ], + [ + "Lorem", + -14.308937072753906 + ], + [ + "cellar", + -14.308950424194336 + ], + [ + "\u2581acontecido", + -14.308988571166992 + ], + [ + "lou\u00e9", + -14.308999061584473 + ], + [ + "Erreichbarkeit", + -14.309009552001951 + ], + [ + "\u2581Halictidae", + -14.309009552001951 + ], + [ + "\u2581preisg\u00fcnstig", + -14.30901336669922 + ], + [ + "\u2581felicidade", + -14.309033393859863 + ], + [ + "koch", + -14.309052467346191 + ], + [ + "zzate", + -14.309075355529783 + ], + [ + "\u2581stirred", + -14.30909252166748 + ], + [ + "\u2581Pellegrini", + -14.309101104736328 + ], + [ + "\u2581icono", + -14.309125900268556 + ], + [ + "\u2581symmetries", + -14.30912971496582 + ], + [ + "ENDE", + -14.309137344360352 + ], + [ + "\u2581habitudes", + -14.309144973754885 + ], + [ + "\u2581verru", + -14.309144973754885 + ], + [ + "foil", + -14.309154510498049 + ], + [ + "Classic", + -14.309155464172363 + ], + [ + "glau", + -14.309165954589844 + ], + [ + "\u2581Concejo", + -14.309178352355955 + ], + [ + "ntara", + -14.309181213378906 + ], + [ + "papiere", + -14.30918788909912 + ], + [ + "\u2581aanwijzingen", + -14.309208869934082 + ], + [ + "geschakeld", + -14.309213638305664 + ], + [ + "Primeiro", + -14.309234619140623 + ], + [ + "alizada", + -14.309237480163574 + ], + [ + "\u2581Austen", + -14.30927848815918 + ], + [ + "hostilit\u00e9", + -14.309286117553713 + ], + [ + "\u2581confinante", + -14.309338569641112 + ], + [ + "caccia", + -14.309372901916504 + ], + [ + "adinha", + -14.309396743774414 + ], + [ + "\u2581Karachi", + -14.309405326843262 + ], + [ + "\u2581Piveteau", + -14.309407234191896 + ], + [ + "\u2581Threatened", + -14.309407234191896 + ], + [ + "\u2581adolescencia", + -14.309408187866213 + ], + [ + "\u00e9levait", + -14.309412002563477 + ], + [ + "\u2581MotoGP", + -14.309439659118652 + ], + [ + "\u2581Ammer", + -14.309481620788574 + ], + [ + "veston", + -14.309518814086914 + ], + [ + "vizi", + -14.309557914733888 + ], + [ + "\u2581rapito", + -14.309582710266112 + ], + [ + "oligarchi", + -14.309595108032228 + ], + [ + "\u2581prendeva", + -14.309648513793944 + ], + [ + "\u2581Barbi", + -14.309652328491213 + ], + [ + "\u2581carec\u00eda", + -14.309670448303224 + ], + [ + "\u2581vanish", + -14.309701919555664 + ], + [ + "\u2581sacado", + -14.309715270996094 + ], + [ + "brenner", + -14.309724807739258 + ], + [ + "duziert", + -14.30974006652832 + ], + [ + "\u2581greve", + -14.309754371643066 + ], + [ + "kontrast", + -14.309774398803713 + ], + [ + "\u2581indessen", + -14.309804916381836 + ], + [ + "Giampaolo", + -14.309805870056152 + ], + [ + "\u2581vest\u00edgios", + -14.309805870056152 + ], + [ + "\u2581afirman", + -14.309819221496582 + ], + [ + "\u2581dominicano", + -14.309821128845217 + ], + [ + "UNIVERS", + -14.309860229492188 + ], + [ + "\u2581Molin", + -14.30988597869873 + ], + [ + "\u2581didattic", + -14.309913635253906 + ], + [ + "mbolo", + -14.309928894042969 + ], + [ + "\u2581Meadows", + -14.309929847717283 + ], + [ + "\u2581paraleliza", + -14.309947967529297 + ], + [ + "\u2581Scherm", + -14.30995750427246 + ], + [ + "Schriftstellerin", + -14.309988975524902 + ], + [ + "\u2581Sergey", + -14.3100004196167 + ], + [ + "\u2581pragmatic", + -14.310013771057127 + ], + [ + "organisa", + -14.310029983520508 + ], + [ + "g\u00e1n", + -14.31003189086914 + ], + [ + "\u2581jur\u00eddicas", + -14.310035705566406 + ], + [ + "illette", + -14.310047149658203 + ], + [ + "\u2581Keating", + -14.310077667236328 + ], + [ + "\u2581buca", + -14.31007957458496 + ], + [ + "\u2581alarma", + -14.310118675231934 + ], + [ + "RFA", + -14.310134887695312 + ], + [ + "\u2581marcadas", + -14.310173034667969 + ], + [ + "\u2581Melch", + -14.310178756713867 + ], + [ + "Reconcile", + -14.310202598571776 + ], + [ + "innombrables", + -14.310202598571776 + ], + [ + "\u2581atteggiamenti", + -14.310202598571776 + ], + [ + "\u2581raggiungimento", + -14.310202598571776 + ], + [ + "ALLOWED", + -14.310236930847168 + ], + [ + "\u2581damping", + -14.310256004333496 + ], + [ + "\u2581Minkowski", + -14.310256958007812 + ], + [ + "\u2581Setuptools", + -14.310257911682127 + ], + [ + "\u2581excitations", + -14.31027603149414 + ], + [ + "hyn", + -14.310280799865724 + ], + [ + "\u2581Groth", + -14.310295104980469 + ], + [ + "\u2581pediatric", + -14.310324668884276 + ], + [ + "\u2581disposant", + -14.310327529907228 + ], + [ + "\u2581Jubil", + -14.310330390930176 + ], + [ + "\u2581ferm\u00e9s", + -14.310336112976074 + ], + [ + "\u2581pantalon", + -14.31035327911377 + ], + [ + "Stellen", + -14.310369491577148 + ], + [ + "accari", + -14.310384750366213 + ], + [ + "\u2581Steuersatz", + -14.310419082641602 + ], + [ + "\u2581pessoalmente", + -14.310429573059082 + ], + [ + "\u2581sapevo", + -14.310467720031738 + ], + [ + "lator", + -14.310483932495115 + ], + [ + "\u2581Maak", + -14.31049346923828 + ], + [ + "arch\u00e9ologie", + -14.310510635375977 + ], + [ + "tinto", + -14.31053066253662 + ], + [ + "\u2581rivestit", + -14.310534477233888 + ], + [ + "reacher", + -14.310537338256836 + ], + [ + "\u2581Foca", + -14.310550689697266 + ], + [ + "\u2581shareholder", + -14.310554504394531 + ], + [ + "\u2581contenuta", + -14.310574531555176 + ], + [ + "\u2581gelben", + -14.310577392578123 + ], + [ + "Kroatisch", + -14.310585021972656 + ], + [ + "mensen", + -14.310593605041504 + ], + [ + "\u2581poil", + -14.310599327087402 + ], + [ + "\u2581Soda", + -14.310602188110352 + ], + [ + "\u2581Bronzemedaille", + -14.310606956481934 + ], + [ + "ServerError", + -14.31060791015625 + ], + [ + "Preprocessor", + -14.310608863830566 + ], + [ + "\u2581Bourdieu", + -14.3106107711792 + ], + [ + "Happy", + -14.310684204101562 + ], + [ + "asseoir", + -14.310746192932127 + ], + [ + "Wissenschaft", + -14.310747146606444 + ], + [ + "\u2581urbanistico", + -14.310763359069824 + ], + [ + "\u2581delicata", + -14.310791015625 + ], + [ + "\u2581Vorsprung", + -14.31080436706543 + ], + [ + "\u2581Goed", + -14.310820579528809 + ], + [ + "gaarden", + -14.310826301574709 + ], + [ + "\u2581Talking", + -14.310853004455566 + ], + [ + "Albania", + -14.310905456542969 + ], + [ + "\u2581Evangelista", + -14.310911178588867 + ], + [ + "\u2581Maran", + -14.3109130859375 + ], + [ + "\u2581monjes", + -14.310982704162598 + ], + [ + "Bundesautobahnen", + -14.310983657836914 + ], + [ + "\u2581attribuisce", + -14.311013221740724 + ], + [ + "\u2581Matilda", + -14.31102180480957 + ], + [ + "faciliteiten", + -14.311025619506836 + ], + [ + "\u2581Huygens", + -14.311043739318848 + ], + [ + "Erscheinungsbild", + -14.311050415039062 + ], + [ + "\u2581Luisiana", + -14.311076164245604 + ], + [ + "Ahora", + -14.311081886291504 + ], + [ + "\u2581judgments", + -14.311083793640137 + ], + [ + "\u2581attentes", + -14.31108570098877 + ], + [ + "\u2581filologi", + -14.311090469360352 + ], + [ + "rwart", + -14.31110382080078 + ], + [ + "\u2581Direzione", + -14.311138153076172 + ], + [ + "\u2581universali", + -14.311153411865234 + ], + [ + "romaanse", + -14.311161994934082 + ], + [ + "\u2581terr\u00edvel", + -14.31117343902588 + ], + [ + "mdl", + -14.311189651489258 + ], + [ + "udc", + -14.311197280883787 + ], + [ + "\u2581Plau", + -14.311201095581056 + ], + [ + "\u2581scontato", + -14.311201095581056 + ], + [ + "\u2581upwards", + -14.311203002929688 + ], + [ + "\u2581Costello", + -14.31120491027832 + ], + [ + "\u2581sindicato", + -14.311219215393066 + ], + [ + "Illustr", + -14.31124210357666 + ], + [ + "\u2581Administrativa", + -14.311244010925291 + ], + [ + "\u2581funest", + -14.311256408691406 + ], + [ + "\u2581Leuca", + -14.31129264831543 + ], + [ + "\u2581Besluit", + -14.311307907104492 + ], + [ + "interroger", + -14.31133270263672 + ], + [ + "\u2581premiados", + -14.31134033203125 + ], + [ + "bevolking", + -14.311358451843262 + ], + [ + "\u2581joui", + -14.311358451843262 + ], + [ + "\u2581basil", + -14.3114013671875 + ], + [ + "\u2581Hendrix", + -14.311407089233398 + ], + [ + "\u2581impugna", + -14.31141185760498 + ], + [ + "\u2581aristocracia", + -14.311441421508787 + ], + [ + "eixa", + -14.311450958251951 + ], + [ + "\u2581Besonderer", + -14.3114595413208 + ], + [ + "Structured", + -14.311516761779783 + ], + [ + "\u2581Mudan", + -14.311517715454102 + ], + [ + "\u2581mittelst\u00e4ndisch", + -14.31152057647705 + ], + [ + "chrono", + -14.311527252197266 + ], + [ + "loja", + -14.311532020568848 + ], + [ + "indian", + -14.311552047729492 + ], + [ + "imprimer", + -14.311630249023438 + ], + [ + "\u2581cestista", + -14.311630249023438 + ], + [ + "\u2581Entz\u00fcndung", + -14.311644554138184 + ], + [ + "\u2581Gey", + -14.311644554138184 + ], + [ + "Tracklist", + -14.31165885925293 + ], + [ + "Population", + -14.31168270111084 + ], + [ + "uwiderhandlung", + -14.311715126037598 + ], + [ + "\u2581quits", + -14.31173324584961 + ], + [ + "recci\u00f3n", + -14.31173610687256 + ], + [ + "\u2581ritenuta", + -14.311742782592772 + ], + [ + "Cittadella", + -14.311796188354492 + ], + [ + "\u2581onroerend", + -14.311802864074709 + ], + [ + "\u2581piacevoli", + -14.311807632446287 + ], + [ + "\u2581riap", + -14.311809539794922 + ], + [ + "\u2581baj", + -14.311830520629885 + ], + [ + "abr\u00e9", + -14.311861038208008 + ], + [ + "\u2581Waldes", + -14.31186294555664 + ], + [ + "wereldranglijst", + -14.311897277832031 + ], + [ + "\u2581grandement", + -14.311907768249512 + ], + [ + "DOCKERFILE", + -14.311909675598145 + ], + [ + "efforce", + -14.31191062927246 + ], + [ + "sentinel", + -14.311923027038574 + ], + [ + "\u2581chaudes", + -14.312002182006836 + ], + [ + "ankt", + -14.312016487121582 + ], + [ + "Thorell", + -14.312021255493164 + ], + [ + "\u2581Echino", + -14.312054634094238 + ], + [ + "\u2581Hiller", + -14.312071800231934 + ], + [ + "\u2581consistant", + -14.312079429626465 + ], + [ + "\u2581albor", + -14.312087059020996 + ], + [ + "honk", + -14.312089920043944 + ], + [ + "\u2581versetzen", + -14.312111854553224 + ], + [ + "Tijd", + -14.312125205993652 + ], + [ + "\u2581Brah", + -14.312186241149902 + ], + [ + "\u2581Revival", + -14.312200546264648 + ], + [ + "\u2581Men\u00e9ndez", + -14.312204360961914 + ], + [ + "\u2581Privatsph\u00e4re", + -14.312212944030762 + ], + [ + "\u2581estabeleceram", + -14.31222438812256 + ], + [ + "\u00f3podo", + -14.31230354309082 + ], + [ + "\u2581Salad", + -14.312304496765137 + ], + [ + "verkiezingen", + -14.31232452392578 + ], + [ + "rbeitsverh\u00e4ltnis", + -14.312325477600098 + ], + [ + "\u2581mooiste", + -14.312352180480955 + ], + [ + "\u2581breeze", + -14.312369346618652 + ], + [ + "\u2581vermoed", + -14.312374114990234 + ], + [ + "\u2581plague", + -14.31237506866455 + ], + [ + "superview", + -14.31239414215088 + ], + [ + "\u2581bedenklich", + -14.31240177154541 + ], + [ + "\u2581Unterlassen", + -14.312423706054688 + ], + [ + "\u2581lentille", + -14.312442779541016 + ], + [ + "\u2581erlernt", + -14.31245231628418 + ], + [ + "gume", + -14.31248664855957 + ], + [ + "\u2581tard\u00edo", + -14.312514305114746 + ], + [ + "\u2581disculpa", + -14.312522888183594 + ], + [ + "\u2581Sanctis", + -14.312545776367188 + ], + [ + "iedervereinigung", + -14.312570571899414 + ], + [ + "\u2581relieved", + -14.312582015991213 + ], + [ + "\u2581Constituyente", + -14.312593460083008 + ], + [ + "\u2581Anschlussstelle", + -14.31260585784912 + ], + [ + "\u2581acquiert", + -14.312634468078612 + ], + [ + "\u2581envolvidas", + -14.312640190124512 + ], + [ + "\u2581stikstof", + -14.312665939331056 + ], + [ + "\u2581hoteles", + -14.31269359588623 + ], + [ + "undesgrenzschutz", + -14.312715530395508 + ], + [ + "\u2581conspiraci\u00f3n", + -14.312735557556152 + ], + [ + "Groot", + -14.312740325927734 + ], + [ + "\u2581Natali", + -14.312750816345217 + ], + [ + "\u2581cuerno", + -14.312792778015137 + ], + [ + "\u2581rituali", + -14.31279468536377 + ], + [ + "RADE", + -14.312819480895996 + ], + [ + "\u2581frust", + -14.312823295593262 + ], + [ + "\u2581beheerst", + -14.312825202941896 + ], + [ + "\u2581sostenible", + -14.312832832336426 + ], + [ + "fenomen", + -14.312856674194336 + ], + [ + "\u2581estraneo", + -14.312873840332031 + ], + [ + "\u2581ansioso", + -14.312915802001951 + ], + [ + "\u2581m\u00e9diterran\u00e9en", + -14.312921524047852 + ], + [ + "ccanti", + -14.312923431396484 + ], + [ + "\u2581sottratt", + -14.31292724609375 + ], + [ + "Trinit\u00e9", + -14.312949180603027 + ], + [ + "caris", + -14.31295394897461 + ], + [ + "\u2581steunen", + -14.312960624694824 + ], + [ + "\u2581verkeerd", + -14.31296730041504 + ], + [ + "\u2581informatiques", + -14.312971115112305 + ], + [ + "\u2581Chemo", + -14.312980651855469 + ], + [ + "Extractor", + -14.312986373901367 + ], + [ + "\u2581imprescindible", + -14.312993049621582 + ], + [ + "\u2581ind\u00e9pendamment", + -14.312993049621582 + ], + [ + "\u2581respetivo", + -14.312995910644531 + ], + [ + "am\u00e9liore", + -14.31300163269043 + ], + [ + "\u2581sp\u00e9cifi\u00e9", + -14.313003540039062 + ], + [ + "ifnum", + -14.313058853149414 + ], + [ + "MATE", + -14.31308364868164 + ], + [ + "gige", + -14.313088417053224 + ], + [ + "\u2581Konstellation", + -14.31309700012207 + ], + [ + "maison", + -14.313105583190918 + ], + [ + "Impact", + -14.313108444213867 + ], + [ + "oxan", + -14.313121795654297 + ], + [ + "\u2581Futbol", + -14.313121795654297 + ], + [ + "\u2581abbandonati", + -14.31314754486084 + ], + [ + "\u2581Ordn", + -14.313183784484863 + ], + [ + "\u2581ritrovare", + -14.313233375549316 + ], + [ + "usammenf\u00fchrung", + -14.313264846801758 + ], + [ + "\u2581inesperada", + -14.313289642333984 + ], + [ + "\u2581Snack", + -14.313295364379885 + ], + [ + "notwendig", + -14.313315391540527 + ], + [ + "Orsa", + -14.31333827972412 + ], + [ + "\u2581fundamenta", + -14.313365936279297 + ], + [ + "cudaMalloc", + -14.313390731811523 + ], + [ + "\u2581carrosserie", + -14.313393592834473 + ], + [ + "\u2581recebimento", + -14.313397407531738 + ], + [ + "ReservedMessages", + -14.313398361206056 + ], + [ + "abr\u00e9viation", + -14.313399314880373 + ], + [ + "\u2581Dubbelspel", + -14.313400268554688 + ], + [ + "int\u00e9gr", + -14.313406944274902 + ], + [ + "Russian", + -14.31342315673828 + ], + [ + "SERIAL", + -14.31346321105957 + ], + [ + "\u2581Lyndon", + -14.313465118408203 + ], + [ + "curva", + -14.313475608825684 + ], + [ + "\u2581moque", + -14.313477516174316 + ], + [ + "\u2581finas", + -14.31349754333496 + ], + [ + "\u2581fastidio", + -14.31358814239502 + ], + [ + "EFRE", + -14.313606262207031 + ], + [ + "\u2581salgad", + -14.31361198425293 + ], + [ + "\u2581\u00fcberwunden", + -14.313632011413574 + ], + [ + "lops", + -14.313657760620115 + ], + [ + "\u2581unterdr\u00fcckt", + -14.313672065734863 + ], + [ + "admettre", + -14.31367301940918 + ], + [ + "\u2581Administrativo", + -14.313673973083496 + ], + [ + "\u2581Anciens", + -14.313712120056152 + ], + [ + "territorium", + -14.313767433166504 + ], + [ + "\u2581Beweismittel", + -14.313769340515137 + ], + [ + "STARRS", + -14.313827514648438 + ], + [ + "\u2581cheeks", + -14.31385326385498 + ], + [ + "\u2581DELLA", + -14.313883781433104 + ], + [ + "\u2581dissipation", + -14.313897132873535 + ], + [ + "\u2581Imam", + -14.313899040222168 + ], + [ + "Soul", + -14.31391143798828 + ], + [ + "\u2581bankier", + -14.313919067382812 + ], + [ + "\u2581Horus", + -14.313920974731444 + ], + [ + "dominio", + -14.313940048217772 + ], + [ + "Ground", + -14.313971519470217 + ], + [ + "\u2581naturalistic", + -14.314014434814451 + ], + [ + "\u2581Jaku", + -14.31402587890625 + ], + [ + "EUS", + -14.314030647277832 + ], + [ + "wack", + -14.314037322998049 + ], + [ + "\u2581Apostolisch", + -14.31403923034668 + ], + [ + "guana", + -14.314051628112791 + ], + [ + "\u2581trascorre", + -14.314077377319336 + ], + [ + "scharf", + -14.314081192016602 + ], + [ + "Hudson", + -14.314102172851562 + ], + [ + "iciens", + -14.314120292663574 + ], + [ + "fonia", + -14.314130783081056 + ], + [ + "exclu", + -14.314151763916016 + ], + [ + "portation", + -14.314172744750977 + ], + [ + "\u2581neerlandesa", + -14.314200401306152 + ], + [ + "\u2581retrieving", + -14.314210891723633 + ], + [ + "\u2581thigh", + -14.314213752746582 + ], + [ + "\u2581funerari", + -14.314215660095217 + ], + [ + "\u2581africains", + -14.314217567443848 + ], + [ + "\u2581cinquenta", + -14.314233779907228 + ], + [ + "\u2581concealed", + -14.314237594604492 + ], + [ + "Incorrect", + -14.31424331665039 + ], + [ + "Sullivan", + -14.314244270324709 + ], + [ + "\u2581ripetutamente", + -14.314244270324709 + ], + [ + "\u2581Stockwerk", + -14.314254760742188 + ], + [ + "\u2581Ginz", + -14.314266204833984 + ], + [ + "\u2581variado", + -14.314271926879885 + ], + [ + "\u2581Adoption", + -14.314305305480955 + ], + [ + "\u2581v\u00e9n\u00e9", + -14.314322471618652 + ], + [ + "\u2581seduti", + -14.314325332641602 + ], + [ + "\u2581\u00e9pais", + -14.314342498779297 + ], + [ + "\u2581Schrecken", + -14.314387321472168 + ], + [ + "teiler", + -14.314390182495115 + ], + [ + "dreiging", + -14.314397811889648 + ], + [ + "\u2581einheimische", + -14.314413070678713 + ], + [ + "vordering", + -14.31447410583496 + ], + [ + "Succeeded", + -14.314510345458984 + ], + [ + "\u2581diurne", + -14.314516067504885 + ], + [ + "Freq", + -14.314534187316896 + ], + [ + "sbedingte", + -14.314565658569336 + ], + [ + "\u2581rodean", + -14.3145751953125 + ], + [ + "COMPLE", + -14.314582824707031 + ], + [ + "\u2581Raffaello", + -14.314590454101562 + ], + [ + "Compatibility", + -14.31459140777588 + ], + [ + "\u2581leidet", + -14.314592361450195 + ], + [ + "broer", + -14.314598083496094 + ], + [ + "\u2581Geltungsdauer", + -14.314598083496094 + ], + [ + "\u2581winkelcentrum", + -14.314642906188965 + ], + [ + "\u2581Ahren", + -14.314650535583496 + ], + [ + "\u2581cadaveri", + -14.314650535583496 + ], + [ + "\u2581metafisic", + -14.314658164978027 + ], + [ + "\u2581Ochoa", + -14.314677238464355 + ], + [ + "\u2581Puedes", + -14.314685821533203 + ], + [ + "\u2581bisschoppen", + -14.31472110748291 + ], + [ + "hakt", + -14.314726829528809 + ], + [ + "\u2581deportati", + -14.31474781036377 + ], + [ + "\u2581atravesar", + -14.31475830078125 + ], + [ + "\u2581Schizo", + -14.314806938171388 + ], + [ + "\u2581strukturell", + -14.314810752868652 + ], + [ + "\u2581Meditation", + -14.314817428588867 + ], + [ + "\u2581reperibil", + -14.314830780029297 + ], + [ + "\u2581Folgezeit", + -14.314836502075195 + ], + [ + "vereinigungen", + -14.31484031677246 + ], + [ + "emigrazione", + -14.31485652923584 + ], + [ + "supersede", + -14.31488037109375 + ], + [ + "\u2581criminales", + -14.314894676208496 + ], + [ + "\u2581dictator", + -14.314894676208496 + ], + [ + "\u2581chaire", + -14.31492042541504 + ], + [ + "\u2581F\u00fcnfte", + -14.314969062805176 + ], + [ + "cutaneous", + -14.314990997314451 + ], + [ + "\u2581gewelddadig", + -14.314990997314451 + ], + [ + "adressa", + -14.31499481201172 + ], + [ + "otherwise", + -14.31499481201172 + ], + [ + "\u2581foguete", + -14.31499481201172 + ], + [ + "\u2581staatsgreep", + -14.314997673034668 + ], + [ + "\u2581voulant", + -14.315003395080566 + ], + [ + "\u2581auditivo", + -14.315014839172363 + ], + [ + "friends", + -14.31505012512207 + ], + [ + "cortex", + -14.315052032470703 + ], + [ + "\u2581Friedhofs", + -14.31505298614502 + ], + [ + "\u2581dopamine", + -14.315059661865234 + ], + [ + "\u2581inmitten", + -14.315068244934082 + ], + [ + "\u2581Gag", + -14.315103530883787 + ], + [ + "iggy", + -14.315117835998535 + ], + [ + "ERGE", + -14.315160751342772 + ], + [ + "\u2581Ganh", + -14.315171241760254 + ], + [ + "caf\u00e9s", + -14.315245628356934 + ], + [ + "\u2581koken", + -14.31524658203125 + ], + [ + "\u2581Worldwide", + -14.31525707244873 + ], + [ + "currentTime", + -14.315263748168944 + ], + [ + "\u2581Sardini", + -14.315272331237791 + ], + [ + "\u2581faille", + -14.31527328491211 + ], + [ + "\u2581Hulst", + -14.315281867980955 + ], + [ + "\u00e9chelon", + -14.31530475616455 + ], + [ + "insorge", + -14.315333366394045 + ], + [ + "CPA", + -14.315361976623535 + ], + [ + "\u2581bargain", + -14.315372467041016 + ], + [ + "\u2581gedetailleerd", + -14.315390586853027 + ], + [ + "\u2581incertidumbre", + -14.315390586853027 + ], + [ + "\u2581thailandese", + -14.315391540527344 + ], + [ + "\u2581r\u00e9p\u00e9ter", + -14.31539535522461 + ], + [ + "\u2581Viaje", + -14.315397262573242 + ], + [ + "\u2581illumination", + -14.3154296875 + ], + [ + "\u2581Miser", + -14.315449714660645 + ], + [ + "berlegung", + -14.315452575683594 + ], + [ + "\u2581Vind", + -14.315467834472656 + ], + [ + "EPI", + -14.315474510192873 + ], + [ + "rqueologia", + -14.315476417541504 + ], + [ + "\u2581zoogdieren", + -14.315507888793944 + ], + [ + "UTTER", + -14.315537452697754 + ], + [ + "\u2581liturgia", + -14.315544128417969 + ], + [ + "\u2581indulge", + -14.315595626831056 + ], + [ + "\u2581Funciona", + -14.315616607666016 + ], + [ + "ethoxy", + -14.31562042236328 + ], + [ + "Mexique", + -14.315624237060549 + ], + [ + "\u2581quotidianamente", + -14.315632820129396 + ], + [ + "Ovest", + -14.315653800964355 + ], + [ + "gorsk", + -14.31566047668457 + ], + [ + "\u2581Marble", + -14.315662384033203 + ], + [ + "\u2581jou\u00e9e", + -14.315707206726074 + ], + [ + "\u2581Gasse", + -14.315717697143556 + ], + [ + "L\u00e4ndern", + -14.315738677978516 + ], + [ + "Alberto", + -14.315739631652832 + ], + [ + "\u2581Togliatti", + -14.315790176391602 + ], + [ + "\u2581dipendono", + -14.315790176391602 + ], + [ + "\u2581dagboek", + -14.315791130065918 + ], + [ + "\u2581friulan", + -14.315801620483398 + ], + [ + "\u2581Vivienda", + -14.31580638885498 + ], + [ + "\u2581risorsa", + -14.31581211090088 + ], + [ + "Wereld", + -14.315814018249512 + ], + [ + "LISTS", + -14.315817832946776 + ], + [ + "\u2581Schl\u00e4", + -14.31584930419922 + ], + [ + "\u2581ausgerichtete", + -14.315866470336914 + ], + [ + "\u2581Cristi", + -14.315873146057127 + ], + [ + "\u2581soggiorna", + -14.315873146057127 + ], + [ + "\u2581motivations", + -14.315899848937988 + ], + [ + "Autorit\u00e0", + -14.315929412841797 + ], + [ + "k\u00fcr", + -14.315958023071287 + ], + [ + "\u2581Neff", + -14.315961837768556 + ], + [ + "\u2581anoniem", + -14.315978050231934 + ], + [ + "neaux", + -14.316003799438477 + ], + [ + "\u2581Rubb", + -14.31602382659912 + ], + [ + "\u2581Podium", + -14.316055297851562 + ], + [ + "\u2581Kapitalanlage", + -14.316078186035156 + ], + [ + "landet", + -14.316122055053713 + ], + [ + "\u2581transform\u00f3", + -14.316167831420898 + ], + [ + "\u2581Protonen", + -14.31617259979248 + ], + [ + "\u2581Gorgon", + -14.316176414489746 + ], + [ + "\u2581Latte", + -14.316181182861328 + ], + [ + "diziert", + -14.316197395324709 + ], + [ + "\u2581l\u00edquida", + -14.316198348999023 + ], + [ + "\u2581opportunist", + -14.316202163696287 + ], + [ + "\u2581Sluis", + -14.316241264343262 + ], + [ + "\u2581Calz", + -14.31624984741211 + ], + [ + "\u2581arriesga", + -14.316316604614258 + ], + [ + "ongan", + -14.31640911102295 + ], + [ + "gaud", + -14.316418647766112 + ], + [ + "\u2581Verha", + -14.316476821899414 + ], + [ + "\u2581intentional", + -14.316484451293944 + ], + [ + "huh", + -14.316492080688477 + ], + [ + "\u2581rocheu", + -14.316498756408691 + ], + [ + "PHI", + -14.316506385803224 + ], + [ + "Blocking", + -14.31651210784912 + ], + [ + "\u2581Hoss", + -14.316523551940918 + ], + [ + "ippus", + -14.316575050354004 + ], + [ + "\u2581Necro", + -14.316580772399902 + ], + [ + "\u2581Artillery", + -14.316591262817385 + ], + [ + "\u2581Obviamente", + -14.316591262817385 + ], + [ + "\u2581telesc\u00f3pio", + -14.316591262817385 + ], + [ + "fanto", + -14.316607475280762 + ], + [ + "replic\u00f3", + -14.316607475280762 + ], + [ + "\u2581kato", + -14.316617012023926 + ], + [ + "\u2581traders", + -14.316673278808594 + ], + [ + "\u2581Algorithmen", + -14.316678047180176 + ], + [ + "\u2581d\u00e9cal", + -14.316727638244627 + ], + [ + "\u2581Pedr", + -14.316739082336426 + ], + [ + "\u2581Fontane", + -14.316743850708008 + ], + [ + "\u2581percept", + -14.316766738891602 + ], + [ + "\u2581Krui", + -14.31679916381836 + ], + [ + "\u2581hamburger", + -14.316829681396484 + ], + [ + "LIF", + -14.316834449768066 + ], + [ + "calf", + -14.316877365112305 + ], + [ + "\u2581Terroristen", + -14.31688404083252 + ], + [ + "\u2581Belieb", + -14.316889762878418 + ], + [ + "agnol", + -14.316906929016112 + ], + [ + "\u2581impedido", + -14.31691837310791 + ], + [ + "\u2581accadere", + -14.316932678222656 + ], + [ + "schwi", + -14.316949844360352 + ], + [ + "brack", + -14.316984176635742 + ], + [ + "\u2581souviens", + -14.316998481750488 + ], + [ + "\u2581incorrectly", + -14.317054748535156 + ], + [ + "\u2581Ignazio", + -14.317097663879396 + ], + [ + "\u2581zijrivier", + -14.31711196899414 + ], + [ + "ussard", + -14.317131996154783 + ], + [ + "\u2581Shaun", + -14.317131996154783 + ], + [ + "duzieren", + -14.317144393920898 + ], + [ + "Datenbank", + -14.317147254943848 + ], + [ + "Iliad", + -14.317158699035645 + ], + [ + "\u2581chariot", + -14.317160606384276 + ], + [ + "\u2581Unterschieden", + -14.317200660705566 + ], + [ + "\u2581Pah", + -14.31720733642578 + ], + [ + "configmap", + -14.31722354888916 + ], + [ + "unya", + -14.317241668701172 + ], + [ + "Boh", + -14.317270278930664 + ], + [ + "\u2581Verge", + -14.317273139953612 + ], + [ + "\u2581d\u00e9ten", + -14.317282676696776 + ], + [ + "Ernst", + -14.317315101623535 + ], + [ + "\u2581drawback", + -14.31732940673828 + ], + [ + "duin", + -14.317349433898926 + ], + [ + "vlies", + -14.317350387573242 + ], + [ + "ameron", + -14.31737232208252 + ], + [ + "\u2581Vladivostok", + -14.31739330291748 + ], + [ + "elimina", + -14.317434310913086 + ], + [ + "\u2581pochissimi", + -14.317435264587402 + ], + [ + "\u2581educators", + -14.317461013793944 + ], + [ + "\u2581Nicosia", + -14.317489624023438 + ], + [ + "EFE", + -14.317499160766602 + ], + [ + "\u2581conlleva", + -14.317513465881348 + ], + [ + "\u2581glaub", + -14.31752109527588 + ], + [ + "\u2581sunk", + -14.317523956298828 + ], + [ + "\u2581Tsche", + -14.317574501037598 + ], + [ + "\u2581sconti", + -14.317588806152344 + ], + [ + "gebet", + -14.317596435546877 + ], + [ + "\u2581Sporen", + -14.31762409210205 + ], + [ + "\u2581Goll", + -14.31763744354248 + ], + [ + "\u2581autoremove", + -14.31766414642334 + ], + [ + "\u2581gestionnaire", + -14.3176908493042 + ], + [ + "altronde", + -14.317692756652832 + ], + [ + "\u2581commissioni", + -14.317710876464844 + ], + [ + "\u2581jogado", + -14.317730903625488 + ], + [ + "sensato", + -14.317733764648438 + ], + [ + "\u2581Traged", + -14.317741394042969 + ], + [ + "acheteur", + -14.317744255065918 + ], + [ + "Hubert", + -14.317754745483398 + ], + [ + "\u2581parisiens", + -14.317781448364258 + ], + [ + "\u2581Facolt\u00e0", + -14.317793846130373 + ], + [ + "\u2581Arcebispo", + -14.317794799804688 + ], + [ + "\u2581G\u00fcrtel", + -14.317798614501951 + ], + [ + "Trap", + -14.31782341003418 + ], + [ + "Salzgitter", + -14.31783390045166 + ], + [ + "\u2581localement", + -14.317841529846191 + ], + [ + "kl\u00e4ger", + -14.317842483520508 + ], + [ + "uliu", + -14.317843437194824 + ], + [ + "\u2581vermisst", + -14.317846298217772 + ], + [ + "\u2581Gains", + -14.317855834960938 + ], + [ + "tienda", + -14.317882537841797 + ], + [ + "Katholische", + -14.31788444519043 + ], + [ + "\u2581famine", + -14.31788444519043 + ], + [ + "zeption", + -14.31789493560791 + ], + [ + "\u2581reserv", + -14.317914962768556 + ], + [ + "\u2581cramp", + -14.317935943603516 + ], + [ + "\u2581saludable", + -14.317936897277832 + ], + [ + "\u2581Tannen", + -14.317946434020996 + ], + [ + "Seleccion", + -14.317980766296388 + ], + [ + "systemctl", + -14.317988395690918 + ], + [ + "\u2581violinista", + -14.318031311035156 + ], + [ + "rrego", + -14.318033218383787 + ], + [ + "\u2581fusionne", + -14.318039894104004 + ], + [ + "tropin", + -14.318045616149902 + ], + [ + "\u2581Intim", + -14.318071365356444 + ], + [ + "\u2581Klemm", + -14.31808853149414 + ], + [ + "eppe", + -14.318106651306152 + ], + [ + "inhal", + -14.318164825439451 + ], + [ + "HttpClient", + -14.318167686462402 + ], + [ + "tuigen", + -14.318172454833984 + ], + [ + "CENTR", + -14.31817626953125 + ], + [ + "sentarse", + -14.318181991577148 + ], + [ + "DERR", + -14.318184852600098 + ], + [ + "entwicklungen", + -14.318199157714844 + ], + [ + "\u2581riguardante", + -14.318201065063477 + ], + [ + "\u2581flagell", + -14.31820297241211 + ], + [ + "ASK", + -14.318225860595703 + ], + [ + "motieven", + -14.318238258361816 + ], + [ + "\u2581Buren", + -14.31824779510498 + ], + [ + "\u2581razze", + -14.31824779510498 + ], + [ + "\u2581Egal", + -14.318249702453612 + ], + [ + "Boulenger", + -14.31825065612793 + ], + [ + "\u2581reiste", + -14.31828784942627 + ], + [ + "\u2581pazzo", + -14.318291664123535 + ], + [ + "\u2581specialty", + -14.318294525146484 + ], + [ + "abcd", + -14.31831169128418 + ], + [ + "randn", + -14.318312644958496 + ], + [ + "\u2581conduttore", + -14.318319320678713 + ], + [ + "\u2581r\u00e9cup", + -14.31832504272461 + ], + [ + "aschi", + -14.318402290344238 + ], + [ + "\u2581Carthag", + -14.318411827087402 + ], + [ + "\u2581visiteur", + -14.318422317504885 + ], + [ + "\u2581Hirs", + -14.318434715270996 + ], + [ + "\u2581Armenian", + -14.318464279174805 + ], + [ + "arica", + -14.318493843078612 + ], + [ + "nteerde", + -14.318493843078612 + ], + [ + "\u2581arriveerde", + -14.318498611450195 + ], + [ + "gezond", + -14.318499565124512 + ], + [ + "MLP", + -14.31851863861084 + ], + [ + "\u2581Jurado", + -14.31853485107422 + ], + [ + "\u2581manipola", + -14.318571090698242 + ], + [ + "\u2581Escrit\u00f3rio", + -14.318595886230469 + ], + [ + "\u2581obblighi", + -14.318595886230469 + ], + [ + "\u2581Sabbath", + -14.318596839904783 + ], + [ + "\u2581id\u00e9ntico", + -14.318597793579102 + ], + [ + "copio", + -14.318598747253418 + ], + [ + "\u2581trascendental", + -14.318598747253418 + ], + [ + "\u2581wisselslag", + -14.318611145019531 + ], + [ + "atoshi", + -14.318626403808594 + ], + [ + "\u2581stripreeks", + -14.318626403808594 + ], + [ + "\u2581Duldung", + -14.31863784790039 + ], + [ + "fosfa", + -14.318641662597656 + ], + [ + "rieux", + -14.318650245666504 + ], + [ + "\u2581Darlegung", + -14.318658828735352 + ], + [ + "\u2581Typh", + -14.318719863891602 + ], + [ + "\u2581rehabilita", + -14.318755149841309 + ], + [ + "uhrung", + -14.31877899169922 + ], + [ + "apiKey", + -14.318801879882812 + ], + [ + "\u2581Crescent", + -14.31881618499756 + ], + [ + "\u2581Positionierung", + -14.31883430480957 + ], + [ + "\u2581destruiu", + -14.318835258483888 + ], + [ + "\u2581integridad", + -14.318855285644531 + ], + [ + "\u2581umide", + -14.318877220153809 + ], + [ + "\u2581Pazifik", + -14.31893825531006 + ], + [ + "biegen", + -14.31895351409912 + ], + [ + "\u2581esqu\u00ed", + -14.31896686553955 + ], + [ + "\u2581Barranc", + -14.31899356842041 + ], + [ + "\u2581repr\u00e4sentieren", + -14.318998336791992 + ], + [ + "\u2581ajustado", + -14.31900405883789 + ], + [ + "\u2581Sprachgebrauch", + -14.319008827209473 + ], + [ + "\u2581woonwijk", + -14.319016456604004 + ], + [ + "\u2581gemeentelijk", + -14.319025993347168 + ], + [ + "Estudi", + -14.3190279006958 + ], + [ + "OLS", + -14.319047927856444 + ], + [ + "antiga", + -14.319107055664062 + ], + [ + "Stufe", + -14.31910800933838 + ], + [ + "\u2581Monty", + -14.319157600402832 + ], + [ + "\u2581banha", + -14.319165229797363 + ], + [ + "\u2581uitgedrukt", + -14.319181442260742 + ], + [ + "Rain", + -14.319183349609377 + ], + [ + "armut", + -14.319217681884766 + ], + [ + "kn\u00fcpfen", + -14.319228172302246 + ], + [ + "\u2581Hildegard", + -14.319231986999512 + ], + [ + "\u2581Beiden", + -14.31923770904541 + ], + [ + "\u2581\u00fcberweisen", + -14.31924533843994 + ], + [ + "\u2581stammten", + -14.319252014160156 + ], + [ + "\u2581carcer", + -14.31926727294922 + ], + [ + "\u2581Bermudas", + -14.319324493408203 + ], + [ + "\u00edos", + -14.319358825683594 + ], + [ + "\u2581\u00fcberexprimiert", + -14.319398880004885 + ], + [ + "\u2581montanhosa", + -14.3193998336792 + ], + [ + "\u2581Caravaggio", + -14.319403648376465 + ], + [ + "\u2581cami\u00f3n", + -14.319406509399414 + ], + [ + "\u2581ditongos", + -14.319409370422363 + ], + [ + "Vollz", + -14.319437980651855 + ], + [ + "\u2581Luftfahrzeug", + -14.319493293762209 + ], + [ + "ungsunternehmen", + -14.319510459899902 + ], + [ + "\u2581rai\u00f3n", + -14.31952953338623 + ], + [ + "ICT", + -14.31953239440918 + ], + [ + "chroma", + -14.319538116455078 + ], + [ + "\u2581fidanzata", + -14.319544792175291 + ], + [ + "\u2581guessed", + -14.319571495056152 + ], + [ + "Boca", + -14.319599151611328 + ], + [ + "b\u00fcttel", + -14.319612503051758 + ], + [ + "udmila", + -14.319623947143556 + ], + [ + "\u2581consideramos", + -14.319663047790527 + ], + [ + "\u2581salvi", + -14.319664001464844 + ], + [ + "hosted", + -14.31966495513916 + ], + [ + "\u2581Pichi", + -14.31967830657959 + ], + [ + "\u2581Verst\u00e4rk", + -14.31968116760254 + ], + [ + "\u2581repr\u00e4sentativ", + -14.31968879699707 + ], + [ + "\u2581desiderano", + -14.319735527038574 + ], + [ + "Jazz", + -14.319747924804688 + ], + [ + "engin", + -14.319757461547852 + ], + [ + "abber", + -14.3197660446167 + ], + [ + "\u2581ducado", + -14.31978702545166 + ], + [ + "\u2581ps\u00edquic", + -14.31980037689209 + ], + [ + "\u2581legittimo", + -14.319801330566406 + ], + [ + "\u2581natrium", + -14.319802284240724 + ], + [ + "\u2581grocery", + -14.31980323791504 + ], + [ + "\u2581Dionisio", + -14.319805145263672 + ], + [ + "\u2581\u00e4gyptische", + -14.31980800628662 + ], + [ + "\u2581r\u00e9cup\u00e9ration", + -14.319822311401367 + ], + [ + "\u2581st\u00e9r\u00e9o", + -14.31982707977295 + ], + [ + "\u2581betrekkingen", + -14.319835662841797 + ], + [ + "gastronomic", + -14.319836616516112 + ], + [ + "\u2581gratitude", + -14.319853782653809 + ], + [ + "\u2581triangolo", + -14.319856643676758 + ], + [ + "\u2581clearer", + -14.31986141204834 + ], + [ + "\u2581behielt", + -14.31988525390625 + ], + [ + "\u2581demandait", + -14.31988525390625 + ], + [ + "asier", + -14.319965362548828 + ], + [ + "\u2581rubro", + -14.319997787475586 + ], + [ + "arachn", + -14.32001495361328 + ], + [ + "licing", + -14.320019721984863 + ], + [ + "\u2581Renova", + -14.320063591003418 + ], + [ + "conhecimento", + -14.320072174072266 + ], + [ + "\u2581Kolonien", + -14.320073127746582 + ], + [ + "\u2581ficticio", + -14.320124626159668 + ], + [ + "\u2581Barde", + -14.320125579833984 + ], + [ + "titr\u00e9", + -14.320175170898438 + ], + [ + "umped", + -14.320178985595703 + ], + [ + "agrion", + -14.320185661315918 + ], + [ + "\u2581Wiltshire", + -14.320202827453612 + ], + [ + "\u2581Phantasie", + -14.32020378112793 + ], + [ + "\u2581Albino", + -14.320219039916992 + ], + [ + "\u2581Immerhin", + -14.320235252380373 + ], + [ + "\u2581illustraties", + -14.320240020751951 + ], + [ + "\u2581Ersch", + -14.32025146484375 + ], + [ + "\u2581Ribo", + -14.320297241210938 + ], + [ + "\u2581groeiende", + -14.32030963897705 + ], + [ + "\u2581Monumenti", + -14.320324897766112 + ], + [ + "avilh", + -14.320382118225098 + ], + [ + "\u2581Moine", + -14.320388793945312 + ], + [ + "\u2581Verwaltungssitz", + -14.32042407989502 + ], + [ + "esplorazione", + -14.320429801940918 + ], + [ + "\u2581Tibetaanse", + -14.320463180541992 + ], + [ + "successful", + -14.320465087890623 + ], + [ + "cienta", + -14.32048797607422 + ], + [ + "\u2581l\u00e1mina", + -14.320488929748535 + ], + [ + "\u2581cornu", + -14.320499420166016 + ], + [ + "\u2581Darstell", + -14.320571899414062 + ], + [ + "\u2581Ranc", + -14.320574760437012 + ], + [ + "\u2581Evidenz", + -14.320605278015137 + ], + [ + "aceptable", + -14.32061767578125 + ], + [ + "\u2581equilibrat", + -14.32061767578125 + ], + [ + "Fonologia", + -14.320633888244627 + ], + [ + "aritm", + -14.320635795593262 + ], + [ + "\u2581B\u00e9zier", + -14.320636749267578 + ], + [ + "posable", + -14.32064723968506 + ], + [ + "\u2581Naruto", + -14.320650100708008 + ], + [ + "\u2581footprint", + -14.3206787109375 + ], + [ + "\u2581cardinality", + -14.320691108703612 + ], + [ + "\u2581caotic", + -14.32069206237793 + ], + [ + "\u2581fianchi", + -14.320767402648926 + ], + [ + "\u2581Chaga", + -14.320768356323242 + ], + [ + "\u2581Abk\u00fcrzungen", + -14.320770263671877 + ], + [ + "\u2581vierzehn", + -14.32077407836914 + ], + [ + "\u2581Guille", + -14.320788383483888 + ], + [ + "\u2581Kalli", + -14.320796012878418 + ], + [ + "\u2581Gl\u00f3ria", + -14.32079792022705 + ], + [ + "Stadion", + -14.320805549621582 + ], + [ + "\u2581gratuits", + -14.320819854736328 + ], + [ + "stinkt", + -14.32083225250244 + ], + [ + "piglia", + -14.320857048034668 + ], + [ + "\u2581estranei", + -14.320916175842283 + ], + [ + "Groningen", + -14.320940017700195 + ], + [ + "\u2581Bourges", + -14.320951461791992 + ], + [ + "\u2581ampliada", + -14.320963859558104 + ], + [ + "Invitation", + -14.320999145507812 + ], + [ + "\u2581mill\u00e9naire", + -14.321006774902344 + ], + [ + "\u2581vertalingen", + -14.321006774902344 + ], + [ + "\u2581afwisselend", + -14.32100772857666 + ], + [ + "\u2581verschijning", + -14.32100772857666 + ], + [ + "\u2581Hradec", + -14.321014404296877 + ], + [ + "\u2581conseguindo", + -14.32101821899414 + ], + [ + "\u2581persuasiv", + -14.321020126342772 + ], + [ + "\u2581autorizzato", + -14.321045875549316 + ], + [ + "Cyprinidae", + -14.32104778289795 + ], + [ + "EEG", + -14.32104778289795 + ], + [ + "OUTDIR", + -14.32107925415039 + ], + [ + "\u2581finanzia", + -14.321085929870604 + ], + [ + "inzelstaatlichen", + -14.32114028930664 + ], + [ + "\u2581Gegenzug", + -14.321148872375488 + ], + [ + "\u2581Chronicles", + -14.32116985321045 + ], + [ + "\u2581minoritari", + -14.321175575256348 + ], + [ + "\u2581uitvinding", + -14.321202278137209 + ], + [ + "voorwaardelijk", + -14.321206092834473 + ], + [ + "zzolo", + -14.321208953857422 + ], + [ + "\u2581tranca", + -14.321213722229004 + ], + [ + "\u2581hospitales", + -14.321218490600586 + ], + [ + "\u2581boter", + -14.32125759124756 + ], + [ + "rods", + -14.32126808166504 + ], + [ + "\u2581Duro", + -14.321293830871582 + ], + [ + "\u2581supplic", + -14.321298599243164 + ], + [ + "\u2581Tappe", + -14.32129955291748 + ], + [ + "\u2581l\u00e9xico", + -14.32129955291748 + ], + [ + "fabrikanten", + -14.32131004333496 + ], + [ + "andam", + -14.321324348449709 + ], + [ + "WALL", + -14.321369171142578 + ], + [ + "\u2581maaltijd", + -14.321372032165527 + ], + [ + "heizt", + -14.321403503417969 + ], + [ + "iyi", + -14.321425437927246 + ], + [ + "Aqua", + -14.321426391601562 + ], + [ + "\u2581intersec", + -14.32144546508789 + ], + [ + "\u2581Crimson", + -14.321454048156738 + ], + [ + "\u2581Flanders", + -14.32146167755127 + ], + [ + "bereitung", + -14.32146453857422 + ], + [ + "\u2581advertencia", + -14.321480751037598 + ], + [ + "ppes", + -14.321487426757812 + ], + [ + "\u2581derivati", + -14.321495056152344 + ], + [ + "mester", + -14.321502685546877 + ], + [ + "usura", + -14.321538925170898 + ], + [ + "\u2581Woj", + -14.321558952331545 + ], + [ + "\u2581Vetter", + -14.32155990600586 + ], + [ + "\u2581prestation", + -14.321569442749023 + ], + [ + "\u2581Mystic", + -14.32158088684082 + ], + [ + "\u2581Seria", + -14.321588516235352 + ], + [ + "\u2581Hormi", + -14.3215970993042 + ], + [ + "\u2581solv", + -14.32162094116211 + ], + [ + "\u2581Treu", + -14.321624755859377 + ], + [ + "typisch", + -14.321627616882324 + ], + [ + "\u2581vertraging", + -14.321633338928224 + ], + [ + "amnist", + -14.321635246276855 + ], + [ + "\u2581opmars", + -14.321662902832031 + ], + [ + "menda", + -14.321670532226562 + ], + [ + "w\u00fcrfel", + -14.32167911529541 + ], + [ + "\u2581presidido", + -14.321681022644045 + ], + [ + "\u2581koordinieren", + -14.32168674468994 + ], + [ + "\u2581Menores", + -14.321691513061523 + ], + [ + "Workdir", + -14.321700096130373 + ], + [ + "\u2581hongo", + -14.321710586547852 + ], + [ + "incub", + -14.321746826171877 + ], + [ + "\u2581onderaan", + -14.321749687194824 + ], + [ + "EPT", + -14.321773529052734 + ], + [ + "freundlichen", + -14.321792602539062 + ], + [ + "ambel", + -14.321796417236328 + ], + [ + "vaardigheid", + -14.321803092956545 + ], + [ + "Werten", + -14.321810722351074 + ], + [ + "\u2581Jelpke", + -14.32181453704834 + ], + [ + "wonen", + -14.321815490722656 + ], + [ + "\u2581Bourgeois", + -14.321815490722656 + ], + [ + "\u2581mondiaux", + -14.321820259094238 + ], + [ + "chetta", + -14.32184600830078 + ], + [ + "intitola", + -14.321879386901855 + ], + [ + "locado", + -14.321879386901855 + ], + [ + "ermotten", + -14.321884155273438 + ], + [ + "\u2581formaliza", + -14.321890830993652 + ], + [ + "\u2581Coel", + -14.32193088531494 + ], + [ + "contained", + -14.321969985961914 + ], + [ + "\u2581skiing", + -14.321969985961914 + ], + [ + "\u2581nihil", + -14.321983337402344 + ], + [ + "\u2581Blanken", + -14.32198429107666 + ], + [ + "\u2581visuellen", + -14.32199478149414 + ], + [ + "\u2581spiegazioni", + -14.32199764251709 + ], + [ + "\u2581Amtstr\u00e4ger", + -14.32200527191162 + ], + [ + "\u2581Ouder", + -14.32203769683838 + ], + [ + "\u2581biegt", + -14.32205581665039 + ], + [ + "alized", + -14.322064399719238 + ], + [ + "ovskij", + -14.32209014892578 + ], + [ + "\u2581internado", + -14.322092056274414 + ], + [ + "escalade", + -14.322115898132324 + ], + [ + "eidigung", + -14.322129249572754 + ], + [ + "nodig", + -14.32214069366455 + ], + [ + "\u2581secuestra", + -14.322166442871094 + ], + [ + "torische", + -14.32223892211914 + ], + [ + "PMI", + -14.322242736816406 + ], + [ + "UNS", + -14.32227611541748 + ], + [ + "\u2581operativi", + -14.322282791137695 + ], + [ + "\u2581D\u00fcnge", + -14.32229232788086 + ], + [ + "\u2581genieten", + -14.322335243225098 + ], + [ + "\u2581Fria", + -14.322349548339844 + ], + [ + "\u2581Cadet", + -14.32236671447754 + ], + [ + "DDL", + -14.322370529174805 + ], + [ + "oystick", + -14.32237434387207 + ], + [ + "\u2581Ribe", + -14.322429656982422 + ], + [ + "orist", + -14.322463035583496 + ], + [ + "Medaille", + -14.322466850280762 + ], + [ + "\u2581processar", + -14.322517395019531 + ], + [ + "downarrow", + -14.322537422180176 + ], + [ + "koj", + -14.322562217712402 + ], + [ + "Hexa", + -14.322585105895996 + ], + [ + "Defend", + -14.322599411010742 + ], + [ + "\u2581Tire", + -14.32260513305664 + ], + [ + "cepciones", + -14.322616577148438 + ], + [ + "\u2581Ludwigshafen", + -14.322617530822754 + ], + [ + "Tolerance", + -14.32262134552002 + ], + [ + "\u2581l\u00e9gitimit\u00e9", + -14.32262897491455 + ], + [ + "\u2581zwanger", + -14.322635650634766 + ], + [ + "\u2581b\u00e9n\u00e9dicti", + -14.322650909423828 + ], + [ + "\u2581securing", + -14.322653770446776 + ], + [ + "ehydrogenase", + -14.322675704956056 + ], + [ + "tutti", + -14.322694778442385 + ], + [ + "m\u00e4ngel", + -14.322702407836914 + ], + [ + "\u2581Freiwillige", + -14.322709083557127 + ], + [ + "stimmig", + -14.322710037231444 + ], + [ + "\u2581hebre", + -14.322741508483888 + ], + [ + "\u00edmp", + -14.322742462158203 + ], + [ + "department", + -14.322747230529783 + ], + [ + "\u2581Jamais", + -14.322793006896973 + ], + [ + "Oud", + -14.322813987731934 + ], + [ + "Einleitung", + -14.322826385498049 + ], + [ + "explore", + -14.322831153869627 + ], + [ + "s\u00e4ulen", + -14.322850227355955 + ], + [ + "\u2581vederl", + -14.322904586791992 + ], + [ + "egida", + -14.322905540466309 + ], + [ + "ANSA", + -14.32291316986084 + ], + [ + "\u2581unternehmerisch", + -14.322941780090332 + ], + [ + "w\u00fcrde", + -14.322948455810549 + ], + [ + "\u2581funzionali", + -14.322992324829102 + ], + [ + "\u2581llora", + -14.32300090789795 + ], + [ + "\u2581Goebbels", + -14.323020935058594 + ], + [ + "\u2581Kalzium", + -14.323020935058594 + ], + [ + "\u2581compartilhada", + -14.323020935058594 + ], + [ + "\u2581Lebenserwartung", + -14.32304573059082 + ], + [ + "\u2581steuerlich", + -14.323047637939451 + ], + [ + "\u2581violenze", + -14.323047637939451 + ], + [ + "\u2581schr\u00e4nkt", + -14.32305145263672 + ], + [ + "\u2581Umgekehrt", + -14.3230562210083 + ], + [ + "\u2581ressuscit", + -14.323071479797363 + ], + [ + "\u2581Fayette", + -14.323078155517578 + ], + [ + "iope", + -14.323197364807127 + ], + [ + "\u2581p\u00e9n\u00e9trer", + -14.323208808898926 + ], + [ + "\u2581Diritto", + -14.323260307312012 + ], + [ + "soup", + -14.323265075683594 + ], + [ + "logica", + -14.323267936706545 + ], + [ + "\u2581diligent", + -14.323277473449709 + ], + [ + "\u2581Skal", + -14.3233060836792 + ], + [ + "\u2581llamaban", + -14.323308944702148 + ], + [ + "\u2581S\u00fcdseite", + -14.323311805725098 + ], + [ + "Viewport", + -14.32331371307373 + ], + [ + "aktik", + -14.323345184326172 + ], + [ + "gedicht", + -14.323346138000488 + ], + [ + "\u2581Darts", + -14.323352813720703 + ], + [ + "asiatique", + -14.323365211486816 + ], + [ + "xecuteerd", + -14.32340145111084 + ], + [ + "\u2581waarnemend", + -14.323424339294434 + ], + [ + "\u2581Restauraci\u00f3n", + -14.32342529296875 + ], + [ + "\u2581Wilhelmshaven", + -14.32342529296875 + ], + [ + "\u2581gesteigerte", + -14.323434829711914 + ], + [ + "\u2581Legado", + -14.323436737060549 + ], + [ + "\u2581tschechische", + -14.323451042175291 + ], + [ + "\u2581foolish", + -14.323457717895508 + ], + [ + "jska", + -14.323466300964355 + ], + [ + "\u2581difundido", + -14.323471069335938 + ], + [ + "\u2581Dive", + -14.32349967956543 + ], + [ + "\u2581classificadas", + -14.323545455932615 + ], + [ + "\u2581aplicable", + -14.323548316955566 + ], + [ + "fecci\u00f3n", + -14.323555946350098 + ], + [ + "ylus", + -14.323568344116213 + ], + [ + "\u00e9gaux", + -14.323570251464844 + ], + [ + "\u2581aplicando", + -14.323575019836426 + ], + [ + "\u2581Marchand", + -14.323578834533691 + ], + [ + "\u2581sofisticat", + -14.323582649230955 + ], + [ + "ogeni", + -14.323602676391602 + ], + [ + "\u2581Boas", + -14.323622703552246 + ], + [ + "\u2581Chirurgie", + -14.323646545410156 + ], + [ + "Exercise", + -14.323652267456056 + ], + [ + "tensis", + -14.323756217956545 + ], + [ + "\u2581formali", + -14.323773384094238 + ], + [ + "\u2581malaise", + -14.323777198791504 + ], + [ + "\u2581Giv", + -14.323813438415527 + ], + [ + "\u2581ing\u00e9nieurs", + -14.323822975158691 + ], + [ + "\u2581comisiones", + -14.32382869720459 + ], + [ + "\u2581Luchthaven", + -14.323832511901855 + ], + [ + "\u2581cartographiques", + -14.323832511901855 + ], + [ + "zionalmente", + -14.323850631713867 + ], + [ + "\u2581Tatsu", + -14.32385540008545 + ], + [ + "eitspanne", + -14.323869705200195 + ], + [ + "ziffern", + -14.323885917663574 + ], + [ + "lending", + -14.323902130126951 + ], + [ + "fam\u00edlia", + -14.32390594482422 + ], + [ + "\u2581risolut", + -14.323955535888672 + ], + [ + "Ellipse", + -14.323979377746582 + ], + [ + "eulen", + -14.32399845123291 + ], + [ + "\u2581tolto", + -14.32403564453125 + ], + [ + "\u2581dessiner", + -14.324052810668944 + ], + [ + "\u2581an\u00e9is", + -14.324068069458008 + ], + [ + "\u2581lowering", + -14.324070930480955 + ], + [ + "Friesland", + -14.324074745178224 + ], + [ + "\u2581solemne", + -14.324091911315918 + ], + [ + "\u2581riflesso", + -14.324132919311523 + ], + [ + "\u2581Burgenland", + -14.324159622192385 + ], + [ + "arald", + -14.324200630187988 + ], + [ + "\u2581Sozialausschuss", + -14.324214935302734 + ], + [ + "utrefois", + -14.32421588897705 + ], + [ + "lague", + -14.32422924041748 + ], + [ + "ilers", + -14.324240684509276 + ], + [ + "outbound", + -14.324247360229492 + ], + [ + "\u2581habitan", + -14.324251174926758 + ], + [ + "\u2581borbo", + -14.324268341064451 + ], + [ + "\u2581Derni", + -14.3242769241333 + ], + [ + "\u2581N\u00e9stor", + -14.324281692504885 + ], + [ + "\u2581obscen", + -14.324308395385742 + ], + [ + "\u2581Innenraum", + -14.324329376220703 + ], + [ + "ilium", + -14.324334144592283 + ], + [ + "Japanese", + -14.32436752319336 + ], + [ + "muziekinstrument", + -14.32437229156494 + ], + [ + "potencia", + -14.32441520690918 + ], + [ + "\u2581t\u00e9moignent", + -14.32442569732666 + ], + [ + "l\u00fchende", + -14.324460983276367 + ], + [ + "\u2581Belegung", + -14.324472427368164 + ], + [ + "\u2581gomme", + -14.32448387145996 + ], + [ + "bevel", + -14.324488639831545 + ], + [ + "\u2581reproduit", + -14.324493408203123 + ], + [ + "nymph", + -14.324496269226074 + ], + [ + "spannt", + -14.32450008392334 + ], + [ + "\u2581existido", + -14.324515342712402 + ], + [ + "RSS", + -14.324538230895996 + ], + [ + "appliquent", + -14.324541091918944 + ], + [ + "usammenschlu", + -14.324556350708008 + ], + [ + "pondr\u00e1", + -14.324557304382324 + ], + [ + "\u2581petrolifer", + -14.324573516845703 + ], + [ + "impen", + -14.324575424194336 + ], + [ + "bellen", + -14.324578285217283 + ], + [ + "\u2581guerrigli", + -14.324581146240234 + ], + [ + "plicit", + -14.324583053588867 + ], + [ + "\u2581confundido", + -14.324584007263184 + ], + [ + "\u2581Lough", + -14.324592590332031 + ], + [ + "dcd", + -14.324602127075195 + ], + [ + "\u2581rodadas", + -14.324602127075195 + ], + [ + "cornis", + -14.324623107910156 + ], + [ + "\u2581Spinneruilen", + -14.324634552001951 + ], + [ + "empti", + -14.32465362548828 + ], + [ + "\u2581extrair", + -14.324664115905762 + ], + [ + "\u2581Sant\u00edsima", + -14.324668884277344 + ], + [ + "w\u00e4nden", + -14.324699401855469 + ], + [ + "velar", + -14.324701309204102 + ], + [ + "\u2581vorzubereiten", + -14.32470417022705 + ], + [ + "Mitgliedsstaaten", + -14.324726104736328 + ], + [ + "\u2581caracter\u00edsticos", + -14.32473373413086 + ], + [ + "\u2581cursa", + -14.324774742126465 + ], + [ + "\u2581enfermera", + -14.324790954589844 + ], + [ + "\u2581elaborato", + -14.324807167053224 + ], + [ + "Incontri", + -14.324811935424805 + ], + [ + "tzmann", + -14.324811935424805 + ], + [ + "poridae", + -14.32481288909912 + ], + [ + "\u2581Pancra", + -14.324817657470703 + ], + [ + "Minnesota", + -14.32485008239746 + ], + [ + "\u2581Gooi", + -14.324854850769045 + ], + [ + "ch\u00e9ri", + -14.324864387512209 + ], + [ + "servidor", + -14.324873924255373 + ], + [ + "NFL", + -14.324880599975586 + ], + [ + "\u2581Hoyer", + -14.324886322021484 + ], + [ + "extglob", + -14.324905395507812 + ], + [ + "\u2581geheimen", + -14.324905395507812 + ], + [ + "faut", + -14.324926376342772 + ], + [ + "entola", + -14.324955940246582 + ], + [ + "eddu", + -14.324975967407228 + ], + [ + "nager", + -14.32498264312744 + ], + [ + "\u2581leaning", + -14.324983596801758 + ], + [ + "\u2581mitgenommen", + -14.32498836517334 + ], + [ + "\u2581raduna", + -14.325016021728516 + ], + [ + "\u2581Merope", + -14.32501983642578 + ], + [ + "\u2581Psychiat", + -14.325028419494627 + ], + [ + "Pruisische", + -14.32503890991211 + ], + [ + "\u2581archaeological", + -14.325039863586426 + ], + [ + "\u2581recommence", + -14.325039863586426 + ], + [ + "\u2581acord\u00f3", + -14.325042724609377 + ], + [ + "r\u00e4umige", + -14.325045585632324 + ], + [ + "\u2581woordvoerder", + -14.325048446655272 + ], + [ + "Sauveur", + -14.325064659118652 + ], + [ + "plek", + -14.325068473815918 + ], + [ + "verdienst", + -14.325069427490234 + ], + [ + "\u2581preliminari", + -14.325092315673828 + ], + [ + "Herne", + -14.325098991394045 + ], + [ + "\u2581Antena", + -14.325113296508787 + ], + [ + "\u2581desviar", + -14.3251314163208 + ], + [ + "\u2581vierge", + -14.325138092041016 + ], + [ + "fondatrice", + -14.32518196105957 + ], + [ + "\u2581absolviert", + -14.3252534866333 + ], + [ + "pos\u00e9es", + -14.32525634765625 + ], + [ + "\u2581mehrj\u00e4hrige", + -14.325273513793944 + ], + [ + "splitsing", + -14.325275421142578 + ], + [ + "\u2581gigantesque", + -14.325292587280272 + ], + [ + "\u2581autorevol", + -14.325319290161133 + ], + [ + "\u2581lasciava", + -14.32535457611084 + ], + [ + "\u2581curata", + -14.325357437133787 + ], + [ + "\u00e9coul", + -14.325366020202637 + ], + [ + "myelin", + -14.325439453125 + ], + [ + "\u2581Cotonou", + -14.325443267822266 + ], + [ + "\u2581Saavedra", + -14.325443267822266 + ], + [ + "\u2581Scheveningen", + -14.325443267822266 + ], + [ + "\u2581Tun\u00edsia", + -14.325443267822266 + ], + [ + "\u2581acteren", + -14.32546043395996 + ], + [ + "\u2581polymorphism", + -14.32546615600586 + ], + [ + "cumin", + -14.325467109680176 + ], + [ + "\u2581gravin", + -14.325483322143556 + ], + [ + "Oekra", + -14.32552719116211 + ], + [ + "UserID", + -14.32556438446045 + ], + [ + "omatic", + -14.32557201385498 + ], + [ + "hydrid", + -14.32557487487793 + ], + [ + "\u2581microfon", + -14.325621604919434 + ], + [ + "\u2581espuma", + -14.32562255859375 + ], + [ + "\u2581gradini", + -14.32565689086914 + ], + [ + "pilu", + -14.32567024230957 + ], + [ + "\u2581aplicados", + -14.325689315795898 + ], + [ + "\u2581Redakteur", + -14.325724601745604 + ], + [ + "zustandes", + -14.325740814208984 + ], + [ + "\u2581knit", + -14.325807571411133 + ], + [ + "ermitt", + -14.32582664489746 + ], + [ + "enkamp", + -14.32582950592041 + ], + [ + "Preserve", + -14.325836181640623 + ], + [ + "\u2581Exzellenz", + -14.325846672058104 + ], + [ + "\u2581nagenoeg", + -14.325846672058104 + ], + [ + "\u2581Furi", + -14.32587718963623 + ], + [ + "\u2581picchia", + -14.325897216796877 + ], + [ + "\u2581Berufskrankheit", + -14.325910568237305 + ], + [ + "\u2581flavors", + -14.325926780700684 + ], + [ + "Sag", + -14.32593822479248 + ], + [ + "lush", + -14.32593822479248 + ], + [ + "\u2581gepr\u00e4gte", + -14.325963973999023 + ], + [ + "\u2581Lancet", + -14.32597827911377 + ], + [ + "\u2581V\u00e9r", + -14.326016426086426 + ], + [ + "Ciclista", + -14.32601833343506 + ], + [ + "gosu", + -14.32606601715088 + ], + [ + "\u2581crueldad", + -14.326106071472168 + ], + [ + "WillTerminate", + -14.3261079788208 + ], + [ + "\u2581stuurt", + -14.326117515563965 + ], + [ + "\u2581Fratt", + -14.326120376586914 + ], + [ + "\u2581d\u00e9coule", + -14.32612419128418 + ], + [ + "\u2581vendute", + -14.326153755187988 + ], + [ + "PPP", + -14.326157569885254 + ], + [ + "\u2581Klan", + -14.326165199279783 + ], + [ + "weekend", + -14.326167106628418 + ], + [ + "\u2581\u00fcberregionale", + -14.326180458068848 + ], + [ + "\u2581culpado", + -14.326202392578123 + ], + [ + "\u2581festge", + -14.326210975646973 + ], + [ + "\u2581spezifizier", + -14.326223373413086 + ], + [ + "\u2581karakteristieke", + -14.326252937316896 + ], + [ + "slak", + -14.32625675201416 + ], + [ + "\u2581Mikroorganismen", + -14.326265335083008 + ], + [ + "schlecht", + -14.326282501220703 + ], + [ + "\u2581Muslime", + -14.32630443572998 + ], + [ + "t\u00e4gigen", + -14.326305389404297 + ], + [ + "\u2581exited", + -14.326370239257812 + ], + [ + "\u2581cu\u00e1ntica", + -14.326372146606444 + ], + [ + "\u2581heuvels", + -14.326375007629396 + ], + [ + "\u2581bloqueio", + -14.326390266418455 + ], + [ + "\u2581Proud", + -14.326403617858888 + ], + [ + "\u2581pr\u00e9tendu", + -14.326408386230469 + ], + [ + "toArray", + -14.326457977294922 + ], + [ + "\u2581Astor", + -14.326485633850098 + ], + [ + "Petro", + -14.326493263244627 + ], + [ + "\u2581Emmer", + -14.32650375366211 + ], + [ + "mechanisme", + -14.326505661010742 + ], + [ + "fassade", + -14.32652187347412 + ], + [ + "\u2581Duna", + -14.326539993286133 + ], + [ + "liqua", + -14.326545715332031 + ], + [ + "\u2581vampiros", + -14.326553344726562 + ], + [ + "\u2581abitual", + -14.326565742492676 + ], + [ + "\u2581nondimeno", + -14.326570510864258 + ], + [ + "geschossige", + -14.326600074768066 + ], + [ + "\u2581Balkans", + -14.3266019821167 + ], + [ + "iculo", + -14.32660961151123 + ], + [ + "\u2581Proband", + -14.326616287231444 + ], + [ + "\u2581hersen", + -14.326616287231444 + ], + [ + "Raises", + -14.326626777648926 + ], + [ + "befugnis", + -14.326632499694824 + ], + [ + "\u2581telespettatori", + -14.326656341552734 + ], + [ + "pacte", + -14.326671600341797 + ], + [ + "\u2581conectada", + -14.326685905456545 + ], + [ + "\u2581Arkad", + -14.326687812805176 + ], + [ + "\u2581lobos", + -14.326695442199709 + ], + [ + "Missouri", + -14.326696395874023 + ], + [ + "\u2581Basquetebolista", + -14.326706886291504 + ], + [ + "\u2581extracellular", + -14.326720237731934 + ], + [ + "\u2581samurai", + -14.326725006103516 + ], + [ + "\u2581Elektronische", + -14.326735496520996 + ], + [ + "\u2581esplendor", + -14.326749801635742 + ], + [ + "Bird", + -14.326786041259766 + ], + [ + "Hugo", + -14.326797485351562 + ], + [ + "OPERATION", + -14.326805114746094 + ], + [ + "\u2581d\u00e9bord", + -14.326810836791992 + ], + [ + "astronauta", + -14.326817512512209 + ], + [ + "\u2581golpear", + -14.32681941986084 + ], + [ + "\u2581einberufen", + -14.326848030090332 + ], + [ + "\u2581despeja", + -14.326861381530762 + ], + [ + "\u2581volkeren", + -14.326891899108888 + ], + [ + "\u2581Campeche", + -14.32694149017334 + ], + [ + "\u2581Taxone", + -14.326946258544922 + ], + [ + "\u2581frapper", + -14.326948165893556 + ], + [ + "\u2581rafforzare", + -14.326950073242188 + ], + [ + "guine", + -14.326967239379885 + ], + [ + "uuu", + -14.326985359191896 + ], + [ + "\u00e9crivent", + -14.327043533325195 + ], + [ + "ctum", + -14.327051162719728 + ], + [ + "\u2581colleague", + -14.32706069946289 + ], + [ + "\u2581Cl\u00ednica", + -14.32706356048584 + ], + [ + "\u2581ricchezze", + -14.327066421508787 + ], + [ + "\u2581anzustreben", + -14.327071189880373 + ], + [ + "\u2581costringendo", + -14.32707405090332 + ], + [ + "lamation", + -14.32709789276123 + ], + [ + "\u2581Erweiterungen", + -14.327122688293455 + ], + [ + "\u2581Pobl", + -14.327126502990724 + ], + [ + "\u2581diabetic", + -14.32713222503662 + ], + [ + "\u2581Eaton", + -14.32713508605957 + ], + [ + "\u2581caul", + -14.327191352844238 + ], + [ + "getLast", + -14.327221870422363 + ], + [ + "\u2581mon\u00f3", + -14.3272705078125 + ], + [ + "\u2581Reutlinge", + -14.327276229858398 + ], + [ + "\u2581camiones", + -14.327281951904297 + ], + [ + "Lippe", + -14.327301025390623 + ], + [ + "nama", + -14.327308654785156 + ], + [ + "\u2581destinataire", + -14.32731819152832 + ], + [ + "Formatting", + -14.327327728271484 + ], + [ + "Forschungsarbeit", + -14.327335357666016 + ], + [ + "\u2581handhaven", + -14.32735824584961 + ], + [ + "gnose", + -14.327359199523926 + ], + [ + "redige", + -14.327415466308594 + ], + [ + "\u2581Sharif", + -14.327423095703123 + ], + [ + "\u2581aceptadas", + -14.327425956726074 + ], + [ + "\u2581Tait", + -14.327439308166504 + ], + [ + "\u2581sismic", + -14.327448844909668 + ], + [ + "Bench", + -14.327505111694336 + ], + [ + "coul", + -14.327531814575195 + ], + [ + "\u2581incumbent", + -14.32755184173584 + ], + [ + "probs", + -14.327579498291016 + ], + [ + "\u2581Tasse", + -14.327582359313965 + ], + [ + "ouvoir", + -14.327594757080078 + ], + [ + "TUNG", + -14.327601432800291 + ], + [ + "TextData", + -14.327610969543455 + ], + [ + "fendi", + -14.327630043029783 + ], + [ + "\u2581financiering", + -14.32764720916748 + ], + [ + "\u2581Bruck", + -14.32765293121338 + ], + [ + "sordisce", + -14.327653884887695 + ], + [ + "\u2581corsia", + -14.327685356140137 + ], + [ + "Minuten", + -14.327691078186035 + ], + [ + "\u2581penetration", + -14.32773494720459 + ], + [ + "\u2581Barroso", + -14.327766418457031 + ], + [ + "\u2581incontaminat", + -14.32778263092041 + ], + [ + "\u2581Aktion\u00e4re", + -14.32783031463623 + ], + [ + "\u2581c\u00e1psula", + -14.32787036895752 + ], + [ + "ammirazione", + -14.327871322631836 + ], + [ + "\u2581Mandalay", + -14.327893257141112 + ], + [ + "significant", + -14.327916145324709 + ], + [ + "\u00e9lico", + -14.327924728393556 + ], + [ + "nesian", + -14.327927589416504 + ], + [ + "IntegerField", + -14.327980041503906 + ], + [ + "\u2581reviewing", + -14.32800006866455 + ], + [ + "\u2581beschwer", + -14.328004837036133 + ], + [ + "\u2581Tulsa", + -14.328028678894045 + ], + [ + "\u2581libremente", + -14.328041076660156 + ], + [ + "\u2581parigin", + -14.328069686889648 + ], + [ + "OPTIMI", + -14.32813835144043 + ], + [ + "\u2581mascota", + -14.328147888183594 + ], + [ + "le\u00f3n", + -14.328153610229492 + ], + [ + "\u00fcmmer", + -14.328192710876465 + ], + [ + "\u2581texturas", + -14.328197479248049 + ], + [ + "chingen", + -14.328203201293944 + ], + [ + "oofd", + -14.328227043151855 + ], + [ + "Bab", + -14.328246116638184 + ], + [ + "\u2581Apparently", + -14.328275680541992 + ], + [ + "\u2581oferecida", + -14.32827854156494 + ], + [ + "volved", + -14.328286170959473 + ], + [ + "Verwaltungsrecht", + -14.32829761505127 + ], + [ + "\u2581Juillet", + -14.328302383422852 + ], + [ + "capaciteit", + -14.3283052444458 + ], + [ + "\u2581Coronavirus", + -14.328307151794434 + ], + [ + "ditch", + -14.328311920166016 + ], + [ + "\u2581tribunaux", + -14.328316688537598 + ], + [ + "chouwburg", + -14.32832145690918 + ], + [ + "effen", + -14.328323364257812 + ], + [ + "containerd", + -14.328360557556152 + ], + [ + "\u2581stadsbestuur", + -14.32838535308838 + ], + [ + "\u2581unaware", + -14.32841682434082 + ], + [ + "\u2581saliente", + -14.328424453735352 + ], + [ + "\u2581symbolise", + -14.32844352722168 + ], + [ + "robust", + -14.328469276428224 + ], + [ + "\u2581afectan", + -14.328485488891602 + ], + [ + "\u2581Gartenbau", + -14.328520774841309 + ], + [ + "\u2581citron", + -14.328543663024902 + ], + [ + "Visualization", + -14.328572273254396 + ], + [ + "\u2581solita", + -14.328591346740724 + ], + [ + "\u00e9morial", + -14.32859230041504 + ], + [ + "\u2581fregat", + -14.328635215759276 + ], + [ + "\u2581benodigde", + -14.32863712310791 + ], + [ + "\u2581zingt", + -14.32865047454834 + ], + [ + "\u2581Teodor", + -14.328661918640137 + ], + [ + "Overwinningen", + -14.328680992126465 + ], + [ + "\u2581corrispondono", + -14.328680992126465 + ], + [ + "\u2581Gillespie", + -14.328696250915527 + ], + [ + "aufsichtsamt", + -14.328706741333008 + ], + [ + "Highlighting", + -14.328716278076172 + ], + [ + "\u2581Jagger", + -14.328742980957031 + ], + [ + "\u2581Aufs\u00e4tze", + -14.328774452209473 + ], + [ + "\u2581imminent", + -14.328779220581056 + ], + [ + "compliant", + -14.328786849975586 + ], + [ + "\u2581tirano", + -14.328790664672852 + ], + [ + "\u2581forgetting", + -14.328832626342772 + ], + [ + "\u2581cancellare", + -14.328845024108888 + ], + [ + "tizio", + -14.328847885131836 + ], + [ + "\u2581elevando", + -14.328879356384276 + ], + [ + "ographischen", + -14.328896522521973 + ], + [ + "sch\u00fctzer", + -14.328907012939451 + ], + [ + "\u2581Lemb", + -14.328939437866213 + ], + [ + "Hebreeuws", + -14.328948974609377 + ], + [ + "\u2581tenui", + -14.32895278930664 + ], + [ + "\u2581sopportare", + -14.328954696655272 + ], + [ + "\u2581redactor", + -14.328961372375488 + ], + [ + "\u2581zolang", + -14.328988075256348 + ], + [ + "\u2581consortium", + -14.329052925109863 + ], + [ + "Alexandrie", + -14.329081535339355 + ], + [ + "\u2581hangmatspinnen", + -14.329086303710938 + ], + [ + "\u2581sottoposta", + -14.329092025756836 + ], + [ + "treiber", + -14.329105377197266 + ], + [ + "\u2581limitando", + -14.329124450683594 + ], + [ + "\u2581nauwe", + -14.329124450683594 + ], + [ + "\u2581Fachschule", + -14.329145431518556 + ], + [ + "\u2581presiedut", + -14.32914924621582 + ], + [ + "herzogtum", + -14.329177856445312 + ], + [ + "kreuzen", + -14.329197883605955 + ], + [ + "heavy", + -14.329200744628906 + ], + [ + "\u2581unlawful", + -14.329230308532717 + ], + [ + "uintero", + -14.32923412322998 + ], + [ + "\u2581Kreta", + -14.329240798950195 + ], + [ + "Writing", + -14.329258918762209 + ], + [ + "\u2581eccetto", + -14.329261779785156 + ], + [ + "\u2581paternal", + -14.329264640808104 + ], + [ + "\u2581mol\u00e9culaire", + -14.329275131225586 + ], + [ + "\u2581Subway", + -14.329303741455078 + ], + [ + "\u2581Uhrzeit", + -14.329305648803713 + ], + [ + "\u2581durare", + -14.329319953918455 + ], + [ + "telegraf", + -14.32932186126709 + ], + [ + "masochis", + -14.32932472229004 + ], + [ + "\u2581Extens", + -14.329327583312988 + ], + [ + "Meer", + -14.32935619354248 + ], + [ + "\u2581contractual", + -14.329410552978516 + ], + [ + "\u2581comptent", + -14.329461097717283 + ], + [ + "gelten", + -14.329462051391602 + ], + [ + "\u2581diminu\u00e9", + -14.329483032226562 + ], + [ + "\u2581Infantaria", + -14.329492568969728 + ], + [ + "\u2581Erfinder", + -14.329495429992676 + ], + [ + "ijven", + -14.329522132873535 + ], + [ + "\u2581Konstant", + -14.329533576965332 + ], + [ + "interdisziplin\u00e4r", + -14.329550743103027 + ], + [ + "\u2581Publizist", + -14.329553604125977 + ], + [ + "\u2581Belohnung", + -14.32955837249756 + ], + [ + "\u2581enriquece", + -14.32955837249756 + ], + [ + "\u2581Funchal", + -14.329566955566406 + ], + [ + "picking", + -14.329567909240724 + ], + [ + "\u2581Metaboli", + -14.329577445983888 + ], + [ + "\u2581reunidos", + -14.329596519470217 + ], + [ + "\u2581Maynard", + -14.329605102539062 + ], + [ + "\u2581Reggie", + -14.32961368560791 + ], + [ + "alcoliche", + -14.329619407653809 + ], + [ + "\u2581Shetland", + -14.329619407653809 + ], + [ + "Cru", + -14.329623222351074 + ], + [ + "fl\u00e4", + -14.329633712768556 + ], + [ + "rndt", + -14.329652786254885 + ], + [ + "Mantova", + -14.329663276672363 + ], + [ + "thinking", + -14.329667091369627 + ], + [ + "pharm", + -14.329748153686523 + ], + [ + "\u2581Boor", + -14.329751014709473 + ], + [ + "OpenGL", + -14.329758644104004 + ], + [ + "fasi", + -14.329792022705078 + ], + [ + "edit\u00f3", + -14.329794883728027 + ], + [ + "manga", + -14.329801559448242 + ], + [ + "\u2581Novamente", + -14.329846382141112 + ], + [ + "koreanische", + -14.329879760742188 + ], + [ + "Outaouais", + -14.3298978805542 + ], + [ + "aristocrazia", + -14.3298978805542 + ], + [ + "\u2581alien\u00edgena", + -14.3298978805542 + ], + [ + "\u2581m\u00e9lodie", + -14.329898834228516 + ], + [ + "\u2581Athleten", + -14.329903602600098 + ], + [ + "shardingsphere", + -14.329904556274414 + ], + [ + "\u2581ocupan", + -14.329907417297363 + ], + [ + "Midi", + -14.329915046691896 + ], + [ + "zelte", + -14.329926490783691 + ], + [ + "\u2581manobra", + -14.329928398132324 + ], + [ + "\u2581waveguide", + -14.329950332641602 + ], + [ + "ographi", + -14.329968452453612 + ], + [ + "Millis", + -14.32999038696289 + ], + [ + "\u2581woke", + -14.329998970031738 + ], + [ + "\u2581svan", + -14.3300199508667 + ], + [ + "\u2581Stoo", + -14.33002471923828 + ], + [ + "\u2581nascidos", + -14.33004093170166 + ], + [ + "\u2581beeldend", + -14.330044746398926 + ], + [ + "ltiplo", + -14.330078125 + ], + [ + "schijven", + -14.330092430114746 + ], + [ + "\u2581annessa", + -14.330092430114746 + ], + [ + "kating", + -14.330102920532228 + ], + [ + "\u2581Surfer", + -14.33011245727539 + ], + [ + "uyn", + -14.330124855041504 + ], + [ + "\u2581Kudos", + -14.330163955688477 + ], + [ + "ghc", + -14.330166816711426 + ], + [ + "\u2581evaluiert", + -14.33018684387207 + ], + [ + "\u2581D\u00e9cada", + -14.330188751220703 + ], + [ + "\u2581Einheitswert", + -14.330254554748535 + ], + [ + "\u2581Duk", + -14.3302583694458 + ], + [ + "\u2581anzuerkennen", + -14.330272674560549 + ], + [ + "\u2581soigneusement", + -14.330304145812988 + ], + [ + "\u2581Schindler", + -14.33030605316162 + ], + [ + "\u2581deceased", + -14.330321311950684 + ], + [ + "\u2581seventy", + -14.330348014831545 + ], + [ + "\u2581kinetische", + -14.330376625061035 + ], + [ + "bed\u00fcrfnis", + -14.330378532409668 + ], + [ + "\u2581outrage", + -14.330409049987791 + ], + [ + "\u2581Faye", + -14.330438613891602 + ], + [ + "ger\u00fcckt", + -14.330442428588867 + ], + [ + "Unavailable", + -14.330451011657717 + ], + [ + "\u2581avrai", + -14.330467224121094 + ], + [ + "m\u00e9mor", + -14.330477714538574 + ], + [ + "logio", + -14.330480575561523 + ], + [ + "idion", + -14.33049201965332 + ], + [ + "\u2581truffe", + -14.330524444580078 + ], + [ + "\u2581Convi", + -14.330568313598633 + ], + [ + "belastete", + -14.330585479736328 + ], + [ + "\u2581Kidd", + -14.330586433410645 + ], + [ + "\u2581Arquitectos", + -14.33064079284668 + ], + [ + "\u2581diplomatischen", + -14.330642700195312 + ], + [ + "DIO", + -14.33065700531006 + ], + [ + "annata", + -14.330694198608398 + ], + [ + "\u2581Burnett", + -14.330708503723145 + ], + [ + "\u2581accustomed", + -14.330710411071776 + ], + [ + "\u2581beloved", + -14.330739974975586 + ], + [ + "\u2581despedir", + -14.33074188232422 + ], + [ + "\u2581eingereichten", + -14.330744743347168 + ], + [ + "\u2581bornes", + -14.330747604370115 + ], + [ + "\u2581didacti", + -14.330753326416016 + ], + [ + "Truiden", + -14.330793380737305 + ], + [ + "alex", + -14.330801010131836 + ], + [ + "\u2581justifi\u00e9", + -14.330801010131836 + ], + [ + "\u2581composantes", + -14.330822944641112 + ], + [ + "onn\u00e9s", + -14.330846786499023 + ], + [ + "tropfen", + -14.33086395263672 + ], + [ + "shii", + -14.33087921142578 + ], + [ + "conhec", + -14.330883979797363 + ], + [ + "\u2581ancianos", + -14.330915451049805 + ], + [ + "\u2581guisa", + -14.330921173095703 + ], + [ + "ugno", + -14.330926895141602 + ], + [ + "\u2581adverb", + -14.330938339233398 + ], + [ + "\u2581umsteigen", + -14.330962181091309 + ], + [ + "\u2581trasformando", + -14.330971717834473 + ], + [ + "comando", + -14.330986976623535 + ], + [ + "Guillaume", + -14.330998420715332 + ], + [ + "\u2581applicano", + -14.33100414276123 + ], + [ + "\u2581sostenut", + -14.331021308898926 + ], + [ + "Couldn", + -14.331071853637695 + ], + [ + "currencies", + -14.33108139038086 + ], + [ + "\u2581jetzige", + -14.331094741821287 + ], + [ + "ResourceManager", + -14.331107139587402 + ], + [ + "ced\u00eda", + -14.3311128616333 + ], + [ + "\u2581Pankreas", + -14.3311185836792 + ], + [ + "ripped", + -14.331135749816896 + ], + [ + "\u2581Besserung", + -14.33114528656006 + ], + [ + "PROD", + -14.331170082092283 + ], + [ + "\u2581australischen", + -14.331226348876951 + ], + [ + "\u2581sceneggiat", + -14.331228256225586 + ], + [ + "\u2581inventario", + -14.3312406539917 + ], + [ + "\u2581discovering", + -14.331242561340332 + ], + [ + "admiral", + -14.331254959106444 + ], + [ + "\u2581Godoy", + -14.331262588500977 + ], + [ + "noruegu", + -14.331271171569824 + ], + [ + "\u2581bijrol", + -14.331281661987305 + ], + [ + "Independiente", + -14.33130168914795 + ], + [ + "utochtone", + -14.331328392028809 + ], + [ + "konst", + -14.331335067749023 + ], + [ + "\u2581seppelli", + -14.33135223388672 + ], + [ + "qu\u00e9rant", + -14.331395149230955 + ], + [ + "Vot", + -14.331405639648438 + ], + [ + "\u2581consisteva", + -14.331414222717283 + ], + [ + "volleybal", + -14.331436157226562 + ], + [ + "\u2581galeries", + -14.33144474029541 + ], + [ + "\u2581Internetseiten", + -14.331445693969728 + ], + [ + "\u2581proseguit", + -14.331459999084473 + ], + [ + "\u2581impegnata", + -14.331460952758787 + ], + [ + "\u2581fracos", + -14.331463813781738 + ], + [ + "\u2581collaborate", + -14.331497192382812 + ], + [ + "\u2581kostenpflichtig", + -14.331512451171877 + ], + [ + "\u2581Frut", + -14.331521034240724 + ], + [ + "kuma", + -14.331522941589355 + ], + [ + "\u2581Hispania", + -14.331522941589355 + ], + [ + "\u2581bouclier", + -14.331522941589355 + ], + [ + "\u2581geprobeerd", + -14.331522941589355 + ], + [ + "\u2581beitr\u00e4gt", + -14.33152675628662 + ], + [ + "\u2581Letteratura", + -14.331558227539062 + ], + [ + "\u2581stammenden", + -14.3316011428833 + ], + [ + "ornate", + -14.331635475158691 + ], + [ + "\u2581vigia", + -14.331640243530272 + ], + [ + "\u2581Tromp", + -14.331663131713867 + ], + [ + "\u2581Engelsen", + -14.331670761108398 + ], + [ + "\u2581feti", + -14.331670761108398 + ], + [ + "Attempts", + -14.331674575805664 + ], + [ + "urgie", + -14.331674575805664 + ], + [ + "\u2581Dietro", + -14.331692695617676 + ], + [ + "\u2581KeyError", + -14.331693649291992 + ], + [ + "\u2581colpe", + -14.331711769104004 + ], + [ + "Tokenizer", + -14.331721305847168 + ], + [ + "criteria", + -14.331731796264648 + ], + [ + "\u2581negado", + -14.33173370361328 + ], + [ + "corrupted", + -14.331741333007812 + ], + [ + "schmelzen", + -14.331771850585938 + ], + [ + "\u2581Christy", + -14.331787109375 + ], + [ + "ungsma", + -14.331795692443848 + ], + [ + "Nutzung", + -14.331802368164062 + ], + [ + "\u2581steer", + -14.33180809020996 + ], + [ + "\u2581mormor", + -14.331809043884276 + ], + [ + "uters", + -14.331836700439451 + ], + [ + "\u2581streak", + -14.331851959228516 + ], + [ + "\u2581ereditat", + -14.331856727600098 + ], + [ + "vork", + -14.331867218017578 + ], + [ + "\u2581vincente", + -14.33187198638916 + ], + [ + "\u2581pretens", + -14.33188533782959 + ], + [ + "pol\u00edtica", + -14.331886291503906 + ], + [ + "kiri", + -14.331900596618652 + ], + [ + "\u2581legenda", + -14.331969261169434 + ], + [ + "obiezion", + -14.3319730758667 + ], + [ + "Naming", + -14.33199405670166 + ], + [ + "\u2581cantiere", + -14.332006454467772 + ], + [ + "BadRequest", + -14.33200740814209 + ], + [ + "\u2581Spagnol", + -14.33205795288086 + ], + [ + "\u2581quantification", + -14.332118034362791 + ], + [ + "\u2581transpar", + -14.33212947845459 + ], + [ + "\u2581Nigerian", + -14.332155227661133 + ], + [ + "\u2581Lanzarote", + -14.332164764404297 + ], + [ + "registratie", + -14.332171440124512 + ], + [ + "ferne", + -14.332183837890623 + ], + [ + "\u2581Fabrice", + -14.33218479156494 + ], + [ + "\u2581dotado", + -14.33218479156494 + ], + [ + "\u2581rectifi", + -14.33218765258789 + ], + [ + "strijders", + -14.332212448120115 + ], + [ + "\u2581respinto", + -14.332213401794434 + ], + [ + "psychiatr", + -14.332232475280762 + ], + [ + "PRESSION", + -14.332257270812988 + ], + [ + "Camb", + -14.33228874206543 + ], + [ + "escrita", + -14.332304954528809 + ], + [ + "yap", + -14.33232879638672 + ], + [ + "facial", + -14.332330703735352 + ], + [ + "\u2581Or\u00edgenes", + -14.33233642578125 + ], + [ + "\u2581phylogenetic", + -14.33233642578125 + ], + [ + "ppuyez", + -14.332340240478516 + ], + [ + "campus", + -14.332352638244627 + ], + [ + "\u2581plunge", + -14.33236026763916 + ], + [ + "lissa", + -14.332377433776855 + ], + [ + "CRIT", + -14.332432746887209 + ], + [ + "\u2581bruta", + -14.332437515258787 + ], + [ + "Millionen", + -14.3324556350708 + ], + [ + "\u2581Werkstoffe", + -14.332481384277344 + ], + [ + "\u2581voornaamwoord", + -14.332499504089355 + ], + [ + "\u2581carente", + -14.332523345947266 + ], + [ + "\u2581machuca", + -14.332524299621582 + ], + [ + "trema", + -14.332534790039062 + ], + [ + "zold", + -14.332559585571287 + ], + [ + "\u2581getrennten", + -14.332563400268556 + ], + [ + "\u2581batizad", + -14.332574844360352 + ], + [ + "schnur", + -14.332599639892578 + ], + [ + "\u2581duality", + -14.332609176635742 + ], + [ + "occupied", + -14.332612037658691 + ], + [ + "\u2581quartel", + -14.332626342773438 + ], + [ + "klagte", + -14.332633972167969 + ], + [ + "\u2581Goet", + -14.33265781402588 + ], + [ + "\u2581Ust", + -14.332659721374512 + ], + [ + "\u2581determinando", + -14.33267593383789 + ], + [ + "giva", + -14.332733154296877 + ], + [ + "\u2581fatiga", + -14.332733154296877 + ], + [ + "\u2581Dobles", + -14.33276653289795 + ], + [ + "\u2581Bekanntheit", + -14.33277702331543 + ], + [ + "\u2581vinhos", + -14.33277988433838 + ], + [ + "\u2581Guillo", + -14.33279514312744 + ], + [ + "iamoci", + -14.33281135559082 + ], + [ + "\u2581Chak", + -14.332815170288086 + ], + [ + "\u2581captar", + -14.33281707763672 + ], + [ + "\u2581ausgef\u00fcllt", + -14.332844734191896 + ], + [ + "\u2581arricch", + -14.332878112792969 + ], + [ + "\u2581attravers", + -14.332889556884766 + ], + [ + "LEC", + -14.332918167114258 + ], + [ + "\u2581anthropogen", + -14.332944869995115 + ], + [ + "WAT", + -14.332950592041016 + ], + [ + "\u2581Caucaso", + -14.332953453063965 + ], + [ + "\u2581blind\u00e9", + -14.333057403564451 + ], + [ + "\u2581turf", + -14.333097457885742 + ], + [ + "\u2581satisfecho", + -14.333128929138184 + ], + [ + "Altona", + -14.33313274383545 + ], + [ + "\u2581naburige", + -14.33315086364746 + ], + [ + "\u2581roteirista", + -14.33315086364746 + ], + [ + "\u2581connexions", + -14.333152770996094 + ], + [ + "\u2581oostzijde", + -14.333158493041992 + ], + [ + "\u2581Rinc\u00f3n", + -14.333172798156738 + ], + [ + "POLITI", + -14.333174705505373 + ], + [ + "azara", + -14.3331880569458 + ], + [ + "audeville", + -14.33322048187256 + ], + [ + "\u2581waved", + -14.333246231079102 + ], + [ + "\u2581pillow", + -14.333261489868164 + ], + [ + "\u2581resultantes", + -14.333279609680176 + ], + [ + "\u2581Carr\u00e9", + -14.333284378051758 + ], + [ + "\u2581Mademoiselle", + -14.333295822143556 + ], + [ + "Johnson", + -14.33331298828125 + ], + [ + "\u2581Loth", + -14.333317756652832 + ], + [ + "\u2581Dietz", + -14.333338737487791 + ], + [ + "\u2581escondi", + -14.33335304260254 + ], + [ + "\u2581sortent", + -14.333367347717283 + ], + [ + "Connecting", + -14.333383560180664 + ], + [ + "\u2581massacr", + -14.333398818969728 + ], + [ + "\u2581rhod", + -14.333428382873535 + ], + [ + "Consume", + -14.333431243896484 + ], + [ + "Durchschnittlich", + -14.333444595336914 + ], + [ + "\u2581bouge", + -14.333452224731444 + ], + [ + "\u2581inovador", + -14.333515167236328 + ], + [ + "gomega", + -14.333516120910645 + ], + [ + "Wirtschaft", + -14.333558082580566 + ], + [ + "\u2581constituency", + -14.333573341369627 + ], + [ + "\u2581navegadores", + -14.33359146118164 + ], + [ + "\u00f3mico", + -14.333657264709473 + ], + [ + "\u2581\u00e9l\u00e9mentaire", + -14.333706855773926 + ], + [ + "\u2581Steuerrechts", + -14.333710670471191 + ], + [ + "\u2581idiota", + -14.33371639251709 + ], + [ + "oodoo", + -14.333721160888672 + ], + [ + "\u2581oscilla", + -14.333731651306152 + ], + [ + "\u2581Rasch", + -14.333738327026367 + ], + [ + "instinct", + -14.333745956420898 + ], + [ + "\u2581entrent", + -14.333757400512695 + ], + [ + "\u2581Borne", + -14.333786964416504 + ], + [ + "ldr", + -14.33381462097168 + ], + [ + "\u2581formaggi", + -14.33385181427002 + ], + [ + "\u2581immanent", + -14.333911895751951 + ], + [ + "\u2581Einflusses", + -14.333965301513672 + ], + [ + "\u2581McLean", + -14.333967208862305 + ], + [ + "\u2581Combining", + -14.333970069885254 + ], + [ + "wirksam", + -14.333979606628418 + ], + [ + "\u2581Substrate", + -14.33398151397705 + ], + [ + "\u2581hydraulische", + -14.333990097045898 + ], + [ + "\u2581Jerom", + -14.334001541137695 + ], + [ + "\u2581weiche", + -14.33401107788086 + ], + [ + "oussa", + -14.33402156829834 + ], + [ + "\u2581cieco", + -14.334062576293944 + ], + [ + "\u2581citing", + -14.334081649780272 + ], + [ + "revoke", + -14.334102630615234 + ], + [ + "\u2581starring", + -14.334102630615234 + ], + [ + "\u2581capr", + -14.334113121032717 + ], + [ + "leek", + -14.334145545959473 + ], + [ + "eintr\u00e4ge", + -14.334156036376951 + ], + [ + "\u2581promedia", + -14.334162712097168 + ], + [ + "ODI", + -14.3341646194458 + ], + [ + "rer\u00eda", + -14.334168434143066 + ], + [ + "sulfide", + -14.33419704437256 + ], + [ + "\u2581gemeen", + -14.33421230316162 + ], + [ + "\u2581huishouden", + -14.334214210510254 + ], + [ + "territorial", + -14.334250450134276 + ], + [ + "\u2581blown", + -14.33430004119873 + ], + [ + "\u2581m\u00fcndlich", + -14.334321975708008 + ], + [ + "zane", + -14.334355354309082 + ], + [ + "\u2581inquietante", + -14.334357261657717 + ], + [ + "\u2581suggerito", + -14.33436107635498 + ], + [ + "\u2581Cofrad\u00eda", + -14.334373474121094 + ], + [ + "\u2581contraddittori", + -14.334373474121094 + ], + [ + "\u2581renouvelable", + -14.334373474121094 + ], + [ + "\u2581Hohenlohe", + -14.33437442779541 + ], + [ + "\u2581verondersteld", + -14.33437728881836 + ], + [ + "\u2581Gideon", + -14.334379196166992 + ], + [ + "EUV", + -14.334388732910156 + ], + [ + "\u2581Br\u00fch", + -14.33440399169922 + ], + [ + "\u2581ausgiebige", + -14.334444046020508 + ], + [ + "int\u00e9gralit\u00e9", + -14.33444595336914 + ], + [ + "milion", + -14.334463119506836 + ], + [ + "\u2581Lyc\u00e9e", + -14.334477424621582 + ], + [ + "\u2581Celta", + -14.334487915039062 + ], + [ + "Fraenkel", + -14.334495544433594 + ], + [ + "\u2581moeilijke", + -14.334550857543944 + ], + [ + "alben", + -14.334574699401855 + ], + [ + "lev\u00f3", + -14.334585189819336 + ], + [ + "\u2581prevalente", + -14.33460521697998 + ], + [ + "\u2581annesso", + -14.334614753723145 + ], + [ + "\u2581Suazo", + -14.334632873535156 + ], + [ + "combinatie", + -14.334635734558104 + ], + [ + "IGA", + -14.334647178649902 + ], + [ + "\u2581capitaux", + -14.334665298461914 + ], + [ + "thermie", + -14.334668159484863 + ], + [ + "\u2581Homero", + -14.334733963012695 + ], + [ + "remember", + -14.334736824035645 + ], + [ + "\u2581Chiar", + -14.334738731384276 + ], + [ + "\u2581tib\u00e9tain", + -14.3347806930542 + ], + [ + "dulc", + -14.334798812866213 + ], + [ + "lidstaten", + -14.334803581237791 + ], + [ + "ridging", + -14.334816932678224 + ], + [ + "\u2581involviert", + -14.334819793701172 + ], + [ + "Failsafe", + -14.33482265472412 + ], + [ + "\u2581Strategi", + -14.33482265472412 + ], + [ + "IGINT", + -14.334829330444336 + ], + [ + "\u2581oefenen", + -14.334837913513184 + ], + [ + "riade", + -14.334847450256348 + ], + [ + "\u2581klassiek", + -14.334847450256348 + ], + [ + "\u2581neerslag", + -14.334871292114258 + ], + [ + "Restaurant", + -14.334879875183104 + ], + [ + "stasis", + -14.335002899169922 + ], + [ + "Arcti", + -14.335054397583008 + ], + [ + "\u2581Azar", + -14.33505916595459 + ], + [ + "\u2581illuminate", + -14.335062980651855 + ], + [ + "\u2581werbs", + -14.335063934326172 + ], + [ + "FullName", + -14.335073471069336 + ], + [ + "\u2581dram\u00e1ticas", + -14.33508014678955 + ], + [ + "\u2581Nataci\u00f3n", + -14.335087776184082 + ], + [ + "\u2581downloaden", + -14.335092544555664 + ], + [ + "\u2581Knicks", + -14.33509635925293 + ], + [ + "TypeMeta", + -14.335113525390623 + ], + [ + "\u2581organizzano", + -14.335131645202637 + ], + [ + "GRU", + -14.335182189941406 + ], + [ + "Remaining", + -14.33519172668457 + ], + [ + "druid", + -14.335196495056152 + ], + [ + "ORN", + -14.335197448730469 + ], + [ + "\u2581Scrittur", + -14.335201263427734 + ], + [ + "\u2581culinaire", + -14.335208892822266 + ], + [ + "\u2581conducono", + -14.335211753845217 + ], + [ + "erplanm\u00e4", + -14.335216522216797 + ], + [ + "Untersuchungen", + -14.335225105285645 + ], + [ + "\u2581explosives", + -14.33522891998291 + ], + [ + "\u2581ordinaires", + -14.335234642028809 + ], + [ + "pvolging", + -14.335260391235352 + ], + [ + "cMillan", + -14.335280418395996 + ], + [ + "ITION", + -14.335285186767578 + ], + [ + "\u2581aeroplan", + -14.33529567718506 + ], + [ + "\u2581Gesichter", + -14.335328102111816 + ], + [ + "CEI", + -14.335339546203612 + ], + [ + "definiert", + -14.335342407226562 + ], + [ + "\u2581Val\u00e9r", + -14.335347175598145 + ], + [ + "Piazza", + -14.335390090942385 + ], + [ + "\u2581unhappy", + -14.335392951965332 + ], + [ + "\u2581Publiek", + -14.33540153503418 + ], + [ + "\u2581inhum\u00e9e", + -14.335434913635254 + ], + [ + "furth", + -14.335457801818848 + ], + [ + "utch", + -14.335494995117188 + ], + [ + "\u2581mundan", + -14.33551025390625 + ], + [ + "\u2581estoque", + -14.335519790649414 + ], + [ + "\u2581overnam", + -14.335535049438477 + ], + [ + "\u2581Dori", + -14.335545539855955 + ], + [ + "Cultura", + -14.335556030273438 + ], + [ + "\u2581friedliche", + -14.335579872131348 + ], + [ + "\u2581raccont", + -14.335583686828612 + ], + [ + "apposito", + -14.335599899291992 + ], + [ + "\u2581polmoni", + -14.335606575012209 + ], + [ + "\u2581andarsene", + -14.335625648498535 + ], + [ + "lpineski", + -14.335651397705078 + ], + [ + "Gara", + -14.335657119750977 + ], + [ + "\u2581giustificare", + -14.335660934448242 + ], + [ + "\u2581Preparator", + -14.33566188812256 + ], + [ + "snijd", + -14.33570671081543 + ], + [ + "glieri", + -14.335736274719238 + ], + [ + "ufluss", + -14.335736274719238 + ], + [ + "\u2581Cambrai", + -14.335759162902832 + ], + [ + "\u2581traza", + -14.335766792297363 + ], + [ + "\u2581tonal", + -14.335777282714844 + ], + [ + "chori", + -14.33577823638916 + ], + [ + "\u2581ejecutiva", + -14.33580207824707 + ], + [ + "\u2581Chik", + -14.335822105407717 + ], + [ + "riction", + -14.335838317871094 + ], + [ + "creti", + -14.335847854614258 + ], + [ + "lecomunicaciones", + -14.335864067077637 + ], + [ + "\u2581mathematisch", + -14.335890769958496 + ], + [ + "\u2581Cuarta", + -14.335893630981444 + ], + [ + "gi\u00e0", + -14.335899353027344 + ], + [ + "\u2581Europ\u00e4i", + -14.335902214050291 + ], + [ + "Karaba", + -14.335926055908203 + ], + [ + "\u2581Tese", + -14.335941314697266 + ], + [ + "\u2581attestato", + -14.33595085144043 + ], + [ + "\u2581ern\u00e4hr", + -14.33600616455078 + ], + [ + "\u2581Grasmotten", + -14.33601188659668 + ], + [ + "st\u00fcrzt", + -14.336054801940918 + ], + [ + "teilchen", + -14.3360595703125 + ], + [ + "\u2581Produktivit\u00e4ts", + -14.33608627319336 + ], + [ + "\u2581Akut", + -14.336098670959473 + ], + [ + "\u2581paleont", + -14.336124420166016 + ], + [ + "amanga", + -14.336143493652344 + ], + [ + "r\u00e9volutionnaires", + -14.336166381835938 + ], + [ + "\u2581Tr\u00e4gerschaft", + -14.336180686950684 + ], + [ + "\u2581Dixie", + -14.33619213104248 + ], + [ + "uy\u00f3", + -14.336228370666504 + ], + [ + "\u2581Guayana", + -14.336233139038086 + ], + [ + "\u2581normativo", + -14.336252212524414 + ], + [ + "othri", + -14.336261749267578 + ], + [ + "rderungsma", + -14.336273193359377 + ], + [ + "\u2581coincidi", + -14.336289405822754 + ], + [ + "\u2581Gord", + -14.336318016052246 + ], + [ + "\u2581intrins", + -14.336337089538574 + ], + [ + "\u2581sporting", + -14.336339950561523 + ], + [ + "\u2581confecciona", + -14.336342811584473 + ], + [ + "\u2581externer", + -14.336373329162598 + ], + [ + "Getting", + -14.33637809753418 + ], + [ + "\u2581Byzantine", + -14.33637809753418 + ], + [ + "\u2581bedeutendste", + -14.336413383483888 + ], + [ + "\u2581widerspr\u00fcchlich", + -14.336414337158203 + ], + [ + "\u2581contradictoire", + -14.33642292022705 + ], + [ + "uaran\u00ed", + -14.336458206176758 + ], + [ + "\u2581Scots", + -14.33651351928711 + ], + [ + "tending", + -14.33653450012207 + ], + [ + "\u2581tambour", + -14.33656883239746 + ], + [ + "\u2581universum", + -14.336589813232422 + ], + [ + "\u2581stroll", + -14.336594581604004 + ], + [ + "\u2581Jardine", + -14.336647987365724 + ], + [ + "eghel", + -14.336665153503418 + ], + [ + "\u2581Prende", + -14.336668014526367 + ], + [ + "ricum", + -14.33667278289795 + ], + [ + "\u2581Englischen", + -14.336682319641112 + ], + [ + "\u2581rasg", + -14.336699485778809 + ], + [ + "\u2581Grazian", + -14.336706161499023 + ], + [ + "architectuur", + -14.336713790893556 + ], + [ + "\u2581Betis", + -14.336721420288086 + ], + [ + "\u2581Hasen", + -14.336758613586426 + ], + [ + "\u2581polmonare", + -14.336822509765623 + ], + [ + "smiddelen", + -14.33682346343994 + ], + [ + "\u2581Santar\u00e9m", + -14.336825370788574 + ], + [ + "\u2581Stanton", + -14.336868286132812 + ], + [ + "\u2581Hummel", + -14.33690071105957 + ], + [ + "ourke", + -14.336925506591797 + ], + [ + "\u2581binnenlandse", + -14.336942672729492 + ], + [ + "\u2581equipara", + -14.33694553375244 + ], + [ + "Slots", + -14.336956024169922 + ], + [ + "vox", + -14.336958885192873 + ], + [ + "\u2581Violett", + -14.336994171142578 + ], + [ + "eisenbahn", + -14.337013244628906 + ], + [ + "\u2581arch\u00e9ologiques", + -14.33702278137207 + ], + [ + "glans", + -14.33705234527588 + ], + [ + "\u2581adduser", + -14.337058067321776 + ], + [ + "\u2581Fighters", + -14.337065696716309 + ], + [ + "CDI", + -14.337091445922852 + ], + [ + "unify", + -14.337103843688965 + ], + [ + "\u2581scenografi", + -14.337132453918455 + ], + [ + "ICM", + -14.337190628051758 + ], + [ + "\u2581McNamara", + -14.337231636047363 + ], + [ + "\u2581Alliierten", + -14.337235450744627 + ], + [ + "\u2581autonomen", + -14.337237358093262 + ], + [ + "Compatible", + -14.337251663208008 + ], + [ + "\u2581Allez", + -14.337257385253906 + ], + [ + "ardiomy", + -14.337263107299805 + ], + [ + "Staatssicherheit", + -14.337267875671388 + ], + [ + "\u2581apparait", + -14.337268829345703 + ], + [ + "\u2581overwinter", + -14.337273597717283 + ], + [ + "\u2581Dzi", + -14.337309837341309 + ], + [ + "\u2581admirer", + -14.33731460571289 + ], + [ + "ERTE", + -14.337343215942385 + ], + [ + "\u2581meditazione", + -14.337374687194824 + ], + [ + "mesure", + -14.33739948272705 + ], + [ + "gani", + -14.337428092956545 + ], + [ + "\u2581verspricht", + -14.33743381500244 + ], + [ + "trepid", + -14.33745002746582 + ], + [ + "\u2581derivanti", + -14.337468147277832 + ], + [ + "rensen", + -14.337469100952148 + ], + [ + "Honey", + -14.337493896484377 + ], + [ + "\u2581Huanca", + -14.337495803833008 + ], + [ + "\u2581negativamente", + -14.337516784667969 + ], + [ + "\u2581tabacco", + -14.337530136108398 + ], + [ + "\u2581Plei", + -14.337550163269045 + ], + [ + "\u2581handlungs", + -14.337552070617676 + ], + [ + "\u2581aparenta", + -14.337567329406738 + ], + [ + "\u2581Kleb", + -14.3375825881958 + ], + [ + "\u2581referencial", + -14.337597846984863 + ], + [ + "\u2581Kontamination", + -14.337640762329102 + ], + [ + "\u2581col\u00e9gio", + -14.337642669677734 + ], + [ + "\u2581Rotond", + -14.33765983581543 + ], + [ + "\u2581terugkeerde", + -14.337674140930176 + ], + [ + "\u2581negato", + -14.337675094604492 + ], + [ + "\u2581Haken", + -14.337679862976074 + ], + [ + "pr\u00e4sentation", + -14.337685585021973 + ], + [ + "Fernseh", + -14.337695121765137 + ], + [ + "tarot", + -14.337725639343262 + ], + [ + "Narrow", + -14.33774471282959 + ], + [ + "\u2581Pol\u00edtico", + -14.3377685546875 + ], + [ + "\u2581Fiera", + -14.337773323059082 + ], + [ + "\u2581ausgefallen", + -14.337798118591309 + ], + [ + "Ulrich", + -14.337822914123535 + ], + [ + "Bedingung", + -14.337835311889648 + ], + [ + "tr\u00e4g", + -14.337847709655762 + ], + [ + "\u2581cantautore", + -14.337854385375977 + ], + [ + "\u2581fournis", + -14.337855339050291 + ], + [ + "\u2581Crai", + -14.337870597839355 + ], + [ + "Einkommen", + -14.337905883789062 + ], + [ + "\u2581cooler", + -14.337932586669922 + ], + [ + "\u2581leyendas", + -14.33798122406006 + ], + [ + "\u2581m\u00e9ridionale", + -14.337982177734377 + ], + [ + "\u2581ampliado", + -14.337983131408691 + ], + [ + "contrast", + -14.337987899780272 + ], + [ + "\u2581Alman", + -14.33800220489502 + ], + [ + "refiri\u00f3", + -14.338008880615234 + ], + [ + "oderick", + -14.338011741638184 + ], + [ + "quilino", + -14.338016510009766 + ], + [ + "\u2581Westlich", + -14.338018417358398 + ], + [ + "her\u00e0", + -14.338019371032717 + ], + [ + "\u2581Abk\u00fchl", + -14.338025093078612 + ], + [ + "riada", + -14.338035583496094 + ], + [ + "\u2581Martell", + -14.33804416656494 + ], + [ + "siqui\u00e1tric", + -14.33804988861084 + ], + [ + "\u2581Risorgimento", + -14.33804988861084 + ], + [ + "puram", + -14.338055610656738 + ], + [ + "\u2581Carmo", + -14.338064193725586 + ], + [ + "locomotief", + -14.338079452514648 + ], + [ + "\u2581affrontato", + -14.338092803955078 + ], + [ + "Transistor", + -14.338129043579102 + ], + [ + "\u2581Prada", + -14.338138580322266 + ], + [ + "\u2581cr\u00f3nicas", + -14.33814525604248 + ], + [ + "\u2581schief", + -14.338151931762695 + ], + [ + "\u2581erfenis", + -14.338156700134276 + ], + [ + "\u2581annoying", + -14.338165283203123 + ], + [ + "Lighting", + -14.338202476501465 + ], + [ + "gest\u00fctzten", + -14.33824062347412 + ], + [ + "\u2581costose", + -14.338254928588867 + ], + [ + "\u2581frito", + -14.338274955749512 + ], + [ + "Bow", + -14.338346481323242 + ], + [ + "\u2581interpersonal", + -14.33834743499756 + ], + [ + "Norman", + -14.338403701782228 + ], + [ + "Caching", + -14.338422775268556 + ], + [ + "icosa", + -14.338449478149414 + ], + [ + "igarr", + -14.338457107543944 + ], + [ + "trattenut", + -14.338458061218262 + ], + [ + "\u2581Mahmud", + -14.338461875915527 + ], + [ + "\u2581Sociaal", + -14.338481903076172 + ], + [ + "\u2581invallen", + -14.33850383758545 + ], + [ + "\u2581usurp", + -14.33851146697998 + ], + [ + "\u2581Comunidades", + -14.338518142700195 + ], + [ + "pproximativement", + -14.338529586791992 + ], + [ + "NotSupported", + -14.338560104370115 + ], + [ + "barri", + -14.33856201171875 + ], + [ + "onja", + -14.3385648727417 + ], + [ + "\u2581atentados", + -14.338589668273926 + ], + [ + "\u2581connessi", + -14.338600158691406 + ], + [ + "\u2581N\u00e4chte", + -14.338627815246582 + ], + [ + "\u2581Singoli", + -14.338631629943848 + ], + [ + "\u2581MySpace", + -14.338634490966797 + ], + [ + "urti", + -14.338642120361328 + ], + [ + "Conve", + -14.338663101196287 + ], + [ + "\u2581equita", + -14.338706970214844 + ], + [ + "\u2581kontra", + -14.338722229003906 + ], + [ + "\u2581offenbart", + -14.338743209838867 + ], + [ + "potten", + -14.338746070861816 + ], + [ + "Educa", + -14.338767051696776 + ], + [ + "\u2581manifestanti", + -14.338789939880373 + ], + [ + "\u2581assusta", + -14.33880615234375 + ], + [ + "\u2581velivolo", + -14.338868141174316 + ], + [ + "THEM", + -14.338871002197266 + ], + [ + "apropiada", + -14.338879585266112 + ], + [ + "\u2581potenzialit\u00e0", + -14.33889102935791 + ], + [ + "\u2581savants", + -14.338894844055176 + ], + [ + "\u2581Toscan", + -14.33890151977539 + ], + [ + "\u2581tijdstip", + -14.33890438079834 + ], + [ + "\u2581Digg", + -14.338911056518556 + ], + [ + "modulator", + -14.338912010192873 + ], + [ + "bersee", + -14.33892059326172 + ], + [ + "\u2581Cellular", + -14.338940620422363 + ], + [ + "\u2581Asphalt", + -14.33894157409668 + ], + [ + "Debugger", + -14.338943481445312 + ], + [ + "ferru", + -14.338947296142578 + ], + [ + "itarismo", + -14.338970184326172 + ], + [ + "Par\u00eds", + -14.33897590637207 + ], + [ + "\u2581isra\u00e9lienne", + -14.338979721069336 + ], + [ + "\u2581G\u00e4sten", + -14.338988304138184 + ], + [ + "schulabschluss", + -14.339015007019045 + ], + [ + "ughlin", + -14.339062690734863 + ], + [ + "technique", + -14.33908748626709 + ], + [ + "\u2581dachten", + -14.339112281799316 + ], + [ + "\u2581pecore", + -14.339118003845217 + ], + [ + "\u2581propice", + -14.33912467956543 + ], + [ + "\u2581opositores", + -14.33912754058838 + ], + [ + "\u2581Venen", + -14.339167594909668 + ], + [ + "\u2581Sergue", + -14.339189529418944 + ], + [ + "\u2581posicionado", + -14.339193344116213 + ], + [ + "luister", + -14.339221954345703 + ], + [ + "\u2581gritando", + -14.339234352111816 + ], + [ + "nehmenden", + -14.33924961090088 + ], + [ + "\u2581Bibliotheks", + -14.339269638061523 + ], + [ + "imp\u00e9ratif", + -14.339278221130373 + ], + [ + "\u2581sustainability", + -14.339278221130373 + ], + [ + "\u2581prolongado", + -14.3392972946167 + ], + [ + "\u2581Messzeitpunkt", + -14.339303016662598 + ], + [ + "Kaz", + -14.339303970336914 + ], + [ + "GUE", + -14.339309692382812 + ], + [ + "\u2581Reini", + -14.339309692382812 + ], + [ + "wenig", + -14.339323043823242 + ], + [ + "\u2581sposata", + -14.339337348937988 + ], + [ + "\u2581Cintur", + -14.33937168121338 + ], + [ + "\u2581sembravano", + -14.339381217956545 + ], + [ + "\u2581riflett", + -14.339407920837402 + ], + [ + "Reception", + -14.3394136428833 + ], + [ + "bade", + -14.339418411254885 + ], + [ + "implemented", + -14.339423179626465 + ], + [ + "\u2581dislocat", + -14.33944320678711 + ], + [ + "gettare", + -14.339447021484377 + ], + [ + "\u2581Siva", + -14.339487075805664 + ], + [ + "\u2581Cooperation", + -14.33949375152588 + ], + [ + "\u2581angespannt", + -14.339506149291992 + ], + [ + "WithField", + -14.339512825012209 + ], + [ + "\u2581singe", + -14.339515686035156 + ], + [ + "Lexeme", + -14.339520454406738 + ], + [ + "\u2581epidemiolog", + -14.339523315429688 + ], + [ + "Atlanti", + -14.33952522277832 + ], + [ + "\u2581enjoyment", + -14.339548110961914 + ], + [ + "propan", + -14.33956241607666 + ], + [ + "\u2581permanencia", + -14.339582443237305 + ], + [ + "enhofen", + -14.339584350585938 + ], + [ + "\u2581Bouss", + -14.339591026306152 + ], + [ + "honey", + -14.33966064453125 + ], + [ + "\u2581Hervormde", + -14.339688301086426 + ], + [ + "\u2581escenograf\u00eda", + -14.339688301086426 + ], + [ + "\u2581Acontece", + -14.339692115783691 + ], + [ + "\u2581typiques", + -14.339695930480955 + ], + [ + "schildpad", + -14.33973217010498 + ], + [ + "\u2581malheureux", + -14.339739799499512 + ], + [ + "\u2581verificarsi", + -14.33975887298584 + ], + [ + "\u2581peruvian", + -14.339787483215332 + ], + [ + "\u2581venduta", + -14.339788436889648 + ], + [ + "spezifi", + -14.339828491210938 + ], + [ + "\u2581refieren", + -14.339887619018556 + ], + [ + "lingual", + -14.339896202087402 + ], + [ + "n\u00e4hern", + -14.339898109436035 + ], + [ + "\u2581combineren", + -14.33993434906006 + ], + [ + "\u2581annimmt", + -14.339935302734377 + ], + [ + "\u2581Stammes", + -14.339942932128906 + ], + [ + "\u2581Berufsgruppen", + -14.339943885803224 + ], + [ + "\u2581subgrupo", + -14.33994483947754 + ], + [ + "tinck", + -14.339975357055664 + ], + [ + "\u2581r\u00e9publicains", + -14.33998966217041 + ], + [ + "\u2581nederzettingen", + -14.339994430541992 + ], + [ + "\u2581Rechtsausschu", + -14.34002685546875 + ], + [ + "\u2581topologia", + -14.340033531188965 + ], + [ + "\u2581Heike", + -14.340044975280762 + ], + [ + "\u2581Fleischer", + -14.34007453918457 + ], + [ + "vernietiging", + -14.34009838104248 + ], + [ + "Substitute", + -14.340102195739746 + ], + [ + "artisanat", + -14.340102195739746 + ], + [ + "\u2581Versicherer", + -14.340107917785645 + ], + [ + "elka", + -14.340112686157228 + ], + [ + "\u2581Shortly", + -14.34012222290039 + ], + [ + "\u2581hoofdredacteur", + -14.340126037597656 + ], + [ + "\u2581Intensivierung", + -14.3401460647583 + ], + [ + "\u2581admire", + -14.340150833129885 + ], + [ + "emissione", + -14.340152740478516 + ], + [ + "\u2581soleggiat", + -14.340189933776855 + ], + [ + "\u2581timetable", + -14.340201377868652 + ], + [ + "\u2581oscillat", + -14.340202331542969 + ], + [ + "\u2581poltrona", + -14.340204238891602 + ], + [ + "\u2581num\u00e9ricos", + -14.340246200561523 + ], + [ + "\u2581Cardona", + -14.34025764465332 + ], + [ + "\u2581magister", + -14.340274810791016 + ], + [ + "\u2581Registre", + -14.340275764465332 + ], + [ + "\u2581contest\u00e9", + -14.340286254882812 + ], + [ + "\u2581Tagungen", + -14.340310096740724 + ], + [ + "Certification", + -14.340312957763672 + ], + [ + "\u2581Spiritual", + -14.340330123901367 + ], + [ + "\u2581Dispar", + -14.340343475341797 + ], + [ + "\u2581erstellte", + -14.34041690826416 + ], + [ + "\u2581dancer", + -14.340418815612791 + ], + [ + "inventeur", + -14.34041976928711 + ], + [ + "\u2581Marij", + -14.340424537658691 + ], + [ + "guap", + -14.340446472167969 + ], + [ + "\u2581Schweizerischen", + -14.340465545654297 + ], + [ + "carril", + -14.340498924255373 + ], + [ + "\u2581BESCHLUSS", + -14.3405122756958 + ], + [ + "couru", + -14.340527534484863 + ], + [ + "\u2581Camacho", + -14.340538024902344 + ], + [ + "resonator", + -14.340548515319824 + ], + [ + "\u2581adverbial", + -14.34057331085205 + ], + [ + "allenamento", + -14.340577125549316 + ], + [ + "Philip", + -14.340581893920898 + ], + [ + "\u2581refresc", + -14.34062957763672 + ], + [ + "\u2581Jordania", + -14.340636253356934 + ], + [ + "\u2581Rodolph", + -14.340645790100098 + ], + [ + "\u2581obrero", + -14.340648651123049 + ], + [ + "\u2581Abbild", + -14.340668678283691 + ], + [ + "\u2581bruid", + -14.34068775177002 + ], + [ + "\u2581Finan", + -14.340694427490234 + ], + [ + "IDER", + -14.340702056884766 + ], + [ + "aputo", + -14.340725898742676 + ], + [ + "\u2581artilharia", + -14.340744972229004 + ], + [ + "Storm", + -14.34075164794922 + ], + [ + "\u2581ounces", + -14.340785026550291 + ], + [ + "ursache", + -14.340806007385254 + ], + [ + "MMER", + -14.340807914733888 + ], + [ + "residency", + -14.340808868408203 + ], + [ + "Bateria", + -14.340816497802734 + ], + [ + "\u2581Pepi", + -14.340850830078123 + ], + [ + "\u2581Endger\u00e4t", + -14.340864181518556 + ], + [ + "\u2581subiu", + -14.340865135192873 + ], + [ + "focada", + -14.340883255004885 + ], + [ + "irado", + -14.340885162353516 + ], + [ + "hist\u00f3rico", + -14.340888023376465 + ], + [ + "\u2581chiedeva", + -14.34088897705078 + ], + [ + "\u2581Hako", + -14.340914726257324 + ], + [ + "kapellen", + -14.34091854095459 + ], + [ + "discipline", + -14.340928077697754 + ], + [ + "\u2581psicoanalisi", + -14.34093189239502 + ], + [ + "Sho", + -14.340950012207031 + ], + [ + "w\u00e4rmer", + -14.340950965881348 + ], + [ + "\u2581d\u00e9funt", + -14.340951919555664 + ], + [ + "\u2581Consortium", + -14.34096908569336 + ], + [ + "POR", + -14.340988159179688 + ], + [ + "\u00f3rdi", + -14.341007232666016 + ], + [ + "\u2581potenziellen", + -14.341031074523926 + ], + [ + "S\u00e9rie", + -14.341046333312988 + ], + [ + "jord", + -14.341060638427734 + ], + [ + "oxine", + -14.341062545776367 + ], + [ + "gewezen", + -14.341071128845217 + ], + [ + "\u2581Asco", + -14.341115951538086 + ], + [ + "\u2581delegados", + -14.3411226272583 + ], + [ + "\u2581pourvoir", + -14.341127395629885 + ], + [ + "\u2581acertar", + -14.3411283493042 + ], + [ + "\u2581rilevare", + -14.341134071350098 + ], + [ + "nidi", + -14.341136932373049 + ], + [ + "tylus", + -14.341141700744627 + ], + [ + "\u2581cooperate", + -14.341164588928224 + ], + [ + "\u2581mercantil", + -14.34118366241455 + ], + [ + "\u2581uitwedstrijd", + -14.341188430786133 + ], + [ + "roeck", + -14.341216087341309 + ], + [ + "\u2581d\u00e9formation", + -14.341219902038574 + ], + [ + "\u2581variegat", + -14.341226577758787 + ], + [ + "chrichtenagentur", + -14.341253280639648 + ], + [ + "\u2581Chromat", + -14.34127712249756 + ], + [ + "Apollina", + -14.341286659240724 + ], + [ + "\u2581prescrizion", + -14.341293334960938 + ], + [ + "ccupancy", + -14.341302871704102 + ], + [ + "\u2581shogun", + -14.341326713562012 + ], + [ + "Lazio", + -14.341331481933594 + ], + [ + "\u2581\u00e9chang\u00e9", + -14.341338157653809 + ], + [ + "inspected", + -14.341350555419922 + ], + [ + "\u2581custam", + -14.341378211975098 + ], + [ + "\u2581voyons", + -14.341387748718262 + ], + [ + "\u2581abzubauen", + -14.34139347076416 + ], + [ + "\u2581Aldeia", + -14.341418266296388 + ], + [ + "\u2581Dosierung", + -14.341520309448242 + ], + [ + "putable", + -14.341522216796877 + ], + [ + "\u2581artificiali", + -14.341565132141112 + ], + [ + "church", + -14.341571807861328 + ], + [ + "\u2581strandde", + -14.341673851013184 + ], + [ + "\u2581apagado", + -14.341687202453612 + ], + [ + "Symlink", + -14.341690063476562 + ], + [ + "UME", + -14.341697692871094 + ], + [ + "\u2581vali\u00f3", + -14.34172248840332 + ], + [ + "\u2581Megalo", + -14.341741561889648 + ], + [ + "\u2581tranv\u00eda", + -14.341741561889648 + ], + [ + "\u2581gerichtlich", + -14.341744422912598 + ], + [ + "\u2581capacitance", + -14.34174633026123 + ], + [ + "\u2581Nocturn", + -14.341757774353027 + ], + [ + "strftime", + -14.341760635375977 + ], + [ + "Packed", + -14.34177017211914 + ], + [ + "\u2581pi\u00e9tons", + -14.341795921325684 + ], + [ + "Participa", + -14.341846466064451 + ], + [ + "chw\u00e4chung", + -14.341869354248049 + ], + [ + "stechniken", + -14.341875076293944 + ], + [ + "\u2581composent", + -14.341928482055664 + ], + [ + "abgrenzung", + -14.341931343078612 + ], + [ + "felizmente", + -14.341937065124512 + ], + [ + "\u2581geometrical", + -14.341938018798828 + ], + [ + "Meiningen", + -14.341944694519045 + ], + [ + "\u2581\u00fcberaus", + -14.3419771194458 + ], + [ + "Playlist", + -14.341989517211914 + ], + [ + "\u2581biond", + -14.342015266418455 + ], + [ + "\u2581couronn\u00e9", + -14.34202766418457 + ], + [ + "\u2581isotropic", + -14.342036247253418 + ], + [ + "\u2581Revolutionary", + -14.342042922973633 + ], + [ + "\u2581Olav", + -14.342045783996582 + ], + [ + "\u2581soupir", + -14.342059135437012 + ], + [ + "ospitalit\u00e0", + -14.342085838317873 + ], + [ + "fasciatus", + -14.342089653015137 + ], + [ + "\u2581Verleih", + -14.342116355895996 + ], + [ + "BMFSFJ", + -14.342150688171388 + ], + [ + "\u2581ricevono", + -14.342150688171388 + ], + [ + "\u2581Habilitation", + -14.342151641845703 + ], + [ + "ephemeral", + -14.342169761657717 + ], + [ + "Belgique", + -14.342195510864258 + ], + [ + "segunda", + -14.342202186584473 + ], + [ + "achtzig", + -14.342206001281738 + ], + [ + "\u2581constructiv", + -14.342220306396484 + ], + [ + "\u2581Philharmoni", + -14.3422212600708 + ], + [ + "\u2581estrictamente", + -14.34224796295166 + ], + [ + "agiste", + -14.342293739318848 + ], + [ + "\u2581financiado", + -14.34229564666748 + ], + [ + "\u2581disabili", + -14.342297554016112 + ], + [ + "lichkeitspr\u00fcfung", + -14.34230136871338 + ], + [ + "\u2581exiliado", + -14.342336654663086 + ], + [ + "\u2581populo", + -14.342350006103516 + ], + [ + "\u2581Fairy", + -14.342357635498049 + ], + [ + "\u2581acrescentar", + -14.34235954284668 + ], + [ + "leftrightarrow", + -14.342374801635742 + ], + [ + "\u2581schiant", + -14.342377662658691 + ], + [ + "Weighted", + -14.342378616333008 + ], + [ + "\u2581Pizzo", + -14.342399597167969 + ], + [ + "imeIntervalSince", + -14.3424072265625 + ], + [ + "\u2581issuing", + -14.34242343902588 + ], + [ + "prising", + -14.34243392944336 + ], + [ + "sponge", + -14.342450141906738 + ], + [ + "\u2581multinational", + -14.34246063232422 + ], + [ + "\u2581Gruben", + -14.342480659484863 + ], + [ + "\u2581geschied", + -14.34250831604004 + ], + [ + "techni", + -14.342514038085938 + ], + [ + "\u2581desenhar", + -14.34251594543457 + ], + [ + "\u2581pubescen", + -14.342544555664062 + ], + [ + "\u2581L\u00edbia", + -14.342575073242188 + ], + [ + "\u2581Uitgestorven", + -14.342575073242188 + ], + [ + "\u2581cosmologi", + -14.34257698059082 + ], + [ + "\u2581Infrastrukturen", + -14.34258270263672 + ], + [ + "sionismo", + -14.342616081237791 + ], + [ + "\u2581referee", + -14.342631340026855 + ], + [ + "\u2581Nakh", + -14.342638969421388 + ], + [ + "\u2581Offenheit", + -14.342644691467283 + ], + [ + "\u2581Josefa", + -14.342655181884766 + ], + [ + "\u2581coul\u00e9", + -14.34266185760498 + ], + [ + "\u2581Haid", + -14.342671394348145 + ], + [ + "\u2581discendenza", + -14.342691421508787 + ], + [ + "tries", + -14.3427152633667 + ], + [ + "\u2581disponibilidad", + -14.342744827270508 + ], + [ + "\u2581talora", + -14.342761039733888 + ], + [ + "\u2581Gow", + -14.34280490875244 + ], + [ + "\u2581Eski", + -14.342809677124023 + ], + [ + "derus", + -14.342827796936035 + ], + [ + "\u2581polimer", + -14.342843055725098 + ], + [ + "seguido", + -14.342850685119627 + ], + [ + "\u2581terroriste", + -14.342873573303224 + ], + [ + "ziente", + -14.342906951904297 + ], + [ + "\u2581Commando", + -14.342907905578612 + ], + [ + "\u2581Jahresende", + -14.34291934967041 + ], + [ + "Trailing", + -14.342930793762209 + ], + [ + "vanda", + -14.342970848083496 + ], + [ + "\u2581Eschmeyer", + -14.34298038482666 + ], + [ + "\u2581hypothetical", + -14.342988014221191 + ], + [ + "\u2581Ramm", + -14.343019485473633 + ], + [ + "\u2581kompletten", + -14.343024253845217 + ], + [ + "ComboBox", + -14.343047142028809 + ], + [ + "\u2581raddoppia", + -14.343099594116213 + ], + [ + "Commitment", + -14.343111991882324 + ], + [ + "Tirol", + -14.343122482299805 + ], + [ + "valdo", + -14.343128204345703 + ], + [ + "urique", + -14.343130111694336 + ], + [ + "\u2581direciona", + -14.3431396484375 + ], + [ + "\u2581puberty", + -14.343140602111816 + ], + [ + "landais", + -14.343143463134766 + ], + [ + "carba", + -14.343148231506348 + ], + [ + "Professor", + -14.343174934387209 + ], + [ + "\u2581pareille", + -14.343178749084473 + ], + [ + "\u2581Margarida", + -14.343182563781738 + ], + [ + "oeil", + -14.343188285827637 + ], + [ + "frieden", + -14.343198776245115 + ], + [ + "\u2581socially", + -14.343201637268066 + ], + [ + "conozca", + -14.343220710754396 + ], + [ + "\u2581automatisierten", + -14.34322452545166 + ], + [ + "dagio", + -14.343250274658203 + ], + [ + "midway", + -14.343255996704102 + ], + [ + "\u2581cockpit", + -14.343281745910645 + ], + [ + "\u2581Variationen", + -14.343292236328123 + ], + [ + "\u2581Prati", + -14.3433256149292 + ], + [ + "tecni", + -14.343356132507324 + ], + [ + "\u00f3dico", + -14.343371391296388 + ], + [ + "\u2581ammonta", + -14.343392372131348 + ], + [ + "Gadget", + -14.343405723571776 + ], + [ + "\u2581Anatomy", + -14.343408584594728 + ], + [ + "\u2581Gelre", + -14.34341812133789 + ], + [ + "\u2581ritrovamenti", + -14.343429565429688 + ], + [ + "\u2581privil\u00e9gie", + -14.343456268310549 + ], + [ + "Weather", + -14.343457221984863 + ], + [ + "bbro", + -14.343461990356444 + ], + [ + "strfmt", + -14.343481063842772 + ], + [ + "\u2581Vorlauf", + -14.343500137329102 + ], + [ + "\u2581tornano", + -14.34352207183838 + ], + [ + "\u2581Staple", + -14.343541145324709 + ], + [ + "ISION", + -14.343562126159668 + ], + [ + "\u2581denial", + -14.343616485595703 + ], + [ + "\u2581Refle", + -14.343623161315918 + ], + [ + "\u2581erfunden", + -14.343658447265623 + ], + [ + "\u2581cough", + -14.343666076660156 + ], + [ + "\u2581desembarco", + -14.343687057495115 + ], + [ + "\u2581Stry", + -14.343727111816406 + ], + [ + "ophyta", + -14.343756675720217 + ], + [ + "\u2581Canzon", + -14.343767166137695 + ], + [ + "Homenaje", + -14.343804359436035 + ], + [ + "instala", + -14.343902587890623 + ], + [ + "\u2581beslissingen", + -14.343902587890623 + ], + [ + "\u2581faillite", + -14.343911170959473 + ], + [ + "\u2581m\u00e9daill\u00e9", + -14.343914031982422 + ], + [ + "\u2581ruban", + -14.3439302444458 + ], + [ + "underbrace", + -14.343941688537598 + ], + [ + "\u2581Aerospace", + -14.34395694732666 + ], + [ + "gehuurd", + -14.343982696533203 + ], + [ + "NTS", + -14.344005584716797 + ], + [ + "cysti", + -14.344011306762695 + ], + [ + "Livorno", + -14.344082832336426 + ], + [ + "Einstellungen", + -14.344112396240234 + ], + [ + "\u2581predefini", + -14.344114303588867 + ], + [ + "sseur", + -14.344171524047852 + ], + [ + "\u2581Kring", + -14.344182014465332 + ], + [ + "\u2581Espanhola", + -14.344207763671877 + ], + [ + "\u2581encyclopedia", + -14.344207763671877 + ], + [ + "\u2581sonhadora", + -14.344207763671877 + ], + [ + "mnemonic", + -14.34421157836914 + ], + [ + "\u2581aluminio", + -14.344213485717772 + ], + [ + "\u2581Maccabi", + -14.344229698181152 + ], + [ + "ldflags", + -14.344237327575684 + ], + [ + "\u2581fabricados", + -14.34423828125 + ], + [ + "\u2581ukrainien", + -14.34423828125 + ], + [ + "\u2581Haley", + -14.34427547454834 + ], + [ + "\u2581pondera", + -14.344280242919922 + ], + [ + "\u2581Bartolo", + -14.344282150268556 + ], + [ + "\u2581ferre", + -14.344282150268556 + ], + [ + "\u2581terrazz", + -14.344331741333008 + ], + [ + "\u2581Ulmer", + -14.34433364868164 + ], + [ + "\u2581deserves", + -14.344346046447754 + ], + [ + "r\u00e9na", + -14.344362258911133 + ], + [ + "\u2581evade", + -14.344382286071776 + ], + [ + "\u2581bodega", + -14.344396591186523 + ], + [ + "\u2581Numeri", + -14.34440803527832 + ], + [ + "\u2581Ellie", + -14.344422340393066 + ], + [ + "\u2581democratici", + -14.344429969787598 + ], + [ + "\u2581votazione", + -14.344437599182127 + ], + [ + "\u2581gehoord", + -14.34444522857666 + ], + [ + "\u2581Tissue", + -14.344447135925291 + ], + [ + "mov\u00eda", + -14.344484329223633 + ], + [ + "PEL", + -14.34448528289795 + ], + [ + "lemon", + -14.34450340270996 + ], + [ + "\u2581maquina", + -14.344528198242188 + ], + [ + "\u2581planches", + -14.344539642333984 + ], + [ + "\u2581Hemd", + -14.3445405960083 + ], + [ + "Selectable", + -14.344541549682615 + ], + [ + "accessory", + -14.344560623168944 + ], + [ + "\u2581collagen", + -14.344595909118652 + ], + [ + "cija", + -14.344603538513184 + ], + [ + "\u2581Guermantes", + -14.344618797302246 + ], + [ + "R\u00e9publicain", + -14.344619750976562 + ], + [ + "\u2581h\u00fcbsche", + -14.344622611999512 + ], + [ + "\u2581Unregelm\u00e4", + -14.344626426696776 + ], + [ + "\u2581recurrir", + -14.344632148742676 + ], + [ + "\u2581Institutional", + -14.344651222229004 + ], + [ + "\u2581continha", + -14.344656944274902 + ], + [ + "\u2581Dolce", + -14.34465789794922 + ], + [ + "Hashtbl", + -14.3446626663208 + ], + [ + "popper", + -14.344669342041016 + ], + [ + "\u00e4ufer", + -14.344682693481444 + ], + [ + "yllis", + -14.344687461853027 + ], + [ + "\u2581Bartholom", + -14.344694137573242 + ], + [ + "\u2581clerg\u00e9", + -14.344717979431152 + ], + [ + "\u2581fantastica", + -14.34473991394043 + ], + [ + "\u2581Anatomi", + -14.344765663146973 + ], + [ + "\u2581Tada", + -14.344771385192873 + ], + [ + "\u2581Glover", + -14.344775199890137 + ], + [ + "\u2581appartements", + -14.344780921936035 + ], + [ + "grootmeester", + -14.344789505004885 + ], + [ + "\u2581feierlich", + -14.34480094909668 + ], + [ + "\u2581repeal", + -14.34481143951416 + ], + [ + "\u2581Synap", + -14.344825744628906 + ], + [ + "therapeutisch", + -14.344854354858398 + ], + [ + "\u2581sapo", + -14.34485912322998 + ], + [ + "ion\u00e1rio", + -14.344874382019045 + ], + [ + "\u2581adoptada", + -14.344963073730469 + ], + [ + "\u2581Grundz\u00fcge", + -14.34496784210205 + ], + [ + "\u2581intendente", + -14.344992637634276 + ], + [ + "\u2581Cattolica", + -14.34503173828125 + ], + [ + "\u2581chromatography", + -14.345032691955566 + ], + [ + "esperta", + -14.345033645629885 + ], + [ + "\u2581Stanislas", + -14.345033645629885 + ], + [ + "\u2581verzorgt", + -14.345035552978516 + ], + [ + "\u2581Didaktik", + -14.345036506652832 + ], + [ + "ozyto", + -14.345038414001465 + ], + [ + "\u2581promossa", + -14.345067024230955 + ], + [ + "\u2581Europ\u00e9enne", + -14.345081329345703 + ], + [ + "\u2581querendo", + -14.345120429992676 + ], + [ + "\u2581Valais", + -14.34514331817627 + ], + [ + "\u2581cooperativo", + -14.34520149230957 + ], + [ + "\u2581Dug", + -14.345210075378418 + ], + [ + "Milli", + -14.345211029052734 + ], + [ + "\u2581Barbo", + -14.345232963562012 + ], + [ + "kuba", + -14.345236778259276 + ], + [ + "\u2581giocata", + -14.345239639282228 + ], + [ + "officieel", + -14.345240592956545 + ], + [ + "\u2581persecu", + -14.34524631500244 + ], + [ + "\u2581Pila", + -14.345263481140137 + ], + [ + "\u2581favor\u00e1vel", + -14.34528350830078 + ], + [ + "morphologie", + -14.345298767089844 + ], + [ + "\u2581daylight", + -14.345298767089844 + ], + [ + "liefde", + -14.345335006713867 + ], + [ + "\u2581Affair", + -14.3453369140625 + ], + [ + "\u2581navigare", + -14.345338821411133 + ], + [ + "\u2581Unruhen", + -14.345382690429688 + ], + [ + "\u2581cronica", + -14.34540557861328 + ], + [ + "andina", + -14.345423698425291 + ], + [ + "\u2581promedi\u00f3", + -14.345443725585938 + ], + [ + "\u2581unterexprimiert", + -14.345443725585938 + ], + [ + "vedInstanceState", + -14.34548568725586 + ], + [ + "inium", + -14.345492362976074 + ], + [ + "Ontstaan", + -14.345499992370604 + ], + [ + "\u2581reproduire", + -14.345500946044922 + ], + [ + "viridis", + -14.345518112182615 + ], + [ + "\u2581freigestellt", + -14.34552001953125 + ], + [ + "schmuck", + -14.345523834228516 + ], + [ + "\u2581Kreditwesen", + -14.345535278320312 + ], + [ + "\u2581Nolt", + -14.345545768737791 + ], + [ + "\u2581borrowed", + -14.345555305480955 + ], + [ + "\u2581Westelijke", + -14.345569610595703 + ], + [ + "eruzione", + -14.345572471618652 + ], + [ + "pompiers", + -14.34557819366455 + ], + [ + "\u2581hinterher", + -14.34559726715088 + ], + [ + "\u2581distingui", + -14.345605850219728 + ], + [ + "\u2581discriminant", + -14.34562873840332 + ], + [ + "\u2581anhel", + -14.345630645751951 + ], + [ + "\u2581Jaroslav", + -14.345650672912598 + ], + [ + "publicKey", + -14.345667839050291 + ], + [ + "avvelena", + -14.345685005187988 + ], + [ + "onglet", + -14.345715522766112 + ], + [ + "Trope", + -14.345735549926758 + ], + [ + "crisse", + -14.345743179321287 + ], + [ + "\u2581Mythos", + -14.345810890197754 + ], + [ + "selbst\u00e4ndiger", + -14.345831871032717 + ], + [ + "andig", + -14.34583568572998 + ], + [ + "anw\u00e4lte", + -14.345844268798828 + ], + [ + "\u2581casualidad", + -14.34584903717041 + ], + [ + "kriterium", + -14.345882415771484 + ], + [ + "\u2581atterri", + -14.345940589904783 + ], + [ + "\u2581affitta", + -14.345964431762695 + ], + [ + "herem", + -14.34597873687744 + ], + [ + "bong", + -14.345979690551758 + ], + [ + "\u2581Reichsversicher", + -14.345983505249023 + ], + [ + "\u2581millennium", + -14.346009254455566 + ], + [ + "\u2581vandaar", + -14.3460111618042 + ], + [ + "yidae", + -14.346025466918944 + ], + [ + "Sortant", + -14.346044540405272 + ], + [ + "\u2581Marley", + -14.346051216125488 + ], + [ + "\u2581designato", + -14.346061706542969 + ], + [ + "\u2581governare", + -14.346097946166992 + ], + [ + "StGB", + -14.346111297607422 + ], + [ + "\u2581Bingham", + -14.346139907836914 + ], + [ + "\u2581perigosa", + -14.34616470336914 + ], + [ + "\u00e9cosyst", + -14.346166610717772 + ], + [ + "\u2581Goodwin", + -14.346172332763672 + ], + [ + "\u2581conferito", + -14.346177101135254 + ], + [ + "\u2581Elektrizit\u00e4t", + -14.346196174621582 + ], + [ + "venons", + -14.346224784851074 + ], + [ + "\u2581Roga", + -14.346254348754885 + ], + [ + "\u2581Propriedades", + -14.346268653869627 + ], + [ + "\u2581phosphorylation", + -14.346271514892578 + ], + [ + "chiste", + -14.346274375915527 + ], + [ + "Tape", + -14.34627914428711 + ], + [ + "\u2581fan\u00e1ticos", + -14.34628677368164 + ], + [ + "\u2581terroristes", + -14.34628963470459 + ], + [ + "\u2581estruturado", + -14.346319198608398 + ], + [ + "pilos", + -14.346320152282717 + ], + [ + "\u2581verificato", + -14.34632396697998 + ], + [ + "\u2581affermano", + -14.346353530883787 + ], + [ + "storing", + -14.346360206604004 + ], + [ + "\u2581Perioden", + -14.346364974975586 + ], + [ + "\u2581afgenomen", + -14.346375465393066 + ], + [ + "\u2581Attivit\u00e0", + -14.346385955810549 + ], + [ + "\u2581habilitado", + -14.346403121948242 + ], + [ + "\u2581Dicion\u00e1rio", + -14.34640407562256 + ], + [ + "flusses", + -14.346405982971191 + ], + [ + "veilig", + -14.346407890319824 + ], + [ + "\u2581Cyrt", + -14.346449851989746 + ], + [ + "\u2581estrane", + -14.346458435058594 + ], + [ + "ConfigFile", + -14.346467971801758 + ], + [ + "\u2581ordinare", + -14.346468925476074 + ], + [ + "\u2581consolar", + -14.346478462219238 + ], + [ + "\u2581Perrotta", + -14.346482276916504 + ], + [ + "\u2581Kurzzeit", + -14.34648323059082 + ], + [ + "errar", + -14.346512794494627 + ], + [ + "Innenministerium", + -14.346518516540527 + ], + [ + "\u2581Orthop", + -14.34653377532959 + ], + [ + "\u2581voltando", + -14.346535682678224 + ], + [ + "symmetrical", + -14.34653663635254 + ], + [ + "Eduard", + -14.346549987792969 + ], + [ + "huela", + -14.346551895141602 + ], + [ + "\u2581Swart", + -14.346609115600586 + ], + [ + "\u2581fondant", + -14.34662628173828 + ], + [ + "Amico", + -14.346653938293455 + ], + [ + "GUNG", + -14.346660614013672 + ], + [ + "\u2581vermist", + -14.346660614013672 + ], + [ + "\u2581Mera", + -14.346661567687988 + ], + [ + "\u2581vesp", + -14.346664428710938 + ], + [ + "StringUtils", + -14.34666919708252 + ], + [ + "\u2581Scru", + -14.346684455871582 + ], + [ + "\u2581nevicate", + -14.346684455871582 + ], + [ + "\u2581governativi", + -14.34669589996338 + ], + [ + "\u2581tripulantes", + -14.34670352935791 + ], + [ + "\u2581Transaktionen", + -14.34671688079834 + ], + [ + "customize", + -14.346717834472656 + ], + [ + "\u2581consiglieri", + -14.346722602844238 + ], + [ + "giata", + -14.346725463867188 + ], + [ + "\u2581votantes", + -14.346746444702148 + ], + [ + "\u2581zwembad", + -14.346772193908691 + ], + [ + "\u2581sociologue", + -14.346783638000488 + ], + [ + "chuan", + -14.34679889678955 + ], + [ + "\u2581sorrow", + -14.346826553344728 + ], + [ + "\u2581Handelsregister", + -14.346895217895508 + ], + [ + "collate", + -14.34694004058838 + ], + [ + "Slowaaks", + -14.346962928771973 + ], + [ + "maior", + -14.347017288208008 + ], + [ + "\u2581Sulawesi", + -14.34709358215332 + ], + [ + "Universidade", + -14.347102165222168 + ], + [ + "\u2581Holdings", + -14.34713077545166 + ], + [ + "\u2581Besorgnis", + -14.347142219543455 + ], + [ + "\u2581Telefonnummer", + -14.347145080566406 + ], + [ + "\u2581Eins\u00e4tzen", + -14.347156524658203 + ], + [ + "\u2581sugerem", + -14.347210884094238 + ], + [ + "pondr\u00eda", + -14.347241401672363 + ], + [ + "\u2581ayudado", + -14.347256660461426 + ], + [ + "\u2581oramai", + -14.34726333618164 + ], + [ + "\u2581ruidos", + -14.347268104553224 + ], + [ + "asuna", + -14.347293853759766 + ], + [ + "\u2581Erw\u00e4gungsgrund", + -14.34730052947998 + ], + [ + "ppetit", + -14.347344398498535 + ], + [ + "\u2581estipula", + -14.347356796264648 + ], + [ + "\u2581geliebt", + -14.347359657287598 + ], + [ + "getInt", + -14.347365379333496 + ], + [ + "Ponte", + -14.347367286682127 + ], + [ + "\u2581Schwaben", + -14.347370147705078 + ], + [ + "\u2581Feit", + -14.347403526306152 + ], + [ + "mutator", + -14.347423553466797 + ], + [ + "\u2581\u00e9pargn", + -14.347426414489746 + ], + [ + "verwal", + -14.347431182861328 + ], + [ + "kontingent", + -14.347468376159668 + ], + [ + "\u2581stamps", + -14.347488403320312 + ], + [ + "embauch", + -14.347500801086426 + ], + [ + "\u2581faillissement", + -14.34750747680664 + ], + [ + "\u2581versp\u00e4tet", + -14.34750747680664 + ], + [ + "morrhag", + -14.347511291503906 + ], + [ + "setColor", + -14.347516059875488 + ], + [ + "\u2581telhado", + -14.347525596618652 + ], + [ + "\u2581Ergo", + -14.3475341796875 + ], + [ + "\u2581adress\u00e9e", + -14.347540855407717 + ], + [ + "romi", + -14.347553253173828 + ], + [ + "ANTA", + -14.347554206848145 + ], + [ + "Preistr\u00e4ger", + -14.347562789916992 + ], + [ + "\u2581Glied", + -14.34756565093994 + ], + [ + "\u2581Entdeck", + -14.347566604614258 + ], + [ + "doxy", + -14.347591400146484 + ], + [ + "\u2581Bucci", + -14.347600936889648 + ], + [ + "ff\u00e9", + -14.347618103027344 + ], + [ + "CART", + -14.347644805908203 + ], + [ + "IGO", + -14.347676277160645 + ], + [ + "\u2581gesicherten", + -14.347710609436035 + ], + [ + "livro", + -14.347726821899414 + ], + [ + "\u2581Ballard", + -14.347736358642578 + ], + [ + "Assyri", + -14.347740173339844 + ], + [ + "werfung", + -14.347761154174805 + ], + [ + "\u2581carot", + -14.34780216217041 + ], + [ + "\u2581esperada", + -14.347806930541992 + ], + [ + "attrattiv", + -14.347811698913574 + ], + [ + "\u2581Ghan", + -14.347902297973633 + ], + [ + "zunahme", + -14.34790325164795 + ], + [ + "\u2581Headquarters", + -14.347920417785645 + ], + [ + "\u2581quinzaine", + -14.347920417785645 + ], + [ + "IOR", + -14.347933769226074 + ], + [ + "entretenir", + -14.347936630249023 + ], + [ + "auskunft", + -14.347938537597656 + ], + [ + "\u2581juegan", + -14.34795093536377 + ], + [ + "ritus", + -14.34801197052002 + ], + [ + "ahnt", + -14.348021507263184 + ], + [ + "\u2581Ioann", + -14.348052978515623 + ], + [ + "\u2581segrete", + -14.348064422607422 + ], + [ + "debatte", + -14.348066329956056 + ], + [ + "\u2581votare", + -14.348069190979004 + ], + [ + "\u2581planeja", + -14.34807586669922 + ], + [ + "\u2581numeroso", + -14.348081588745115 + ], + [ + "\u2581gestionar", + -14.348082542419434 + ], + [ + "\u2581umida", + -14.348109245300291 + ], + [ + "\u2581vagone", + -14.348114013671877 + ], + [ + "\u2581Fr\u00fchlings", + -14.348138809204102 + ], + [ + "dotfiles", + -14.34814739227295 + ], + [ + "\u2581potrei", + -14.34819221496582 + ], + [ + "ogenese", + -14.348204612731934 + ], + [ + "streift", + -14.348219871520996 + ], + [ + "\u2581stron", + -14.348260879516602 + ], + [ + "\u2581H\u00e9li", + -14.348268508911133 + ], + [ + "\u2581Aufschluss", + -14.348294258117676 + ], + [ + "spheric", + -14.348306655883787 + ], + [ + "\u2581Oport", + -14.34831428527832 + ], + [ + "\u2581Islamist", + -14.348334312438965 + ], + [ + "\u2581M\u00e9tro", + -14.348349571228027 + ], + [ + "\u2581obstruction", + -14.348352432250977 + ], + [ + "\u2581raggiunti", + -14.34838581085205 + ], + [ + "\u2581consistia", + -14.348392486572266 + ], + [ + "\u2581dispetto", + -14.348396301269531 + ], + [ + "ServiceClient", + -14.34841251373291 + ], + [ + "\u2581regularidad", + -14.348434448242188 + ], + [ + "\u2581succedut", + -14.348435401916504 + ], + [ + "\u2581(**************", + -14.34844970703125 + ], + [ + "\u2581Primor", + -14.3484525680542 + ], + [ + "enziali", + -14.348464012145996 + ], + [ + "locating", + -14.348467826843262 + ], + [ + "ci\u00e9ndose", + -14.348488807678224 + ], + [ + "\u2581Helg", + -14.348501205444336 + ], + [ + "mitz", + -14.34852409362793 + ], + [ + "aptcha", + -14.34852695465088 + ], + [ + "jikistan", + -14.348567008972168 + ], + [ + "\u2581partagent", + -14.348573684692385 + ], + [ + "\u2581Angl", + -14.34859848022461 + ], + [ + "Orlando", + -14.348623275756836 + ], + [ + "conductor", + -14.348625183105469 + ], + [ + "mpere", + -14.348625183105469 + ], + [ + "Polling", + -14.348642349243164 + ], + [ + "molekularen", + -14.348649978637695 + ], + [ + "billigen", + -14.348687171936035 + ], + [ + "gatsby", + -14.348737716674805 + ], + [ + "\u2581Satyrinae", + -14.348747253417969 + ], + [ + "\u2581Wolverine", + -14.348747253417969 + ], + [ + "\u2581suffraga", + -14.348750114440918 + ], + [ + "\u2581Taku", + -14.348767280578612 + ], + [ + "\u2581Unterzeichner", + -14.348770141601562 + ], + [ + "idrata", + -14.348788261413574 + ], + [ + "\u2581squar", + -14.348836898803713 + ], + [ + "rnava", + -14.348861694335938 + ], + [ + "\u2581fald", + -14.348888397216797 + ], + [ + "\u2581purified", + -14.348888397216797 + ], + [ + "\u2581banchett", + -14.348889350891112 + ], + [ + "\u2581Joll", + -14.34889030456543 + ], + [ + "\u2581Handelskammer", + -14.34892749786377 + ], + [ + "\u2581glaciale", + -14.348928451538086 + ], + [ + "besondere", + -14.348936080932615 + ], + [ + "EPC", + -14.348955154418944 + ], + [ + "\u2581Gewerkschafts", + -14.348974227905272 + ], + [ + "\u2581regardait", + -14.348980903625488 + ], + [ + "Werner", + -14.34898281097412 + ], + [ + "tenango", + -14.34899616241455 + ], + [ + "atitudine", + -14.348998069763184 + ], + [ + "scribi\u00f3", + -14.349029541015623 + ], + [ + "\u2581Hardin", + -14.349032402038574 + ], + [ + "CLS", + -14.3490571975708 + ], + [ + "\u2581nasale", + -14.349059104919434 + ], + [ + "\u2581Paloma", + -14.349102020263672 + ], + [ + "Mute", + -14.34910774230957 + ], + [ + "geef", + -14.349115371704102 + ], + [ + "\u2581intentan", + -14.349138259887695 + ], + [ + "schl\u00e4gig", + -14.349156379699709 + ], + [ + "Establishment", + -14.349161148071287 + ], + [ + "\u2581libertin", + -14.349170684814451 + ], + [ + "\u2581riconobbe", + -14.349188804626465 + ], + [ + "\u2581collateral", + -14.349198341369627 + ], + [ + "\u2581Kuru", + -14.349200248718262 + ], + [ + "\u2581Streitkr\u00e4ften", + -14.349203109741213 + ], + [ + "\u2581D\u00fcs", + -14.34920883178711 + ], + [ + "\u2581Feather", + -14.349209785461426 + ], + [ + "\u2581Navega", + -14.349224090576172 + ], + [ + "yenne", + -14.34925651550293 + ], + [ + "\u2581mangiato", + -14.349287033081056 + ], + [ + "\u2581Allerg", + -14.349291801452637 + ], + [ + "\u2581Offenbar", + -14.349308013916016 + ], + [ + "finit\u00e0", + -14.349308967590332 + ], + [ + "\u2581Gezi", + -14.349323272705078 + ], + [ + "ancre", + -14.349326133728027 + ], + [ + "\u2581analysts", + -14.349366188049316 + ], + [ + "\u2581Abl\u00e4ufe", + -14.349405288696287 + ], + [ + "eixo", + -14.349411964416504 + ], + [ + "\u2581exato", + -14.349425315856934 + ], + [ + "\u2581rotativ", + -14.34947681427002 + ], + [ + "\u2581perfecci\u00f3n", + -14.34950065612793 + ], + [ + "CION", + -14.349514961242676 + ], + [ + "\u2581Carolyn", + -14.349517822265623 + ], + [ + "\u2581catastrofe", + -14.349519729614258 + ], + [ + "layered", + -14.349527359008787 + ], + [ + "\u2581sugerencia", + -14.349546432495115 + ], + [ + "\u2581paraguai", + -14.349574089050291 + ], + [ + "\u2581recombinant", + -14.34957504272461 + ], + [ + "F\u00e4lle", + -14.349584579467772 + ], + [ + "PADDLE", + -14.349586486816406 + ], + [ + "Lanzamiento", + -14.349589347839355 + ], + [ + "\u2581cliquant", + -14.349590301513672 + ], + [ + "\u2581vorgeschriebene", + -14.349605560302734 + ], + [ + "hoopt", + -14.34961223602295 + ], + [ + "usculus", + -14.349617958068848 + ], + [ + "\u2581Wirtschaftliche", + -14.34962272644043 + ], + [ + "\u2581Nordkorea", + -14.349626541137695 + ], + [ + "\u2581Homework", + -14.349648475646973 + ], + [ + "\u2581Baumeister", + -14.349653244018556 + ], + [ + "\u2581rid\u00edculo", + -14.349655151367188 + ], + [ + "\u2581vertikalen", + -14.34965705871582 + ], + [ + "\u2581g\u00e9ni", + -14.34965991973877 + ], + [ + "undzwanzig", + -14.34969425201416 + ], + [ + "ntitlement", + -14.349705696105955 + ], + [ + "\u2581biblioteche", + -14.349705696105955 + ], + [ + "\u2581Verschuldung", + -14.349708557128906 + ], + [ + "rotond", + -14.34971046447754 + ], + [ + "\u2581Agarose", + -14.349720001220703 + ], + [ + "Grace", + -14.349763870239258 + ], + [ + "\u2581hindeute", + -14.349781036376951 + ], + [ + "almeno", + -14.34980583190918 + ], + [ + "rezen", + -14.349806785583496 + ], + [ + "\u2581Freiraum", + -14.349835395812988 + ], + [ + "flughafen", + -14.349857330322266 + ], + [ + "\u2581p\u00e1lido", + -14.349884033203123 + ], + [ + "\u2581Matri", + -14.349912643432615 + ], + [ + "\u2581Verg\u00fcnstigungen", + -14.349937438964844 + ], + [ + "\u2581\u00e9conomies", + -14.349976539611816 + ], + [ + "\u2581Bathilda", + -14.349992752075195 + ], + [ + "\u2581ristampa", + -14.350015640258787 + ], + [ + "\u2581souligner", + -14.350015640258787 + ], + [ + "pette", + -14.3500394821167 + ], + [ + "\u2581Ressource", + -14.350042343139648 + ], + [ + "tranquil", + -14.350056648254396 + ], + [ + "\u2581portavoz", + -14.350057601928713 + ], + [ + "apaz", + -14.35006332397461 + ], + [ + "\u2581dispers\u00e9", + -14.350082397460938 + ], + [ + "\u2581Polizeibeamte", + -14.350092887878418 + ], + [ + "\u2581bijoux", + -14.350102424621582 + ], + [ + "\u2581hemisphere", + -14.350103378295898 + ], + [ + "\u2581ausgeliefert", + -14.350105285644531 + ], + [ + "\u2581sorprendido", + -14.350116729736328 + ], + [ + "\u2581Impfung", + -14.35012435913086 + ], + [ + "\u2581controv\u00e9rsia", + -14.350139617919922 + ], + [ + "\u2581Ikon", + -14.350187301635742 + ], + [ + "benzyl", + -14.350214004516602 + ], + [ + "\u2581Bulgaarse", + -14.350214958190918 + ], + [ + "\u2581Margo", + -14.350217819213867 + ], + [ + "Athlete", + -14.350234031677246 + ], + [ + "employed", + -14.350234985351562 + ], + [ + "irq", + -14.35026741027832 + ], + [ + "\u2581Francese", + -14.35027313232422 + ], + [ + "\u2581tumultu", + -14.350300788879396 + ], + [ + "zeil", + -14.350303649902344 + ], + [ + "\u2581adopting", + -14.350311279296877 + ], + [ + "rivaal", + -14.350332260131836 + ], + [ + "annulation", + -14.350335121154783 + ], + [ + "\u2581panico", + -14.350340843200684 + ], + [ + "\u2581pensate", + -14.35035800933838 + ], + [ + "vanta", + -14.350361824035645 + ], + [ + "casilla", + -14.350381851196287 + ], + [ + "ougoslavie", + -14.35040283203125 + ], + [ + "\u2581surveiller", + -14.35040283203125 + ], + [ + "\u2581Taddei", + -14.350407600402832 + ], + [ + "vlogen", + -14.350414276123049 + ], + [ + "\u2581reflector", + -14.350414276123049 + ], + [ + "\u2581strutturale", + -14.350414276123049 + ], + [ + "liza", + -14.350415229797363 + ], + [ + "\u2581Thier", + -14.350417137145996 + ], + [ + "artificio", + -14.350420951843262 + ], + [ + "\u2581respetar", + -14.350434303283691 + ], + [ + "\u2581reconheceu", + -14.35045051574707 + ], + [ + "lchemist", + -14.35049819946289 + ], + [ + "\u2581kehrt", + -14.350522994995115 + ], + [ + "\u2581utilizadores", + -14.350534439086914 + ], + [ + "haai", + -14.35055160522461 + ], + [ + "\u2581Podest", + -14.350579261779783 + ], + [ + "\u2581detaillierten", + -14.350593566894531 + ], + [ + "rezept", + -14.350615501403809 + ], + [ + "Unspecified", + -14.35061740875244 + ], + [ + "\u2581eeuwig", + -14.350624084472656 + ], + [ + "Bone", + -14.350625038146973 + ], + [ + "amycin", + -14.35067081451416 + ], + [ + "\u2581Tausende", + -14.350686073303224 + ], + [ + "\u2581interage", + -14.350699424743652 + ], + [ + "\u2581poulet", + -14.350770950317385 + ], + [ + "Estonie", + -14.350811958312988 + ], + [ + "Parlamentarische", + -14.350814819335938 + ], + [ + "\u2581meraviglioso", + -14.350817680358888 + ], + [ + "\u2581renewal", + -14.350823402404783 + ], + [ + "\u2581Warhol", + -14.350826263427734 + ], + [ + "\u2581minimise", + -14.35085391998291 + ], + [ + "vaient", + -14.350886344909668 + ], + [ + "inbound", + -14.350900650024414 + ], + [ + "Strand", + -14.350907325744627 + ], + [ + "opener", + -14.350912094116213 + ], + [ + "\u2581Poc", + -14.350927352905272 + ], + [ + "\u2581perteneci\u00f3", + -14.350930213928224 + ], + [ + "spherical", + -14.350934028625488 + ], + [ + "\u2581Ceylon", + -14.350940704345703 + ], + [ + "junior", + -14.350946426391602 + ], + [ + "Traverse", + -14.35095500946045 + ], + [ + "verg\u00fcnstigungen", + -14.350966453552246 + ], + [ + "\u2581cambian", + -14.350995063781738 + ], + [ + "eheliche", + -14.35100269317627 + ], + [ + "\u2581sprechend", + -14.351003646850586 + ], + [ + "\u2581Grond", + -14.351018905639648 + ], + [ + "hasNext", + -14.351094245910645 + ], + [ + "Sector", + -14.351102828979492 + ], + [ + "\u2581peculiare", + -14.351102828979492 + ], + [ + "Typeset", + -14.351112365722656 + ], + [ + "spreng", + -14.351126670837402 + ], + [ + "\u2581adivina", + -14.35112762451172 + ], + [ + "\u2581snakes", + -14.351144790649414 + ], + [ + "skies", + -14.351173400878906 + ], + [ + "\u2581Benth", + -14.35118293762207 + ], + [ + "assure", + -14.35120677947998 + ], + [ + "COND", + -14.351218223571776 + ], + [ + "\u2581gialli", + -14.351225852966309 + ], + [ + "\u2581adattat", + -14.35126781463623 + ], + [ + "\u2581Variety", + -14.351268768310549 + ], + [ + "\u2581curti", + -14.351303100585938 + ], + [ + "\u2581Ramsay", + -14.35132884979248 + ], + [ + "\u2581Fibonacci", + -14.351344108581545 + ], + [ + "\u2581Stok", + -14.35137176513672 + ], + [ + "\u2581p\u00e9nale", + -14.3513822555542 + ], + [ + "\u2581leidden", + -14.351383209228516 + ], + [ + "\u00fcftung", + -14.351388931274414 + ], + [ + "\u2581scars", + -14.35140609741211 + ], + [ + "\u2581hadron", + -14.351422309875488 + ], + [ + "\u2581parasites", + -14.35143756866455 + ], + [ + "\u2581Bijzonder", + -14.351454734802246 + ], + [ + "\u2581F\u00fcnftel", + -14.351462364196776 + ], + [ + "\u2581contabiliza", + -14.351475715637209 + ], + [ + "\u2581Belagerung", + -14.351479530334473 + ], + [ + "hypnos", + -14.351497650146484 + ], + [ + "aypal", + -14.351500511169434 + ], + [ + "\u2581opgeleverd", + -14.3515043258667 + ], + [ + "\u2581commenced", + -14.351505279541016 + ], + [ + "\u2581Campana", + -14.351522445678713 + ], + [ + "\u2581goodness", + -14.35152530670166 + ], + [ + "\u2581celebrato", + -14.35153102874756 + ], + [ + "methane", + -14.351557731628418 + ], + [ + "scovit", + -14.351571083068848 + ], + [ + "nuova", + -14.35158634185791 + ], + [ + "\u2581romantica", + -14.351598739624023 + ], + [ + "\u2581ballingschap", + -14.35164737701416 + ], + [ + "\u2581lunettes", + -14.35165786743164 + ], + [ + "\u2581spostato", + -14.351662635803224 + ], + [ + "\u2581vermischt", + -14.351683616638184 + ], + [ + "Screenshot", + -14.351701736450195 + ], + [ + "\u2581Volendam", + -14.351706504821776 + ], + [ + "\u2581cattivi", + -14.35171127319336 + ], + [ + "freibetrag", + -14.351724624633787 + ], + [ + "\u2581Courage", + -14.351766586303713 + ], + [ + "\u2581queimad", + -14.351777076721191 + ], + [ + "\u2581virada", + -14.351801872253418 + ], + [ + "\u2581norwegische", + -14.351826667785645 + ], + [ + "\u2581waartoe", + -14.351826667785645 + ], + [ + "\u2581Hitch", + -14.351839065551758 + ], + [ + "\u2581spanischer", + -14.351841926574709 + ], + [ + "\u2581awsutil", + -14.351844787597656 + ], + [ + "\u2581explicitamente", + -14.351846694946287 + ], + [ + "\u2581murales", + -14.3518648147583 + ], + [ + "\u2581racha", + -14.3518648147583 + ], + [ + "\u2581schimmels", + -14.351873397827148 + ], + [ + "\u2581turnover", + -14.35189437866211 + ], + [ + "\u2581melhorias", + -14.351967811584473 + ], + [ + "\u2581insulare", + -14.351968765258787 + ], + [ + "suelto", + -14.351972579956056 + ], + [ + "\u2581bagagem", + -14.352011680603027 + ], + [ + "\u2581difiere", + -14.352021217346191 + ], + [ + "\u2581Polyp", + -14.352033615112305 + ], + [ + "veste", + -14.35204029083252 + ], + [ + "\u2581irr\u00e9guli", + -14.352063179016112 + ], + [ + "zeichnet", + -14.352067947387695 + ], + [ + "nebula", + -14.352070808410645 + ], + [ + "\u2581V\u00e9ronique", + -14.35207748413086 + ], + [ + "\u2581shorthand", + -14.352090835571287 + ], + [ + "drohende", + -14.352093696594238 + ], + [ + "\u2581peccati", + -14.352224349975586 + ], + [ + "\u2581innamorato", + -14.352246284484863 + ], + [ + "bestim", + -14.35224723815918 + ], + [ + "\u2581inzetten", + -14.352266311645508 + ], + [ + "\u2581MARC", + -14.352272987365724 + ], + [ + "\u2581waterpolo", + -14.352288246154783 + ], + [ + "orsk", + -14.352301597595217 + ], + [ + "\u2581atualizada", + -14.352346420288086 + ], + [ + "\u2581Absender", + -14.352368354797363 + ], + [ + "\u2581Cobre", + -14.352370262145996 + ], + [ + "brevia", + -14.352372169494627 + ], + [ + "\u2581querida", + -14.352429389953612 + ], + [ + "Lambert", + -14.352461814880373 + ], + [ + "\u2581spagnole", + -14.352477073669434 + ], + [ + "\u2581masturba", + -14.352482795715332 + ], + [ + "\u2581Nair", + -14.35248565673828 + ], + [ + "brachi", + -14.352495193481444 + ], + [ + "\u2581Canel", + -14.352503776550291 + ], + [ + "Narciss", + -14.352510452270508 + ], + [ + "\u2581imenso", + -14.35251522064209 + ], + [ + "\u2581AWSShape", + -14.352523803710938 + ], + [ + "\u2581Racha", + -14.352533340454102 + ], + [ + "mostrata", + -14.352556228637695 + ], + [ + "\u2581behar", + -14.352557182312012 + ], + [ + "introspection", + -14.35257053375244 + ], + [ + "verza", + -14.35258674621582 + ], + [ + "\u2581zoologi", + -14.352590560913086 + ], + [ + "\u2581landgenote", + -14.352596282958984 + ], + [ + "\u2581Hernandez", + -14.3525972366333 + ], + [ + "illustration", + -14.352617263793944 + ], + [ + "\u2581Beistand", + -14.352636337280272 + ], + [ + "marian", + -14.352639198303224 + ], + [ + "\u2581Tetsu", + -14.352641105651855 + ], + [ + "\u2581toiture", + -14.352641105651855 + ], + [ + "\u2581differing", + -14.352659225463867 + ], + [ + "\u2581RFI", + -14.35267162322998 + ], + [ + "\u2581makeup", + -14.35267162322998 + ], + [ + "\u2581orador", + -14.352700233459473 + ], + [ + "\u2581rookie", + -14.352704048156738 + ], + [ + "\u2581Woolf", + -14.352705955505373 + ], + [ + "\u2581promptly", + -14.3527193069458 + ], + [ + "\u2581r\u00e9glementaire", + -14.352721214294434 + ], + [ + "striped", + -14.352740287780762 + ], + [ + "autogen", + -14.352754592895508 + ], + [ + "t\u00edfice", + -14.352778434753418 + ], + [ + "angst", + -14.352782249450684 + ], + [ + "\u2581stampe", + -14.352785110473633 + ], + [ + "\u2581opgelopen", + -14.35279941558838 + ], + [ + "\u2581creatore", + -14.352800369262695 + ], + [ + "\u2581Einkauf", + -14.352822303771973 + ], + [ + "amaguchi", + -14.352877616882324 + ], + [ + "\u2581prerogativ", + -14.352883338928224 + ], + [ + "\u2581inexpensive", + -14.35289192199707 + ], + [ + "\u2581moltitudine", + -14.35289192199707 + ], + [ + "Ragazz", + -14.352895736694336 + ], + [ + "signata", + -14.352919578552246 + ], + [ + "\u2581laddove", + -14.352919578552246 + ], + [ + "rescu", + -14.352930068969728 + ], + [ + "\u2581crolla", + -14.352931022644045 + ], + [ + "\u2581drohenden", + -14.352933883666992 + ], + [ + "nimatiefilm", + -14.352957725524902 + ], + [ + "\u2581nucl\u00e9", + -14.352964401245115 + ], + [ + "hijo", + -14.352972984313965 + ], + [ + "\u2581verleende", + -14.352992057800291 + ], + [ + "FTS", + -14.35302448272705 + ], + [ + "founder", + -14.353041648864746 + ], + [ + "\u2581isolierte", + -14.353050231933594 + ], + [ + "lords", + -14.353053092956545 + ], + [ + "ervas", + -14.353057861328123 + ], + [ + "idealismo", + -14.353060722351074 + ], + [ + "reutz", + -14.353099822998049 + ], + [ + "\u2581attiran", + -14.35311508178711 + ], + [ + "\u2581muon", + -14.353118896484377 + ], + [ + "\u2581produites", + -14.353142738342283 + ], + [ + "\u2581conged", + -14.353157043457031 + ], + [ + "\u2581ilustrar", + -14.353157043457031 + ], + [ + "\u2581espor", + -14.35323429107666 + ], + [ + "\u2581intuitiva", + -14.35325050354004 + ], + [ + "schleus", + -14.353266716003418 + ], + [ + "Sonden", + -14.353289604187012 + ], + [ + "zygot", + -14.35329818725586 + ], + [ + "\u2581Laboratories", + -14.353307723999023 + ], + [ + "\u2581S\u00e4ugetier", + -14.353307723999023 + ], + [ + "\u2581moralmente", + -14.353321075439451 + ], + [ + "\u2581anschaulich", + -14.3533353805542 + ], + [ + "\u2581Anlauf", + -14.353344917297363 + ], + [ + "vish", + -14.353365898132324 + ], + [ + "\u2581profus", + -14.353401184082031 + ], + [ + "k\u00e4mpfe", + -14.353405952453612 + ], + [ + "\u2581Torp", + -14.353421211242676 + ], + [ + "\u00e9r\u00e9ni", + -14.353433609008787 + ], + [ + "\u2581pantalones", + -14.353461265563965 + ], + [ + "\u2581noruego", + -14.35346508026123 + ], + [ + "\u2581ribadi", + -14.353480339050291 + ], + [ + "\u2581Mej\u00eda", + -14.353503227233888 + ], + [ + "ug\u00e9", + -14.353504180908203 + ], + [ + "Aspera", + -14.35353183746338 + ], + [ + "\u2581CustomString", + -14.353558540344238 + ], + [ + "bahnh", + -14.353564262390137 + ], + [ + "\u2581Cr\u00e9dito", + -14.353578567504885 + ], + [ + "\u2581rented", + -14.35363483428955 + ], + [ + "\u2581n\u00e9gatifs", + -14.353673934936523 + ], + [ + "sicura", + -14.353676795959473 + ], + [ + "\u2581accountability", + -14.353699684143066 + ], + [ + "ablation", + -14.353714942932127 + ], + [ + "\u2581Hilfskr\u00e4fte", + -14.35372257232666 + ], + [ + "\u2581merchandise", + -14.353723526000977 + ], + [ + "\u2581pursuing", + -14.353723526000977 + ], + [ + "\u2581acquiring", + -14.353729248046877 + ], + [ + "ntate", + -14.353751182556152 + ], + [ + "Michigan", + -14.353757858276367 + ], + [ + "\u2581Ecology", + -14.35376262664795 + ], + [ + "asphalt", + -14.35378360748291 + ], + [ + "\u2581Pagani", + -14.35378360748291 + ], + [ + "\u2581accennato", + -14.353799819946287 + ], + [ + "\u2581Bedarfsplan", + -14.353846549987791 + ], + [ + "\u2581Steden", + -14.35385799407959 + ], + [ + "\u2581australienne", + -14.353858947753906 + ], + [ + "treding", + -14.353924751281738 + ], + [ + "\u2581alsbald", + -14.353931427001951 + ], + [ + "reproach", + -14.35394287109375 + ], + [ + "SAND", + -14.353944778442385 + ], + [ + "\u00e9b\u00e9", + -14.353959083557127 + ], + [ + "reserva", + -14.353973388671877 + ], + [ + "\u2581Thru", + -14.35398292541504 + ], + [ + "pave", + -14.353983879089355 + ], + [ + "\u2581meteoro", + -14.35398769378662 + ], + [ + "\u2581imagin\u00e1ri", + -14.354002952575684 + ], + [ + "\u2581demolido", + -14.354010581970217 + ], + [ + "soluto", + -14.35405445098877 + ], + [ + "gelato", + -14.35405731201172 + ], + [ + "alternate", + -14.354065895080566 + ], + [ + "\u2581imensa", + -14.354084968566896 + ], + [ + "\u2581Jenni", + -14.354131698608398 + ], + [ + "betr\u00e4gen", + -14.35413932800293 + ], + [ + "\u2581c\u00f3lera", + -14.35413932800293 + ], + [ + "briefe", + -14.35417366027832 + ], + [ + "categorized", + -14.354180335998535 + ], + [ + "\u2581Espat\u00e1rios", + -14.35420036315918 + ], + [ + "bitum", + -14.354203224182127 + ], + [ + "\u2581Matthe", + -14.354214668273926 + ], + [ + "\u2581remov", + -14.354241371154783 + ], + [ + "\u2581aliviar", + -14.354253768920898 + ], + [ + "\u2581registrazioni", + -14.354256629943848 + ], + [ + "lateralen", + -14.354268074035645 + ], + [ + "\u2581malese", + -14.354299545288086 + ], + [ + "LITERATUR", + -14.354308128356934 + ], + [ + "pgfmath", + -14.354330062866213 + ], + [ + "\u2581flexibilisiert", + -14.354331016540527 + ], + [ + "\u2581Laurens", + -14.35434627532959 + ], + [ + "\u2581Nordseite", + -14.35436725616455 + ], + [ + "\u2581T\u00e4ler", + -14.35442352294922 + ], + [ + "\u2581alquila", + -14.354432106018066 + ], + [ + "\u2581konsequente", + -14.354443550109863 + ], + [ + "\u2581Rencontre", + -14.35445785522461 + ], + [ + "institutionen", + -14.35447120666504 + ], + [ + "Stimm", + -14.354483604431152 + ], + [ + "\u2581armeni", + -14.35449504852295 + ], + [ + "\u2581scappare", + -14.354496955871582 + ], + [ + "aldehyde", + -14.354510307312012 + ], + [ + "\u2581schaa", + -14.354537010192873 + ], + [ + "\u2581qualificate", + -14.354546546936035 + ], + [ + "\u2581Beyrouth", + -14.354555130004885 + ], + [ + "\u2581Kaninchen", + -14.354555130004885 + ], + [ + "\u2581Judgment", + -14.354576110839844 + ], + [ + "tu\u00e1ria", + -14.35459041595459 + ], + [ + "\u2581tagliato", + -14.354607582092283 + ], + [ + "\u2581superamento", + -14.354626655578612 + ], + [ + "\u2581klinkt", + -14.354637145996094 + ], + [ + "\u2581setze", + -14.354642868041992 + ], + [ + "uimper", + -14.354652404785156 + ], + [ + "ffektive", + -14.354658126831056 + ], + [ + "\u2581Carole", + -14.35466480255127 + ], + [ + "\u2581conocemos", + -14.354673385620115 + ], + [ + "\u2581zitierten", + -14.354689598083496 + ], + [ + "dichtung", + -14.35472583770752 + ], + [ + "\u2581Koers", + -14.354730606079102 + ], + [ + "\u2581aprendi\u00f3", + -14.35473918914795 + ], + [ + "\u2581Naranj", + -14.354771614074709 + ], + [ + "\u2581convenzione", + -14.354784965515137 + ], + [ + "\u2581bloccat", + -14.354853630065918 + ], + [ + "aimerais", + -14.354859352111816 + ], + [ + "\u2581Niza", + -14.354870796203612 + ], + [ + "\u2581anzusetzen", + -14.354884147644045 + ], + [ + "\u2581comprados", + -14.354914665222168 + ], + [ + "alka", + -14.354937553405762 + ], + [ + "Notwithstanding", + -14.354950904846191 + ], + [ + "\u2581maravillosa", + -14.354970932006836 + ], + [ + "puma", + -14.354974746704102 + ], + [ + "\u2581unwanted", + -14.354976654052734 + ], + [ + "\u2581ethnischen", + -14.354987144470217 + ], + [ + "\u2581Kristina", + -14.354994773864746 + ], + [ + "\u2581creciendo", + -14.35499668121338 + ], + [ + "skew", + -14.355005264282228 + ], + [ + "habille", + -14.355032920837402 + ], + [ + "\u2581Pasolini", + -14.355032920837402 + ], + [ + "\u2581liebsten", + -14.355046272277832 + ], + [ + "\u2581obrigat\u00f3ria", + -14.35506820678711 + ], + [ + "ecchia", + -14.355073928833008 + ], + [ + "\u2581int\u00e9rpretes", + -14.355079650878906 + ], + [ + "\u2581Midway", + -14.355103492736816 + ], + [ + "icidio", + -14.355104446411133 + ], + [ + "\u2581bevut", + -14.355114936828612 + ], + [ + "humi", + -14.35511875152588 + ], + [ + "incluyendo", + -14.355137825012209 + ], + [ + "\u2581ocasional", + -14.355224609375 + ], + [ + "\u2581mensenrechten", + -14.355236053466797 + ], + [ + "\u2581eingeholt", + -14.355284690856934 + ], + [ + "gameOver", + -14.355332374572754 + ], + [ + "\u2581j\u00e9suite", + -14.355340003967283 + ], + [ + "huren", + -14.355350494384766 + ], + [ + "schist", + -14.355356216430664 + ], + [ + "Would", + -14.355364799499512 + ], + [ + "\u2581perif\u00e9ricos", + -14.355387687683104 + ], + [ + "\u2581fixos", + -14.3554048538208 + ], + [ + "\u2581contrappost", + -14.355414390563965 + ], + [ + "\u2581aankoop", + -14.35541820526123 + ], + [ + "\u2581Heineken", + -14.355478286743164 + ], + [ + "ESR", + -14.355483055114746 + ], + [ + "\u2581verpflichtend", + -14.355498313903809 + ], + [ + "\u2581Opvallend", + -14.355542182922363 + ], + [ + "\u00fcsste", + -14.355584144592283 + ], + [ + "treft", + -14.355586051940918 + ], + [ + "uncker", + -14.3555908203125 + ], + [ + "\u2581ricopre", + -14.355598449707031 + ], + [ + "\u2581defendeu", + -14.355628967285156 + ], + [ + "Cleaning", + -14.355637550354004 + ], + [ + "\u2581wezens", + -14.355637550354004 + ], + [ + "\u2581chemin\u00e9e", + -14.355648040771484 + ], + [ + "\u2581confessione", + -14.355680465698242 + ], + [ + "\u2581Espero", + -14.35568141937256 + ], + [ + "Cidade", + -14.35569190979004 + ], + [ + "\u2581archeologica", + -14.355725288391112 + ], + [ + "\u2581Limburgse", + -14.35574436187744 + ], + [ + "\u2581Crie", + -14.355745315551758 + ], + [ + "m\u00fchlen", + -14.355794906616213 + ], + [ + "\u2581gemeentehuis", + -14.355801582336426 + ], + [ + "\u2581R\u00e4umlichkeiten", + -14.355804443359377 + ], + [ + "\u2581Photography", + -14.355814933776855 + ], + [ + "\u2581costituite", + -14.355825424194336 + ], + [ + "\u2581defendi\u00f3", + -14.355835914611816 + ], + [ + "k\u00fcndigen", + -14.355840682983398 + ], + [ + "\u2581discografi", + -14.355841636657717 + ], + [ + "lutherische", + -14.355843544006348 + ], + [ + "\u2581Normung", + -14.355844497680664 + ], + [ + "\u2581Linus", + -14.355857849121094 + ], + [ + "\u2581incentives", + -14.355860710144045 + ], + [ + "F\u00e4rbung", + -14.355868339538574 + ], + [ + "\u2581Terz", + -14.355875015258787 + ], + [ + "\u2581llegaban", + -14.355904579162598 + ], + [ + "Domingue", + -14.355921745300291 + ], + [ + "NTA", + -14.355929374694824 + ], + [ + "thresh", + -14.355937004089355 + ], + [ + "\u2581espressamente", + -14.355941772460938 + ], + [ + "\u2581calcoli", + -14.355944633483888 + ], + [ + "setName", + -14.355951309204102 + ], + [ + "Appear", + -14.35595703125 + ], + [ + "\u2581sostenne", + -14.355968475341797 + ], + [ + "\u2581carcass", + -14.355971336364746 + ], + [ + "salti", + -14.356000900268556 + ], + [ + "booktitle", + -14.356001853942873 + ], + [ + "\u2581Genebra", + -14.35601043701172 + ], + [ + "\u2581restituire", + -14.3560152053833 + ], + [ + "Interrupted", + -14.356057167053224 + ], + [ + "CEPT", + -14.356059074401855 + ], + [ + "Vamos", + -14.356075286865234 + ], + [ + "longation", + -14.35609245300293 + ], + [ + "\u2581destinatario", + -14.35610008239746 + ], + [ + "ptera", + -14.356103897094728 + ], + [ + "\u2581Todesf\u00e4lle", + -14.35611629486084 + ], + [ + "\u2581nominata", + -14.356122970581056 + ], + [ + "Prestatie", + -14.35612678527832 + ], + [ + "\u2581Koji", + -14.356134414672852 + ], + [ + "\u2581Graphen", + -14.356160163879396 + ], + [ + "\u2581parezca", + -14.356164932250977 + ], + [ + "\u2581esegu", + -14.356188774108888 + ], + [ + "lightskyblue", + -14.356220245361328 + ], + [ + "\u2581protagonizado", + -14.356221199035645 + ], + [ + "Dytiscidae", + -14.35622215270996 + ], + [ + "\u2581camicia", + -14.356230735778809 + ], + [ + "\u2581formele", + -14.356231689453123 + ], + [ + "precise", + -14.35623264312744 + ], + [ + "StringOutput", + -14.356258392333984 + ], + [ + "\u2581Abgang", + -14.356266021728516 + ], + [ + "treppe", + -14.356285095214844 + ], + [ + "\u2581interesados", + -14.356295585632324 + ], + [ + "\u2581Verzug", + -14.35629653930664 + ], + [ + "\u2581Techniker", + -14.356307983398438 + ], + [ + "HAB", + -14.356327056884766 + ], + [ + "\u2581methodischen", + -14.35633373260498 + ], + [ + "\u2581Hasel", + -14.356414794921877 + ], + [ + "\u2581structur\u00e9", + -14.356452941894531 + ], + [ + "grato", + -14.356468200683594 + ], + [ + "\u2581Kreisstadt", + -14.356496810913086 + ], + [ + "\u2581Polly", + -14.356505393981934 + ], + [ + "pageToken", + -14.356525421142578 + ], + [ + "\u2581collectifs", + -14.356561660766602 + ], + [ + "v\u00e9nements", + -14.356584548950195 + ], + [ + "\u2581Protector", + -14.356590270996094 + ], + [ + "\u2581Arica", + -14.356593132019045 + ], + [ + "\u2581afirmam", + -14.356593132019045 + ], + [ + "\u2581Predator", + -14.356597900390623 + ], + [ + "OPC", + -14.35660171508789 + ], + [ + "AVI", + -14.356609344482422 + ], + [ + "atzen", + -14.356633186340332 + ], + [ + "\u2581curseur", + -14.356633186340332 + ], + [ + "Scheduling", + -14.35663604736328 + ], + [ + "\u2581rhetoric", + -14.356640815734863 + ], + [ + "\u2581Apost\u00f3lic", + -14.356642723083496 + ], + [ + "\u2581venditore", + -14.356653213500977 + ], + [ + "essner", + -14.356661796569824 + ], + [ + "\u2581attribuire", + -14.356671333312988 + ], + [ + "potenti", + -14.356680870056152 + ], + [ + "\u2581Fernsehsender", + -14.356693267822266 + ], + [ + "\u2581Fingern", + -14.35671329498291 + ], + [ + "xanthin", + -14.356725692749023 + ], + [ + "alpe", + -14.3567533493042 + ], + [ + "arido", + -14.356781005859377 + ], + [ + "\u00e9sima", + -14.356799125671388 + ], + [ + "\u2581L\u00fcb", + -14.356870651245115 + ], + [ + "\u2581vernield", + -14.356889724731444 + ], + [ + "\u2581Tarent", + -14.35689640045166 + ], + [ + "\u2581balcone", + -14.356904029846191 + ], + [ + "SEE", + -14.356922149658203 + ], + [ + "traccia", + -14.356982231140137 + ], + [ + "Potion", + -14.357007026672363 + ], + [ + "\u2581Poesia", + -14.357008934020996 + ], + [ + "\u2581Phl", + -14.357017517089844 + ], + [ + "virgule", + -14.357023239135742 + ], + [ + "\u2581Otomano", + -14.357063293457031 + ], + [ + "\u2581consular", + -14.357065200805664 + ], + [ + "\u2581Themenbereich", + -14.35708713531494 + ], + [ + "dael", + -14.357117652893066 + ], + [ + "\u2581Koenig", + -14.357118606567385 + ], + [ + "\u2581erneuerbarer", + -14.357126235961914 + ], + [ + "\u2581Shelby", + -14.357128143310549 + ], + [ + "steige", + -14.357155799865724 + ], + [ + "\u2581Inizi", + -14.357200622558594 + ], + [ + "\u2581bulgare", + -14.35720157623291 + ], + [ + "\u2581trafficking", + -14.357226371765137 + ], + [ + "\u2581marciais", + -14.35726261138916 + ], + [ + "Jour", + -14.35727310180664 + ], + [ + "\u2581visuales", + -14.357291221618652 + ], + [ + "\u2581distingu\u00e9", + -14.357328414916992 + ], + [ + "overloaded", + -14.357337951660156 + ], + [ + "eutrino", + -14.357339859008787 + ], + [ + "Gera", + -14.357354164123535 + ], + [ + "\u2581scarsamente", + -14.357357025146484 + ], + [ + "\u2581Ryd", + -14.357359886169434 + ], + [ + "azid", + -14.357378959655762 + ], + [ + "\u2581manifest\u00f3", + -14.357415199279783 + ], + [ + "\u2581L\u00fcge", + -14.357423782348633 + ], + [ + "\u2581Giraud", + -14.357428550720217 + ], + [ + "\u2581fermentation", + -14.357447624206545 + ], + [ + "EPR", + -14.357449531555176 + ], + [ + "\u2581Franzose", + -14.357464790344238 + ], + [ + "\u2581asesina", + -14.357466697692873 + ], + [ + "Warenbezeichnung", + -14.357481002807615 + ], + [ + "\u2581Aleppo", + -14.35748291015625 + ], + [ + "\u2581Berkshire", + -14.357484817504885 + ], + [ + "\u2581pittoresc", + -14.3574857711792 + ], + [ + "\u2581Aguiar", + -14.357491493225098 + ], + [ + "\u2581planification", + -14.357497215270996 + ], + [ + "\u2581voraussetzt", + -14.357497215270996 + ], + [ + "Estonia", + -14.357499122619627 + ], + [ + "\u2581imponenti", + -14.357515335083008 + ], + [ + "\u2581prostitution", + -14.357524871826172 + ], + [ + "\u2581Guarani", + -14.35754108428955 + ], + [ + "\u2581Ardi", + -14.357542037963867 + ], + [ + "\u2581richesses", + -14.357561111450195 + ], + [ + "\u2581Biege", + -14.357571601867676 + ], + [ + "\u2581pazzi", + -14.357573509216309 + ], + [ + "LEA", + -14.35757541656494 + ], + [ + "\u2581Pr\u00e4paration", + -14.357610702514648 + ], + [ + "\u2581paved", + -14.357610702514648 + ], + [ + "\u2581Autonome", + -14.357622146606444 + ], + [ + "medos", + -14.357627868652344 + ], + [ + "\u2581implant\u00e9", + -14.357641220092772 + ], + [ + "rechnungshofes", + -14.357651710510254 + ], + [ + "th\u00fcring", + -14.357665061950684 + ], + [ + "\u2581analytischen", + -14.357667922973633 + ], + [ + "mbigu", + -14.357702255249023 + ], + [ + "granul", + -14.35770320892334 + ], + [ + "\u2581Nekro", + -14.357720375061035 + ], + [ + "\u2581eingeschaltet", + -14.357722282409668 + ], + [ + "eadiness", + -14.357763290405272 + ], + [ + "velu", + -14.357769012451172 + ], + [ + "\u2581accommodat", + -14.357776641845703 + ], + [ + "\u00e4che", + -14.357802391052246 + ], + [ + "inicia", + -14.357817649841309 + ], + [ + "\u2581Ribb", + -14.357851028442385 + ], + [ + "\u2581ristabili", + -14.3578519821167 + ], + [ + "cyber", + -14.357868194580078 + ], + [ + "\u2581Myrt", + -14.357872009277344 + ], + [ + "\u2581leg\u00edtima", + -14.35788917541504 + ], + [ + "\u2581Boccaccio", + -14.35789394378662 + ], + [ + "\u2581Ordo", + -14.357906341552734 + ], + [ + "Wales", + -14.357909202575684 + ], + [ + "komplexes", + -14.35791015625 + ], + [ + "\u2581thuiswedstrijd", + -14.35795783996582 + ], + [ + "\u2581Wehrpflicht", + -14.35802936553955 + ], + [ + "\u2581bifurca", + -14.35802936553955 + ], + [ + "\u2581practiced", + -14.35804843902588 + ], + [ + "\u2581successifs", + -14.35804843902588 + ], + [ + "\u2581Segredo", + -14.358049392700195 + ], + [ + "\u2581verward", + -14.35806369781494 + ], + [ + "\u2581Beri", + -14.358076095581056 + ], + [ + "\u2581corruptie", + -14.35810375213623 + ], + [ + "\u2581prioridad", + -14.358115196228027 + ], + [ + "\u2581inconsci", + -14.358118057250977 + ], + [ + "\u2581insignificant", + -14.358124732971191 + ], + [ + "\u2581Filipo", + -14.358141899108888 + ], + [ + "\u2581Gerr", + -14.358149528503418 + ], + [ + "\u2581iniciadas", + -14.358166694641112 + ], + [ + "\u2581lign", + -14.358172416687012 + ], + [ + "\u2581Lebensalter", + -14.358183860778809 + ], + [ + "\u2581pilastri", + -14.358197212219238 + ], + [ + "uitwisseling", + -14.358208656311035 + ], + [ + "\u2581Eigenverantwort", + -14.35824966430664 + ], + [ + "Cypri", + -14.358275413513184 + ], + [ + "\u2581orient\u00e9e", + -14.358294486999512 + ], + [ + "Lightning", + -14.358298301696776 + ], + [ + "stabilisierung", + -14.35830783843994 + ], + [ + "\u2581Pearce", + -14.358315467834473 + ], + [ + "nephr", + -14.358332633972168 + ], + [ + "\u2581Traducci\u00f3n", + -14.358384132385254 + ], + [ + "sichtigung", + -14.358392715454102 + ], + [ + "MALL", + -14.3583984375 + ], + [ + "\u2581bamboo", + -14.358413696289062 + ], + [ + "\u2581T\u00e9l\u00e9film", + -14.358427047729492 + ], + [ + "\u2581Beschichtung", + -14.358464241027832 + ], + [ + "\u2581retornado", + -14.358464241027832 + ], + [ + "\u2581Newell", + -14.358494758605955 + ], + [ + "\u2581provo", + -14.35850429534912 + ], + [ + "\u2581Ermland", + -14.358513832092283 + ], + [ + "iciembre", + -14.35854434967041 + ], + [ + "\u2581Knau", + -14.35859489440918 + ], + [ + "loche", + -14.358602523803713 + ], + [ + "LATEST", + -14.35860824584961 + ], + [ + "Animator", + -14.358609199523926 + ], + [ + "\u2581argu", + -14.35861110687256 + ], + [ + "\u2581destruye", + -14.358623504638672 + ], + [ + "\u2581chiedo", + -14.358630180358888 + ], + [ + "ROU", + -14.358633995056152 + ], + [ + "\u00e4sthetische", + -14.358654022216797 + ], + [ + "\u2581Lessing", + -14.358675003051758 + ], + [ + "\u2581Hoof", + -14.358687400817873 + ], + [ + "\u2581Sonst", + -14.358712196350098 + ], + [ + "\u2581Edif\u00edcio", + -14.358724594116213 + ], + [ + "\u2581Superintendent", + -14.358725547790527 + ], + [ + "\u2581Eslovenia", + -14.358726501464844 + ], + [ + "\u2581Chypre", + -14.35872745513916 + ], + [ + "\u2581alliantie", + -14.35873031616211 + ], + [ + "\u2581israelitas", + -14.35873031616211 + ], + [ + "\u2581impatient", + -14.358732223510742 + ], + [ + "\u2581gestolen", + -14.358747482299805 + ], + [ + "\u2581gestohlen", + -14.3587646484375 + ], + [ + "staatsanwalt", + -14.358779907226562 + ], + [ + "\u2581deliberate", + -14.358789443969728 + ], + [ + "vadas", + -14.358794212341309 + ], + [ + "reversed", + -14.358819007873535 + ], + [ + "\u2581Freiberg", + -14.358838081359863 + ], + [ + "Goldwyn", + -14.358839988708496 + ], + [ + "\u2581clade", + -14.358840942382812 + ], + [ + "\u2581querelle", + -14.358871459960938 + ], + [ + "\u2581Vinh", + -14.358891487121582 + ], + [ + "\u2581Scipione", + -14.358938217163086 + ], + [ + "\u2581ontmoeten", + -14.358956336975098 + ], + [ + "\u2581Patel", + -14.358966827392578 + ], + [ + "\u2581Andar", + -14.358969688415527 + ], + [ + "\u2581ausgew\u00e4hlter", + -14.359050750732422 + ], + [ + "\u2581Brech", + -14.3590669631958 + ], + [ + "Tween", + -14.359082221984863 + ], + [ + "Nat\u00fcrlich", + -14.359101295471191 + ], + [ + "Bronvermelding", + -14.359142303466797 + ], + [ + "\u2581Matth\u00e4us", + -14.35914421081543 + ], + [ + "\u2581pertenencia", + -14.359145164489746 + ], + [ + "Aalborg", + -14.359161376953123 + ], + [ + "\u2581utilizou", + -14.359169006347656 + ], + [ + "\u2581Kardi", + -14.359172821044922 + ], + [ + "\u2581liberaal", + -14.359173774719238 + ], + [ + "Britse", + -14.3591947555542 + ], + [ + "\u2581speeldag", + -14.359223365783691 + ], + [ + "segnano", + -14.35923194885254 + ], + [ + "\u2581Solaris", + -14.359232902526855 + ], + [ + "nieuwe", + -14.359277725219728 + ], + [ + "\u2581obgleich", + -14.35930633544922 + ], + [ + "vscode", + -14.35931396484375 + ], + [ + "\u2581ricomincia", + -14.35931396484375 + ], + [ + "\u2581gevechts", + -14.359317779541016 + ], + [ + "\u2581literarischen", + -14.359338760375977 + ], + [ + "facets", + -14.359352111816406 + ], + [ + "\u2581Gioca", + -14.359354972839355 + ], + [ + "pruden", + -14.359435081481934 + ], + [ + "DISABLED", + -14.359442710876465 + ], + [ + "cconi", + -14.359464645385742 + ], + [ + "\u2581onions", + -14.35946559906006 + ], + [ + "oissy", + -14.359477043151855 + ], + [ + "Steven", + -14.35948371887207 + ], + [ + "\u2581crio", + -14.359515190124512 + ], + [ + "\u2581Hiroshi", + -14.359519958496094 + ], + [ + "tendersi", + -14.359537124633787 + ], + [ + "BarButtonItem", + -14.359551429748535 + ], + [ + "\u2581d\u00fcnnen", + -14.359554290771484 + ], + [ + "\u2581governamentais", + -14.359560012817385 + ], + [ + "\u2581bundeseinheitli", + -14.3595609664917 + ], + [ + "\u2581consentendo", + -14.359582901000977 + ], + [ + "\u2581aggiuntivi", + -14.359597206115724 + ], + [ + "Pflege", + -14.35961627960205 + ], + [ + "\u2581reposer", + -14.359641075134276 + ], + [ + "\u2581atendida", + -14.359643936157228 + ], + [ + "ernobyl", + -14.359655380249023 + ], + [ + "\u2581rendendol", + -14.359655380249023 + ], + [ + "\u2581pooled", + -14.359696388244627 + ], + [ + "lit\u00e4t", + -14.359719276428224 + ], + [ + "\u2581alcald\u00eda", + -14.359748840332031 + ], + [ + "\u2581typographi", + -14.359771728515623 + ], + [ + "\u2581Ausflugs", + -14.359786987304688 + ], + [ + "\u2581Gerst", + -14.35981559753418 + ], + [ + "\u2581ignorando", + -14.35986614227295 + ], + [ + "\u2581denominar", + -14.359907150268556 + ], + [ + "\u2581provvisorio", + -14.35991096496582 + ], + [ + "\u2581concessie", + -14.359970092773438 + ], + [ + "\u2581sorgono", + -14.359989166259766 + ], + [ + "\u2581Lobel", + -14.359992027282717 + ], + [ + "\u2581Kraa", + -14.359992980957031 + ], + [ + "gegooid", + -14.360011100769045 + ], + [ + "l\u00fcnder", + -14.360026359558104 + ], + [ + "uncover", + -14.360048294067385 + ], + [ + "onocimiento", + -14.360092163085938 + ], + [ + "\u2581permitia", + -14.360098838806152 + ], + [ + "\u2581apparue", + -14.360148429870604 + ], + [ + "\u2581preferita", + -14.360156059265137 + ], + [ + "jersey", + -14.360212326049805 + ], + [ + "Poi", + -14.360261917114258 + ], + [ + "\u2581Naya", + -14.360295295715332 + ], + [ + "\u2581SOCI", + -14.360299110412598 + ], + [ + "\u2581facolt", + -14.36032009124756 + ], + [ + "claw", + -14.360350608825684 + ], + [ + "\u2581invertible", + -14.360357284545898 + ], + [ + "\u2581Meiner", + -14.360416412353516 + ], + [ + "\u2581tassisti", + -14.36042308807373 + ], + [ + "\u2581dissip", + -14.360430717468262 + ], + [ + "\u2581chagrin", + -14.360454559326172 + ], + [ + "\u2581Antilles", + -14.360458374023438 + ], + [ + "\u2581Pubblica", + -14.360501289367676 + ], + [ + "\u2581bord\u00e9e", + -14.36050510406494 + ], + [ + "\u2581Pfade", + -14.360511779785156 + ], + [ + "arek", + -14.360519409179688 + ], + [ + "\u2581alture", + -14.360526084899902 + ], + [ + "bluetooth", + -14.360539436340332 + ], + [ + "\u2581gostam", + -14.360547065734863 + ], + [ + "\u2581Probl", + -14.36054801940918 + ], + [ + "Instr", + -14.360559463500977 + ], + [ + "\u2581estivale", + -14.360560417175291 + ], + [ + "phragm", + -14.36057949066162 + ], + [ + "\u2581anticipato", + -14.360580444335938 + ], + [ + "oonlight", + -14.360586166381836 + ], + [ + "\u2581Catalana", + -14.360587120056152 + ], + [ + "\u2581auszuf\u00fchren", + -14.360589027404783 + ], + [ + "inclure", + -14.36060619354248 + ], + [ + "TextBox", + -14.360633850097656 + ], + [ + "\u00e9tanch", + -14.360635757446287 + ], + [ + "\u2581Berei", + -14.360660552978516 + ], + [ + "disziplinar", + -14.360681533813477 + ], + [ + "accumulation", + -14.360685348510742 + ], + [ + "Fond", + -14.360689163208008 + ], + [ + "\u2581combinados", + -14.360692024230955 + ], + [ + "wechseln", + -14.360719680786133 + ], + [ + "getekend", + -14.360767364501951 + ], + [ + "pova", + -14.360811233520508 + ], + [ + "\u2581ausgenutzt", + -14.360827445983888 + ], + [ + "\u2581eyebrow", + -14.360835075378418 + ], + [ + "\u2581NSMutable", + -14.360857963562012 + ], + [ + "\u2581viscosidade", + -14.360883712768556 + ], + [ + "\u2581pannelli", + -14.360896110534668 + ], + [ + "inhoud", + -14.360899925231934 + ], + [ + "siedlungen", + -14.360907554626465 + ], + [ + "\u2581billetes", + -14.36091136932373 + ], + [ + "ivari", + -14.360918998718262 + ], + [ + "\u2581calibro", + -14.360918998718262 + ], + [ + "\u2581verwezen", + -14.360983848571776 + ], + [ + "\u2581cultive", + -14.360986709594728 + ], + [ + "\u2581C\u00e1r", + -14.36099338531494 + ], + [ + "Erik", + -14.361000061035156 + ], + [ + "\u2581juros", + -14.361041069030762 + ], + [ + "viejo", + -14.361068725585938 + ], + [ + "\u2581poing", + -14.36107349395752 + ], + [ + "\u2581Dieselmotor", + -14.361083030700684 + ], + [ + "\u2581interdis", + -14.361087799072266 + ], + [ + "\u2581privatiza", + -14.36112117767334 + ], + [ + "\u2581Medica", + -14.361164093017578 + ], + [ + "uggi", + -14.361175537109377 + ], + [ + "\u2581racchiude", + -14.361234664916992 + ], + [ + "\u2581Hawthorn", + -14.361235618591309 + ], + [ + "\u2581Benetton", + -14.361244201660156 + ], + [ + "\u2581Gabb", + -14.36125946044922 + ], + [ + "oeuvres", + -14.361266136169434 + ], + [ + "expertise", + -14.36126708984375 + ], + [ + "\u2581Bandit", + -14.361278533935549 + ], + [ + "\u2581Reck", + -14.36131191253662 + ], + [ + "\u2581sab\u00edan", + -14.361340522766112 + ], + [ + "fastlane", + -14.361356735229492 + ], + [ + "sthetisch", + -14.36135959625244 + ], + [ + "Gradua", + -14.361393928527832 + ], + [ + "popolato", + -14.361409187316896 + ], + [ + "\u2581Hig", + -14.361444473266602 + ], + [ + "\u2581mulat", + -14.361446380615234 + ], + [ + "verdamp", + -14.36147117614746 + ], + [ + "\u2581fortuit", + -14.361479759216309 + ], + [ + "\u2581stoic", + -14.361479759216309 + ], + [ + "Browse", + -14.361486434936523 + ], + [ + "\u2581jezelf", + -14.361488342285156 + ], + [ + "\u00e1utico", + -14.361493110656738 + ], + [ + "\u2581Kirgi", + -14.361495971679688 + ], + [ + "higkeit", + -14.361502647399902 + ], + [ + "\u00edlica", + -14.361516952514648 + ], + [ + "\u2581Tenha", + -14.36152458190918 + ], + [ + "ENTION", + -14.361547470092772 + ], + [ + "\u2581enferm\u00e9", + -14.361554145812988 + ], + [ + "r\u00e4umung", + -14.36155605316162 + ], + [ + "\u2581pr\u00e9stamos", + -14.361573219299316 + ], + [ + "statur", + -14.36157512664795 + ], + [ + "\u2581Whitehead", + -14.361617088317873 + ], + [ + "\u2581Julieta", + -14.361634254455566 + ], + [ + "Kutuzov", + -14.361653327941896 + ], + [ + "\u2581Bielorrusia", + -14.361654281616213 + ], + [ + "\u2581erbrachten", + -14.36166286468506 + ], + [ + "\u2581combinatorial", + -14.361675262451172 + ], + [ + "\u2581ripart", + -14.361686706542969 + ], + [ + "\u2581concluding", + -14.36169147491455 + ], + [ + "\u2581iraqu", + -14.36169719696045 + ], + [ + "PILE", + -14.36172866821289 + ], + [ + "zeitlichen", + -14.361737251281738 + ], + [ + "\u2581musculaire", + -14.361740112304688 + ], + [ + "\u2581molino", + -14.361743927001951 + ], + [ + "Updater", + -14.36174488067627 + ], + [ + "\u2581cherchant", + -14.361767768859863 + ], + [ + "Jackson", + -14.361780166625977 + ], + [ + "rection", + -14.36183738708496 + ], + [ + "\u2581atormenta", + -14.36184024810791 + ], + [ + "K\u00fc", + -14.361845016479492 + ], + [ + "AACA", + -14.36185359954834 + ], + [ + "\u2581Geller", + -14.36186408996582 + ], + [ + "chinesisch", + -14.361867904663086 + ], + [ + "\u2581idiom", + -14.361870765686035 + ], + [ + "\u2581ventenn", + -14.361872673034668 + ], + [ + "assertIn", + -14.361899375915527 + ], + [ + "\u2581interessanten", + -14.361920356750488 + ], + [ + "\u2581superfamili", + -14.361921310424805 + ], + [ + "\u2581Volont", + -14.361923217773438 + ], + [ + "\u2581bifurcation", + -14.361933708190918 + ], + [ + "\u2581autocton", + -14.361992835998535 + ], + [ + "lapida", + -14.362004280090332 + ], + [ + "psychotherapeut", + -14.362031936645508 + ], + [ + "MethodName", + -14.362046241760254 + ], + [ + "Indien", + -14.36207103729248 + ], + [ + "\u2581Fountain", + -14.362071990966797 + ], + [ + "viewWillAppear", + -14.362072944641112 + ], + [ + "\u2581remarkably", + -14.36207675933838 + ], + [ + "\u2581Communiquer", + -14.362079620361328 + ], + [ + "\u2581Publikums", + -14.362100601196287 + ], + [ + "\u2581Ardennen", + -14.362125396728516 + ], + [ + "\u2581Dumping", + -14.36213493347168 + ], + [ + "\u2581ordentlich", + -14.362147331237791 + ], + [ + "\u2581eighteenth", + -14.362149238586426 + ], + [ + "\u2581Holtz", + -14.362156867980955 + ], + [ + "\u2581concepito", + -14.362164497375488 + ], + [ + "\u2581FAI", + -14.362190246582031 + ], + [ + "\u2581Schweinen", + -14.362202644348145 + ], + [ + "inzig", + -14.362211227416992 + ], + [ + "\u2581mudam", + -14.362232208251951 + ], + [ + "infinite", + -14.362247467041016 + ], + [ + "zodia", + -14.362316131591797 + ], + [ + "\u2581Madras", + -14.362322807312012 + ], + [ + "\u2581regulating", + -14.362338066101074 + ], + [ + "aussetzung", + -14.362382888793944 + ], + [ + "\u2581evidently", + -14.362393379211426 + ], + [ + "ertz", + -14.36246395111084 + ], + [ + "\u2581Vance", + -14.36246395111084 + ], + [ + "\u2581booked", + -14.362465858459473 + ], + [ + "itana", + -14.362483978271484 + ], + [ + "RELATIVE", + -14.3624906539917 + ], + [ + "\u2581fid\u00e9lit\u00e9", + -14.362491607666016 + ], + [ + "\u2581pamphlet", + -14.362491607666016 + ], + [ + "\u2581molusco", + -14.362507820129396 + ], + [ + "republiek", + -14.36252784729004 + ], + [ + "\u2581Haig", + -14.36253261566162 + ], + [ + "\u2581Programmier", + -14.362555503845217 + ], + [ + "bezo", + -14.362568855285645 + ], + [ + "Gang", + -14.362594604492188 + ], + [ + "\u2581erfde", + -14.362678527832031 + ], + [ + "\u2581Langfristige", + -14.362688064575195 + ], + [ + "recover", + -14.36269474029541 + ], + [ + "nPython", + -14.362719535827637 + ], + [ + "\u2581seguir\u00e1", + -14.362736701965332 + ], + [ + "\u2581preferable", + -14.362850189208984 + ], + [ + "pleister", + -14.362853050231934 + ], + [ + "trofia", + -14.362854957580566 + ], + [ + "\u2581Carlin", + -14.362869262695312 + ], + [ + "\u2581Managua", + -14.362897872924805 + ], + [ + "\u2581dienstlichen", + -14.362900733947754 + ], + [ + "\u2581alfab\u00e9tica", + -14.362911224365234 + ], + [ + "\u2581unprecedented", + -14.362911224365234 + ], + [ + "\u2581affluente", + -14.362914085388184 + ], + [ + "fertige", + -14.362915992736816 + ], + [ + "czn", + -14.362953186035156 + ], + [ + "\u2581coastline", + -14.362957000732422 + ], + [ + "\u2581irlandesi", + -14.362959861755373 + ], + [ + "\u2581cantine", + -14.362967491149902 + ], + [ + "\u2581gatti", + -14.362970352172852 + ], + [ + "insufficienza", + -14.362993240356444 + ], + [ + "\u2581sellschaft", + -14.363012313842772 + ], + [ + "\u2581Schwach", + -14.363044738769531 + ], + [ + "\u2581parentesco", + -14.363080024719238 + ], + [ + "\u2581incomum", + -14.363089561462402 + ], + [ + "\u2581Financier", + -14.363102912902832 + ], + [ + "\u2581Encuentro", + -14.363117218017578 + ], + [ + "\u2581braz", + -14.36315631866455 + ], + [ + "\u2581ontwikkelt", + -14.363167762756348 + ], + [ + "TEP", + -14.36319065093994 + ], + [ + "\u2581resgate", + -14.363211631774902 + ], + [ + "\u2581neighbours", + -14.363243103027344 + ], + [ + "\u2581dragging", + -14.363245010375977 + ], + [ + "\u2581dispersi", + -14.363266944885254 + ], + [ + "\u2581equipados", + -14.363288879394531 + ], + [ + "\u2581aceptada", + -14.363293647766112 + ], + [ + "\u2581hospitais", + -14.363330841064451 + ], + [ + "\u2581Clarendon", + -14.363333702087402 + ], + [ + "\u2581simult\u00e1ne", + -14.36333465576172 + ], + [ + "\u2581Duan", + -14.363367080688477 + ], + [ + "cyclische", + -14.363377571105955 + ], + [ + "\u2581sormontat", + -14.36340618133545 + ], + [ + "ilson", + -14.363415718078612 + ], + [ + "\u2581monstruo", + -14.36341953277588 + ], + [ + "\u2581condiciona", + -14.363420486450195 + ], + [ + "\u2581soggiornare", + -14.36342430114746 + ], + [ + "\u2581Konstitution", + -14.363428115844728 + ], + [ + "\u2581Consulting", + -14.363444328308104 + ], + [ + "\u2581Marietta", + -14.363463401794434 + ], + [ + "\u2581Pequeno", + -14.36347484588623 + ], + [ + "\u2581Anst", + -14.363480567932127 + ], + [ + "\u2581leraren", + -14.363511085510254 + ], + [ + "gegen\u00fcber", + -14.36352825164795 + ], + [ + "\u2581compagin", + -14.363558769226074 + ], + [ + "\u2581Confuci", + -14.363564491271973 + ], + [ + "Charset", + -14.363582611083984 + ], + [ + "\u2581filosof", + -14.363590240478516 + ], + [ + "wandten", + -14.363591194152832 + ], + [ + "\u2581heimischen", + -14.363617897033691 + ], + [ + "\u2581Airbnb", + -14.363643646240234 + ], + [ + "Needle", + -14.363651275634766 + ], + [ + "\u2581ideaal", + -14.363658905029297 + ], + [ + "uct", + -14.363667488098145 + ], + [ + "\u2581tablo", + -14.363677024841309 + ], + [ + "\u2581Skulpturen", + -14.36370086669922 + ], + [ + "\u2581nepal", + -14.36370849609375 + ], + [ + "\u2581Famos", + -14.363710403442385 + ], + [ + "Repair", + -14.363722801208496 + ], + [ + "\u2581stretches", + -14.363734245300291 + ], + [ + "\u2581rekonstruiert", + -14.363750457763672 + ], + [ + "\u2581rispecchia", + -14.363750457763672 + ], + [ + "\u2581perjuicio", + -14.363751411437988 + ], + [ + "\u2581aleat\u00f3rio", + -14.36375331878662 + ], + [ + "\u2581empezando", + -14.36375331878662 + ], + [ + "\u2581Cule", + -14.363755226135254 + ], + [ + "\u2581Candido", + -14.363757133483888 + ], + [ + "\u2581Fresne", + -14.363758087158203 + ], + [ + "\u2581cannone", + -14.363770484924316 + ], + [ + "GetValue", + -14.363778114318848 + ], + [ + "\u2581digestion", + -14.363783836364746 + ], + [ + "blanca", + -14.363802909851074 + ], + [ + "pyplot", + -14.363804817199709 + ], + [ + "addObserver", + -14.363846778869627 + ], + [ + "anf\u00e4llig", + -14.363883972167969 + ], + [ + "palos", + -14.363892555236816 + ], + [ + "Op\u00e9ration", + -14.36389446258545 + ], + [ + "\u2581rebat", + -14.36390781402588 + ], + [ + "\u2581Aquella", + -14.36391258239746 + ], + [ + "\u2581philosophers", + -14.363938331604004 + ], + [ + "\u2581burial", + -14.363945960998535 + ], + [ + "knochen", + -14.363948822021484 + ], + [ + "zettel", + -14.36396598815918 + ], + [ + "\u2581automatischen", + -14.363981246948242 + ], + [ + "\u2581Ripa", + -14.364046096801758 + ], + [ + "\u2581Viti", + -14.364048957824709 + ], + [ + "cafe", + -14.36407470703125 + ], + [ + "rajectory", + -14.364080429077148 + ], + [ + "\u2581arregl", + -14.364109992980955 + ], + [ + "\u2581moj", + -14.364112854003906 + ], + [ + "Anaheim", + -14.364121437072754 + ], + [ + "dotte", + -14.364150047302246 + ], + [ + "\u2581combater", + -14.364163398742676 + ], + [ + "\u2581cin\u00e9aste", + -14.364171028137209 + ], + [ + "\u2581fraudulent", + -14.364173889160156 + ], + [ + "Marshaler", + -14.364184379577637 + ], + [ + "ausbeute", + -14.364195823669434 + ], + [ + "pflegerische", + -14.364195823669434 + ], + [ + "vergoeding", + -14.364203453063965 + ], + [ + "\u2581Prescott", + -14.364215850830078 + ], + [ + "\u2581Goose", + -14.364243507385254 + ], + [ + "\u2581Auslastung", + -14.36424732208252 + ], + [ + "\u2581expressive", + -14.36424732208252 + ], + [ + "ineyard", + -14.364283561706545 + ], + [ + "myloid", + -14.364297866821287 + ], + [ + "akari", + -14.36432933807373 + ], + [ + "Muster", + -14.364338874816896 + ], + [ + "\u2581Pequena", + -14.36435604095459 + ], + [ + "rainbow", + -14.364357948303224 + ], + [ + "\u2581Begr\u00fc", + -14.36436367034912 + ], + [ + "betten", + -14.364380836486816 + ], + [ + "\u2581Klinikum", + -14.364397048950195 + ], + [ + "\u2581actitudes", + -14.36440086364746 + ], + [ + "\u2581preocupaciones", + -14.364402770996094 + ], + [ + "scaler", + -14.36441707611084 + ], + [ + "\u2581Fah", + -14.364418029785156 + ], + [ + "holland", + -14.3644380569458 + ], + [ + "\u2581Urheberrechts", + -14.36444854736328 + ], + [ + "\u2581Osiris", + -14.364462852478027 + ], + [ + "\u2581Courbe", + -14.36447048187256 + ], + [ + "\u2581soppresso", + -14.364486694335938 + ], + [ + "\u2581assorbit", + -14.364492416381836 + ], + [ + "\u2581dobro", + -14.364501953125 + ], + [ + "venda", + -14.364535331726074 + ], + [ + "\u2581frati", + -14.364556312561035 + ], + [ + "\u2581Ausbeutung", + -14.364590644836426 + ], + [ + "\u2581sobborgo", + -14.364591598510742 + ], + [ + "\u2581cellula", + -14.364619255065918 + ], + [ + "\u2581Eletr", + -14.364646911621094 + ], + [ + "\u2581Casci", + -14.364648818969728 + ], + [ + "\u2581Dessert", + -14.364648818969728 + ], + [ + "intensity", + -14.36465549468994 + ], + [ + "\u2581Geod", + -14.364665031433104 + ], + [ + "iscidae", + -14.364670753479004 + ], + [ + "\u2581indireto", + -14.3646821975708 + ], + [ + "DateFormat", + -14.364690780639648 + ], + [ + "\u2581almacenar", + -14.364690780639648 + ], + [ + "\u2581Nonlinear", + -14.364702224731444 + ], + [ + "\u2581Tabu", + -14.364706993103027 + ], + [ + "chimiste", + -14.36471462249756 + ], + [ + "\u2581Midland", + -14.364727973937988 + ], + [ + "\u2581Chanel", + -14.364744186401367 + ], + [ + "\u2581subtilis", + -14.364749908447266 + ], + [ + "Heartbeat", + -14.364766120910645 + ], + [ + "\u2581svizzera", + -14.364794731140137 + ], + [ + "\u2581estupora", + -14.36479949951172 + ], + [ + "Shot", + -14.36482048034668 + ], + [ + "cidid", + -14.36482048034668 + ], + [ + "salamander", + -14.364877700805664 + ], + [ + "devance", + -14.364886283874512 + ], + [ + "ForKey", + -14.36489200592041 + ], + [ + "arranging", + -14.364895820617676 + ], + [ + "\u2581disastros", + -14.3649263381958 + ], + [ + "\u2581desapareceu", + -14.364927291870115 + ], + [ + "\u2581gluten", + -14.364935874938965 + ], + [ + "geschoten", + -14.364960670471191 + ], + [ + "optimierung", + -14.364968299865724 + ], + [ + "\u2581adequados", + -14.36496925354004 + ], + [ + "azole", + -14.364974975585938 + ], + [ + "\u2581Nascido", + -14.364990234375 + ], + [ + "\u2581zielgerichtet", + -14.365013122558594 + ], + [ + "volse", + -14.365023612976074 + ], + [ + "loggingDisabled", + -14.365025520324709 + ], + [ + "\u2581studiert", + -14.365069389343262 + ], + [ + "\u2581veuille", + -14.36507511138916 + ], + [ + "\u2581s\u00e9par\u00e9e", + -14.365077018737791 + ], + [ + "\u2581glomerul", + -14.36508560180664 + ], + [ + "\u2581lubrifica", + -14.365090370178224 + ], + [ + "Asymmetric", + -14.365124702453612 + ], + [ + "\u2581W\u00e4sche", + -14.365126609802246 + ], + [ + "\u2581Steinberg", + -14.365150451660156 + ], + [ + "\u2581doorgaan", + -14.365150451660156 + ], + [ + "\u2581Kofi", + -14.365167617797852 + ], + [ + "those", + -14.365172386169434 + ], + [ + "\u2581Libero", + -14.365181922912598 + ], + [ + "\u2581woed", + -14.36518383026123 + ], + [ + "retino", + -14.365184783935549 + ], + [ + "\u2581schlimmer", + -14.36521053314209 + ], + [ + "\u2581Simm", + -14.365263938903809 + ], + [ + "\u2581Engag", + -14.36526870727539 + ], + [ + "m\u00e9tique", + -14.365283012390137 + ], + [ + "eifung", + -14.365294456481934 + ], + [ + "\u2581Garmisch", + -14.36529541015625 + ], + [ + "compressible", + -14.365297317504885 + ], + [ + "\u2581baiser", + -14.3653564453125 + ], + [ + "\u2581Dilemma", + -14.365358352661133 + ], + [ + "\u2581postulate", + -14.365364074707031 + ], + [ + "\u2581dependencias", + -14.365406036376951 + ], + [ + "approcher", + -14.365429878234863 + ], + [ + "\u2581Speelronde", + -14.365431785583496 + ], + [ + "\u2581frightened", + -14.365431785583496 + ], + [ + "\u2581citoplasma", + -14.365433692932127 + ], + [ + "\u2581Octavia", + -14.365437507629396 + ], + [ + "Hoboken", + -14.365439414978027 + ], + [ + "\u2581Escolha", + -14.365439414978027 + ], + [ + "\u2581Advocate", + -14.365445137023926 + ], + [ + "ucio", + -14.365448951721191 + ], + [ + "\u2581solta", + -14.365450859069824 + ], + [ + "\u2581Vertriebenen", + -14.365456581115724 + ], + [ + "cursussen", + -14.365467071533203 + ], + [ + "\u2581irreal", + -14.365472793579102 + ], + [ + "\u2581\u00e9voluant", + -14.365492820739746 + ], + [ + "\u2581Klimaat", + -14.36553955078125 + ], + [ + "\u2581advierte", + -14.365580558776855 + ], + [ + "\u2581quil\u00f3metros", + -14.36558723449707 + ], + [ + "bible", + -14.365612983703612 + ], + [ + "\u2581Nera", + -14.365612983703612 + ], + [ + "Collins", + -14.36561679840088 + ], + [ + "\u2581Taurus", + -14.36563205718994 + ], + [ + "imaginable", + -14.365652084350586 + ], + [ + "\u2581Skep", + -14.365679740905762 + ], + [ + "\u2581daytime", + -14.36570644378662 + ], + [ + "\u2581Weite", + -14.365726470947266 + ], + [ + "\u2581Monumenten", + -14.365735054016112 + ], + [ + "n\u00e9sie", + -14.365736961364746 + ], + [ + "warmup", + -14.365751266479492 + ], + [ + "\u2581verschieben", + -14.365756034851074 + ], + [ + "Mom", + -14.365803718566896 + ], + [ + "\u2581dwang", + -14.365805625915527 + ], + [ + "\u2581intellectuele", + -14.365808486938477 + ], + [ + "Sozialleistungen", + -14.365821838378906 + ], + [ + "\u2581Scud", + -14.365842819213867 + ], + [ + "\u2581Dutt", + -14.365849494934082 + ], + [ + "\u2581enthielten", + -14.365856170654297 + ], + [ + "\u2581zorgden", + -14.36586093902588 + ], + [ + "snapdragon", + -14.365864753723145 + ], + [ + "\u2581Vigna", + -14.36589813232422 + ], + [ + "\u2581planalto", + -14.365900993347168 + ], + [ + "ressen", + -14.36591911315918 + ], + [ + "\u2581Nikon", + -14.36591911315918 + ], + [ + "agari", + -14.365926742553713 + ], + [ + "sleutel", + -14.365934371948242 + ], + [ + "ogeny", + -14.36595058441162 + ], + [ + "\u2581h\u00e9rit\u00e9", + -14.365988731384276 + ], + [ + "\u2581Selo", + -14.366010665893556 + ], + [ + "relict", + -14.366012573242188 + ], + [ + "\u2581optimistic", + -14.366022109985352 + ], + [ + "\u2581meldet", + -14.366073608398438 + ], + [ + "peng", + -14.366086959838867 + ], + [ + "ggplot", + -14.36610221862793 + ], + [ + "nh\u00e4nger", + -14.36611557006836 + ], + [ + "\u2581invento", + -14.366146087646484 + ], + [ + "f\u00e9rez", + -14.3661527633667 + ], + [ + "\u2581Wreck", + -14.366175651550291 + ], + [ + "\u2581Salda", + -14.366177558898926 + ], + [ + "\u2581tijdrit", + -14.366183280944824 + ], + [ + "\u2581Neuronen", + -14.366204261779783 + ], + [ + "\u2581martiri", + -14.366206169128418 + ], + [ + "StatusBar", + -14.366225242614746 + ], + [ + "\u2581proclamar", + -14.366236686706545 + ], + [ + "umani", + -14.366262435913086 + ], + [ + "\u2581Ramirez", + -14.366276741027832 + ], + [ + "\u2581breidde", + -14.366286277770996 + ], + [ + "\u2581contano", + -14.366299629211426 + ], + [ + "dust", + -14.366308212280272 + ], + [ + "\u2581hypothetisch", + -14.36631965637207 + ], + [ + "\u2581assurent", + -14.36635971069336 + ], + [ + "\u2581visualizzat", + -14.366363525390623 + ], + [ + "Donau", + -14.36636734008789 + ], + [ + "Statistik", + -14.366378784179688 + ], + [ + "\u2581Situado", + -14.36638069152832 + ], + [ + "\u2581reinou", + -14.366381645202637 + ], + [ + "sonntag", + -14.36640739440918 + ], + [ + "\u2581Gr\u00e1fico", + -14.36642074584961 + ], + [ + "werkstoff", + -14.366422653198242 + ], + [ + "jeira", + -14.366425514221191 + ], + [ + "foi", + -14.366430282592772 + ], + [ + "kij", + -14.36643886566162 + ], + [ + "\u2581admiraci\u00f3n", + -14.366470336914062 + ], + [ + "\u2581Rhythmus", + -14.366512298583984 + ], + [ + "tl\u00e1n", + -14.36652660369873 + ], + [ + "\u2581Obersten", + -14.366547584533691 + ], + [ + "intendant", + -14.36655044555664 + ], + [ + "\u2581Kennzahlen", + -14.366564750671388 + ], + [ + "unsicherheit", + -14.366589546203612 + ], + [ + "Finland", + -14.36659049987793 + ], + [ + "\u2581Vicky", + -14.366600036621094 + ], + [ + "\u00edculas", + -14.366606712341309 + ], + [ + "\u2581plumb", + -14.366617202758787 + ], + [ + "\u2581ribella", + -14.36662483215332 + ], + [ + "Siena", + -14.366631507873535 + ], + [ + "\u2581guiado", + -14.366652488708496 + ], + [ + "deletion", + -14.366670608520508 + ], + [ + "\u2581estat\u00edsticas", + -14.366694450378418 + ], + [ + "Analog", + -14.36670970916748 + ], + [ + "\u2581asylum", + -14.366713523864746 + ], + [ + "\u2581semantische", + -14.36674690246582 + ], + [ + "FieldName", + -14.366747856140137 + ], + [ + "\u2581vorzugsweise", + -14.366762161254885 + ], + [ + "\u2581delicato", + -14.366787910461426 + ], + [ + "\u2581seafood", + -14.366804122924805 + ], + [ + "\u2581bin\u00e1rios", + -14.36680507659912 + ], + [ + "nodal", + -14.366827011108398 + ], + [ + "\u2581McGregor", + -14.36683464050293 + ], + [ + "\u2581lightweight", + -14.366836547851562 + ], + [ + "\u2581dedican", + -14.36684513092041 + ], + [ + "\u2581Spezialisierung", + -14.3668794631958 + ], + [ + "\u2581Geschoss", + -14.366891860961914 + ], + [ + "onderbroken", + -14.366899490356444 + ], + [ + "molinos", + -14.366902351379396 + ], + [ + "oronar", + -14.36691951751709 + ], + [ + "\u2581Bies", + -14.36691951751709 + ], + [ + "\u2581einflie", + -14.366923332214355 + ], + [ + "vaccin", + -14.366989135742188 + ], + [ + "\u2581Duero", + -14.366992950439451 + ], + [ + "\u2581moldura", + -14.36699390411377 + ], + [ + "\u2581atuava", + -14.36701202392578 + ], + [ + "pharyn", + -14.36703109741211 + ], + [ + "coel", + -14.36704444885254 + ], + [ + "\u2581Fachleute", + -14.367045402526855 + ], + [ + "\u2581claimant", + -14.367053031921388 + ], + [ + "\u2581presentarsi", + -14.367063522338867 + ], + [ + "\u2581vloog", + -14.367094039916992 + ], + [ + "\u2581Inmaculada", + -14.36711597442627 + ], + [ + "\u2581cosicch\u00e9", + -14.36711597442627 + ], + [ + "\u2581peptides", + -14.367125511169434 + ], + [ + "\u2581Burlington", + -14.367128372192385 + ], + [ + "\u2581veiller", + -14.367141723632812 + ], + [ + "\u2581servait", + -14.367168426513672 + ], + [ + "\u2581subsidies", + -14.367173194885254 + ], + [ + "st\u00e4ben", + -14.367183685302734 + ], + [ + "\u2581Declaraci\u00f3n", + -14.367210388183594 + ], + [ + "\u2581suddivisi", + -14.367212295532228 + ], + [ + "\u2581Cristianismo", + -14.367216110229492 + ], + [ + "gorilla", + -14.367222785949709 + ], + [ + "\u2581ceremonies", + -14.367243766784668 + ], + [ + "\u00e9cologie", + -14.367247581481934 + ], + [ + "kodex", + -14.367280960083008 + ], + [ + "oglu", + -14.367289543151855 + ], + [ + "isierenden", + -14.36729335784912 + ], + [ + "qualifier", + -14.367295265197754 + ], + [ + "increase", + -14.36729907989502 + ], + [ + "sverh\u00e4ltnisses", + -14.367300033569336 + ], + [ + "\u2581Estrellas", + -14.367369651794434 + ], + [ + "\u2581apodera", + -14.367380142211914 + ], + [ + "\u2581amorti", + -14.367389678955078 + ], + [ + "werktuig", + -14.367396354675291 + ], + [ + "asList", + -14.367406845092772 + ], + [ + "trk", + -14.36742877960205 + ], + [ + "\u2581reli\u00e9s", + -14.367457389831545 + ], + [ + "\u2581rassembler", + -14.367472648620604 + ], + [ + "DateFormatter", + -14.367475509643556 + ], + [ + "\u2581Chet", + -14.36752986907959 + ], + [ + "\u2581whatsoever", + -14.36754035949707 + ], + [ + "\u2581Lebensr\u00e4ume", + -14.36755657196045 + ], + [ + "\u2581Tropic", + -14.367581367492676 + ], + [ + "drus", + -14.36758518218994 + ], + [ + "\u00e9ens", + -14.36758804321289 + ], + [ + "\u2581Northwestern", + -14.367608070373535 + ], + [ + "indemnit\u00e9", + -14.367664337158203 + ], + [ + "\u2581pular", + -14.367690086364746 + ], + [ + "culent", + -14.367711067199709 + ], + [ + "\u2581Naturales", + -14.367715835571287 + ], + [ + "\u2581Drehzahl", + -14.367719650268556 + ], + [ + "int\u00e9ressa", + -14.367728233337402 + ], + [ + "olumbia", + -14.367728233337402 + ], + [ + "Sobre", + -14.367738723754885 + ], + [ + "raim", + -14.367754936218262 + ], + [ + "Labor", + -14.367782592773438 + ], + [ + "spasm", + -14.367785453796388 + ], + [ + "\u2581appropri\u00e9e", + -14.367827415466309 + ], + [ + "\u2581Creaci\u00f3n", + -14.367855072021484 + ], + [ + "\u2581Motel", + -14.367857933044434 + ], + [ + "localStorage", + -14.367919921875 + ], + [ + "natom\u00eda", + -14.367925643920898 + ], + [ + "isolamento", + -14.367928504943848 + ], + [ + "raut", + -14.367937088012695 + ], + [ + "\u2581encerrado", + -14.367942810058594 + ], + [ + "\u2581Platinum", + -14.367959976196287 + ], + [ + "\u2581stupore", + -14.367964744567873 + ], + [ + "Bike", + -14.367987632751465 + ], + [ + "\u2581Picchu", + -14.367999076843262 + ], + [ + "\u2581Clerk", + -14.368001937866213 + ], + [ + "\u2581Iraanse", + -14.368008613586426 + ], + [ + "\u2581exploitatie", + -14.36801815032959 + ], + [ + "\u2581Josia", + -14.368020057678224 + ], + [ + "Miguel", + -14.368023872375488 + ], + [ + "\u2581gezeigten", + -14.368040084838867 + ], + [ + "beute", + -14.368049621582031 + ], + [ + "\u2581Badia", + -14.36805248260498 + ], + [ + "\u2581Thuis", + -14.368057250976562 + ], + [ + "metti", + -14.368063926696776 + ], + [ + "\u2581estatuas", + -14.36811351776123 + ], + [ + "\u2581Garth", + -14.368114471435549 + ], + [ + "\u2581sterline", + -14.368134498596191 + ], + [ + "koffer", + -14.368138313293455 + ], + [ + "bood", + -14.368155479431152 + ], + [ + "\u2581reproducir", + -14.368160247802734 + ], + [ + "Relat\u00f3rio", + -14.368178367614746 + ], + [ + "\u2581Moneda", + -14.368179321289062 + ], + [ + "\u2581vage", + -14.36819839477539 + ], + [ + "\u2581baixar", + -14.368207931518556 + ], + [ + "described", + -14.36821746826172 + ], + [ + "\u2581noveno", + -14.368240356445312 + ], + [ + "Bestimmung", + -14.368266105651855 + ], + [ + "Notice", + -14.368268966674805 + ], + [ + "\u2581Hoppe", + -14.368281364440918 + ], + [ + "vlam", + -14.368325233459473 + ], + [ + "\u2581barbarie", + -14.368388175964355 + ], + [ + "crecen", + -14.368392944335938 + ], + [ + "\u2581abstrait", + -14.368392944335938 + ], + [ + "\u2581Fahrgast", + -14.368412971496582 + ], + [ + "kippen", + -14.368425369262695 + ], + [ + "\u2581Sauda", + -14.368463516235352 + ], + [ + "\u2581behindern", + -14.368464469909668 + ], + [ + "\u2581Hessische", + -14.368465423583984 + ], + [ + "viando", + -14.36847972869873 + ], + [ + "\u2581Tanjung", + -14.36849308013916 + ], + [ + "\u2581s\u00e9rieusement", + -14.368515968322754 + ], + [ + "Alfieri", + -14.368521690368652 + ], + [ + "\u2581tristi", + -14.368560791015623 + ], + [ + "\u2581Thiers", + -14.36856460571289 + ], + [ + "\u2581est\u00e1bamos", + -14.368568420410156 + ], + [ + "zitiert", + -14.368619918823242 + ], + [ + "\u2581Marcin", + -14.368638038635254 + ], + [ + "\u2581invitar", + -14.36864948272705 + ], + [ + "\u2581condivisi", + -14.368680953979492 + ], + [ + "UDE", + -14.368682861328123 + ], + [ + "\u2581singuli", + -14.36868953704834 + ], + [ + "\u2581artistici", + -14.368754386901855 + ], + [ + "\u2581fattoria", + -14.368754386901855 + ], + [ + "\u2581llamaron", + -14.36876106262207 + ], + [ + "\u2581creano", + -14.368789672851562 + ], + [ + "\u2581Activit\u00e9s", + -14.368803977966309 + ], + [ + "diff\u00e9remment", + -14.368807792663574 + ], + [ + "\u2581Nogueira", + -14.368812561035156 + ], + [ + "\u2581platziert", + -14.368821144104004 + ], + [ + "\u2581monetario", + -14.3688383102417 + ], + [ + "\u2581kopier", + -14.368861198425291 + ], + [ + "\u2581br\u00e9silienne", + -14.368866920471191 + ], + [ + "\u2581mat\u00e1", + -14.368905067443848 + ], + [ + "\u2581Campanha", + -14.368928909301758 + ], + [ + "\u2581comprehension", + -14.368940353393556 + ], + [ + "\u2581adota", + -14.368962287902832 + ], + [ + "\u2581niedergelassen", + -14.368979454040527 + ], + [ + "rderf\u00e4hig", + -14.368988037109377 + ], + [ + "cissor", + -14.369025230407717 + ], + [ + "\u2581vielseitig", + -14.369063377380373 + ], + [ + "\u2581palestinos", + -14.369070053100586 + ], + [ + "blumen", + -14.369071006774902 + ], + [ + "\u2581paraissait", + -14.369074821472168 + ], + [ + "\u2581d\u00e9coup\u00e9", + -14.369088172912598 + ], + [ + "iscuit", + -14.369089126586914 + ], + [ + "\u2581Rosselli", + -14.369104385375977 + ], + [ + "msm", + -14.36910915374756 + ], + [ + "\u2581resembles", + -14.369140625 + ], + [ + "rossel", + -14.369180679321287 + ], + [ + "\u2581abnehmende", + -14.369185447692873 + ], + [ + "\u2581Bowen", + -14.369222640991213 + ], + [ + "\u2581vermarktet", + -14.36922836303711 + ], + [ + "\u2581aufgeschl\u00fcsselt", + -14.369230270385742 + ], + [ + "\u2581plaisance", + -14.369240760803224 + ], + [ + "\u2581Conferenza", + -14.369243621826172 + ], + [ + "\u2581Kater", + -14.369260787963867 + ], + [ + "\u2581Landesverband", + -14.369263648986816 + ], + [ + "Molophilus", + -14.369285583496094 + ], + [ + "\u2581espaciais", + -14.369298934936523 + ], + [ + "\u2581Subaru", + -14.369322776794434 + ], + [ + "\u2581confi\u00e9e", + -14.369336128234863 + ], + [ + "\u2581unabh\u00e4ngiger", + -14.369344711303713 + ], + [ + "oecil", + -14.36935806274414 + ], + [ + "\u2581Apert", + -14.369394302368164 + ], + [ + "\u2581sidewalk", + -14.369396209716797 + ], + [ + "\u2581permetteva", + -14.36941909790039 + ], + [ + "\u2581Minna", + -14.369479179382324 + ], + [ + "\u2581abolit", + -14.369483947753906 + ], + [ + "qu\u00edmico", + -14.369507789611816 + ], + [ + "\u2581Vaga", + -14.369524955749512 + ], + [ + "\u2581Nari", + -14.36954402923584 + ], + [ + "\u2581Beschreibungen", + -14.3695650100708 + ], + [ + "\u2581lodging", + -14.369565963745115 + ], + [ + "\u2581resumid", + -14.369577407836914 + ], + [ + "\u2581Fender", + -14.369579315185549 + ], + [ + "\u2581Souvenir", + -14.369585990905762 + ], + [ + "\u2581zebra", + -14.369593620300291 + ], + [ + "\u2581sfugg", + -14.36960506439209 + ], + [ + "\u2581derivare", + -14.369630813598633 + ], + [ + "trine", + -14.369635581970217 + ], + [ + "taschen", + -14.369636535644531 + ], + [ + "Opleiding", + -14.369640350341797 + ], + [ + "\u2581CONCLUSION", + -14.369647026062012 + ], + [ + "\u2581Bally", + -14.369654655456545 + ], + [ + "\u2581israeliana", + -14.36966037750244 + ], + [ + "HRE", + -14.369683265686035 + ], + [ + "Made", + -14.369690895080566 + ], + [ + "\u2581tribut\u00e1ri", + -14.369695663452148 + ], + [ + "geflossen", + -14.369709014892578 + ], + [ + "mettendo", + -14.369720458984377 + ], + [ + "\u2581olimpica", + -14.369722366333008 + ], + [ + "\u2581Ricerca", + -14.369725227355955 + ], + [ + "\u2581Medaglia", + -14.369736671447754 + ], + [ + "absatz", + -14.369754791259766 + ], + [ + "espesa", + -14.369756698608398 + ], + [ + "alkan", + -14.369772911071776 + ], + [ + "\u2581Erkundung", + -14.369776725769045 + ], + [ + "mouvan", + -14.369778633117676 + ], + [ + "\u2581constitutive", + -14.369817733764648 + ], + [ + "\u2581s\u00f3tano", + -14.36983585357666 + ], + [ + "\u2581Her\u00f3", + -14.369873046875 + ], + [ + "\u2581attributi", + -14.369874954223633 + ], + [ + "tious", + -14.36988353729248 + ], + [ + "\u2581f\u00e9cond", + -14.369887351989746 + ], + [ + "uganda", + -14.36993408203125 + ], + [ + "\u2581frivol", + -14.369949340820312 + ], + [ + "\u2581fontane", + -14.369966506958008 + ], + [ + "\u2581marmer", + -14.369967460632324 + ], + [ + "\u00e9pal", + -14.370002746582031 + ], + [ + "africano", + -14.370003700256348 + ], + [ + "\u2581vermoorden", + -14.370017051696776 + ], + [ + "\u2581Annibale", + -14.37006950378418 + ], + [ + "\u2581avvocati", + -14.37006950378418 + ], + [ + "schmelz", + -14.370086669921877 + ], + [ + "\u2581Stimulus", + -14.370099067687988 + ], + [ + "\u2581Sinfonie", + -14.370110511779783 + ], + [ + "\u2581snacks", + -14.370128631591797 + ], + [ + "\u2581spezieller", + -14.370150566101074 + ], + [ + "\u2581eenmalige", + -14.370210647583008 + ], + [ + "\u2581monop", + -14.370229721069336 + ], + [ + "fdc", + -14.370357513427734 + ], + [ + "\u2581valoraci\u00f3n", + -14.370416641235352 + ], + [ + "\u2581Vorjahren", + -14.370427131652832 + ], + [ + "\u2581Historial", + -14.37042999267578 + ], + [ + "ostom", + -14.370430946350098 + ], + [ + "\u2581apprezzare", + -14.37046718597412 + ], + [ + "\u2581paille", + -14.370469093322754 + ], + [ + "LDI", + -14.370474815368652 + ], + [ + "carpo", + -14.370503425598145 + ], + [ + "\u2581G\u00e9nova", + -14.370528221130373 + ], + [ + "winden", + -14.370540618896484 + ], + [ + "\u2581Monozyten", + -14.3705415725708 + ], + [ + "exportation", + -14.370545387268066 + ], + [ + "\u2581assumendo", + -14.37057399749756 + ], + [ + "\u2581Mithilfe", + -14.370594024658203 + ], + [ + "\u2581purity", + -14.37059497833252 + ], + [ + "tismus", + -14.370595932006836 + ], + [ + "\u2581Bolet", + -14.370600700378418 + ], + [ + "\u2581professori", + -14.370607376098633 + ], + [ + "doctrine", + -14.370656967163086 + ], + [ + "\u2581Bethe", + -14.370672225952148 + ], + [ + "\u2581embodie", + -14.370675086975098 + ], + [ + "\u2581occupants", + -14.370682716369627 + ], + [ + "\u2581abz\u00fcglich", + -14.370694160461426 + ], + [ + "katastrophe", + -14.370712280273438 + ], + [ + "\u2581mencion\u00f3", + -14.37071418762207 + ], + [ + "crou", + -14.370731353759766 + ], + [ + "itiert", + -14.370746612548828 + ], + [ + "\u2581Veno", + -14.370769500732422 + ], + [ + "Convolution", + -14.370779037475586 + ], + [ + "derberg", + -14.37079906463623 + ], + [ + "ungsbeitr\u00e4ge", + -14.370802879333496 + ], + [ + "\u2581cliccando", + -14.370832443237305 + ], + [ + "\u2581piek", + -14.370835304260254 + ], + [ + "\u2581comporter", + -14.370838165283203 + ], + [ + "\u2581Justizvollzugs", + -14.370914459228516 + ], + [ + "\u2581jugoslawische", + -14.370914459228516 + ], + [ + "\u2581myst\u00e9rieuse", + -14.370914459228516 + ], + [ + "\u2581trasparente", + -14.370919227600098 + ], + [ + "\u2581cumpli\u00f3", + -14.370926856994627 + ], + [ + "\u2581resoconto", + -14.370935440063477 + ], + [ + "stete", + -14.370938301086426 + ], + [ + "\u2581capitaliste", + -14.370938301086426 + ], + [ + "\u2581antibiotics", + -14.370960235595703 + ], + [ + "\u2581Chalk", + -14.370979309082031 + ], + [ + "CoreData", + -14.371034622192385 + ], + [ + "douro", + -14.371036529541016 + ], + [ + "\u2581mariscal", + -14.371047973632812 + ], + [ + "\u2581F\u00fchren", + -14.371053695678713 + ], + [ + "\u2581Shank", + -14.371060371398926 + ], + [ + "\u2581Varenn", + -14.371082305908203 + ], + [ + "\u2581contratada", + -14.37109088897705 + ], + [ + "\u2581Flota", + -14.37110424041748 + ], + [ + "\u00edbe", + -14.37110996246338 + ], + [ + "\u2581kreisfreien", + -14.371115684509276 + ], + [ + "\u2581cappelle", + -14.371140480041504 + ], + [ + "Splash", + -14.371170043945312 + ], + [ + "getrennt", + -14.371222496032717 + ], + [ + "\u2581rifugiati", + -14.37123680114746 + ], + [ + "UTI", + -14.371251106262209 + ], + [ + "searchBar", + -14.371253967285156 + ], + [ + "\u00e9risation", + -14.371264457702637 + ], + [ + "ummy", + -14.371265411376951 + ], + [ + "\u2581Hubei", + -14.371267318725586 + ], + [ + "voorspel", + -14.37130355834961 + ], + [ + "\u2581Leidse", + -14.37130641937256 + ], + [ + "\u2581collation", + -14.371338844299316 + ], + [ + "\u2581renvoy\u00e9", + -14.37134075164795 + ], + [ + "\u2581Geh\u00e4lter", + -14.371341705322266 + ], + [ + "lkerrechts", + -14.37135410308838 + ], + [ + "\u2581rifornimento", + -14.371360778808594 + ], + [ + "firewall", + -14.371376037597656 + ], + [ + "\u2581Poesie", + -14.371390342712402 + ], + [ + "Returned", + -14.371397018432615 + ], + [ + "\u2581potato", + -14.371397018432615 + ], + [ + "\u2581Defender", + -14.371404647827148 + ], + [ + "\u2581retran", + -14.371404647827148 + ], + [ + "\u2581scoraggia", + -14.371411323547363 + ], + [ + "\u2581Printing", + -14.371429443359377 + ], + [ + "\u2581Empfindung", + -14.371444702148438 + ], + [ + "\u2581M\u00e4chte", + -14.371452331542969 + ], + [ + "\u2581filtrage", + -14.3714599609375 + ], + [ + "\u2581rapporter", + -14.371469497680664 + ], + [ + "deutig", + -14.371478080749512 + ], + [ + "\u2581direttrice", + -14.37148094177246 + ], + [ + "transaktion", + -14.37148666381836 + ], + [ + "\u2581colch", + -14.37148666381836 + ], + [ + "anyi", + -14.371503829956056 + ], + [ + "\u2581Cheval", + -14.371524810791016 + ], + [ + "\u2581Gilmore", + -14.371553421020508 + ], + [ + "anzio", + -14.371578216552734 + ], + [ + "\u2581betriebenen", + -14.371590614318848 + ], + [ + "\u2581Giovani", + -14.371641159057615 + ], + [ + "\u2581vliegt", + -14.371641159057615 + ], + [ + "\u2581Cowboy", + -14.371652603149414 + ], + [ + "\u2581pragmatisch", + -14.37168788909912 + ], + [ + "actividad", + -14.371697425842283 + ], + [ + "tisserie", + -14.37173557281494 + ], + [ + "\u2581ancla", + -14.37174129486084 + ], + [ + "\u2581militia", + -14.371743202209473 + ], + [ + "\u2581geographischen", + -14.371748924255373 + ], + [ + "\u2581Agr\u00edcola", + -14.371760368347168 + ], + [ + "\u2581addiction", + -14.37176513671875 + ], + [ + "\u2581prohibida", + -14.37176513671875 + ], + [ + "\u2581rechteckige", + -14.37176513671875 + ], + [ + "n\u00e9gation", + -14.371785163879396 + ], + [ + "\u2581vingan", + -14.371844291687012 + ], + [ + "blou", + -14.371905326843262 + ], + [ + "evasion", + -14.371905326843262 + ], + [ + "rippen", + -14.371940612792969 + ], + [ + "\u2581carlista", + -14.371944427490234 + ], + [ + "\u2581sensu", + -14.371944427490234 + ], + [ + "mazzoni", + -14.37197494506836 + ], + [ + "oldaatjes", + -14.372005462646484 + ], + [ + "sistindo", + -14.372035026550291 + ], + [ + "\u2581Crater", + -14.372048377990724 + ], + [ + "speise", + -14.372058868408203 + ], + [ + "bedeutung", + -14.372066497802734 + ], + [ + "\u2581Rogier", + -14.372076034545898 + ], + [ + "m\u00e9ni", + -14.37210750579834 + ], + [ + "isolation", + -14.372119903564451 + ], + [ + "oosters", + -14.372126579284668 + ], + [ + "regie", + -14.37213134765625 + ], + [ + "\u2581piles", + -14.37215518951416 + ], + [ + "Encyclop\u00e9die", + -14.372183799743652 + ], + [ + "\u2581atmosfeer", + -14.372183799743652 + ], + [ + "\u2581cosiddette", + -14.372183799743652 + ], + [ + "\u2581Polizeivollzugs", + -14.372186660766602 + ], + [ + "\u2581sierung", + -14.372186660766602 + ], + [ + "\u2581psychosoziale", + -14.372207641601562 + ], + [ + "\u2581hospedagem", + -14.372241020202637 + ], + [ + "\u2581camarade", + -14.372286796569824 + ], + [ + "arthr", + -14.372310638427734 + ], + [ + "\u00e9trica", + -14.372310638427734 + ], + [ + "\u2581plumas", + -14.37231731414795 + ], + [ + "\u2581R\u00fcckforderung", + -14.372401237487791 + ], + [ + "\u2581Biogas", + -14.372444152832031 + ], + [ + "\u2581norteamericanos", + -14.37244987487793 + ], + [ + "getProperty", + -14.372458457946776 + ], + [ + "fashioned", + -14.372467041015623 + ], + [ + "\u2581diamantes", + -14.37248706817627 + ], + [ + "\u2581baroni", + -14.372507095336914 + ], + [ + "sondern", + -14.37250804901123 + ], + [ + "\u2581roeien", + -14.372509956359863 + ], + [ + "\u2581Texel", + -14.372543334960938 + ], + [ + "\u2581Bundessozial", + -14.372553825378418 + ], + [ + "\u2581parallelism", + -14.372563362121582 + ], + [ + "onnaie", + -14.37257957458496 + ], + [ + "Hunt", + -14.37259292602539 + ], + [ + "ndante", + -14.372599601745604 + ], + [ + "ANHANG", + -14.372607231140137 + ], + [ + "\u2581Embassy", + -14.372607231140137 + ], + [ + "\u2581Pompidou", + -14.372607231140137 + ], + [ + "\u2581ancestrais", + -14.372607231140137 + ], + [ + "\u2581burgues\u00eda", + -14.372607231140137 + ], + [ + "\u2581gehindert", + -14.37260913848877 + ], + [ + "\u2581surgieron", + -14.37260913848877 + ], + [ + "\u2581H\u00fcbner", + -14.37261199951172 + ], + [ + "satisfied", + -14.3726167678833 + ], + [ + "gef\u00e4hrdet", + -14.372625350952148 + ], + [ + "\u2581grimpe", + -14.372638702392578 + ], + [ + "UDI", + -14.372662544250488 + ], + [ + "\u2581spacca", + -14.372733116149902 + ], + [ + "\u2581nitrog", + -14.372735023498535 + ], + [ + "Playground", + -14.37277126312256 + ], + [ + "\u2581cyni", + -14.372791290283203 + ], + [ + "\u2581Aberto", + -14.37279224395752 + ], + [ + "castro", + -14.372794151306152 + ], + [ + "\u2581clou", + -14.37280559539795 + ], + [ + "askell", + -14.372819900512695 + ], + [ + "\u2581tempor\u00e1ria", + -14.37282657623291 + ], + [ + "oercion", + -14.372857093811035 + ], + [ + "\u2581diffondere", + -14.372873306274414 + ], + [ + "\u2581Clus", + -14.372876167297363 + ], + [ + "LTC", + -14.372892379760742 + ], + [ + "\u2581patrizi", + -14.372917175292969 + ], + [ + "\u2581trockenen", + -14.372920036315918 + ], + [ + "\u2581acteer", + -14.372932434082031 + ], + [ + "pterus", + -14.372962951660156 + ], + [ + "\u2581gastric", + -14.372974395751951 + ], + [ + "\u2581capacita", + -14.37297821044922 + ], + [ + "\u2581timescale", + -14.3729829788208 + ], + [ + "brennen", + -14.373013496398926 + ], + [ + "kovich", + -14.37304401397705 + ], + [ + "COMPUTE", + -14.373047828674316 + ], + [ + "usatzprotokoll", + -14.373050689697266 + ], + [ + "\u2581reunieron", + -14.37306308746338 + ], + [ + "\u2581postulado", + -14.373080253601074 + ], + [ + "\u2581serviceConfig", + -14.37309455871582 + ], + [ + "issimus", + -14.373123168945312 + ], + [ + "\u2581houvesse", + -14.373141288757324 + ], + [ + "\u2581ingressou", + -14.373153686523438 + ], + [ + "\u2581pasajes", + -14.373163223266602 + ], + [ + "angeli", + -14.373167991638184 + ], + [ + "\u2581Stim", + -14.373172760009766 + ], + [ + "\u2581Objetivos", + -14.373175621032717 + ], + [ + "PROCESSOR", + -14.373199462890623 + ], + [ + "\u2581qualifizierter", + -14.373199462890623 + ], + [ + "\u2581Bloomberg", + -14.373201370239258 + ], + [ + "ctivityIndicator", + -14.37320327758789 + ], + [ + "\u2581pr\u00e9vi", + -14.373220443725586 + ], + [ + "\u2581traducteur", + -14.373233795166016 + ], + [ + "\u2581westdeutschen", + -14.373241424560549 + ], + [ + "\u2581movilidad", + -14.373248100280762 + ], + [ + "lineto", + -14.37327003479004 + ], + [ + "opstellingen", + -14.373284339904783 + ], + [ + "\u2581freestyle", + -14.373335838317873 + ], + [ + "\u2581navali", + -14.373342514038086 + ], + [ + "ippel", + -14.37338638305664 + ], + [ + "\u2581qualcun", + -14.373398780822754 + ], + [ + "\u2581Hodge", + -14.373416900634766 + ], + [ + "\u2581privately", + -14.373417854309082 + ], + [ + "\u2581paesaggistic", + -14.373442649841309 + ], + [ + "\u2581Schroeder", + -14.373455047607422 + ], + [ + "wierp", + -14.373456001281738 + ], + [ + "\u2581Chamb\u00e9ry", + -14.373456954956056 + ], + [ + "\u2581Riten", + -14.373465538024902 + ], + [ + "\u2581unsichtbar", + -14.3734769821167 + ], + [ + "VAT", + -14.373489379882812 + ], + [ + "\u2581Cl\u00e1udio", + -14.373497009277344 + ], + [ + "\u2581sediada", + -14.37353515625 + ], + [ + "nardi", + -14.37356662750244 + ], + [ + "\u2581sviluppano", + -14.373567581176758 + ], + [ + "\u2581Prelude", + -14.37357234954834 + ], + [ + "j\u00e4hrlich", + -14.37358283996582 + ], + [ + "\u2581innerdeutsche", + -14.37362289428711 + ], + [ + "st\u00fchle", + -14.373692512512209 + ], + [ + "Lecce", + -14.373703002929688 + ], + [ + "\u2581Moussa", + -14.373751640319824 + ], + [ + "heard", + -14.373798370361328 + ], + [ + "\u2581misurare", + -14.373799324035645 + ], + [ + "uedlinburg", + -14.373878479003906 + ], + [ + "\u2581bodily", + -14.373887062072754 + ], + [ + "\u2581serviert", + -14.373905181884766 + ], + [ + "\u2581Baga", + -14.373906135559082 + ], + [ + "\u2581Britton", + -14.37391185760498 + ], + [ + "affix", + -14.37391471862793 + ], + [ + "\u2581commun\u00e9ment", + -14.373933792114258 + ], + [ + "\u2581Diable", + -14.374015808105469 + ], + [ + "Degrees", + -14.374032020568848 + ], + [ + "\u2581potenciais", + -14.374040603637695 + ], + [ + "\u2581volendo", + -14.37407684326172 + ], + [ + "gef\u00fcgt", + -14.374122619628906 + ], + [ + "nym", + -14.374126434326172 + ], + [ + "\u2581Merano", + -14.374130249023438 + ], + [ + "\u2581lutou", + -14.374130249023438 + ], + [ + "Fr\u00fch", + -14.374133110046388 + ], + [ + "\u2581dictature", + -14.374149322509766 + ], + [ + "\u2581significare", + -14.374149322509766 + ], + [ + "Dropbox", + -14.374157905578612 + ], + [ + "NEP", + -14.37416934967041 + ], + [ + "\u2581troppi", + -14.37417221069336 + ], + [ + "GTEST", + -14.374195098876951 + ], + [ + "\u2581Doornik", + -14.3742094039917 + ], + [ + "\u2581propici", + -14.374300956726074 + ], + [ + "\u2581\u00e9norm\u00e9ment", + -14.374303817749023 + ], + [ + "\u2581Versagung", + -14.374316215515137 + ], + [ + "\u2581Sessanta", + -14.374330520629885 + ], + [ + "deficient", + -14.374342918395996 + ], + [ + "\u2581koninklijk", + -14.374371528625488 + ], + [ + "ferien", + -14.374394416809082 + ], + [ + "Thy", + -14.374411582946776 + ], + [ + "\u2581Tente", + -14.374449729919434 + ], + [ + "foci", + -14.37445068359375 + ], + [ + "Ensure", + -14.374451637268066 + ], + [ + "EEL", + -14.374463081359863 + ], + [ + "\u2581Kapellen", + -14.37446403503418 + ], + [ + "\u2581collage", + -14.374472618103027 + ], + [ + "\u2581pattes", + -14.37449836730957 + ], + [ + "incremento", + -14.374503135681152 + ], + [ + "userid", + -14.374520301818848 + ], + [ + "milan", + -14.374540328979492 + ], + [ + "getChild", + -14.374547004699709 + ], + [ + "\u2581sapori", + -14.374549865722656 + ], + [ + "\u2581Basili", + -14.374552726745604 + ], + [ + "\u2581terri", + -14.374552726745604 + ], + [ + "OLUTION", + -14.374556541442873 + ], + [ + "\u2581Nya", + -14.37455940246582 + ], + [ + "\u2581Stehen", + -14.374601364135742 + ], + [ + "\u2581pouso", + -14.374614715576172 + ], + [ + "katsu", + -14.374629974365234 + ], + [ + "jona", + -14.374666213989258 + ], + [ + "\u2581Catalogne", + -14.374678611755373 + ], + [ + "eigh", + -14.374712944030762 + ], + [ + "\u2581gesch\u00e4tzten", + -14.374714851379396 + ], + [ + "\u2581batall\u00f3n", + -14.37472915649414 + ], + [ + "\u2581bevoegdheden", + -14.37472915649414 + ], + [ + "\u2581Astrophysics", + -14.374735832214355 + ], + [ + "\u2581benaderd", + -14.374736785888672 + ], + [ + "ashvili", + -14.37473964691162 + ], + [ + "\u2581avremmo", + -14.37473964691162 + ], + [ + "\u2581sordo", + -14.37473964691162 + ], + [ + "\u2581Hexen", + -14.374740600585938 + ], + [ + "Avorio", + -14.374753952026367 + ], + [ + "\u2581\u00e1pice", + -14.374754905700684 + ], + [ + "\u2581Fremdsprache", + -14.374777793884276 + ], + [ + "\u2581polacos", + -14.374865531921388 + ], + [ + "\u2581simplici", + -14.374866485595703 + ], + [ + "\u2581explicada", + -14.374881744384766 + ], + [ + "AtIndex", + -14.374908447265623 + ], + [ + "\u2581Retorno", + -14.374911308288574 + ], + [ + "\u2581landhuis", + -14.374927520751951 + ], + [ + "cornici", + -14.37494945526123 + ], + [ + "\u2581Banff", + -14.374966621398926 + ], + [ + "\u2581Occorre", + -14.374975204467772 + ], + [ + "\u2581catturare", + -14.374985694885254 + ], + [ + "\u2581statistica", + -14.37499713897705 + ], + [ + "imenez", + -14.375000953674316 + ], + [ + "harmlos", + -14.37501049041748 + ], + [ + "\u2581zusteht", + -14.375011444091797 + ], + [ + "\u2581verbreiten", + -14.375012397766112 + ], + [ + "\u2581guiding", + -14.375021934509276 + ], + [ + "\u2581Peralta", + -14.375029563903809 + ], + [ + "StringValue", + -14.375076293945312 + ], + [ + "presto", + -14.375081062316896 + ], + [ + "\u2581Moose", + -14.37509059906006 + ], + [ + "\u2581Franziska", + -14.375102996826172 + ], + [ + "\u2581conseille", + -14.375102996826172 + ], + [ + "\u2581Laghi", + -14.375113487243652 + ], + [ + "\u2581Melanch", + -14.37511920928955 + ], + [ + "synapse", + -14.375150680541992 + ], + [ + "\u2581Beyonc\u00e9", + -14.375152587890623 + ], + [ + "\u2581erfuellt", + -14.375152587890623 + ], + [ + "\u2581St\u00e4dtische", + -14.375157356262209 + ], + [ + "\u2581despesas", + -14.375171661376951 + ], + [ + "\u2581disgrazia", + -14.375186920166016 + ], + [ + "\u2581fiato", + -14.375207901000977 + ], + [ + "groeide", + -14.375249862670898 + ], + [ + "Taxi", + -14.375253677368164 + ], + [ + "LTA", + -14.37526035308838 + ], + [ + "\u2581fruchtbare", + -14.375279426574709 + ], + [ + "\u2581ricoverato", + -14.37529468536377 + ], + [ + "\u2581Salute", + -14.375304222106934 + ], + [ + "\u2581Lebensbedingung", + -14.375326156616213 + ], + [ + "\u2581Gnome", + -14.375327110290527 + ], + [ + "vitsj", + -14.375383377075195 + ], + [ + "ITES", + -14.375386238098145 + ], + [ + "\u2581aclarar", + -14.375395774841309 + ], + [ + "raisemblablement", + -14.375426292419434 + ], + [ + "EER", + -14.375447273254396 + ], + [ + "Differenz", + -14.375457763671877 + ], + [ + "Senh", + -14.375470161437988 + ], + [ + "\u2581Passar", + -14.375473022460938 + ], + [ + "disce", + -14.37547779083252 + ], + [ + "Autostrada", + -14.375500679016112 + ], + [ + "\u2581sardin", + -14.375550270080566 + ], + [ + "houdend", + -14.375555038452148 + ], + [ + "duktive", + -14.37556266784668 + ], + [ + "Prettify", + -14.375577926635742 + ], + [ + "\u2581percevoir", + -14.37557888031006 + ], + [ + "adjusted", + -14.375584602355955 + ], + [ + "\u2581extraits", + -14.37558937072754 + ], + [ + "atella", + -14.37559700012207 + ], + [ + "puros", + -14.375605583190918 + ], + [ + "\u2581kommunikative", + -14.375612258911133 + ], + [ + "\u2581abermals", + -14.375618934631348 + ], + [ + "prozent", + -14.375625610351562 + ], + [ + "\u2581Generalidad", + -14.375633239746094 + ], + [ + "\u2581gabbia", + -14.37564182281494 + ], + [ + "\u2581Ippolit", + -14.375706672668455 + ], + [ + "\u2581peores", + -14.375728607177734 + ], + [ + "LinearLayout", + -14.37575340270996 + ], + [ + "leks", + -14.37576389312744 + ], + [ + "\u2581alusi\u00f3n", + -14.375773429870604 + ], + [ + "VwV", + -14.37578296661377 + ], + [ + "\u2581cristallo", + -14.375794410705566 + ], + [ + "Electro", + -14.375826835632324 + ], + [ + "ettler", + -14.37584400177002 + ], + [ + "atezza", + -14.375864028930664 + ], + [ + "stiek", + -14.375896453857422 + ], + [ + "\u2581nient", + -14.375903129577637 + ], + [ + "hedon", + -14.375906944274902 + ], + [ + "\u2581revoked", + -14.37594985961914 + ], + [ + "Spagna", + -14.375958442687988 + ], + [ + "\u2581extrasolares", + -14.376011848449709 + ], + [ + "\u2581rindi", + -14.37602424621582 + ], + [ + "\u2581feststellbar", + -14.37602710723877 + ], + [ + "vaten", + -14.376047134399414 + ], + [ + "INGLijst", + -14.376078605651855 + ], + [ + "\u2581Sacco", + -14.376084327697754 + ], + [ + "\u2581significando", + -14.376084327697754 + ], + [ + "individuelle", + -14.376091957092283 + ], + [ + "\u2581rinomata", + -14.37610912322998 + ], + [ + "\u2581danneggiato", + -14.376138687133787 + ], + [ + "\u2581vor\u00fcbergehenden", + -14.376141548156738 + ], + [ + "\u2581comprimido", + -14.37615203857422 + ], + [ + "assertion", + -14.376182556152344 + ], + [ + "\u2581Prah", + -14.376193046569824 + ], + [ + "\u2581Geolog", + -14.376195907592772 + ], + [ + "\u2581Rimane", + -14.376211166381836 + ], + [ + "ojado", + -14.37625789642334 + ], + [ + "Checkout", + -14.376298904418944 + ], + [ + "Bisherige", + -14.376319885253906 + ], + [ + "arctan", + -14.37633991241455 + ], + [ + "hitsu", + -14.376340866088867 + ], + [ + "\u2581estadia", + -14.376394271850586 + ], + [ + "bault", + -14.37641429901123 + ], + [ + "\u2581torso", + -14.376420974731444 + ], + [ + "idalgo", + -14.376421928405762 + ], + [ + "\u2581ripiega", + -14.376421928405762 + ], + [ + "\u2581an\u00e1logo", + -14.376428604125977 + ], + [ + "\u2581Azteca", + -14.376436233520508 + ], + [ + "\u2581Steil", + -14.376463890075684 + ], + [ + "\u2581tailandes", + -14.376463890075684 + ], + [ + "\u2581Betonung", + -14.376494407653809 + ], + [ + "phori", + -14.376504898071287 + ], + [ + "\u2581adequately", + -14.37651252746582 + ], + [ + "\u2581aliment\u00e9", + -14.376531600952148 + ], + [ + "\u2581Cassidy", + -14.376534461975098 + ], + [ + "\u2581Morley", + -14.37657070159912 + ], + [ + "\u2581bancari", + -14.376585006713867 + ], + [ + "\u2581rev\u00e9s", + -14.37660789489746 + ], + [ + "AIL", + -14.376636505126951 + ], + [ + "uidelijk", + -14.376691818237305 + ], + [ + "clientId", + -14.37669563293457 + ], + [ + "\u2581alimentan", + -14.37669849395752 + ], + [ + "einsparung", + -14.376717567443848 + ], + [ + "cropoli", + -14.376730918884276 + ], + [ + "\u2581filosofiche", + -14.376733779907228 + ], + [ + "\u2581svizzeri", + -14.3767671585083 + ], + [ + "\u2581Monastero", + -14.376792907714844 + ], + [ + "\u2581Gu\u00e9rin", + -14.37682056427002 + ], + [ + "TRIPLE", + -14.376871109008787 + ], + [ + "ondrina", + -14.376876831054688 + ], + [ + "\u2581Rina", + -14.376882553100586 + ], + [ + "dispose", + -14.376919746398926 + ], + [ + "\u2581fortificato", + -14.376934051513672 + ], + [ + "\u2581aggiornata", + -14.376935005187988 + ], + [ + "\u2581indossat", + -14.376948356628418 + ], + [ + "\u2581Sabendo", + -14.376980781555176 + ], + [ + "\u2581Arru", + -14.376989364624023 + ], + [ + "geflogen", + -14.377009391784668 + ], + [ + "\u2581langj\u00e4hrigen", + -14.377031326293944 + ], + [ + "\u2581aufzeigen", + -14.377083778381348 + ], + [ + "\u2581uitoefenen", + -14.377093315124512 + ], + [ + "\u2581Sade", + -14.37710666656494 + ], + [ + "\u2581grandioso", + -14.377116203308104 + ], + [ + "\u2581Ausflug", + -14.377137184143066 + ], + [ + "\u2581descobriram", + -14.377152442932127 + ], + [ + "localize", + -14.37717056274414 + ], + [ + "xplorateur", + -14.377182960510254 + ], + [ + "\u2581Cavi", + -14.37720012664795 + ], + [ + "\u2581rimedi", + -14.377201080322266 + ], + [ + "\u2581vocabol", + -14.377227783203123 + ], + [ + "gezeten", + -14.377232551574709 + ], + [ + "\u2581poursuivant", + -14.37725830078125 + ], + [ + "aventura", + -14.377273559570312 + ], + [ + "\u2581cir\u00edlico", + -14.377280235290527 + ], + [ + "\u2581uiteenlopende", + -14.377281188964844 + ], + [ + "\u2581afwijkend", + -14.37728786468506 + ], + [ + "\u2581Schlafzimmer", + -14.377293586730955 + ], + [ + "\u2581Shib", + -14.377312660217283 + ], + [ + "Longitude", + -14.377370834350586 + ], + [ + "\u2581frenar", + -14.377386093139648 + ], + [ + "\u2581Mathew", + -14.37738800048828 + ], + [ + "Treviso", + -14.377396583557127 + ], + [ + "\u2581Pressekonferenz", + -14.37741470336914 + ], + [ + "IMI", + -14.37742805480957 + ], + [ + "\u2581Steff", + -14.377449989318848 + ], + [ + "\u2581merkw\u00fcrdig", + -14.377466201782228 + ], + [ + "\u2581pourrais", + -14.377490043640137 + ], + [ + "iatric", + -14.377521514892578 + ], + [ + "\u2581adriatic", + -14.377533912658691 + ], + [ + "\u2581Shul", + -14.377577781677246 + ], + [ + "\u2581Rava", + -14.377601623535156 + ], + [ + "\u2581diplomatiques", + -14.377603530883787 + ], + [ + "\u2581filmada", + -14.37761116027832 + ], + [ + "\u2581Brexit", + -14.377673149108888 + ], + [ + "cockroach", + -14.377702713012695 + ], + [ + "\u2581Bestrafung", + -14.377704620361328 + ], + [ + "\u2581n\u00f3rdico", + -14.37773323059082 + ], + [ + "arit\u00e9", + -14.377739906311035 + ], + [ + "\u2581visualizzare", + -14.377747535705566 + ], + [ + "\u2581sbal", + -14.37778091430664 + ], + [ + "saver", + -14.377788543701172 + ], + [ + "Gross", + -14.37779712677002 + ], + [ + "gerechter", + -14.37781047821045 + ], + [ + "\u2581impidi\u00f3", + -14.377811431884766 + ], + [ + "verfah", + -14.37782096862793 + ], + [ + "\u2581sandal", + -14.37783145904541 + ], + [ + "\u2581magica", + -14.37783908843994 + ], + [ + "\u2581realizaba", + -14.377840995788574 + ], + [ + "rmlich", + -14.377848625183104 + ], + [ + "\u2581eiken", + -14.377862930297852 + ], + [ + "\u2581equipaggiat", + -14.377915382385254 + ], + [ + "\u2581cr\u00e9ent", + -14.377933502197266 + ], + [ + "\u2581Vlieg", + -14.377935409545898 + ], + [ + "\u2581biases", + -14.377968788146973 + ], + [ + "\u2581escogido", + -14.377969741821287 + ], + [ + "\u2581Giebel", + -14.377989768981934 + ], + [ + "\u2581Falling", + -14.378071784973145 + ], + [ + "olls\u00e4tze", + -14.378079414367676 + ], + [ + "assino", + -14.378097534179688 + ], + [ + "allocated", + -14.378118515014648 + ], + [ + "igj\u00e4hrigen", + -14.37812042236328 + ], + [ + "\u2581brasiliani", + -14.37812614440918 + ], + [ + "pr\u00e4sidium", + -14.378129959106444 + ], + [ + "\u2581demostraci\u00f3n", + -14.378131866455078 + ], + [ + "\u2581Benediktiner", + -14.378137588500977 + ], + [ + "\u2581m\u00e9rit", + -14.378138542175291 + ], + [ + "\u2581maintient", + -14.378144264221191 + ], + [ + "\u2581Corta", + -14.378171920776367 + ], + [ + "\u2581enfurec", + -14.378178596496582 + ], + [ + "xclusief", + -14.378192901611328 + ], + [ + "\u2581eletricidade", + -14.378201484680176 + ], + [ + "\u2581conservada", + -14.378226280212402 + ], + [ + "barazza", + -14.378233909606934 + ], + [ + "\u2581cr\u00e9atures", + -14.378254890441896 + ], + [ + "\u2581omgekeerd", + -14.378263473510742 + ], + [ + "uirin", + -14.378268241882324 + ], + [ + "\u2581stagger", + -14.378280639648438 + ], + [ + "icius", + -14.378300666809082 + ], + [ + "\u2581retrouv\u00e9e", + -14.378302574157717 + ], + [ + "\u2581Gestalten", + -14.378328323364258 + ], + [ + "\u2581desgaste", + -14.378331184387209 + ], + [ + "\u2581kastelen", + -14.378335952758787 + ], + [ + "\u2581parcheggiat", + -14.378347396850586 + ], + [ + "auville", + -14.378358840942385 + ], + [ + "\u2581r\u00e9sident", + -14.378360748291016 + ], + [ + "insurrezione", + -14.378366470336914 + ], + [ + "\u2581Bijna", + -14.378412246704102 + ], + [ + "\u2581staining", + -14.37845516204834 + ], + [ + "\u2581volgar", + -14.378509521484377 + ], + [ + "UNIC", + -14.37855052947998 + ], + [ + "OVERRIDE", + -14.378555297851562 + ], + [ + "\u2581intellectuels", + -14.378565788269045 + ], + [ + "\u2581Borromeo", + -14.378569602966309 + ], + [ + "\u2581zur\u00fcckgekehrt", + -14.378573417663574 + ], + [ + "maarschalk", + -14.378582000732422 + ], + [ + "\u2581Legnano", + -14.378596305847168 + ], + [ + "Sigmaringen", + -14.378607749938965 + ], + [ + "\u2581oponentes", + -14.37863826751709 + ], + [ + "chlora", + -14.378680229187012 + ], + [ + "\u2581laude", + -14.378682136535645 + ], + [ + "\u2581Brew", + -14.378717422485352 + ], + [ + "\u2581survenu", + -14.3787202835083 + ], + [ + "\u2581physiologischen", + -14.378735542297363 + ], + [ + "\u2581appealing", + -14.37876033782959 + ], + [ + "exploit", + -14.378779411315918 + ], + [ + "ethereum", + -14.378789901733398 + ], + [ + "\u2581camb", + -14.37879753112793 + ], + [ + "verwijzingen", + -14.378835678100586 + ], + [ + "rhus", + -14.37883758544922 + ], + [ + "ennington", + -14.378866195678713 + ], + [ + "\u2581Osama", + -14.378893852233888 + ], + [ + "retas", + -14.378914833068848 + ], + [ + "\u2581\u00e9merge", + -14.378933906555176 + ], + [ + "tournee", + -14.37895393371582 + ], + [ + "\u2581Infect", + -14.378973960876465 + ], + [ + "vielfalt", + -14.378979682922363 + ], + [ + "\u2581diciannove", + -14.378982543945312 + ], + [ + "\u2581paralelismo", + -14.378985404968262 + ], + [ + "\u2581Swimming", + -14.37899112701416 + ], + [ + "\u2581surplomb", + -14.37899112701416 + ], + [ + "erzorging", + -14.378995895385742 + ], + [ + "gediend", + -14.37900733947754 + ], + [ + "jihadist", + -14.37903118133545 + ], + [ + "imilarity", + -14.379034042358398 + ], + [ + "bobobobobobo", + -14.379050254821776 + ], + [ + "\u2581Einfuhrwerte", + -14.379080772399902 + ], + [ + "iabilit\u00e4t", + -14.379082679748535 + ], + [ + "\u2581di\u00e1ria", + -14.379082679748535 + ], + [ + "Articol", + -14.379107475280762 + ], + [ + "FUNCNAME", + -14.379110336303713 + ], + [ + "\u2581planetario", + -14.379125595092772 + ], + [ + "\u2581Joana", + -14.379135131835938 + ], + [ + "\u2581Rowland", + -14.379170417785645 + ], + [ + "\u2581geschikte", + -14.379179954528809 + ], + [ + "\u2581financiamento", + -14.379202842712402 + ], + [ + "\u2581Pertence", + -14.379212379455566 + ], + [ + "\u2581broth", + -14.37923812866211 + ], + [ + "\u2581Cheryl", + -14.379302024841309 + ], + [ + "\u2581Kolk", + -14.379318237304688 + ], + [ + "Duplas", + -14.379356384277344 + ], + [ + "aristocratie", + -14.379364013671877 + ], + [ + "\u2581doccia", + -14.379375457763672 + ], + [ + "\u2581respir", + -14.37937831878662 + ], + [ + "\u2581genuin", + -14.37939739227295 + ], + [ + "l\u00e9ctic", + -14.379403114318848 + ], + [ + "Niklaas", + -14.379408836364746 + ], + [ + "\u2581l\u00e9gislatif", + -14.379408836364746 + ], + [ + "\u2581terremoti", + -14.379408836364746 + ], + [ + "\u2581photographiques", + -14.37941074371338 + ], + [ + "\u2581seguiram", + -14.379414558410645 + ], + [ + "abondance", + -14.37941551208496 + ], + [ + "viola", + -14.379416465759276 + ], + [ + "Superficie", + -14.379417419433594 + ], + [ + "pfeiler", + -14.37941837310791 + ], + [ + "\u2581estallido", + -14.379420280456545 + ], + [ + "ignora", + -14.37942600250244 + ], + [ + "\u2581Hansson", + -14.379448890686035 + ], + [ + "Euskadi", + -14.379451751708984 + ], + [ + "\u2581agricoltori", + -14.379453659057615 + ], + [ + "\u2581survenue", + -14.379464149475098 + ], + [ + "\u2581sucr\u00e9", + -14.379483222961426 + ], + [ + "\u2581il\u00edcit", + -14.379498481750488 + ], + [ + "\u2581mitnehmen", + -14.379524230957031 + ], + [ + "\u2581triangul", + -14.379526138305664 + ], + [ + "\u2581Daumen", + -14.379573822021484 + ], + [ + "meralda", + -14.379644393920898 + ], + [ + "\u2581Gruber", + -14.379648208618164 + ], + [ + "stoelen", + -14.37965488433838 + ], + [ + "\u2581Tesi", + -14.379697799682615 + ], + [ + "lliger", + -14.379812240600586 + ], + [ + "\u2581Pflegeheim", + -14.379817962646484 + ], + [ + "eacute", + -14.379819869995115 + ], + [ + "revolution\u00e4re", + -14.379819869995115 + ], + [ + "\u2581dortige", + -14.37982177734375 + ], + [ + "\u2581standardisierte", + -14.37983226776123 + ], + [ + "\u2581commodit", + -14.379899978637695 + ], + [ + "\u2581Apartment", + -14.379904747009276 + ], + [ + "\u2581adentra", + -14.37990951538086 + ], + [ + "\u2581boulevers", + -14.37995433807373 + ], + [ + "\u2581Patrizi", + -14.379955291748049 + ], + [ + "\u2581afirmaba", + -14.379962921142578 + ], + [ + "Clasificado", + -14.37997055053711 + ], + [ + "\u2581Photoshop", + -14.379974365234377 + ], + [ + "uffman", + -14.379975318908691 + ], + [ + "riedad", + -14.37998104095459 + ], + [ + "wod", + -14.379987716674805 + ], + [ + "\u2581Gotham", + -14.38000774383545 + ], + [ + "\u2581taxista", + -14.380099296569824 + ], + [ + "\u2581Treat", + -14.38012409210205 + ], + [ + "empar", + -14.380132675170898 + ], + [ + "muide", + -14.38015842437744 + ], + [ + "enaars", + -14.380221366882324 + ], + [ + "nmienda", + -14.380234718322754 + ], + [ + "imbu", + -14.38023853302002 + ], + [ + "\u2581d\u00e9veloppent", + -14.380248069763184 + ], + [ + "Caster", + -14.380268096923828 + ], + [ + "DataTypeTok", + -14.380274772644045 + ], + [ + "\u2581chitarrista", + -14.38028335571289 + ], + [ + "medikament", + -14.380292892456056 + ], + [ + "\u2581addict", + -14.380334854125977 + ], + [ + "\u2581Tiberio", + -14.380338668823242 + ], + [ + "uffallend", + -14.380411148071287 + ], + [ + "\u2581gevormde", + -14.380413055419922 + ], + [ + "\u2581Tromb", + -14.380414962768556 + ], + [ + "Reichsgesetzbl", + -14.380440711975098 + ], + [ + "rrojo", + -14.380456924438477 + ], + [ + "\u2581negociaci\u00f3n", + -14.380456924438477 + ], + [ + "luzzo", + -14.380470275878906 + ], + [ + "\u2581Gioia", + -14.38047695159912 + ], + [ + "InMage", + -14.380477905273438 + ], + [ + "\u2581invertido", + -14.380481719970703 + ], + [ + "\u2581diretivas", + -14.380525588989258 + ], + [ + "\u2581Arcadia", + -14.38052749633789 + ], + [ + "yens", + -14.380531311035156 + ], + [ + "\u2581votado", + -14.380532264709473 + ], + [ + "\u2581gewannen", + -14.380568504333496 + ], + [ + "\u2581immaginari", + -14.380576133728027 + ], + [ + "unghi", + -14.380578994750977 + ], + [ + "\u2581Octopus", + -14.380581855773926 + ], + [ + "\u2581c\u00f3m", + -14.38058376312256 + ], + [ + "chichtdicke", + -14.380617141723633 + ], + [ + "\u2581verificado", + -14.38065242767334 + ], + [ + "\u2581motivat", + -14.380677223205566 + ], + [ + "\u2581Kasachstan", + -14.38068962097168 + ], + [ + "\u2581prussian", + -14.380699157714844 + ], + [ + "\u2581M\u00e9thode", + -14.38070011138916 + ], + [ + "basso", + -14.38070297241211 + ], + [ + "\u2581personalizada", + -14.380732536315918 + ], + [ + "\u2581concis", + -14.38074016571045 + ], + [ + "\u2581escar", + -14.380742073059082 + ], + [ + "reported", + -14.38077163696289 + ], + [ + "\u2581expresado", + -14.380777359008787 + ], + [ + "Beitrag", + -14.380788803100586 + ], + [ + "bewoners", + -14.380789756774902 + ], + [ + "laug", + -14.38079833984375 + ], + [ + "Aufbruch", + -14.380818367004396 + ], + [ + "\u2581n\u00e4chstgelegenen", + -14.380828857421877 + ], + [ + "vektoren", + -14.38086223602295 + ], + [ + "Kwalificatie", + -14.38088321685791 + ], + [ + "\u2581arcaica", + -14.380894660949709 + ], + [ + "stijgt", + -14.3809232711792 + ], + [ + "\u2581opgeven", + -14.380935668945312 + ], + [ + "detected", + -14.380940437316896 + ], + [ + "\u2581Esquadr", + -14.380942344665527 + ], + [ + "\u2581M\u00e9n", + -14.380942344665527 + ], + [ + "\u2581Aufstockung", + -14.380959510803224 + ], + [ + "\u2581Kasu", + -14.380982398986816 + ], + [ + "\u2581Humana", + -14.380987167358398 + ], + [ + "Stochastic", + -14.38111686706543 + ], + [ + "\u2581gravidanza", + -14.381117820739746 + ], + [ + "\u2581goblins", + -14.381118774414062 + ], + [ + "\u2581Anwohner", + -14.381120681762695 + ], + [ + "\u2581Gonzales", + -14.381122589111328 + ], + [ + "\u2581ostaggi", + -14.381132125854492 + ], + [ + "\u2581elliptisch", + -14.38113498687744 + ], + [ + "\u2581meedoen", + -14.381135940551758 + ], + [ + "\u2581subite", + -14.381135940551758 + ], + [ + "grostis", + -14.381158828735352 + ], + [ + "\u2581popularit\u00e9", + -14.381159782409668 + ], + [ + "\u2581Renoir", + -14.381165504455566 + ], + [ + "damage", + -14.38117218017578 + ], + [ + "\u2581Derrick", + -14.381214141845703 + ], + [ + "\u2581enthusiastic", + -14.381214141845703 + ], + [ + "\u2581tumulto", + -14.381235122680664 + ], + [ + "silva", + -14.38124942779541 + ], + [ + "\u2581Corni", + -14.381261825561523 + ], + [ + "\u2581exploited", + -14.381263732910156 + ], + [ + "\u2581applaud", + -14.381275177001951 + ], + [ + "\u2581mejilla", + -14.381285667419434 + ], + [ + "\u2581T\u00fcrme", + -14.381315231323242 + ], + [ + "\u2581vooraanstaande", + -14.381338119506836 + ], + [ + "verweigerung", + -14.381339073181152 + ], + [ + "\u2581gehor", + -14.38135814666748 + ], + [ + "ARTIFACT", + -14.38140869140625 + ], + [ + "\u2581Dorot", + -14.381422996520996 + ], + [ + "\u2581p\u00e1jaro", + -14.381427764892578 + ], + [ + "\u2581sisma", + -14.381536483764648 + ], + [ + "PROBLEM", + -14.38154411315918 + ], + [ + "\u2581Algerije", + -14.38154411315918 + ], + [ + "\u2581tecnol\u00f3gicas", + -14.38154411315918 + ], + [ + "dekkingsreiziger", + -14.381545066833496 + ], + [ + "\u2581Clementin", + -14.381547927856444 + ], + [ + "\u2581badminton", + -14.381553649902344 + ], + [ + "\u2581minoria", + -14.381555557250977 + ], + [ + "\u2581wieler", + -14.38157081604004 + ], + [ + "\u2581Pasto", + -14.38158893585205 + ], + [ + "chait", + -14.38159465789795 + ], + [ + "rechtskonvention", + -14.381595611572266 + ], + [ + "composition", + -14.381667137145996 + ], + [ + "gnies", + -14.381673812866213 + ], + [ + "kolben", + -14.381678581237791 + ], + [ + "\u2581devrez", + -14.381728172302246 + ], + [ + "locos", + -14.381794929504396 + ], + [ + "werder", + -14.381807327270508 + ], + [ + "\u2581installeren", + -14.38181972503662 + ], + [ + "ardeais", + -14.381830215454102 + ], + [ + "guita", + -14.381851196289062 + ], + [ + "venturier", + -14.38185691833496 + ], + [ + "ListOptions", + -14.381881713867188 + ], + [ + "\u2581Dinner", + -14.381908416748049 + ], + [ + "strofe", + -14.38194465637207 + ], + [ + "\u2581Festnahme", + -14.381946563720703 + ], + [ + "\u2581efic\u00e1cia", + -14.38197135925293 + ], + [ + "\u2581renacentista", + -14.38197135925293 + ], + [ + "autoref", + -14.38198471069336 + ], + [ + "Dauer", + -14.381986618041992 + ], + [ + "\u2581sekund\u00e4re", + -14.382001876831056 + ], + [ + "\u2581Lindsey", + -14.382019996643066 + ], + [ + "FontFamily", + -14.382036209106444 + ], + [ + "schraub", + -14.382036209106444 + ], + [ + "\u2581dividendo", + -14.382037162780762 + ], + [ + "\u2581Selectie", + -14.382081031799316 + ], + [ + "battit", + -14.382102012634276 + ], + [ + "embargo", + -14.382120132446287 + ], + [ + "\u2581esplos", + -14.382122993469238 + ], + [ + "Gilles", + -14.382135391235352 + ], + [ + "\u2581honores", + -14.382166862487791 + ], + [ + "\u2581Orga", + -14.382194519042969 + ], + [ + "\u2581alternatif", + -14.382226943969728 + ], + [ + "\u2581donazione", + -14.38223361968994 + ], + [ + "antologia", + -14.382238388061523 + ], + [ + "\u2581tossed", + -14.382246971130373 + ], + [ + "duziu", + -14.38226318359375 + ], + [ + "\u2581Orazio", + -14.382264137268066 + ], + [ + "\u2581episcop", + -14.382264137268066 + ], + [ + "\u2581rinnovato", + -14.382312774658203 + ], + [ + "\u2581estrato", + -14.382318496704102 + ], + [ + "\u2581Gulli", + -14.38232135772705 + ], + [ + "\u2581desenhado", + -14.38233757019043 + ], + [ + "FEF", + -14.38236141204834 + ], + [ + "LUG", + -14.382368087768556 + ], + [ + "eggiando", + -14.382381439208984 + ], + [ + "w\u00e4rtig", + -14.382383346557615 + ], + [ + "\u2581fonctionnelle", + -14.382383346557615 + ], + [ + "bianca", + -14.38239574432373 + ], + [ + "\u2581preencher", + -14.382405281066896 + ], + [ + "\u2581compiuti", + -14.38240909576416 + ], + [ + "\u2581Accounting", + -14.382463455200195 + ], + [ + "translational", + -14.382466316223145 + ], + [ + "egrep", + -14.382468223571776 + ], + [ + "merald", + -14.382484436035156 + ], + [ + "\u2581conteneva", + -14.382497787475586 + ], + [ + "\u2581humor\u00edstic", + -14.3825044631958 + ], + [ + "\u2581rubrica", + -14.3825044631958 + ], + [ + "hirl", + -14.38252067565918 + ], + [ + "pook", + -14.382526397705078 + ], + [ + "creat", + -14.382532119750977 + ], + [ + "Checkbox", + -14.382533073425291 + ], + [ + "\u2581karate", + -14.38254165649414 + ], + [ + "Electronic", + -14.382572174072266 + ], + [ + "\u2581confida", + -14.382622718811035 + ], + [ + "\u2581Tempera", + -14.382678985595703 + ], + [ + "\u2581attivat", + -14.382685661315918 + ], + [ + "\u2581mediazione", + -14.382691383361816 + ], + [ + "\u2581Partendo", + -14.38269329071045 + ], + [ + "Mechanik", + -14.382709503173828 + ], + [ + "\u2581ascensor", + -14.382715225219728 + ], + [ + "INFORMATION", + -14.38273811340332 + ], + [ + "geheugen", + -14.382753372192385 + ], + [ + "\u2581prestato", + -14.382756233215332 + ], + [ + "\u2581Maltese", + -14.382767677307127 + ], + [ + "lotting", + -14.382807731628418 + ], + [ + "\u2581antepasados", + -14.382826805114746 + ], + [ + "crylamid", + -14.382827758789062 + ], + [ + "Cremonese", + -14.382829666137695 + ], + [ + "rafft", + -14.382831573486328 + ], + [ + "\u2581falhou", + -14.382834434509276 + ], + [ + "valutazione", + -14.38286304473877 + ], + [ + "Rimini", + -14.38287353515625 + ], + [ + "\u00e1ndonos", + -14.38288116455078 + ], + [ + "\u2581jarr", + -14.38289737701416 + ], + [ + "crina", + -14.38291072845459 + ], + [ + "\u2581Waarom", + -14.382928848266602 + ], + [ + "VirtualHost", + -14.382984161376951 + ], + [ + "ServiceName", + -14.382996559143066 + ], + [ + "\u2581geometr\u00eda", + -14.382996559143066 + ], + [ + "\u2581Promoci\u00f3n", + -14.383045196533203 + ], + [ + "\u2581fiscalit\u00e9", + -14.38304615020752 + ], + [ + "\u2581consolato", + -14.383056640625 + ], + [ + "ITC", + -14.38309383392334 + ], + [ + "\u2581Typho", + -14.383095741271973 + ], + [ + "\u2581visitou", + -14.38313102722168 + ], + [ + "oblige", + -14.383153915405272 + ], + [ + "\u2581sendero", + -14.383179664611816 + ], + [ + "Ausbildungs", + -14.383187294006348 + ], + [ + "\u2581Ankauf", + -14.383206367492676 + ], + [ + "\u2581blowing", + -14.383218765258787 + ], + [ + "lascia", + -14.383241653442385 + ], + [ + "\u2581Aspects", + -14.383245468139648 + ], + [ + "\u2581parceiro", + -14.383245468139648 + ], + [ + "\u2581marciapiedi", + -14.383255004882812 + ], + [ + "SizedBuffer", + -14.383255958557127 + ], + [ + "\u2581desempate", + -14.383256912231444 + ], + [ + "\u2581silu", + -14.383260726928713 + ], + [ + "inspection", + -14.38326644897461 + ], + [ + "\u2581cathedral", + -14.38328456878662 + ], + [ + "\u2581reformado", + -14.383296966552734 + ], + [ + "Stderr", + -14.383320808410645 + ], + [ + "kanzler", + -14.383333206176758 + ], + [ + "\u2581Reisef\u00fchrer", + -14.38335132598877 + ], + [ + "\u2581Javali", + -14.383381843566896 + ], + [ + "Sever", + -14.383382797241213 + ], + [ + "\u2581Granger", + -14.383397102355955 + ], + [ + "\u00e9vit", + -14.383402824401855 + ], + [ + "\u2581Pf\u00e4", + -14.383410453796388 + ], + [ + "\u2581deseado", + -14.383420944213867 + ], + [ + "\u2581contributeurs", + -14.383461952209473 + ], + [ + "\u2581volontario", + -14.383461952209473 + ], + [ + "\u2581steak", + -14.383522987365724 + ], + [ + "\u2581\u00e9rig\u00e9", + -14.38353157043457 + ], + [ + "operationen", + -14.383535385131836 + ], + [ + "\u2581precon", + -14.383557319641112 + ], + [ + "chtest", + -14.38355827331543 + ], + [ + "Sophie", + -14.383580207824709 + ], + [ + "\u2581Umgestaltung", + -14.383583068847656 + ], + [ + "wareness", + -14.383594512939451 + ], + [ + "\u2581bemol", + -14.38359546661377 + ], + [ + "\u2581Sehn", + -14.383623123168944 + ], + [ + "\u2581\u00e1guila", + -14.383628845214844 + ], + [ + "louis", + -14.383641242980955 + ], + [ + "ahir", + -14.383674621582031 + ], + [ + "itiervorschlag", + -14.38368320465088 + ], + [ + "\u2581zadeldak", + -14.38368320465088 + ], + [ + "\u2581Tunisi", + -14.383716583251951 + ], + [ + "\u2581effray", + -14.38373851776123 + ], + [ + "t\u00fcrme", + -14.383750915527344 + ], + [ + "\u2581Langley", + -14.38375473022461 + ], + [ + "\u2581Baukosten", + -14.383763313293455 + ], + [ + "\u2581crocodile", + -14.38377857208252 + ], + [ + "\u2581strangers", + -14.383830070495604 + ], + [ + "ENN", + -14.38385772705078 + ], + [ + "\u2581nodul", + -14.383883476257324 + ], + [ + "kwal", + -14.38389492034912 + ], + [ + "\u2581Dental", + -14.38389492034912 + ], + [ + "\u2581Revier", + -14.383898735046388 + ], + [ + "\u2581Weyl", + -14.383944511413574 + ], + [ + "\u2581Recebe", + -14.383963584899902 + ], + [ + "awara", + -14.38406467437744 + ], + [ + "\u2581relega", + -14.384069442749023 + ], + [ + "Safari", + -14.384071350097656 + ], + [ + "\u2581jugada", + -14.384079933166504 + ], + [ + "\u2581Pr\u00e4zision", + -14.384111404418944 + ], + [ + "\u2581prevedono", + -14.384111404418944 + ], + [ + "Amistoso", + -14.384117126464844 + ], + [ + "\u2581herbeigef\u00fchrt", + -14.384117126464844 + ], + [ + "commune", + -14.384119987487791 + ], + [ + "MMO", + -14.384126663208008 + ], + [ + "\u2581Unlimited", + -14.384127616882324 + ], + [ + "umweltfreundlich", + -14.384136199951172 + ], + [ + "\u2581Treaties", + -14.38414478302002 + ], + [ + "\u2581limpar", + -14.384191513061523 + ], + [ + "\u2581Betriebsgr", + -14.384195327758787 + ], + [ + "\u2581Vina", + -14.384220123291016 + ], + [ + "\u2581sigarette", + -14.38422966003418 + ], + [ + "\u2581Schlepp", + -14.384234428405762 + ], + [ + "carbur", + -14.384268760681152 + ], + [ + "\u2581rendait", + -14.384284973144531 + ], + [ + "\u2581potrai", + -14.384329795837402 + ], + [ + "\u2581shre", + -14.384336471557615 + ], + [ + "zulassen", + -14.384343147277832 + ], + [ + "\u2581graffiti", + -14.384346961975098 + ], + [ + "\u2581devozione", + -14.384364128112791 + ], + [ + "\u2581Linsen", + -14.384376525878906 + ], + [ + "sch\u00e4digt", + -14.384387016296388 + ], + [ + "\u2581Clav", + -14.384400367736816 + ], + [ + "\u2581eruption", + -14.38442039489746 + ], + [ + "\u2581detalhe", + -14.384424209594728 + ], + [ + "\u2581equivocado", + -14.384444236755373 + ], + [ + "\u2581telecomunica", + -14.384455680847168 + ], + [ + "\u2581gemakkelijker", + -14.384496688842772 + ], + [ + "\u2581nordique", + -14.384520530700684 + ], + [ + "\u2581simplificar", + -14.384546279907228 + ], + [ + "\u2581recreational", + -14.38457202911377 + ], + [ + "\u2581liberati", + -14.38457489013672 + ], + [ + "\u2581desmantela", + -14.3845853805542 + ], + [ + "\u2581repouso", + -14.3845853805542 + ], + [ + "voetballer", + -14.384599685668944 + ], + [ + "\u2581geringste", + -14.38460922241211 + ], + [ + "\u2581impliziert", + -14.384617805480955 + ], + [ + "repaid", + -14.38463306427002 + ], + [ + "cionario", + -14.384651184082031 + ], + [ + "\u2581Hachette", + -14.384687423706056 + ], + [ + "ovini", + -14.384759902954102 + ], + [ + "\u2581gonfl", + -14.384770393371582 + ], + [ + "antigen", + -14.38477611541748 + ], + [ + "\u2581Fulvi", + -14.38483715057373 + ], + [ + "\u2581Cucu", + -14.384839057922363 + ], + [ + "Sibling", + -14.384840965270996 + ], + [ + "\u2581Piscin", + -14.384842872619627 + ], + [ + "\u2581abgedruckt", + -14.384870529174805 + ], + [ + "\u2581barril", + -14.384872436523438 + ], + [ + "metil", + -14.38490104675293 + ], + [ + "folgerungen", + -14.38490867614746 + ], + [ + "confluent", + -14.384942054748535 + ], + [ + "\u00e9mence", + -14.38494873046875 + ], + [ + "klerose", + -14.384953498840332 + ], + [ + "vaartuig", + -14.384969711303713 + ], + [ + "\u2581R\u00fcdiger", + -14.384973526000977 + ], + [ + "\u2581Entsprechung", + -14.384998321533203 + ], + [ + "\u2581subchapter", + -14.384998321533203 + ], + [ + "\u2581arrowsize", + -14.385016441345217 + ], + [ + "\u2581stiffness", + -14.38502597808838 + ], + [ + "\u2581visioni", + -14.385028839111328 + ], + [ + "\u2581investigadora", + -14.385051727294922 + ], + [ + "\u2581aiming", + -14.38506031036377 + ], + [ + "\u2581krijgs", + -14.385062217712402 + ], + [ + "packen", + -14.3850736618042 + ], + [ + "\u2581sudamericano", + -14.385079383850098 + ], + [ + "\u2581usaban", + -14.385082244873049 + ], + [ + "factoring", + -14.385085105895996 + ], + [ + "\u2581mochila", + -14.385085105895996 + ], + [ + "\u2581conquiste", + -14.385086059570312 + ], + [ + "\u2581Meisterschaften", + -14.385092735290527 + ], + [ + "\u2581resultant", + -14.38510513305664 + ], + [ + "\u2581balay", + -14.385126113891602 + ], + [ + "bispado", + -14.385151863098145 + ], + [ + "\u2581dictador", + -14.385171890258787 + ], + [ + "ONES", + -14.385174751281738 + ], + [ + "\u2581dirait", + -14.385204315185549 + ], + [ + "vooral", + -14.385205268859863 + ], + [ + "\u2581invit\u00f3", + -14.385231971740724 + ], + [ + "\u2581puzz", + -14.385239601135254 + ], + [ + "menon", + -14.38524055480957 + ], + [ + "zeigen", + -14.385250091552734 + ], + [ + "\u2581Arbitr", + -14.38525390625 + ], + [ + "\u2581unspecified", + -14.38529109954834 + ], + [ + "Broadway", + -14.385293006896973 + ], + [ + "mayoritariamente", + -14.385321617126465 + ], + [ + "befall", + -14.38532257080078 + ], + [ + "\u2581avanzate", + -14.385331153869627 + ], + [ + "\u2581Grundbesitz", + -14.38535499572754 + ], + [ + "\u2581preservada", + -14.385369300842283 + ], + [ + "\u2581Commissari", + -14.385375022888184 + ], + [ + "errado", + -14.38538646697998 + ], + [ + "\u2581d\u00e9pos\u00e9e", + -14.38538932800293 + ], + [ + "\u2581Schmetterling", + -14.385398864746094 + ], + [ + "\u2581anf\u00edbio", + -14.385398864746094 + ], + [ + "\u2581serpents", + -14.385398864746094 + ], + [ + "Takt", + -14.385405540466309 + ], + [ + "\u2581adivinha", + -14.385405540466309 + ], + [ + "\u2581Ricard", + -14.385406494140623 + ], + [ + "dougou", + -14.385445594787598 + ], + [ + "\u2581Alhoewel", + -14.385445594787598 + ], + [ + "\u2581adatte", + -14.385461807250977 + ], + [ + "paneel", + -14.38549518585205 + ], + [ + "province", + -14.385497093200684 + ], + [ + "\u2581Limite", + -14.385517120361328 + ], + [ + "\u2581valvol", + -14.385520935058594 + ], + [ + "\u2581Aufz\u00e4hlung", + -14.385531425476074 + ], + [ + "\u2581boicot", + -14.385563850402832 + ], + [ + "\u2581Bedrijf", + -14.385564804077148 + ], + [ + "\u2581Rieg", + -14.385591506958008 + ], + [ + "rderschwerpunkt", + -14.385618209838867 + ], + [ + "\u00e1ro", + -14.385634422302246 + ], + [ + "enklassen", + -14.385663032531738 + ], + [ + "k\u00e4mpfer", + -14.385675430297852 + ], + [ + "\u2581numerais", + -14.385676383972168 + ], + [ + "RETURNING", + -14.385695457458496 + ], + [ + "\u2581lanciare", + -14.38573169708252 + ], + [ + "\u2581harina", + -14.385774612426758 + ], + [ + "\u2581privil\u00e9gios", + -14.385790824890137 + ], + [ + "\u2581Thar", + -14.385805130004885 + ], + [ + "\u2581TABELLE", + -14.385828018188477 + ], + [ + "\u2581Might", + -14.385845184326172 + ], + [ + "Tschechoslowakei", + -14.38587760925293 + ], + [ + "\u2581adolesc", + -14.385892868041992 + ], + [ + "\u2581Veterinar", + -14.385897636413574 + ], + [ + "\u2581aggiunti", + -14.38591766357422 + ], + [ + "\u2581globais", + -14.385939598083496 + ], + [ + "smesso", + -14.385945320129396 + ], + [ + "\u2581archeologi", + -14.385978698730469 + ], + [ + "aunted", + -14.385988235473633 + ], + [ + "cinema", + -14.385998725891112 + ], + [ + "\u2581celebrazioni", + -14.386005401611328 + ], + [ + "\u2581tempor\u00e1rio", + -14.386011123657228 + ], + [ + "ificando", + -14.386012077331545 + ], + [ + "\u2581nerf", + -14.386068344116213 + ], + [ + "probable", + -14.386114120483398 + ], + [ + "\u2581frigor", + -14.386141777038574 + ], + [ + "volts", + -14.38616180419922 + ], + [ + "undra", + -14.3861665725708 + ], + [ + "quirrel", + -14.386171340942385 + ], + [ + "\u2581preiswerte", + -14.38624668121338 + ], + [ + "einhalb", + -14.38625717163086 + ], + [ + "\u2581Gymnasien", + -14.38625717163086 + ], + [ + "\u2581Montmartre", + -14.38625717163086 + ], + [ + "\u2581gelovigen", + -14.38625717163086 + ], + [ + "uguaglianza", + -14.386258125305176 + ], + [ + "\u2581nanoparticles", + -14.386266708374023 + ], + [ + "Raspberry", + -14.386286735534668 + ], + [ + "Brun", + -14.38630199432373 + ], + [ + "\u2581tr\u00e1gico", + -14.386313438415527 + ], + [ + "\u2581chirurgien", + -14.386360168457031 + ], + [ + "\u2581Becky", + -14.38636875152588 + ], + [ + "\u2581gravitacional", + -14.38638401031494 + ], + [ + "\u2581ven\u00edan", + -14.386422157287598 + ], + [ + "\u2581gesonderten", + -14.386432647705078 + ], + [ + "\u2581disturbing", + -14.386467933654783 + ], + [ + "R\u00edo", + -14.386481285095217 + ], + [ + "VOC", + -14.386486053466797 + ], + [ + "\u2581Schwimmen", + -14.386502265930176 + ], + [ + "\u2581Schier", + -14.38650894165039 + ], + [ + "\u2581lasciarl", + -14.38652801513672 + ], + [ + "\u2581lourdes", + -14.386544227600098 + ], + [ + "\u2581sazona", + -14.386553764343262 + ], + [ + "gorda", + -14.38657569885254 + ], + [ + "indifferenza", + -14.386589050292969 + ], + [ + "\u2581pregiat", + -14.386618614196776 + ], + [ + "\u2581Gunter", + -14.386640548706056 + ], + [ + "uartiere", + -14.386646270751951 + ], + [ + "\u2581sperimentare", + -14.386663436889648 + ], + [ + "Brazzaville", + -14.386686325073242 + ], + [ + "\u2581Hyderabad", + -14.386686325073242 + ], + [ + "\u2581fenomeen", + -14.386686325073242 + ], + [ + "\u2581repr\u00e9sentative", + -14.386686325073242 + ], + [ + "\u2581renomead", + -14.386691093444824 + ], + [ + "\u2581esaminare", + -14.38669204711914 + ], + [ + "wielerploeg", + -14.38669776916504 + ], + [ + "Rijeka", + -14.38670825958252 + ], + [ + "\u2581esaurit", + -14.386711120605469 + ], + [ + "fielen", + -14.386713027954102 + ], + [ + "\u2581Rachi", + -14.386728286743164 + ], + [ + "\u2581D\u00e9couverte", + -14.386734008789062 + ], + [ + "\u2581pecor", + -14.386738777160645 + ], + [ + "\u2581manifester", + -14.38674545288086 + ], + [ + "\u2581rebelle", + -14.38675594329834 + ], + [ + "\u2581Bertram", + -14.386800765991213 + ], + [ + "\u2581Panamericana", + -14.386804580688477 + ], + [ + "\u2581Pr\u00fcfverfahren", + -14.386813163757324 + ], + [ + "\u2581Empres", + -14.38685703277588 + ], + [ + "Habit", + -14.386858940124512 + ], + [ + "\u2581Aker", + -14.386873245239258 + ], + [ + "\u2581escass", + -14.386886596679688 + ], + [ + "\u2581Texa", + -14.386900901794434 + ], + [ + "rbitration", + -14.386919021606444 + ], + [ + "\u2581Margr", + -14.386938095092772 + ], + [ + "Remix", + -14.386940956115724 + ], + [ + "etching", + -14.386961936950684 + ], + [ + "\u2581PARTE", + -14.386963844299316 + ], + [ + "\u2581quantas", + -14.386990547180176 + ], + [ + "euther", + -14.38699722290039 + ], + [ + "\u2581Sergipe", + -14.387003898620604 + ], + [ + "\u00e9nico", + -14.387040138244627 + ], + [ + "ducati", + -14.387044906616213 + ], + [ + "\u2581Democrata", + -14.38706111907959 + ], + [ + "\u2581submers", + -14.387069702148438 + ], + [ + "\u2581Synergie", + -14.387073516845703 + ], + [ + "\u2581besetzen", + -14.387110710144045 + ], + [ + "\u2581daaraan", + -14.387115478515623 + ], + [ + "Huwelijk", + -14.38711643218994 + ], + [ + "\u2581tabuleiro", + -14.387121200561523 + ], + [ + "\u2581cottura", + -14.3871431350708 + ], + [ + "\u2581Taip", + -14.387149810791016 + ], + [ + "nevel", + -14.387158393859863 + ], + [ + "Iron", + -14.387174606323242 + ], + [ + "\u2581neocl\u00e1sic", + -14.387174606323242 + ], + [ + "\u2581processione", + -14.387177467346191 + ], + [ + "\u2581credenza", + -14.387189865112305 + ], + [ + "\u2581rocos", + -14.38721752166748 + ], + [ + "urkunde", + -14.387224197387695 + ], + [ + "amana", + -14.387228965759276 + ], + [ + "\u2581Confront", + -14.38725471496582 + ], + [ + "\u2581feinen", + -14.387280464172363 + ], + [ + "\u2581agrupados", + -14.387285232543944 + ], + [ + "\u2581Schutt", + -14.387290954589844 + ], + [ + "\u2581clich\u00e9s", + -14.387320518493652 + ], + [ + "\u2581zeige", + -14.38736629486084 + ], + [ + "\u2581deplor", + -14.387378692626951 + ], + [ + "\u2581cherung", + -14.38738250732422 + ], + [ + "GridBox", + -14.387395858764648 + ], + [ + "\u2581prolongation", + -14.387417793273926 + ], + [ + "estuario", + -14.387446403503418 + ], + [ + "\u2581pesquisador", + -14.387470245361328 + ], + [ + "\u2581anl\u00e4", + -14.387502670288086 + ], + [ + "ovvero", + -14.387524604797363 + ], + [ + "\u2581Brigata", + -14.387533187866213 + ], + [ + "\u2581Dubrovnik", + -14.387545585632324 + ], + [ + "\u2581annua", + -14.38755702972412 + ], + [ + "toleranz", + -14.387557983398438 + ], + [ + "acatecas", + -14.387578964233398 + ], + [ + "\u2581delimitata", + -14.387585639953612 + ], + [ + "Thermo", + -14.387649536132812 + ], + [ + "hazi", + -14.38767147064209 + ], + [ + "\u2581desaparecidas", + -14.38771915435791 + ], + [ + "\u2581Befehle", + -14.387728691101074 + ], + [ + "eol\u00edtico", + -14.387734413146973 + ], + [ + "\u2581zwem", + -14.387760162353516 + ], + [ + "\u2581r\u00e9agi", + -14.387791633605955 + ], + [ + "dekking", + -14.387804985046388 + ], + [ + "zuweisungen", + -14.387807846069336 + ], + [ + "\u2581Reba", + -14.387807846069336 + ], + [ + "dtypes", + -14.38784885406494 + ], + [ + "\u2581sordi", + -14.387855529785156 + ], + [ + "\u2581Isma", + -14.387857437133787 + ], + [ + "\u2581Azore", + -14.387860298156738 + ], + [ + "Wann", + -14.387862205505373 + ], + [ + "\u2581polui", + -14.38794231414795 + ], + [ + "\u2581sanguinos", + -14.38794994354248 + ], + [ + "Discord", + -14.387961387634276 + ], + [ + "\u2581aanmerking", + -14.387977600097656 + ], + [ + "\u2581opgravingen", + -14.387977600097656 + ], + [ + "\u2581subterr\u00e1neo", + -14.387977600097656 + ], + [ + "\u2581Umzugskosten", + -14.387982368469238 + ], + [ + "\u2581prudenza", + -14.38798713684082 + ], + [ + "\u2581prefazione", + -14.387991905212402 + ], + [ + "Filiale", + -14.388014793395996 + ], + [ + "\u2581Hartz", + -14.38804054260254 + ], + [ + "isFunction", + -14.388041496276855 + ], + [ + "\u2581assidu", + -14.388046264648438 + ], + [ + "\u2581projectile", + -14.388050079345703 + ], + [ + "\u2581bilinea", + -14.388066291809082 + ], + [ + "avelli", + -14.388071060180664 + ], + [ + "VIN", + -14.388080596923828 + ], + [ + "\u2581V\u00e4ster", + -14.388096809387209 + ], + [ + "Bilder", + -14.388099670410156 + ], + [ + "\u2581Brite", + -14.388101577758787 + ], + [ + "\u2581Schlegel", + -14.388106346130373 + ], + [ + "ONCE", + -14.388108253479004 + ], + [ + "hysteri", + -14.388116836547852 + ], + [ + "\u2581Clap", + -14.388131141662598 + ], + [ + "\u2581alojamento", + -14.38814640045166 + ], + [ + "Affiche", + -14.38814926147461 + ], + [ + "\u2581scava", + -14.388175010681152 + ], + [ + "Leyenda", + -14.388187408447266 + ], + [ + "Corte", + -14.388188362121582 + ], + [ + "MessageState", + -14.388205528259276 + ], + [ + "\u2581bijeenkomsten", + -14.38821029663086 + ], + [ + "\u2581overlooked", + -14.38823699951172 + ], + [ + "\u2581enfatiz", + -14.38824462890625 + ], + [ + "amplify", + -14.3882474899292 + ], + [ + "\u2581confere", + -14.388264656066896 + ], + [ + "\u2581iniziando", + -14.388286590576172 + ], + [ + "\u2581famili", + -14.388288497924805 + ], + [ + "nuevo", + -14.388314247131348 + ], + [ + "\u2581Piaget", + -14.388360023498535 + ], + [ + "\u2581extravagante", + -14.388372421264648 + ], + [ + "\u2581Ratte", + -14.388405799865724 + ], + [ + "\u2581Bolsonaro", + -14.38840675354004 + ], + [ + "\u2581Altman", + -14.38843059539795 + ], + [ + "msk", + -14.388445854187012 + ], + [ + "\u00e9num\u00e9r", + -14.388450622558594 + ], + [ + "\u2581Deleuze", + -14.388453483581545 + ], + [ + "\u2581enhancing", + -14.388463020324709 + ], + [ + "\u2581convalida", + -14.388473510742188 + ], + [ + "\u2581finta", + -14.388473510742188 + ], + [ + "\u2581d\u00e9finitif", + -14.388486862182615 + ], + [ + "rasca", + -14.388503074645996 + ], + [ + "MouseEvent", + -14.38858127593994 + ], + [ + "\u2581pessimist", + -14.388591766357422 + ], + [ + "ooien", + -14.38861083984375 + ], + [ + "\u2581Epito", + -14.388626098632812 + ], + [ + "uppen", + -14.388631820678713 + ], + [ + "\u2581Feiertag", + -14.388651847839355 + ], + [ + "\u2581contesti", + -14.388679504394531 + ], + [ + "Wicked", + -14.388708114624023 + ], + [ + "\u2581colaborativa", + -14.388708114624023 + ], + [ + "\u2581verraten", + -14.388710975646973 + ], + [ + "blazer", + -14.388734817504885 + ], + [ + "IAR", + -14.388754844665527 + ], + [ + "\u2581Kleinere", + -14.38876724243164 + ], + [ + "\u2581volcanique", + -14.388775825500488 + ], + [ + "\u2581Maman", + -14.38877773284912 + ], + [ + "\u2581sobrenome", + -14.388785362243652 + ], + [ + "\u2581expressly", + -14.388788223266602 + ], + [ + "ctriz", + -14.388795852661133 + ], + [ + "all\u00e9g", + -14.388809204101562 + ], + [ + "\u2581piezo", + -14.388829231262209 + ], + [ + "Chaudoir", + -14.388864517211914 + ], + [ + "\u2581oprichters", + -14.388885498046877 + ], + [ + "\u2581chut", + -14.388924598693848 + ], + [ + "\u2581Vereinen", + -14.38895320892334 + ], + [ + "\u2581verblijven", + -14.388965606689451 + ], + [ + "\u2581Evite", + -14.3889741897583 + ], + [ + "\u2581retalia", + -14.38898754119873 + ], + [ + "\u2581concessions", + -14.389010429382324 + ], + [ + "donien", + -14.389039993286133 + ], + [ + "C\u00f3rdoba", + -14.389057159423828 + ], + [ + "inesis", + -14.389057159423828 + ], + [ + "Grote", + -14.38908576965332 + ], + [ + "\u2581figliuol", + -14.389124870300291 + ], + [ + "\u2581jogada", + -14.389140129089355 + ], + [ + "culation", + -14.38914966583252 + ], + [ + "discrimin", + -14.389154434204102 + ], + [ + "\u2581commentato", + -14.38915729522705 + ], + [ + "\u2581Groove", + -14.38917350769043 + ], + [ + "\u00e4ssigkeit", + -14.389185905456545 + ], + [ + "establishment", + -14.389240264892578 + ], + [ + "\u2581colonizaci\u00f3n", + -14.389240264892578 + ], + [ + "Plaza", + -14.389253616333008 + ], + [ + "\u2581Sacr\u00e9", + -14.389253616333008 + ], + [ + "\u2581Arqui", + -14.389266967773438 + ], + [ + "\u2581Vasconcelos", + -14.389267921447754 + ], + [ + "\u2581Delegierten", + -14.38926887512207 + ], + [ + "\u2581sympathetic", + -14.389269828796388 + ], + [ + "\u2581Pimentel", + -14.389272689819336 + ], + [ + "ollati", + -14.389274597167969 + ], + [ + "\u2581Offenlegung", + -14.38928508758545 + ], + [ + "\u2581Hait\u00ed", + -14.38929557800293 + ], + [ + "\u2581Ostk\u00fcste", + -14.38931655883789 + ], + [ + "Maintain", + -14.389320373535156 + ], + [ + "\u2581Pigment", + -14.389348030090332 + ], + [ + "\u2581incubation", + -14.389362335205078 + ], + [ + "\u2581aanmaken", + -14.38937759399414 + ], + [ + "Invert", + -14.389382362365724 + ], + [ + "Explorer", + -14.38938808441162 + ], + [ + "\u2581furgone", + -14.389399528503418 + ], + [ + "\u2581Rueda", + -14.38942050933838 + ], + [ + "\u2581Schutzbereich", + -14.389422416687012 + ], + [ + "arches", + -14.389437675476074 + ], + [ + "\u2581Chevr", + -14.389442443847656 + ], + [ + "ppf", + -14.389507293701172 + ], + [ + "erationException", + -14.389569282531738 + ], + [ + "ISTO", + -14.38957691192627 + ], + [ + "\u2581gooien", + -14.3895845413208 + ], + [ + "\u2581obtenci\u00f3n", + -14.389594078063965 + ], + [ + "\u2581obliqu", + -14.38961696624756 + ], + [ + "EREN", + -14.389636993408203 + ], + [ + "\u2581esplicita", + -14.389641761779783 + ], + [ + "\u2581Ferrante", + -14.389671325683594 + ], + [ + "\u2581indubbiamente", + -14.389698028564451 + ], + [ + "\u2581emprisonn\u00e9", + -14.38969898223877 + ], + [ + "\u2581eseguiti", + -14.389707565307615 + ], + [ + "\u2581Indochina", + -14.389711380004885 + ], + [ + "\u2581Thiago", + -14.38974380493164 + ], + [ + "parasiet", + -14.38979148864746 + ], + [ + "EMC", + -14.389815330505373 + ], + [ + "\u2581Pelt", + -14.389817237854004 + ], + [ + "\u2581Acet", + -14.389826774597168 + ], + [ + "minify", + -14.389852523803713 + ], + [ + "\u2581Marvolo", + -14.389859199523926 + ], + [ + "grifo", + -14.38990879058838 + ], + [ + "brouck", + -14.389912605285645 + ], + [ + "herson", + -14.389914512634276 + ], + [ + "\u2581fr\u00e9quentes", + -14.389951705932615 + ], + [ + "\u2581Diocle", + -14.389965057373049 + ], + [ + "\u00e4lter", + -14.389972686767578 + ], + [ + "versto", + -14.38998031616211 + ], + [ + "DAB", + -14.3900146484375 + ], + [ + "geltung", + -14.390024185180664 + ], + [ + "\u2581persuasion", + -14.390121459960938 + ], + [ + "Synthetic", + -14.390135765075684 + ], + [ + "rachtvlinders", + -14.390145301818848 + ], + [ + "\u2581satisfaisant", + -14.39014720916748 + ], + [ + "\u2581Visconde", + -14.39015293121338 + ], + [ + "multidimensional", + -14.390170097351074 + ], + [ + "\u2581obligatoria", + -14.390174865722656 + ], + [ + "Musc", + -14.390244483947754 + ], + [ + "\u2581recuperando", + -14.390262603759766 + ], + [ + "Except", + -14.390287399291992 + ], + [ + "\u2581grootschalige", + -14.39034652709961 + ], + [ + "\u2581docenten", + -14.390376091003418 + ], + [ + "\u2581Mirza", + -14.390389442443848 + ], + [ + "\u2581d\u00e9vast", + -14.390403747558594 + ], + [ + "distributor", + -14.390409469604492 + ], + [ + "\u2581macroscopic", + -14.390410423278809 + ], + [ + "TESTFI", + -14.390417098999023 + ], + [ + "\u2581Bedeut", + -14.39041805267334 + ], + [ + "jik", + -14.390436172485352 + ], + [ + "omheen", + -14.390451431274414 + ], + [ + "\u2581nidifica", + -14.390454292297363 + ], + [ + "\u2581aliento", + -14.390482902526855 + ], + [ + "\u2581Ganzes", + -14.390499114990234 + ], + [ + "\u2581disparate", + -14.39050006866455 + ], + [ + "\u2581N\u00fc", + -14.390510559082031 + ], + [ + "\u2581premise", + -14.390511512756348 + ], + [ + "\u2581gemeld", + -14.390522003173828 + ], + [ + "\u2581frattura", + -14.39052677154541 + ], + [ + "\u2581Ellington", + -14.390532493591309 + ], + [ + "\u2581oraciones", + -14.390552520751951 + ], + [ + "Spektroskopie", + -14.390560150146484 + ], + [ + "dvocacy", + -14.3905611038208 + ], + [ + "\u2581rituais", + -14.390576362609863 + ], + [ + "ENTA", + -14.39057731628418 + ], + [ + "\u2581spettatore", + -14.39057731628418 + ], + [ + "\u2581Meadow", + -14.39058780670166 + ], + [ + "Forgot", + -14.390602111816406 + ], + [ + "\u2581Vroeg", + -14.39061164855957 + ], + [ + "\u2581Coron", + -14.390617370605469 + ], + [ + "\u2581refut", + -14.390631675720217 + ], + [ + "\u2581Esempi", + -14.39063835144043 + ], + [ + "\u2581Dormi", + -14.390644073486328 + ], + [ + "enhain", + -14.390664100646973 + ], + [ + "d\u00fc", + -14.390667915344238 + ], + [ + "\u2581ocorrida", + -14.390690803527832 + ], + [ + "\u2581construis", + -14.390707015991213 + ], + [ + "surgimiento", + -14.390714645385742 + ], + [ + "\u2581genitals", + -14.390745162963867 + ], + [ + "\u2581qualifizieren", + -14.390746116638184 + ], + [ + "aftpflicht", + -14.390748023986816 + ], + [ + "Locate", + -14.39074993133545 + ], + [ + "\u2581proza", + -14.39076328277588 + ], + [ + "arbitro", + -14.39076805114746 + ], + [ + "\u2581disputaron", + -14.390819549560549 + ], + [ + "elvet", + -14.390825271606444 + ], + [ + "DAP", + -14.390846252441406 + ], + [ + "Planet", + -14.39085292816162 + ], + [ + "azzurra", + -14.390856742858888 + ], + [ + "weggefallen", + -14.390891075134276 + ], + [ + "lapso", + -14.39091682434082 + ], + [ + "\u2581frustrado", + -14.390968322753906 + ], + [ + "liturgie", + -14.390975952148438 + ], + [ + "\u2581splendidi", + -14.390984535217283 + ], + [ + "\u2581StripOnInput", + -14.3909912109375 + ], + [ + "Vervielf\u00e4ltigung", + -14.390992164611816 + ], + [ + "\u2581Schokolade", + -14.390992164611816 + ], + [ + "Rechtsextremismu", + -14.39099407196045 + ], + [ + "\u2581Cro\u00e1cia", + -14.391006469726562 + ], + [ + "conference", + -14.391016006469728 + ], + [ + "\u2581renale", + -14.391026496887209 + ], + [ + "\u2581encierr", + -14.391035079956056 + ], + [ + "royd", + -14.39105224609375 + ], + [ + "Stone", + -14.391068458557127 + ], + [ + "dendro", + -14.391085624694824 + ], + [ + "\u2581estricta", + -14.391106605529783 + ], + [ + "\u2581tenhamos", + -14.391120910644531 + ], + [ + "\u2581adyacentes", + -14.39112377166748 + ], + [ + "\u2581Willard", + -14.39113426208496 + ], + [ + "\u2581Gauche", + -14.391141891479492 + ], + [ + "\u2581adapt\u00e9es", + -14.391178131103516 + ], + [ + "\u2581dramafilm", + -14.39119815826416 + ], + [ + "\u2581temperato", + -14.391212463378906 + ], + [ + "\u2581pretas", + -14.39122200012207 + ], + [ + "\u2581Monarchie", + -14.391222953796388 + ], + [ + "LETTER", + -14.391244888305664 + ], + [ + "petra", + -14.391257286071776 + ], + [ + "stehend", + -14.391274452209473 + ], + [ + "\u2581Maki", + -14.391290664672852 + ], + [ + "\u2581Millar", + -14.391304969787598 + ], + [ + "uervo", + -14.391316413879396 + ], + [ + "\u2581explicaciones", + -14.391420364379885 + ], + [ + "\u2581Schwermetall", + -14.391432762145996 + ], + [ + "\u2581Epithel", + -14.39144802093506 + ], + [ + "\u2581meridiano", + -14.391453742980955 + ], + [ + "\u2581finely", + -14.391464233398438 + ], + [ + "\u2581Borgogna", + -14.391467094421388 + ], + [ + "\u2581Christelijke", + -14.391481399536133 + ], + [ + "\u2581kolonisten", + -14.391493797302246 + ], + [ + "\u2581avanz\u00f3", + -14.39149570465088 + ], + [ + "scheinen", + -14.391496658325195 + ], + [ + "\u2581straw", + -14.391499519348145 + ], + [ + "\u2581Neurolog", + -14.39151096343994 + ], + [ + "\u2581ablaufen", + -14.391512870788574 + ], + [ + "\u2581d\u00e9sol", + -14.391512870788574 + ], + [ + "\u2581thrash", + -14.39151668548584 + ], + [ + "\u2581crochet", + -14.391531944274902 + ], + [ + "matriz", + -14.391584396362305 + ], + [ + "eventeenth", + -14.391621589660645 + ], + [ + "\u2581W\u00e4chter", + -14.391631126403809 + ], + [ + "\u2581\u00e9cart\u00e9", + -14.39163303375244 + ], + [ + "CONCAT", + -14.391683578491213 + ], + [ + "\u2581relegat", + -14.391690254211426 + ], + [ + "beschichtete", + -14.391706466674805 + ], + [ + "\u2581Casting", + -14.391711235046388 + ], + [ + "empfang", + -14.391715049743652 + ], + [ + "\u2581Recebeu", + -14.391783714294434 + ], + [ + "\u2581naturwissen", + -14.391790390014648 + ], + [ + "duktiven", + -14.391799926757812 + ], + [ + "\u2581privilegiado", + -14.391827583312988 + ], + [ + "selbige", + -14.391839027404783 + ], + [ + "ostruzione", + -14.391853332519531 + ], + [ + "\u2581Agostinho", + -14.391855239868164 + ], + [ + "\u2581cirque", + -14.39186668395996 + ], + [ + "\u2581vigorous", + -14.391876220703123 + ], + [ + "\u2581reachable", + -14.391879081726074 + ], + [ + "\u2581descuento", + -14.391885757446287 + ], + [ + "\u2581Renfe", + -14.391889572143556 + ], + [ + "Therapie", + -14.391902923583984 + ], + [ + "\u2581analytique", + -14.391911506652832 + ], + [ + "poging", + -14.39192008972168 + ], + [ + "ogyakarta", + -14.391929626464844 + ], + [ + "\u2581coautor", + -14.391937255859377 + ], + [ + "\u2581Cephalo", + -14.391971588134766 + ], + [ + "\u2581Bauvorhaben", + -14.392005920410156 + ], + [ + "eacock", + -14.392019271850586 + ], + [ + "\u2581abrazo", + -14.392029762268066 + ], + [ + "\u2581identificadas", + -14.392044067382812 + ], + [ + "\u2581provenir", + -14.392048835754396 + ], + [ + "Replay", + -14.392051696777344 + ], + [ + "juego", + -14.392056465148926 + ], + [ + "wasserstoff", + -14.39206314086914 + ], + [ + "\u2581b\u00e9n\u00e9voles", + -14.392078399658203 + ], + [ + "Charlie", + -14.392091751098633 + ], + [ + "Weiss", + -14.392107009887695 + ], + [ + "subdomain", + -14.392132759094238 + ], + [ + "Elimina", + -14.392157554626465 + ], + [ + "Basket", + -14.392229080200195 + ], + [ + "atosi", + -14.392234802246094 + ], + [ + "drafts", + -14.392263412475586 + ], + [ + "cofrad\u00eda", + -14.392287254333496 + ], + [ + "\u2581predecessore", + -14.392287254333496 + ], + [ + "\u2581p\u00e9destre", + -14.392289161682127 + ], + [ + "kheim", + -14.39231014251709 + ], + [ + "\u2581preceduto", + -14.39239501953125 + ], + [ + "\u2581Taxonomi", + -14.392406463623049 + ], + [ + "Deja", + -14.39241886138916 + ], + [ + "\u2581cronometr", + -14.392423629760742 + ], + [ + "fiance", + -14.392431259155272 + ], + [ + "prevent", + -14.392434120178224 + ], + [ + "\u2581Sprechen", + -14.392467498779297 + ], + [ + "\u2581germani", + -14.392513275146484 + ], + [ + "\u2581Diakon", + -14.3925142288208 + ], + [ + "Isla", + -14.392523765563965 + ], + [ + "Lewis", + -14.392585754394531 + ], + [ + "UnsupportedOp", + -14.392590522766112 + ], + [ + "\u00e4chte", + -14.392602920532228 + ], + [ + "\u2581privilegiada", + -14.39261245727539 + ], + [ + "\u2581zahlenm\u00e4", + -14.392616271972656 + ], + [ + "\u2581revint", + -14.392645835876465 + ], + [ + "\u2581adottata", + -14.392648696899414 + ], + [ + "\u2581spij", + -14.392678260803224 + ], + [ + "\u2581verlenen", + -14.392684936523438 + ], + [ + "\u2581brouill", + -14.392685890197754 + ], + [ + "\u2581empregada", + -14.39268684387207 + ], + [ + "\u2581potersi", + -14.392736434936523 + ], + [ + "\u2581premesse", + -14.392754554748535 + ], + [ + "\u2581motoristas", + -14.392756462097168 + ], + [ + "spessa", + -14.392770767211914 + ], + [ + "\u2581sauda", + -14.392780303955078 + ], + [ + "\u2581Armenien", + -14.39285373687744 + ], + [ + "Duivel", + -14.392854690551758 + ], + [ + "caract", + -14.39285945892334 + ], + [ + "\u2581estrutural", + -14.392868995666504 + ], + [ + "\u2581indonesische", + -14.392874717712402 + ], + [ + "\u2581irakien", + -14.39287567138672 + ], + [ + "\u2581Regierungschefs", + -14.392919540405272 + ], + [ + "tarief", + -14.392937660217283 + ], + [ + "\u2581Plakat", + -14.392942428588867 + ], + [ + "\u2581seventeen", + -14.392951011657717 + ], + [ + "Dance", + -14.392951965332031 + ], + [ + "Inglaterra", + -14.392951965332031 + ], + [ + "decir", + -14.392952919006348 + ], + [ + "\u2581simplificado", + -14.392956733703612 + ], + [ + "\u2581disapprov", + -14.392962455749512 + ], + [ + "pareciera", + -14.39297580718994 + ], + [ + "\u2581Sexto", + -14.392986297607422 + ], + [ + "\u2581Hendrick", + -14.393031120300291 + ], + [ + "\u2581ambitious", + -14.393040657043455 + ], + [ + "\u2581integraal", + -14.393099784851074 + ], + [ + "vereinen", + -14.393107414245604 + ], + [ + "\u2581Angeklagte", + -14.393107414245604 + ], + [ + "\u00e9rudit", + -14.3931303024292 + ], + [ + "lizia", + -14.393134117126465 + ], + [ + "ruffle", + -14.393145561218262 + ], + [ + "\u2581sympathy", + -14.393157958984377 + ], + [ + "ognition", + -14.393192291259766 + ], + [ + "\u2581Commissario", + -14.393238067626951 + ], + [ + "trabalho", + -14.3932466506958 + ], + [ + "\u2581Amerikaan", + -14.393255233764648 + ], + [ + "\u2581Vormittag", + -14.393256187438965 + ], + [ + "gemindert", + -14.393293380737305 + ], + [ + "\u2581plegen", + -14.393295288085938 + ], + [ + "\u2581acusaci\u00f3n", + -14.393399238586426 + ], + [ + "\u2581Limn", + -14.393415451049805 + ], + [ + "\u2581departed", + -14.39341926574707 + ], + [ + "jorn", + -14.393451690673828 + ], + [ + "u\u00edz", + -14.393462181091309 + ], + [ + "\u2581dividi", + -14.393491744995115 + ], + [ + "\u2581Shap", + -14.39349365234375 + ], + [ + "\u2581Lusitan", + -14.393499374389648 + ], + [ + "multline", + -14.393516540527344 + ], + [ + "IFICA", + -14.393548965454102 + ], + [ + "Estudiantes", + -14.393553733825684 + ], + [ + "sonstige", + -14.393553733825684 + ], + [ + "bergewicht", + -14.393576622009276 + ], + [ + "Elena", + -14.393610954284668 + ], + [ + "calico", + -14.39362335205078 + ], + [ + "\u2581Educativ", + -14.393624305725098 + ], + [ + "\u2581praticante", + -14.393638610839844 + ], + [ + "Animate", + -14.393651962280272 + ], + [ + "\u2581joyas", + -14.39369297027588 + ], + [ + "\u2581puce", + -14.39369773864746 + ], + [ + "\u2581cargar", + -14.393725395202637 + ], + [ + "\u2581Utopia", + -14.39376163482666 + ], + [ + "\u2581dress\u00e9", + -14.393778800964355 + ], + [ + "Grouping", + -14.393789291381836 + ], + [ + "\u2581influenciar", + -14.393810272216797 + ], + [ + "\u2581Rogue", + -14.39383602142334 + ], + [ + "\u2581difensiva", + -14.393844604492188 + ], + [ + "gn\u00f3stic", + -14.39385986328125 + ], + [ + "\u2581modernit\u00e9", + -14.39389991760254 + ], + [ + "allier", + -14.393919944763184 + ], + [ + "\u2581fringe", + -14.393926620483398 + ], + [ + "formative", + -14.393950462341309 + ], + [ + "\u2581orfan", + -14.39397430419922 + ], + [ + "\u2581realizarse", + -14.393976211547852 + ], + [ + "\u2581dormido", + -14.393991470336914 + ], + [ + "dr\u00fccklich", + -14.394006729125977 + ], + [ + "Selecci\u00f3n", + -14.39401149749756 + ], + [ + "\u2581Piedad", + -14.394027709960938 + ], + [ + "\u2581connaissez", + -14.394034385681152 + ], + [ + "syndrom", + -14.394038200378418 + ], + [ + "\u2581reperi", + -14.394048690795898 + ], + [ + "Laura", + -14.394054412841797 + ], + [ + "ebr\u00e4isch", + -14.39405632019043 + ], + [ + "\u2581damaging", + -14.39407444000244 + ], + [ + "\u2581melanoma", + -14.394087791442873 + ], + [ + "\u2581contactar", + -14.39410400390625 + ], + [ + "\u2581avanc\u00e9es", + -14.394107818603516 + ], + [ + "\u2581llaves", + -14.394124031066896 + ], + [ + "\u00e9cro", + -14.394131660461426 + ], + [ + "\u2581Padan", + -14.394152641296388 + ], + [ + "\u2581much\u00edsimo", + -14.394164085388184 + ], + [ + "predadores", + -14.394177436828612 + ], + [ + "\u2581proibito", + -14.394197463989258 + ], + [ + "\u2581Empfindlichkeit", + -14.394259452819824 + ], + [ + "\u2581Nahen", + -14.394301414489746 + ], + [ + "SHARE", + -14.394309043884276 + ], + [ + "cultiv", + -14.394311904907228 + ], + [ + "\u2581arbusto", + -14.394349098205566 + ], + [ + "\u2581Lander", + -14.39443588256836 + ], + [ + "\u2581submetido", + -14.394454002380373 + ], + [ + "\u2581Attend", + -14.39445686340332 + ], + [ + "untur", + -14.394460678100586 + ], + [ + "\u2581illegali", + -14.394463539123535 + ], + [ + "\u2581Irvine", + -14.394476890563965 + ], + [ + "quipement", + -14.394493103027344 + ], + [ + "Sept", + -14.394513130187988 + ], + [ + "plauso", + -14.394519805908203 + ], + [ + "\u2581Vingt", + -14.394536018371582 + ], + [ + "\u2581bracelet", + -14.394558906555176 + ], + [ + "\u2581Benefi", + -14.3945894241333 + ], + [ + "\u2581trascorse", + -14.394608497619627 + ], + [ + "absolut", + -14.394619941711426 + ], + [ + "segnati", + -14.394654273986816 + ], + [ + "\u2581Pesad", + -14.394658088684082 + ], + [ + "\u2581Ricorda", + -14.394662857055664 + ], + [ + "\u2581Energieversorg", + -14.394670486450195 + ], + [ + "\u2581Terni", + -14.394678115844728 + ], + [ + "taart", + -14.394679069519045 + ], + [ + "\u2581arqueol\u00f3gicas", + -14.394719123840332 + ], + [ + "\u2581sabores", + -14.394725799560549 + ], + [ + "\u2581sp\u00e9cifiquement", + -14.394729614257812 + ], + [ + "\u2581Phal", + -14.39476203918457 + ], + [ + "\u2581campeona", + -14.394771575927734 + ], + [ + "meshes", + -14.394773483276367 + ], + [ + "\u2581mineraal", + -14.394775390625 + ], + [ + "Agonist", + -14.394781112670898 + ], + [ + "\u2581disputer", + -14.394783973693848 + ], + [ + "\u2581descer", + -14.394786834716797 + ], + [ + "enhoven", + -14.394819259643556 + ], + [ + "jogador", + -14.394821166992188 + ], + [ + "ASSE", + -14.394848823547363 + ], + [ + "\u2581m\u00e9diation", + -14.394866943359377 + ], + [ + "\u2581Drus", + -14.394880294799805 + ], + [ + "\u2581uitgelegd", + -14.39488124847412 + ], + [ + "KUBERNETES", + -14.394882202148438 + ], + [ + "c\u00edclico", + -14.394883155822754 + ], + [ + "complexity", + -14.394906997680664 + ], + [ + "tenaient", + -14.394922256469728 + ], + [ + "\u2581Todesstrafe", + -14.394954681396484 + ], + [ + "waka", + -14.394981384277344 + ], + [ + "illegal", + -14.394993782043455 + ], + [ + "\u2581spezzat", + -14.395026206970217 + ], + [ + "\u2581declarando", + -14.395057678222656 + ], + [ + "\u2581Hurtado", + -14.395063400268556 + ], + [ + "\u2581Wuch", + -14.395101547241213 + ], + [ + "\u2581l\u00e1ser", + -14.395106315612791 + ], + [ + "echado", + -14.395112991333008 + ], + [ + "zuid", + -14.395112991333008 + ], + [ + "Hohen", + -14.395134925842283 + ], + [ + "raman", + -14.395153999328612 + ], + [ + "\u2581Galante", + -14.395159721374512 + ], + [ + "\u2581promulgada", + -14.39516258239746 + ], + [ + "mirent", + -14.395172119140623 + ], + [ + "l\u00e9sia", + -14.39519500732422 + ], + [ + "\u2581Smyth", + -14.395243644714355 + ], + [ + "BigDecimal", + -14.39528465270996 + ], + [ + "\u2581incredibilmente", + -14.395316123962402 + ], + [ + "\u2581maturit\u00e0", + -14.395316123962402 + ], + [ + "kanzlei", + -14.39531707763672 + ], + [ + "rnac", + -14.395325660705566 + ], + [ + "\u2581fungieren", + -14.39535903930664 + ], + [ + "\u2581toename", + -14.395397186279297 + ], + [ + "zurufen", + -14.395410537719728 + ], + [ + "Reprise", + -14.395411491394045 + ], + [ + "\u2581practicable", + -14.395421028137209 + ], + [ + "\u2581Pinc", + -14.395428657531738 + ], + [ + "\u2581Clash", + -14.395431518554688 + ], + [ + "scrutinio", + -14.395440101623535 + ], + [ + "\u2581obiett", + -14.395447731018066 + ], + [ + "\u2581Jordanien", + -14.395455360412598 + ], + [ + "isolier", + -14.395471572875977 + ], + [ + "startColumn", + -14.39552402496338 + ], + [ + "Bundesminister", + -14.395543098449709 + ], + [ + "ruise", + -14.395545959472656 + ], + [ + "\u2581Cirr", + -14.395556449890137 + ], + [ + "\u2581bundesweiten", + -14.395565032958984 + ], + [ + "following", + -14.395575523376465 + ], + [ + "\u2581friedlichen", + -14.395586013793944 + ], + [ + "\u2581gerenciar", + -14.395604133605955 + ], + [ + "\u2581atendido", + -14.395614624023438 + ], + [ + "\u2581Independente", + -14.395617485046388 + ], + [ + "sellers", + -14.395647048950195 + ], + [ + "Comparable", + -14.395700454711914 + ], + [ + "geschmack", + -14.395724296569824 + ], + [ + "\u2581slaag", + -14.39573097229004 + ], + [ + "\u2581geschieden", + -14.395739555358888 + ], + [ + "meke", + -14.39574146270752 + ], + [ + "\u2581Valent\u00edn", + -14.395753860473633 + ], + [ + "Bournemouth", + -14.395769119262695 + ], + [ + "\u2581Mathematisch", + -14.395769119262695 + ], + [ + "openairinterface", + -14.39577293395996 + ], + [ + "\u2581expenditures", + -14.39577293395996 + ], + [ + "Independent", + -14.39577865600586 + ], + [ + "\u2581\u00e9chapp\u00e9", + -14.395793914794922 + ], + [ + "\u2581chamando", + -14.395797729492188 + ], + [ + "\u2581m\u00e9dicament", + -14.395809173583984 + ], + [ + "zuwenden", + -14.395851135253906 + ], + [ + "nasty", + -14.395869255065918 + ], + [ + "\u2581peregrinos", + -14.395880699157717 + ], + [ + "\u2581deelnemende", + -14.395891189575195 + ], + [ + "pkin", + -14.395912170410156 + ], + [ + "\u2581Caball", + -14.395915031433104 + ], + [ + "\u2581radiant", + -14.3959321975708 + ], + [ + "\u2581sometime", + -14.395960807800291 + ], + [ + "\u2581Rohstoffen", + -14.39599323272705 + ], + [ + "lizio", + -14.395995140075684 + ], + [ + "Nutzen", + -14.395998001098633 + ], + [ + "Outbound", + -14.396018028259276 + ], + [ + "\u2581demorar", + -14.396035194396973 + ], + [ + "Welche", + -14.396038055419922 + ], + [ + "\u2581espiona", + -14.396044731140137 + ], + [ + "Silva", + -14.39610767364502 + ], + [ + "\u2581einheitlicher", + -14.396113395690918 + ], + [ + "Recklinghausen", + -14.396183967590332 + ], + [ + "\u2581Bartemius", + -14.396183967590332 + ], + [ + "\u2581biodiversidad", + -14.396183967590332 + ], + [ + "\u2581f\u00f3sseis", + -14.396184921264648 + ], + [ + "\u2581Geoffroy", + -14.396193504333496 + ], + [ + "adiu", + -14.396198272705078 + ], + [ + "\u2581assumono", + -14.39621639251709 + ], + [ + "\u2581Pellegrino", + -14.39621925354004 + ], + [ + "\u2581Riem", + -14.396225929260254 + ], + [ + "Combat", + -14.396246910095217 + ], + [ + "\u2581Raccont", + -14.396259307861328 + ], + [ + "Kevin", + -14.39626407623291 + ], + [ + "\u2581sicherte", + -14.396272659301758 + ], + [ + "accani", + -14.396282196044922 + ], + [ + "\u2581Raza", + -14.396282196044922 + ], + [ + "\u2581balne", + -14.396282196044922 + ], + [ + "\u2581postulat", + -14.396343231201172 + ], + [ + "partido", + -14.396353721618652 + ], + [ + "Stephen", + -14.396364212036133 + ], + [ + "\u2581Galiza", + -14.396409034729004 + ], + [ + "\u2581lazos", + -14.39640998840332 + ], + [ + "\u2581elektr", + -14.396459579467772 + ], + [ + "Amplifikat", + -14.396469116210938 + ], + [ + "\u2581indagare", + -14.396472930908203 + ], + [ + "guaranteed", + -14.396475791931152 + ], + [ + "\u2581orejas", + -14.396513938903809 + ], + [ + "\u2581spatially", + -14.396547317504885 + ], + [ + "\u2581hist\u00f3ricamente", + -14.396615028381348 + ], + [ + "\u2581Aschaffenburg", + -14.396617889404297 + ], + [ + "\u2581verbietet", + -14.396617889404297 + ], + [ + "\u2581Grap", + -14.39661979675293 + ], + [ + "\u2581purse", + -14.39662742614746 + ], + [ + "\u2581sommers", + -14.39662742614746 + ], + [ + "\u2581\u00e9ternelle", + -14.39662742614746 + ], + [ + "\u2581speelronde", + -14.39663028717041 + ], + [ + "justified", + -14.396634101867676 + ], + [ + "raisebox", + -14.396673202514648 + ], + [ + "\u2581Snowboard", + -14.396673202514648 + ], + [ + "phob", + -14.396674156188965 + ], + [ + "\u2581Gedankenstrich", + -14.396689414978027 + ], + [ + "\u2581haza", + -14.396692276000977 + ], + [ + "\u2581Sanktion", + -14.396713256835938 + ], + [ + "dosso", + -14.39671802520752 + ], + [ + "\u2581splendido", + -14.396721839904783 + ], + [ + "\u2581affiliate", + -14.396778106689451 + ], + [ + "\u2581Vasa", + -14.39678955078125 + ], + [ + "\u2581interrog\u00e9", + -14.396815299987791 + ], + [ + "\u2581\u00e9gyptienne", + -14.396817207336426 + ], + [ + "\u2581geleisteten", + -14.396824836730955 + ], + [ + "\u2581piaceva", + -14.39682674407959 + ], + [ + "\u2581protesten", + -14.396830558776855 + ], + [ + "\u2581Tianjin", + -14.39684009552002 + ], + [ + "\u2581F\u00fcrstentum", + -14.396860122680664 + ], + [ + "\u2581Bulgarian", + -14.39686393737793 + ], + [ + "\u2581d\u00e9roulement", + -14.39687442779541 + ], + [ + "\u2581Indio", + -14.3969144821167 + ], + [ + "\u2581concise", + -14.396928787231444 + ], + [ + "\u2581Briggs", + -14.396931648254396 + ], + [ + "\u2581Hogar", + -14.396932601928713 + ], + [ + "\u2581adoptiv", + -14.396936416625977 + ], + [ + "acharias", + -14.396944046020508 + ], + [ + "wekken", + -14.396946907043455 + ], + [ + "\u2581Hinterland", + -14.396968841552734 + ], + [ + "\u2581arroj", + -14.396992683410645 + ], + [ + "\u2581Gutschein", + -14.397007942199709 + ], + [ + "\u2581strafrechtliche", + -14.397043228149414 + ], + [ + "honda", + -14.397051811218262 + ], + [ + "\u2581Weltanschauung", + -14.397051811218262 + ], + [ + "Autowired", + -14.397059440612791 + ], + [ + "Eloquent", + -14.397062301635742 + ], + [ + "movi\u00f3", + -14.397065162658691 + ], + [ + "\u2581vedrete", + -14.397067070007324 + ], + [ + "porteerd", + -14.397092819213867 + ], + [ + "supervisord", + -14.397092819213867 + ], + [ + "\u2581wielerwedstrijd", + -14.397130966186523 + ], + [ + "\u2581stevige", + -14.397150993347168 + ], + [ + "heck", + -14.397172927856444 + ], + [ + "Denied", + -14.397214889526367 + ], + [ + "\u2581Ateneo", + -14.397224426269531 + ], + [ + "ringue", + -14.39723014831543 + ], + [ + "\u2581Fassaden", + -14.39723300933838 + ], + [ + "\u2581Mantua", + -14.397259712219238 + ], + [ + "\u2581setaf", + -14.397262573242188 + ], + [ + "\u2581verl\u00e4ssliche", + -14.39730453491211 + ], + [ + "\u2581spade", + -14.397315979003906 + ], + [ + "c\u00e9dent", + -14.397347450256348 + ], + [ + "unbound", + -14.397358894348145 + ], + [ + "equazione", + -14.39738655090332 + ], + [ + "\u2581migranti", + -14.397459030151367 + ], + [ + "\u2581secundaire", + -14.397468566894531 + ], + [ + "\u2581Respecto", + -14.39748764038086 + ], + [ + "\u2581Liguri", + -14.397499084472656 + ], + [ + "\u2581creativit\u00e0", + -14.397500991821287 + ], + [ + "\u2581Praticamente", + -14.397525787353516 + ], + [ + "fensiva", + -14.397584915161133 + ], + [ + "\u2581d\u00e9sesp\u00e9r\u00e9", + -14.397591590881348 + ], + [ + "erfgoed", + -14.39759349822998 + ], + [ + "\u2581godersi", + -14.397608757019045 + ], + [ + "\u2581st\u00e4dtebauliche", + -14.39760971069336 + ], + [ + "iosk", + -14.397624969482422 + ], + [ + "\u2581Kausal", + -14.397627830505373 + ], + [ + "\u2581Potenti", + -14.39764404296875 + ], + [ + "\u2581cancello", + -14.39769458770752 + ], + [ + "\u2581PartG", + -14.397697448730469 + ], + [ + "\u2581lapide", + -14.39771556854248 + ], + [ + "\u2581Dumm", + -14.397735595703123 + ], + [ + "lys\u00e9e", + -14.397761344909668 + ], + [ + "zoekers", + -14.397804260253906 + ], + [ + "\u2581Livingstone", + -14.397804260253906 + ], + [ + "\u2581Tribuna", + -14.397809028625488 + ], + [ + "Seidel", + -14.397820472717283 + ], + [ + "molten", + -14.397867202758787 + ], + [ + "\u2581statischen", + -14.397883415222168 + ], + [ + "\u2581infeliz", + -14.39788818359375 + ], + [ + "\u2581Ersterw\u00e4hnung", + -14.397919654846191 + ], + [ + "gestein", + -14.397936820983888 + ], + [ + "erbos", + -14.39796257019043 + ], + [ + "montare", + -14.39797306060791 + ], + [ + "Lizenz", + -14.397974014282228 + ], + [ + "\u2581H\u00e4ndel", + -14.397991180419922 + ], + [ + "\u2581helium", + -14.398004531860352 + ], + [ + "rimo", + -14.398019790649414 + ], + [ + "\u2581Martinho", + -14.398031234741213 + ], + [ + "lezen", + -14.398080825805664 + ], + [ + "\u2581pendul", + -14.39808750152588 + ], + [ + "autoload", + -14.398100852966309 + ], + [ + "\u2581installato", + -14.398114204406738 + ], + [ + "rderprogramme", + -14.398125648498535 + ], + [ + "\u2581Nachpr\u00fcfung", + -14.398125648498535 + ], + [ + "cublas", + -14.398146629333496 + ], + [ + "\u2581Tronto", + -14.398164749145508 + ], + [ + "\u2581ventina", + -14.398221015930176 + ], + [ + "\u2581stringent", + -14.398226737976074 + ], + [ + "MEMBER", + -14.39825439453125 + ], + [ + "ualcuno", + -14.398292541503906 + ], + [ + "salat", + -14.39829444885254 + ], + [ + "\u2581Ochsen", + -14.39829921722412 + ], + [ + "\u2581disturba", + -14.398301124572754 + ], + [ + "\u00fctzen", + -14.398303031921388 + ], + [ + "orderBy", + -14.398321151733398 + ], + [ + "\u2581Gritos", + -14.398341178894045 + ], + [ + "\u2581myst\u00e9rieux", + -14.398354530334473 + ], + [ + "\u2581Buchenwald", + -14.398355484008787 + ], + [ + "\u2581brasiliana", + -14.398359298706056 + ], + [ + "\u2581Mediaset", + -14.398398399353027 + ], + [ + "cacert", + -14.39842414855957 + ], + [ + "Ungarn", + -14.398435592651367 + ], + [ + "CongiMNL", + -14.39845371246338 + ], + [ + "Catania", + -14.39846134185791 + ], + [ + "symposi", + -14.39846420288086 + ], + [ + "paradijs", + -14.398467063903809 + ], + [ + "\u2581intestine", + -14.398472785949709 + ], + [ + "\u2581Professur", + -14.3985013961792 + ], + [ + "cenic", + -14.398503303527832 + ], + [ + "CongMNL", + -14.39852523803711 + ], + [ + "meervallen", + -14.39853858947754 + ], + [ + "\u2581cu\u00e1les", + -14.39854621887207 + ], + [ + "\u2581vollziehen", + -14.39854907989502 + ], + [ + "\u2581Comparing", + -14.398577690124512 + ], + [ + "\u2581Kassa", + -14.398592948913574 + ], + [ + "Rau", + -14.398597717285156 + ], + [ + "\u2581vedete", + -14.398634910583496 + ], + [ + "\u2581Reverend", + -14.398642539978027 + ], + [ + "\u2581Singapura", + -14.398664474487305 + ], + [ + "\u2581Penisola", + -14.39866828918457 + ], + [ + "\u2581Bestimm", + -14.398674964904783 + ], + [ + "\u2581Reize", + -14.398683547973633 + ], + [ + "\u2581Leitura", + -14.398687362670898 + ], + [ + "\u2581Mazzini", + -14.39869213104248 + ], + [ + "\u2581causadas", + -14.398695945739746 + ], + [ + "\u2581suplic", + -14.398699760437012 + ], + [ + "etzt", + -14.398701667785645 + ], + [ + "\u2581Transkriptions", + -14.39877223968506 + ], + [ + "nutze", + -14.398778915405272 + ], + [ + "\u2581Brandeburgo", + -14.398789405822754 + ], + [ + "\u2581M\u00f3dulo", + -14.398789405822754 + ], + [ + "\u2581presbiterio", + -14.398796081542969 + ], + [ + "\u2581aangeeft", + -14.398798942565918 + ], + [ + "\u2581fusiegemeente", + -14.398801803588867 + ], + [ + "\u2581Coleophora", + -14.398807525634766 + ], + [ + "\u2581Sigu", + -14.398810386657717 + ], + [ + "\u2581Kost\u00fcm", + -14.398813247680664 + ], + [ + "\u2581Fahrerlaubnis", + -14.398816108703612 + ], + [ + "\u2581Erlen", + -14.398836135864258 + ], + [ + "idaceae", + -14.398843765258787 + ], + [ + "\u2581dissolu", + -14.398852348327637 + ], + [ + "\u2581Motorola", + -14.398876190185549 + ], + [ + "\u2581Maori", + -14.39888858795166 + ], + [ + "\u2581presidio", + -14.398896217346191 + ], + [ + "Hermann", + -14.398910522460938 + ], + [ + "\u2581nabijheid", + -14.39893627166748 + ], + [ + "\u2581regroupement", + -14.398937225341797 + ], + [ + "statistiken", + -14.398938179016112 + ], + [ + "streitigkeiten", + -14.398940086364746 + ], + [ + "EnvVar", + -14.398944854736328 + ], + [ + "\u2581cantanti", + -14.39895248413086 + ], + [ + "\u2581Giglio", + -14.398963928222656 + ], + [ + "\u2581portray", + -14.398971557617188 + ], + [ + "\u2581Harbin", + -14.398985862731934 + ], + [ + "ivu", + -14.39903450012207 + ], + [ + "\u2581Freiheiten", + -14.399062156677246 + ], + [ + "akkers", + -14.399072647094728 + ], + [ + "\u2581hieraan", + -14.399124145507812 + ], + [ + "\u2581d\u00e9form", + -14.399134635925291 + ], + [ + "\u2581webpage", + -14.399142265319824 + ], + [ + "\u2581m\u00e9di\u00e9val", + -14.39915370941162 + ], + [ + "\u2581restanti", + -14.399164199829102 + ], + [ + "brille", + -14.399188041687012 + ], + [ + "\u2581florentin", + -14.399203300476074 + ], + [ + "\u2581M\u00f3naco", + -14.399224281311035 + ], + [ + "\u2581gourmand", + -14.399225234985352 + ], + [ + "\u2581Groninger", + -14.399227142333984 + ], + [ + "konfigurier", + -14.399248123168944 + ], + [ + "\u2581Hopf", + -14.399248123168944 + ], + [ + "\u2581Buffon", + -14.399255752563477 + ], + [ + "\u2581arroja", + -14.399267196655272 + ], + [ + "Egypte", + -14.399270057678224 + ], + [ + "\u2581diminished", + -14.39928913116455 + ], + [ + "yyLOCAL", + -14.399316787719728 + ], + [ + "Maschinen", + -14.399324417114258 + ], + [ + "Deck", + -14.399353981018066 + ], + [ + "\u2581whiske", + -14.39937973022461 + ], + [ + "\u2581Georgische", + -14.399383544921877 + ], + [ + "schl\u00fcssig", + -14.399391174316406 + ], + [ + "currentIndex", + -14.399432182312012 + ], + [ + "\u2581incisiv", + -14.399443626403809 + ], + [ + "\u2581Villanova", + -14.399450302124023 + ], + [ + "\u2581B\u00e9nin", + -14.399469375610352 + ], + [ + "\u2581Milanese", + -14.3994779586792 + ], + [ + "st\u00fc", + -14.399497032165527 + ], + [ + "\u2581Thais", + -14.399503707885742 + ], + [ + "TMA", + -14.399530410766602 + ], + [ + "\u2581Proteg", + -14.399540901184082 + ], + [ + "PaymentMethod", + -14.399559020996094 + ], + [ + "\u2581descender", + -14.39958381652832 + ], + [ + "ijger", + -14.399653434753418 + ], + [ + "Rollback", + -14.399659156799316 + ], + [ + "\u2581persisted", + -14.39966869354248 + ], + [ + "pectin", + -14.39967918395996 + ], + [ + "\u2581Kritische", + -14.399680137634276 + ], + [ + "\u2581magistrati", + -14.399703979492188 + ], + [ + "iervo", + -14.399704933166504 + ], + [ + "\u2581principaut\u00e9", + -14.399747848510742 + ], + [ + "\u2581Aussagekraft", + -14.399751663208008 + ], + [ + "rapie", + -14.399754524230955 + ], + [ + "ncurses", + -14.399758338928224 + ], + [ + "\u2581pretesto", + -14.39976406097412 + ], + [ + "colog\u00eda", + -14.399765968322754 + ], + [ + "isposeBag", + -14.399781227111816 + ], + [ + "transferase", + -14.399794578552246 + ], + [ + "\u2581Paolin", + -14.399802207946776 + ], + [ + "\u2581comedor", + -14.399813652038574 + ], + [ + "f\u00e4ltig", + -14.399893760681152 + ], + [ + "\u2581Celi", + -14.399904251098633 + ], + [ + "chloor", + -14.399920463562012 + ], + [ + "\u2581Wunderlich", + -14.399921417236328 + ], + [ + "imbus", + -14.399968147277832 + ], + [ + "einte", + -14.400032043457031 + ], + [ + "GetUser", + -14.400035858154297 + ], + [ + "thomas", + -14.400062561035156 + ], + [ + "\u2581Bove", + -14.40007781982422 + ], + [ + "tr\u00fcger", + -14.400083541870115 + ], + [ + "Alhambra", + -14.400094985961914 + ], + [ + "Enzyklop\u00e4die", + -14.400094985961914 + ], + [ + "\u2581kanunnik", + -14.40009593963623 + ], + [ + "\u2581distinguono", + -14.400128364562988 + ], + [ + "uwanderer", + -14.400146484375 + ], + [ + "emili", + -14.400151252746582 + ], + [ + "Oracle", + -14.400158882141112 + ], + [ + "phonon", + -14.400166511535645 + ], + [ + "\u2581ordinari", + -14.400179862976074 + ], + [ + "\u00e9conomiste", + -14.400216102600098 + ], + [ + "\u2581Simula", + -14.40022087097168 + ], + [ + "\u2581Donatello", + -14.400223731994627 + ], + [ + "Stoff", + -14.400248527526855 + ], + [ + "dazu", + -14.400264739990234 + ], + [ + "ErrInvalid", + -14.400306701660156 + ], + [ + "\u2581fotografi", + -14.400306701660156 + ], + [ + "\u2581norwegischen", + -14.400317192077637 + ], + [ + "munition", + -14.400344848632812 + ], + [ + "\u2581caserma", + -14.400370597839355 + ], + [ + "matrices", + -14.400390625 + ], + [ + "\u2581sourit", + -14.400399208068848 + ], + [ + "verhouding", + -14.400428771972656 + ], + [ + "\u2581rimbors", + -14.400471687316896 + ], + [ + "rospective", + -14.400474548339844 + ], + [ + "yllus", + -14.400506973266602 + ], + [ + "voto", + -14.40051555633545 + ], + [ + "\u2581Diskrepanz", + -14.400530815124512 + ], + [ + "\u2581Flitwick", + -14.400530815124512 + ], + [ + "accaduto", + -14.400534629821776 + ], + [ + "\u2581distribuiti", + -14.400534629821776 + ], + [ + "\u2581gastrollen", + -14.400567054748535 + ], + [ + "bekommen", + -14.400568962097168 + ], + [ + "\u2581d\u00e9vers", + -14.400594711303713 + ], + [ + "rausch", + -14.400609016418455 + ], + [ + "\u2581Rove", + -14.400609016418455 + ], + [ + "\u2581Feig", + -14.400632858276367 + ], + [ + "krank", + -14.400678634643556 + ], + [ + "\u2581spoorlijnen", + -14.40068531036377 + ], + [ + "ehner", + -14.400690078735352 + ], + [ + "\u2581malicious", + -14.40071964263916 + ], + [ + "\u2581conservando", + -14.40072250366211 + ], + [ + "\u2581perigosas", + -14.40073299407959 + ], + [ + "\u2581verdiende", + -14.400736808776855 + ], + [ + "\u2581vernetzt", + -14.400751113891602 + ], + [ + "\u2581brote", + -14.400812149047852 + ], + [ + "Hercule", + -14.400835037231444 + ], + [ + "\u2581defendido", + -14.40089225769043 + ], + [ + "\u2581s\u00e9para", + -14.40092945098877 + ], + [ + "\u2581sepultura", + -14.40095043182373 + ], + [ + "Gravenhage", + -14.40096664428711 + ], + [ + "\u2581preziose", + -14.40096664428711 + ], + [ + "\u2581quartet", + -14.400967597961426 + ], + [ + "\u2581Squi", + -14.400972366333008 + ], + [ + "\u2581cass\u00e9", + -14.401041984558104 + ], + [ + "ouncing", + -14.40105152130127 + ], + [ + "\u2581Citi", + -14.401077270507812 + ], + [ + "aterpillar", + -14.401092529296877 + ], + [ + "\u2581Meda", + -14.401098251342772 + ], + [ + "\u2581Tabel", + -14.401124954223633 + ], + [ + "typeshed", + -14.40115737915039 + ], + [ + "addTo", + -14.40116024017334 + ], + [ + "haufen", + -14.401168823242188 + ], + [ + "\u2581milit\u00e4risch", + -14.401180267333984 + ], + [ + "\u2581ammunition", + -14.40119743347168 + ], + [ + "empresa", + -14.401203155517578 + ], + [ + "\u2581snor", + -14.401223182678224 + ], + [ + "\u2581Vemos", + -14.401259422302246 + ], + [ + "\u2581sofrendo", + -14.401269912719728 + ], + [ + "\u2581activement", + -14.401328086853027 + ], + [ + "\u2581strutturali", + -14.401338577270508 + ], + [ + "NNCF", + -14.401342391967772 + ], + [ + "\u2581Vorsatzes", + -14.401354789733888 + ], + [ + "Initiator", + -14.40139865875244 + ], + [ + "\u2581zuzustimmen", + -14.40140438079834 + ], + [ + "inflazione", + -14.401408195495604 + ], + [ + "\u2581sucessivamente", + -14.401418685913086 + ], + [ + "\u2581Houghton", + -14.4014253616333 + ], + [ + "\u2581portrayed", + -14.401426315307615 + ], + [ + "ikka", + -14.40143585205078 + ], + [ + "\u2581Hetzelfde", + -14.40143585205078 + ], + [ + "\u2581Carpa", + -14.401445388793944 + ], + [ + "Angaben", + -14.401466369628906 + ], + [ + "\u2581Monmouth", + -14.401470184326172 + ], + [ + "\u2581Asahi", + -14.401477813720703 + ], + [ + "\u2581Durchsuchung", + -14.401479721069336 + ], + [ + "borderWidth", + -14.401495933532717 + ], + [ + "aumentata", + -14.401533126831056 + ], + [ + "taktische", + -14.40156364440918 + ], + [ + "linidae", + -14.40157699584961 + ], + [ + "Ignite", + -14.401637077331545 + ], + [ + "automake", + -14.401668548583984 + ], + [ + "bebouwd", + -14.401668548583984 + ], + [ + "\u2581riferit", + -14.401692390441896 + ], + [ + "\u2581traducir", + -14.401704788208008 + ], + [ + "ippi", + -14.401708602905272 + ], + [ + "\u2581remol", + -14.401711463928224 + ], + [ + "\u2581piazzale", + -14.40171241760254 + ], + [ + "\u2581similitudes", + -14.40172004699707 + ], + [ + "bonjour", + -14.40175724029541 + ], + [ + "w\u00e4hnt", + -14.401816368103027 + ], + [ + "erneuerung", + -14.401824951171877 + ], + [ + "\u2581avaria", + -14.401830673217772 + ], + [ + "\u2581Hispanoam\u00e9rica", + -14.401840209960938 + ], + [ + "\u2581verdedigde", + -14.40184211730957 + ], + [ + "\u2581IJzer", + -14.401843070983888 + ], + [ + "\u2581civico", + -14.401843070983888 + ], + [ + "\u2581eccetera", + -14.40184497833252 + ], + [ + "\u2581Thani", + -14.401846885681152 + ], + [ + "\u2581Mogadis", + -14.401847839355469 + ], + [ + "\u2581fulcro", + -14.401853561401367 + ], + [ + "\u2581accettata", + -14.40190315246582 + ], + [ + "\u2581copier", + -14.4019193649292 + ], + [ + "\u2581retaining", + -14.40192985534668 + ], + [ + "\u2581histories", + -14.401934623718262 + ], + [ + "Sprach", + -14.40194320678711 + ], + [ + "uteri", + -14.401947975158691 + ], + [ + "ucou", + -14.401965141296388 + ], + [ + "\u2581Hydrogen", + -14.402060508728027 + ], + [ + "ellkern", + -14.402077674865724 + ], + [ + "\u2581verantwortungs", + -14.402077674865724 + ], + [ + "TapGesture", + -14.402100563049316 + ], + [ + "dolfi", + -14.402112007141112 + ], + [ + "\u2581r\u00e9fu", + -14.40212059020996 + ], + [ + "\u2581\u00fcberzogen", + -14.402121543884276 + ], + [ + "\u2581gezielten", + -14.402158737182615 + ], + [ + "\u2581trank", + -14.402179718017578 + ], + [ + "\u2581gemeinn\u00fctzigen", + -14.402182579040527 + ], + [ + "\u2581volver\u00e1", + -14.402250289916992 + ], + [ + "\u2581interse", + -14.402259826660156 + ], + [ + "Polynesi", + -14.402264595031738 + ], + [ + "\u2581J\u00f3zef", + -14.40227508544922 + ], + [ + "\u2581Delan", + -14.402286529541016 + ], + [ + "\u2581Transfektion", + -14.402295112609863 + ], + [ + "\u2581Rekrutierung", + -14.402311325073242 + ], + [ + "\u2581olvido", + -14.402359008789062 + ], + [ + "Geboren", + -14.402365684509276 + ], + [ + "\u2581vernichten", + -14.402366638183594 + ], + [ + "\u2581separan", + -14.402396202087402 + ], + [ + "\u2581Operacional", + -14.402405738830566 + ], + [ + "ichung", + -14.402414321899414 + ], + [ + "\u2581jug\u00e9e", + -14.402443885803224 + ], + [ + "CLU", + -14.402447700500488 + ], + [ + "\u2581organizador", + -14.40251636505127 + ], + [ + "ItemAt", + -14.402524948120115 + ], + [ + "\u2581Kodak", + -14.402547836303713 + ], + [ + "\u2581Arbeitswelt", + -14.402558326721191 + ], + [ + "\u2581Brianza", + -14.402597427368164 + ], + [ + "Orphan", + -14.402626037597656 + ], + [ + "\u2581\u00e9migr", + -14.402647018432615 + ], + [ + "\u2581Bandar", + -14.402669906616213 + ], + [ + "bem\u00fchungen", + -14.402671813964844 + ], + [ + "\u2581Folg", + -14.402685165405272 + ], + [ + "Ventimiglia", + -14.402710914611816 + ], + [ + "onenrandgebiet", + -14.402710914611816 + ], + [ + "\u2581eindrucksvoll", + -14.402711868286133 + ], + [ + "\u2581Vinyl", + -14.402716636657717 + ], + [ + "\u2581discrepancy", + -14.402719497680664 + ], + [ + "\u2581souche", + -14.402719497680664 + ], + [ + "\u2581sprec", + -14.402725219726562 + ], + [ + "\u2581camu", + -14.402786254882812 + ], + [ + "l\u00e9gation", + -14.402833938598633 + ], + [ + "\u2581ostile", + -14.402854919433594 + ], + [ + "Porque", + -14.402860641479492 + ], + [ + "\u2581Participaci\u00f3n", + -14.402915954589844 + ], + [ + "tu\u00e1rio", + -14.402926445007324 + ], + [ + "\u2581Veli", + -14.402948379516602 + ], + [ + "\u2581terap", + -14.402952194213867 + ], + [ + "ylla", + -14.40295696258545 + ], + [ + "\u2581rumano", + -14.402960777282717 + ], + [ + "sist\u00eda", + -14.402968406677246 + ], + [ + "endswith", + -14.402982711791992 + ], + [ + "ladungen", + -14.402994155883787 + ], + [ + "\u2581dizemos", + -14.403038024902344 + ], + [ + "\u2581Predigt", + -14.403053283691406 + ], + [ + "lingue", + -14.403060913085938 + ], + [ + "\u2581brushe", + -14.40309715270996 + ], + [ + "\u2581Bluff", + -14.40310764312744 + ], + [ + "\u00e9nio", + -14.403114318847656 + ], + [ + "veiligheid", + -14.403118133544922 + ], + [ + "bew\u00e4ltigung", + -14.40314769744873 + ], + [ + "\u2581s\u00e9rvi", + -14.403148651123049 + ], + [ + "\u2581nautiques", + -14.403168678283691 + ], + [ + "\u2581Mindestlohn", + -14.40317440032959 + ], + [ + "\u2581rechtszaak", + -14.403178215026855 + ], + [ + "fuzzer", + -14.403199195861816 + ], + [ + "jusqu", + -14.40322208404541 + ], + [ + "\u2581Folgejahr", + -14.403223991394045 + ], + [ + "summaries", + -14.40322494506836 + ], + [ + "intenzional", + -14.403242111206056 + ], + [ + "\u2581Whisky", + -14.403244018554688 + ], + [ + "\u2581Fuma", + -14.403258323669434 + ], + [ + "Diamond", + -14.403281211853027 + ], + [ + "asterisk", + -14.40333080291748 + ], + [ + "\u2581silberne", + -14.403335571289062 + ], + [ + "Aff\u00e4re", + -14.40337085723877 + ], + [ + "\u2581modder", + -14.403379440307615 + ], + [ + "\u2581serviteur", + -14.40343189239502 + ], + [ + "getaucht", + -14.403440475463867 + ], + [ + "shebang", + -14.403446197509766 + ], + [ + "\u2581relance", + -14.40345573425293 + ], + [ + "\u2581operada", + -14.403461456298828 + ], + [ + "ylidae", + -14.40347385406494 + ], + [ + "\u2581Rosalind", + -14.403483390808104 + ], + [ + "PARAMETER", + -14.403487205505373 + ], + [ + "prudenti", + -14.403491973876951 + ], + [ + "\u2581specificamente", + -14.403496742248535 + ], + [ + "\u2581Wight", + -14.40353012084961 + ], + [ + "\u2581ammessi", + -14.403546333312988 + ], + [ + "\u2581ingegneri", + -14.403573989868164 + ], + [ + "zentrische", + -14.403579711914062 + ], + [ + "\u2581cirujano", + -14.403584480285645 + ], + [ + "\u2581korrigieren", + -14.403584480285645 + ], + [ + "\u2581diaphragme", + -14.40358543395996 + ], + [ + "\u2581pacifique", + -14.403589248657228 + ], + [ + "acquari", + -14.403592109680176 + ], + [ + "zichtbare", + -14.403604507446287 + ], + [ + "\u2581ateniense", + -14.403613090515137 + ], + [ + "ossigeno", + -14.403636932373049 + ], + [ + "currentUser", + -14.4036865234375 + ], + [ + "equilibrium", + -14.403688430786133 + ], + [ + "\u2581irgendetwas", + -14.403709411621094 + ], + [ + "headport", + -14.403721809387209 + ], + [ + "submarin", + -14.40376091003418 + ], + [ + "subrange", + -14.403775215148926 + ], + [ + "\u2581UINavigation", + -14.403790473937988 + ], + [ + "stoffwechsel", + -14.403837203979492 + ], + [ + "fflin", + -14.403876304626465 + ], + [ + "hierarchie", + -14.40387725830078 + ], + [ + "ggler", + -14.403907775878906 + ], + [ + "adempi", + -14.403912544250488 + ], + [ + "\u2581comique", + -14.403992652893066 + ], + [ + "\u2581einstweilige", + -14.40399932861328 + ], + [ + "Repr", + -14.404000282287598 + ], + [ + "krai", + -14.404012680053713 + ], + [ + "\u2581Tavol", + -14.404013633728027 + ], + [ + "\u2581Berc", + -14.404017448425291 + ], + [ + "Benachrichtigung", + -14.40402126312256 + ], + [ + "\u2581Licenciatura", + -14.40402126312256 + ], + [ + "\u2581acquaintance", + -14.40402126312256 + ], + [ + "\u2581Ragnar", + -14.404022216796877 + ], + [ + "\u2581roulement", + -14.404030799865724 + ], + [ + "\u2581Fortentwicklung", + -14.404035568237305 + ], + [ + "\u2581corrigi", + -14.404038429260254 + ], + [ + "Notodontidae", + -14.404041290283203 + ], + [ + "\u2581caudillo", + -14.404041290283203 + ], + [ + "\u2581Vibration", + -14.404045104980469 + ], + [ + "\u2581Freilich", + -14.404071807861328 + ], + [ + "memcached", + -14.40407943725586 + ], + [ + "pyramid", + -14.404099464416504 + ], + [ + "\u2581Stef", + -14.404107093811035 + ], + [ + "\u2581receptiv", + -14.40414047241211 + ], + [ + "\u2581rel\u00e9gu\u00e9", + -14.40415859222412 + ], + [ + "arabisch", + -14.404193878173828 + ], + [ + "ndG", + -14.404193878173828 + ], + [ + "spr\u00e4che", + -14.404221534729004 + ], + [ + "meldt", + -14.40422534942627 + ], + [ + "Oratorio", + -14.404227256774902 + ], + [ + "\u2581correspond\u00eda", + -14.404242515563965 + ], + [ + "\u2581malls", + -14.404271125793455 + ], + [ + "\u2581espectral", + -14.404327392578123 + ], + [ + "\u2581Einbruch", + -14.404354095458984 + ], + [ + "\u2581detalla", + -14.4043550491333 + ], + [ + "Barbera", + -14.404361724853516 + ], + [ + "\u2581Baran", + -14.404389381408691 + ], + [ + "\u2581Fondat", + -14.404417037963867 + ], + [ + "bedden", + -14.404427528381348 + ], + [ + "pflanzung", + -14.404444694519045 + ], + [ + "\u2581Vandaar", + -14.404463768005373 + ], + [ + "\u2581noordzijde", + -14.40447235107422 + ], + [ + "chheim", + -14.404485702514648 + ], + [ + "OnClickListener", + -14.404495239257812 + ], + [ + "\u2581Anchorage", + -14.404497146606444 + ], + [ + "bereinkunft", + -14.40450668334961 + ], + [ + "\u2581formulazione", + -14.404511451721191 + ], + [ + "\u2581ballad", + -14.404570579528809 + ], + [ + "Vaccin", + -14.404605865478516 + ], + [ + "ergy", + -14.404637336730955 + ], + [ + "MATI", + -14.404653549194336 + ], + [ + "ibald", + -14.404692649841309 + ], + [ + "\u2581r\u00e9gia", + -14.40475368499756 + ], + [ + "Carolina", + -14.404757499694824 + ], + [ + "\u2581t\u00e9l\u00e9charg", + -14.404769897460938 + ], + [ + "Infini", + -14.404770851135254 + ], + [ + "achlich", + -14.404840469360352 + ], + [ + "\u2581intermedie", + -14.40488052368164 + ], + [ + "\u2581Geliebte", + -14.404899597167969 + ], + [ + "\u2581Polit\u00e9cnica", + -14.404900550842283 + ], + [ + "\u2581comprato", + -14.404909133911133 + ], + [ + "\u2581Verbrauchern", + -14.404919624328612 + ], + [ + "chilla", + -14.404932975769045 + ], + [ + "\u2581fun\u00e9raire", + -14.40493869781494 + ], + [ + "\u2581Versprechen", + -14.404952049255373 + ], + [ + "\u2581Lehramts", + -14.404972076416016 + ], + [ + "\u2581escaso", + -14.404984474182127 + ], + [ + "\u2581Pezz", + -14.404985427856444 + ], + [ + "azit", + -14.405010223388672 + ], + [ + "\u2581Balbo", + -14.405014991760254 + ], + [ + "\u2581Subsequently", + -14.405035972595217 + ], + [ + "\u2581aussieht", + -14.405049324035645 + ], + [ + "\u2581Gefolg", + -14.405074119567873 + ], + [ + "\u2581sdegn", + -14.405076026916504 + ], + [ + "\u2581Fresk", + -14.40507984161377 + ], + [ + "ammissione", + -14.405080795288086 + ], + [ + "lojure", + -14.40508270263672 + ], + [ + "\u2581recrute", + -14.405094146728516 + ], + [ + "\u2581Abschreibung", + -14.40509796142578 + ], + [ + "personeel", + -14.405116081237791 + ], + [ + "\u2581Tauber", + -14.405128479003906 + ], + [ + "TVA", + -14.405146598815918 + ], + [ + "\u2581purification", + -14.405214309692385 + ], + [ + "exercer", + -14.405226707458496 + ], + [ + "\u2581consuetudine", + -14.405235290527344 + ], + [ + "\u2581Kleid", + -14.405258178710938 + ], + [ + "\u2581pendientes", + -14.405330657958984 + ], + [ + "\u2581geahndet", + -14.405333518981934 + ], + [ + "\u2581s\u00e9curis\u00e9", + -14.405333518981934 + ], + [ + "\u2581tentoongesteld", + -14.405333518981934 + ], + [ + "\u2581circunscripci\u00f3n", + -14.405335426330566 + ], + [ + "\u2581ilustres", + -14.405343055725098 + ], + [ + "mittlung", + -14.405344009399414 + ], + [ + "stuit", + -14.40534496307373 + ], + [ + "Cooper", + -14.405345916748049 + ], + [ + "\u2581Palmi", + -14.40536117553711 + ], + [ + "putz", + -14.405372619628906 + ], + [ + "\u2581umgestellt", + -14.40539264678955 + ], + [ + "\u2581stavolta", + -14.405407905578612 + ], + [ + "besuche", + -14.40542221069336 + ], + [ + "\u00e9veill", + -14.405424118041992 + ], + [ + "avamo", + -14.405438423156738 + ], + [ + "DataTypes", + -14.405447006225586 + ], + [ + "\u2581koraal", + -14.405451774597168 + ], + [ + "initialization", + -14.405462265014648 + ], + [ + "\u2581Wonderful", + -14.405470848083496 + ], + [ + "ummie", + -14.405471801757812 + ], + [ + "\u2581Thijs", + -14.40552043914795 + ], + [ + "LUM", + -14.405524253845217 + ], + [ + "\u2581Salaam", + -14.405525207519531 + ], + [ + "\u2581Varna", + -14.40553855895996 + ], + [ + "synthetic", + -14.405558586120604 + ], + [ + "\u2581correlato", + -14.405560493469238 + ], + [ + "\u2581strep", + -14.405560493469238 + ], + [ + "\u2581talentoso", + -14.405571937561035 + ], + [ + "brusco", + -14.405585289001465 + ], + [ + "\u2581Westwood", + -14.405595779418944 + ], + [ + "\u2581rapidi", + -14.40560245513916 + ], + [ + "\u2581Bescheinigungen", + -14.405613899230955 + ], + [ + "laring", + -14.405622482299805 + ], + [ + "\u00edmi", + -14.405641555786133 + ], + [ + "\u2581zoogdier", + -14.405644416809082 + ], + [ + "kollegen", + -14.40565013885498 + ], + [ + "\u2581Chilo", + -14.405654907226562 + ], + [ + "temporaneo", + -14.405657768249512 + ], + [ + "\u2581Fachwissen", + -14.40567398071289 + ], + [ + "verzins", + -14.405721664428713 + ], + [ + "\u2581medications", + -14.405731201171877 + ], + [ + "\u2581imagery", + -14.405736923217772 + ], + [ + "pycharmproject", + -14.40573787689209 + ], + [ + "gekeerd", + -14.405738830566406 + ], + [ + "st\u00e4ndnis", + -14.405749320983888 + ], + [ + "alibi", + -14.405755043029783 + ], + [ + "\u2581Fomento", + -14.405760765075684 + ], + [ + "\u2581interaktive", + -14.405770301818848 + ], + [ + "\u2581requin", + -14.405770301818848 + ], + [ + "fremden", + -14.405771255493164 + ], + [ + "\u2581an\u00e1loga", + -14.40577220916748 + ], + [ + "\u2581unpleasant", + -14.40577220916748 + ], + [ + "\u2581survivre", + -14.40577507019043 + ], + [ + "\u2581muchachos", + -14.405801773071287 + ], + [ + "bloque", + -14.40581226348877 + ], + [ + "\u2581bacio", + -14.40581226348877 + ], + [ + "\u2581fornecida", + -14.40581226348877 + ], + [ + "\u2581Geb\u00e4r", + -14.405834197998049 + ], + [ + "uiroga", + -14.405840873718262 + ], + [ + "\u2581urgencia", + -14.405848503112791 + ], + [ + "Secretary", + -14.40587329864502 + ], + [ + "\u2581crashes", + -14.405877113342283 + ], + [ + "\u2581Shoah", + -14.40588665008545 + ], + [ + "uschl\u00e4ge", + -14.405899047851562 + ], + [ + "\u2581sposare", + -14.405927658081056 + ], + [ + "STRI", + -14.40595245361328 + ], + [ + "NATUR", + -14.405956268310549 + ], + [ + "Termination", + -14.405994415283203 + ], + [ + "\u2581attacc", + -14.406021118164062 + ], + [ + "\u2581diarrh", + -14.40609073638916 + ], + [ + "terieur", + -14.406108856201172 + ], + [ + "\u2581Valse", + -14.406110763549805 + ], + [ + "rdparty", + -14.406112670898438 + ], + [ + "\u2581epiderm", + -14.406118392944336 + ], + [ + "\u2581interrotta", + -14.406136512756348 + ], + [ + "\u2581Champa", + -14.40614128112793 + ], + [ + "Sommer", + -14.406157493591309 + ], + [ + "openmp", + -14.406190872192385 + ], + [ + "Synonym", + -14.4061918258667 + ], + [ + "\u2581Broch", + -14.406205177307127 + ], + [ + "\u2581wrijving", + -14.406208038330078 + ], + [ + "\u2581Biarritz", + -14.406209945678713 + ], + [ + "\u2581manufatti", + -14.40621280670166 + ], + [ + "\u2581Tucson", + -14.406213760375977 + ], + [ + "\u2581giovanissim", + -14.406216621398926 + ], + [ + "\u2581programmable", + -14.406231880187988 + ], + [ + "\u2581supreme", + -14.40623664855957 + ], + [ + "\u2581schizofreni", + -14.406248092651367 + ], + [ + "\u2581Inter\u00e9s", + -14.406257629394531 + ], + [ + "\u2581capacities", + -14.406282424926758 + ], + [ + "\u2581rejeit", + -14.406282424926758 + ], + [ + "\u2581pingui", + -14.406310081481934 + ], + [ + "\u2581inhibitory", + -14.406312942504885 + ], + [ + "\u2581heavier", + -14.406327247619627 + ], + [ + "NCIA", + -14.406330108642578 + ], + [ + "\u2581commissariat", + -14.406362533569336 + ], + [ + "\u2581Cooperaci\u00f3n", + -14.406379699707031 + ], + [ + "\u2581probabili", + -14.40645980834961 + ], + [ + "\u2581W\u00e4nden", + -14.40648365020752 + ], + [ + "ignent", + -14.406488418579102 + ], + [ + "othian", + -14.406490325927734 + ], + [ + "\u2581spaventat", + -14.406511306762695 + ], + [ + "STRAT", + -14.406519889831545 + ], + [ + "unft", + -14.406524658203123 + ], + [ + "bgleich", + -14.406535148620604 + ], + [ + "\u2581Luftraum", + -14.4065523147583 + ], + [ + "slepen", + -14.406554222106934 + ], + [ + "\u2581verifizier", + -14.406570434570312 + ], + [ + "\u2581trahi", + -14.406585693359377 + ], + [ + "\u2581Kathol", + -14.406609535217283 + ], + [ + "\u2581novena", + -14.40664005279541 + ], + [ + "trompettist", + -14.406651496887209 + ], + [ + "\u2581Atacama", + -14.406652450561523 + ], + [ + "Fehler", + -14.40665340423584 + ], + [ + "\u2581m\u00e9t\u00e9orologiques", + -14.40666961669922 + ], + [ + "\u2581confi\u00e1veis", + -14.406685829162598 + ], + [ + "\u2581croisement", + -14.40668773651123 + ], + [ + "\u2581Konsistenz", + -14.40669059753418 + ], + [ + "Institution", + -14.406697273254396 + ], + [ + "\u2581geboorteplaats", + -14.406729698181152 + ], + [ + "\u2581Analogamente", + -14.40673542022705 + ], + [ + "\u2581Pign", + -14.406740188598633 + ], + [ + "\u2581parviennent", + -14.406764030456545 + ], + [ + "\u2581Marsica", + -14.40678882598877 + ], + [ + "Hydra", + -14.406797409057615 + ], + [ + "\u2581Palomb", + -14.406798362731934 + ], + [ + "\u2581nationality", + -14.406801223754885 + ], + [ + "heny", + -14.406805038452148 + ], + [ + "\u2581staffetta", + -14.40680694580078 + ], + [ + "funkel", + -14.40682601928711 + ], + [ + "quer\u00eda", + -14.406832695007324 + ], + [ + "cursive", + -14.406853675842283 + ], + [ + "\u2581Balear", + -14.40688133239746 + ], + [ + "\u2581Roan", + -14.406889915466309 + ], + [ + "computador", + -14.406898498535156 + ], + [ + "genoemd", + -14.40691089630127 + ], + [ + "mempool", + -14.406993865966797 + ], + [ + "MBL", + -14.407001495361328 + ], + [ + "\u2581Celia", + -14.407011032104492 + ], + [ + "satzweis", + -14.40703010559082 + ], + [ + "\u2581Trachy", + -14.407044410705566 + ], + [ + "\u2581marittimo", + -14.40705680847168 + ], + [ + "\u2581etc\u00e9tera", + -14.407086372375488 + ], + [ + "\u2581slavernij", + -14.407086372375488 + ], + [ + "\u2581Isch\u00e4mie", + -14.407087326049805 + ], + [ + "\u2581punteggiat", + -14.407089233398438 + ], + [ + "\u2581affili\u00e9", + -14.40709114074707 + ], + [ + "\u2581grondlegger", + -14.407100677490234 + ], + [ + "hisa", + -14.407109260559082 + ], + [ + "\u2581mourning", + -14.407113075256348 + ], + [ + "\u2581Loren", + -14.407144546508787 + ], + [ + "\u2581viga", + -14.407151222229004 + ], + [ + "\u2581R\u00e4t", + -14.407179832458496 + ], + [ + "\u2581eBook", + -14.407188415527344 + ], + [ + "\u2581Regelwerk", + -14.407212257385254 + ], + [ + "\u2581composante", + -14.407218933105469 + ], + [ + "\u2581estiverem", + -14.407222747802734 + ], + [ + "\u2581Corf", + -14.40722942352295 + ], + [ + "onderdelen", + -14.407248497009276 + ], + [ + "\u2581sketches", + -14.407259941101074 + ], + [ + "\u2581glatte", + -14.407261848449709 + ], + [ + "\u2581Grondwet", + -14.407266616821287 + ], + [ + "\u2581Europ\u00e4ischer", + -14.407276153564451 + ], + [ + "\u2581Chatham", + -14.407278060913086 + ], + [ + "Proposition", + -14.407297134399414 + ], + [ + "\u2581tortue", + -14.407330513000488 + ], + [ + "hrmann", + -14.407340049743652 + ], + [ + "\u2581bas\u00e1ndose", + -14.407356262207031 + ], + [ + "\u2581andaluz", + -14.407381057739258 + ], + [ + "\u2581collegava", + -14.407391548156738 + ], + [ + "\u2581discharged", + -14.40739631652832 + ], + [ + "mpathy", + -14.407405853271484 + ], + [ + "\u2581auflisten", + -14.407425880432127 + ], + [ + "\u2581Lutador", + -14.407463073730469 + ], + [ + "Darstellung", + -14.407480239868164 + ], + [ + "evoke", + -14.407480239868164 + ], + [ + "\u2581carca", + -14.407501220703123 + ], + [ + "\u2581concedere", + -14.407506942749023 + ], + [ + "\u2581ambientati", + -14.407517433166504 + ], + [ + "codecSelfer", + -14.407523155212402 + ], + [ + "\u2581Etiop\u00eda", + -14.407525062561035 + ], + [ + "\u2581fornecimento", + -14.407526016235352 + ], + [ + "prana", + -14.407548904418944 + ], + [ + "gerlich", + -14.407563209533691 + ], + [ + "xorcis", + -14.407569885253906 + ], + [ + "\u2581inondazioni", + -14.407583236694336 + ], + [ + "\u2581tir\u00e9e", + -14.407590866088867 + ], + [ + "praktik", + -14.40764617919922 + ], + [ + "temporanee", + -14.40764617919922 + ], + [ + "\u2581Doku", + -14.407657623291016 + ], + [ + "\u2581pregio", + -14.407670974731444 + ], + [ + "monium", + -14.407686233520508 + ], + [ + "\u2581Niederschl\u00e4ge", + -14.40769100189209 + ], + [ + "h\u00e4rent", + -14.407715797424316 + ], + [ + "discover", + -14.407719612121582 + ], + [ + "Schwing", + -14.407734870910645 + ], + [ + "dustrialisierung", + -14.407771110534668 + ], + [ + "kardiale", + -14.4077730178833 + ], + [ + "\u2581Ostseite", + -14.40779972076416 + ], + [ + "tanasi", + -14.407814025878906 + ], + [ + "StorageClass", + -14.40783977508545 + ], + [ + "\u2581Auktion", + -14.407855987548828 + ], + [ + "aound\u00e9", + -14.407866477966309 + ], + [ + "\u2581toenmalig", + -14.407873153686523 + ], + [ + "\u2581Jume", + -14.407920837402344 + ], + [ + "voorraad", + -14.407931327819824 + ], + [ + "\u2581vulnerabilidad", + -14.40794277191162 + ], + [ + "\u2581gemel", + -14.40794563293457 + ], + [ + "\u2581sucesivamente", + -14.407963752746582 + ], + [ + "\u2581passeggero", + -14.407964706420898 + ], + [ + "uiderzee", + -14.407974243164062 + ], + [ + "GHT", + -14.407977104187012 + ], + [ + "federation", + -14.407994270324709 + ], + [ + "\u2581syrup", + -14.408023834228516 + ], + [ + "\u2581temptation", + -14.40802764892578 + ], + [ + "\u2581Baltico", + -14.408061981201172 + ], + [ + "\u2581nitrate", + -14.408098220825195 + ], + [ + "\u2581coloc\u00e1", + -14.408100128173828 + ], + [ + "\u2581pertenecer", + -14.408127784729004 + ], + [ + "\u2581inseto", + -14.408132553100586 + ], + [ + "barcode", + -14.408148765563965 + ], + [ + "\u2581b\u00e9n\u00e9ficient", + -14.408161163330078 + ], + [ + "instead", + -14.408173561096191 + ], + [ + "Outlet", + -14.408193588256836 + ], + [ + "\u2581incr\u00edvel", + -14.408214569091797 + ], + [ + "\u2581comandar", + -14.408270835876465 + ], + [ + "ORIGIN", + -14.408303260803224 + ], + [ + "\u2581Leila", + -14.408305168151855 + ], + [ + "samu", + -14.4083251953125 + ], + [ + "\u2581Castellan", + -14.408326148986816 + ], + [ + "novembre", + -14.40832805633545 + ], + [ + "\u2581Ingenieure", + -14.40836238861084 + ], + [ + "Vocabul\u00e1rio", + -14.408402442932127 + ], + [ + "\u2581preghiere", + -14.408402442932127 + ], + [ + "\u2581p\u00f3lvora", + -14.408402442932127 + ], + [ + "\u2581criminelle", + -14.408404350280762 + ], + [ + "withDuration", + -14.408411979675291 + ], + [ + "\u2581sostenido", + -14.40841579437256 + ], + [ + "AGT", + -14.408418655395508 + ], + [ + "\u2581sofrem", + -14.40842628479004 + ], + [ + "\u2581pancreatic", + -14.408428192138672 + ], + [ + "\u2581acumular", + -14.40843391418457 + ], + [ + "kliniek", + -14.408495903015137 + ], + [ + "r\u00e9f\u00e9rentiel", + -14.40850067138672 + ], + [ + "\u2581vicio", + -14.408506393432615 + ], + [ + "\u2581toespraak", + -14.40851879119873 + ], + [ + "\u2581recordado", + -14.408529281616213 + ], + [ + "namnese", + -14.408533096313477 + ], + [ + "\u2581cacique", + -14.408554077148438 + ], + [ + "rendered", + -14.408571243286133 + ], + [ + "\u2581canciller", + -14.40858554840088 + ], + [ + "\u00e4rzten", + -14.408601760864258 + ], + [ + "\u2581Einzig", + -14.408632278442385 + ], + [ + "\u2581filmagens", + -14.408634185791016 + ], + [ + "\u2581Editrice", + -14.408700942993164 + ], + [ + "\u2581Basile", + -14.40870475769043 + ], + [ + "\u2581Luftfahrzeuge", + -14.408706665039062 + ], + [ + "\u2581determin\u00f3", + -14.408706665039062 + ], + [ + "\u2581dispos", + -14.408710479736328 + ], + [ + "RTA", + -14.408719062805176 + ], + [ + "\u2581Trist", + -14.408782958984377 + ], + [ + "\u2581multe", + -14.408796310424805 + ], + [ + "riezen", + -14.408824920654297 + ], + [ + "\u2581brigant", + -14.408828735351562 + ], + [ + "\u2581Afhankelijk", + -14.408842086791992 + ], + [ + "\u2581Lotti", + -14.40884494781494 + ], + [ + "\u2581Cummings", + -14.408851623535156 + ], + [ + "\u2581Matthieu", + -14.408869743347168 + ], + [ + "n\u00e9sia", + -14.408878326416016 + ], + [ + "\u2581zakte", + -14.40888500213623 + ], + [ + "\u2581schoss", + -14.40890407562256 + ], + [ + "\u2581B\u00ed", + -14.408909797668455 + ], + [ + "\u2581humaniste", + -14.408916473388672 + ], + [ + "\u2581Pianura", + -14.408931732177734 + ], + [ + "otsu", + -14.408942222595217 + ], + [ + "aternit\u00e9", + -14.408954620361328 + ], + [ + "morbidi", + -14.4089994430542 + ], + [ + "\u2581donated", + -14.409001350402832 + ], + [ + "\u2581separable", + -14.409046173095703 + ], + [ + "nanosecond", + -14.409055709838867 + ], + [ + "\u2581fanfare", + -14.40909194946289 + ], + [ + "\u2581maille", + -14.409122467041016 + ], + [ + "\u2581Savio", + -14.409138679504396 + ], + [ + "\u2581inscritos", + -14.409141540527344 + ], + [ + "jeva", + -14.40915584564209 + ], + [ + "\u2581registrieren", + -14.40916633605957 + ], + [ + "schickt", + -14.409168243408203 + ], + [ + "\u2581Effi", + -14.409173011779783 + ], + [ + "\u2581trasferire", + -14.4092435836792 + ], + [ + "bouten", + -14.409257888793944 + ], + [ + "\u2581inquina", + -14.409278869628906 + ], + [ + "\u2581vazal", + -14.409279823303224 + ], + [ + "kinter", + -14.409284591674805 + ], + [ + "\u2581supplying", + -14.409308433532717 + ], + [ + "\u2581Inicial", + -14.409324645996094 + ], + [ + "\u2581teorici", + -14.409326553344728 + ], + [ + "vskaya", + -14.409330368041992 + ], + [ + "\u2581reiniciar", + -14.409330368041992 + ], + [ + "\u2581Kalenderjahres", + -14.409334182739258 + ], + [ + "Assessor", + -14.409358978271484 + ], + [ + "boerderij", + -14.409409523010254 + ], + [ + "\u2581curd", + -14.409415245056152 + ], + [ + "\u2581zieken", + -14.409421920776367 + ], + [ + "\u2581stimato", + -14.40944004058838 + ], + [ + "\u2581Hilfeleistung", + -14.40945529937744 + ], + [ + "\u2581Historien", + -14.40946102142334 + ], + [ + "\u2581lateinische", + -14.409491539001465 + ], + [ + "GEB", + -14.409510612487791 + ], + [ + "\u2581combattuto", + -14.40951156616211 + ], + [ + "sensibili", + -14.409515380859377 + ], + [ + "\u2581Vincitori", + -14.40952491760254 + ], + [ + "\u2581h\u00e9rite", + -14.409527778625488 + ], + [ + "ETF", + -14.40954303741455 + ], + [ + "oroastr", + -14.409550666809082 + ], + [ + "\u2581Stephenson", + -14.40956687927246 + ], + [ + "vorgaben", + -14.409602165222168 + ], + [ + "\u2581Kirke", + -14.4096097946167 + ], + [ + "\u2581recorta", + -14.40963077545166 + ], + [ + "\u2581Dard", + -14.40963363647461 + ], + [ + "\u2581Moin", + -14.409645080566406 + ], + [ + "\u2581predispost", + -14.409650802612305 + ], + [ + "\u2581Passwort", + -14.409660339355469 + ], + [ + "lamine", + -14.40966796875 + ], + [ + "\u2581acontecimento", + -14.409701347351074 + ], + [ + "\u2581Pentecost", + -14.409720420837402 + ], + [ + "b\u00e4uerliche", + -14.40972137451172 + ], + [ + "\u2581omgevormd", + -14.40972137451172 + ], + [ + "katalytische", + -14.409725189208984 + ], + [ + "\u2581promovierte", + -14.409725189208984 + ], + [ + "bezorg", + -14.409732818603516 + ], + [ + "\u2581apelo", + -14.409732818603516 + ], + [ + "\u2581cuscin", + -14.409735679626465 + ], + [ + "\u2581Soldado", + -14.409748077392578 + ], + [ + "\u2581syllable", + -14.409749984741213 + ], + [ + "\u2581garantindo", + -14.409750938415527 + ], + [ + "Accessed", + -14.409757614135742 + ], + [ + "rioni", + -14.40976333618164 + ], + [ + "\u2581Curv", + -14.409767150878906 + ], + [ + "\u2581vervullen", + -14.409782409667969 + ], + [ + "\u2581irakische", + -14.409815788269045 + ], + [ + "richtigen", + -14.409834861755373 + ], + [ + "\u2581verzweifelt", + -14.409855842590332 + ], + [ + "\u2581reddings", + -14.409870147705078 + ], + [ + "\u2581frontali", + -14.409871101379396 + ], + [ + "wangen", + -14.409886360168455 + ], + [ + "vallende", + -14.40989875793457 + ], + [ + "\u2581alwaar", + -14.409902572631836 + ], + [ + "\u2581attraits", + -14.409929275512695 + ], + [ + "eggiato", + -14.4099702835083 + ], + [ + "\u00e9rone", + -14.409971237182615 + ], + [ + "hime", + -14.41001033782959 + ], + [ + "afil", + -14.410024642944336 + ], + [ + "oshima", + -14.410024642944336 + ], + [ + "\u2581sanzion", + -14.410032272338867 + ], + [ + "\u2581continuaba", + -14.410077095031738 + ], + [ + "\u2581disprezza", + -14.410083770751951 + ], + [ + "Mapped", + -14.410089492797852 + ], + [ + "\u2581citate", + -14.4100923538208 + ], + [ + "venska", + -14.410111427307127 + ], + [ + "vern\u00fcnftig", + -14.41012477874756 + ], + [ + "\u2581restraint", + -14.410126686096191 + ], + [ + "verarbeitende", + -14.410149574279783 + ], + [ + "Optimizer", + -14.410160064697266 + ], + [ + "exigence", + -14.410164833068848 + ], + [ + "\u2581einwandfrei", + -14.41016674041748 + ], + [ + "\u2581Menezes", + -14.410174369812012 + ], + [ + "\u2581chargement", + -14.410176277160645 + ], + [ + "annahme", + -14.41018009185791 + ], + [ + "compt\u00e9", + -14.410185813903809 + ], + [ + "appel\u00e9", + -14.410192489624023 + ], + [ + "hafter", + -14.410195350646973 + ], + [ + "\u2581scart", + -14.410210609436035 + ], + [ + "vogad", + -14.410225868225098 + ], + [ + "D\u00e9sir\u00e9", + -14.410232543945312 + ], + [ + "\u2581aspettano", + -14.41024684906006 + ], + [ + "\u2581renforcement", + -14.410253524780272 + ], + [ + "Ingeniero", + -14.410258293151855 + ], + [ + "wU", + -14.410282135009766 + ], + [ + "\u2581sommaire", + -14.410283088684082 + ], + [ + "\u2581Erdgeschoss", + -14.41030216217041 + ], + [ + "\u2581controversa", + -14.410332679748535 + ], + [ + "\u2581spostata", + -14.410365104675291 + ], + [ + "ccari", + -14.410367965698242 + ], + [ + "\u2581fichero", + -14.410375595092772 + ], + [ + "\u2581Problematisch", + -14.410399436950684 + ], + [ + "\u2581Caravan", + -14.410401344299316 + ], + [ + "\u2581Multiplica", + -14.410414695739746 + ], + [ + "\u2581jouait", + -14.41042423248291 + ], + [ + "\u2581Hubertus", + -14.41042709350586 + ], + [ + "ASO", + -14.410467147827148 + ], + [ + "\u2581Alcor", + -14.410494804382324 + ], + [ + "\u2581Methodist", + -14.41051959991455 + ], + [ + "m\u00e4dchen", + -14.410602569580078 + ], + [ + "\u2581merveilleux", + -14.410602569580078 + ], + [ + "\u2581Gruppierungen", + -14.410606384277344 + ], + [ + "\u2581empacota", + -14.410609245300291 + ], + [ + "leitungsgesetzes", + -14.41061019897461 + ], + [ + "intelligent", + -14.410652160644531 + ], + [ + "g\u00fcte", + -14.41070556640625 + ], + [ + "ratura", + -14.41070556640625 + ], + [ + "\u2581Allentown", + -14.410737037658691 + ], + [ + "iwei", + -14.41079807281494 + ], + [ + "Maximilians", + -14.41080379486084 + ], + [ + "estrado", + -14.410823822021484 + ], + [ + "\u2581Erlebnisse", + -14.410862922668455 + ], + [ + "\u2581sensazioni", + -14.410880088806152 + ], + [ + "dith", + -14.410890579223633 + ], + [ + "\u2581konjunkturelle", + -14.410905838012695 + ], + [ + "enhanced", + -14.410908699035645 + ], + [ + "\u2581scolar", + -14.410919189453123 + ], + [ + "garne", + -14.410924911499023 + ], + [ + "\u2581Kabi", + -14.410931587219238 + ], + [ + "wonden", + -14.410932540893556 + ], + [ + "\u2581tendr\u00edan", + -14.4109468460083 + ], + [ + "\u2581ideological", + -14.410959243774414 + ], + [ + "hydration", + -14.410985946655272 + ], + [ + "batten", + -14.411015510559082 + ], + [ + "\u2581Viskosit\u00e4t", + -14.411040306091309 + ], + [ + "\u2581Detlef", + -14.411050796508787 + ], + [ + "\u2581recolha", + -14.411063194274902 + ], + [ + "ATL", + -14.41107940673828 + ], + [ + "FFMPEG", + -14.411090850830078 + ], + [ + "smokkel", + -14.41110134124756 + ], + [ + "\u2581vereinfachte", + -14.411115646362305 + ], + [ + "elotes", + -14.411136627197266 + ], + [ + "zwam", + -14.411149978637695 + ], + [ + "\u2581Disaster", + -14.411151885986328 + ], + [ + "\u2581Holocausto", + -14.411157608032228 + ], + [ + "\u2581Kuchen", + -14.411165237426758 + ], + [ + "\u2581discurre", + -14.411174774169922 + ], + [ + "\u2581gevaren", + -14.411179542541504 + ], + [ + "minimatch", + -14.411188125610352 + ], + [ + "\u2581f\u00fchle", + -14.4111967086792 + ], + [ + "ikari", + -14.411197662353516 + ], + [ + "\u2581Hutt", + -14.41120433807373 + ], + [ + "\u2581armies", + -14.41120433807373 + ], + [ + "\u2581usaron", + -14.41123104095459 + ], + [ + "\u2581Condecora", + -14.411237716674805 + ], + [ + "\u2581Arzobispo", + -14.411239624023438 + ], + [ + "guette", + -14.411248207092283 + ], + [ + "\u2581acquistate", + -14.41125774383545 + ], + [ + "\u2581prescindere", + -14.41130828857422 + ], + [ + "mpowerment", + -14.411314010620115 + ], + [ + "\u2581tenho", + -14.411340713500977 + ], + [ + "\u2581Vladi", + -14.411348342895508 + ], + [ + "enhorst", + -14.411378860473633 + ], + [ + "\u2581organizz", + -14.411406517028809 + ], + [ + "conditie", + -14.411415100097656 + ], + [ + "per\u00f3", + -14.411441802978516 + ], + [ + "\u2581Strath", + -14.411441802978516 + ], + [ + "edong", + -14.411443710327148 + ], + [ + "\u2581r\u00e9dige", + -14.411449432373049 + ], + [ + "\u2581contada", + -14.411458015441896 + ], + [ + "sentado", + -14.411507606506348 + ], + [ + "\u2581zertifiziert", + -14.411507606506348 + ], + [ + "ENCOD", + -14.411526679992676 + ], + [ + "\u2581capteurs", + -14.411539077758787 + ], + [ + "\u2581Tagebuch", + -14.411548614501951 + ], + [ + "\u2581d\u00e9saccord", + -14.411601066589355 + ], + [ + "ampson", + -14.41160488128662 + ], + [ + "\u2581claqu", + -14.411625862121582 + ], + [ + "\u2581cristiane", + -14.41164207458496 + ], + [ + "cubriendo", + -14.41164779663086 + ], + [ + "\u2581M\u00fcnd", + -14.41165256500244 + ], + [ + "classificatie", + -14.411717414855955 + ], + [ + "\u2581colleziona", + -14.411758422851562 + ], + [ + "rabino", + -14.411776542663574 + ], + [ + "\u2581Spezialit\u00e4ten", + -14.411803245544434 + ], + [ + "\u2581fairness", + -14.411805152893066 + ], + [ + "dentro", + -14.411821365356444 + ], + [ + "aproximadamente", + -14.411831855773926 + ], + [ + "\u2581extermina", + -14.411835670471191 + ], + [ + "mnesia", + -14.41186237335205 + ], + [ + "\u2581Eij", + -14.41186809539795 + ], + [ + "\u2581Portela", + -14.411869049072266 + ], + [ + "\u2581Japaner", + -14.411887168884276 + ], + [ + "\u2581nachhaltiger", + -14.411911964416504 + ], + [ + "\u2581practise", + -14.411930084228516 + ], + [ + "\u2581Ostpreu", + -14.411931037902832 + ], + [ + "\u2581comodit\u00e0", + -14.411970138549805 + ], + [ + "\u2581viajou", + -14.411979675292969 + ], + [ + "\u2581Romanzi", + -14.41198444366455 + ], + [ + "\u2581descargar", + -14.411986351013184 + ], + [ + "\u2581proporcion\u00f3", + -14.41201877593994 + ], + [ + "\u2581Aparecid", + -14.412031173706056 + ], + [ + "\u2581goddess", + -14.41203784942627 + ], + [ + "\u2581carisma", + -14.412057876586914 + ], + [ + "\u2581Mesti", + -14.412070274353027 + ], + [ + "Entonces", + -14.412090301513672 + ], + [ + "iliare", + -14.412131309509276 + ], + [ + "\u2581eccezionali", + -14.412156105041504 + ], + [ + "\u2581distribu\u00eddas", + -14.41215705871582 + ], + [ + "l\u00f3gicamente", + -14.41217803955078 + ], + [ + "tarono", + -14.412184715270996 + ], + [ + "\u2581diocesano", + -14.412253379821776 + ], + [ + "overset", + -14.412290573120115 + ], + [ + "rettung", + -14.412298202514648 + ], + [ + "\u2581sillab", + -14.412352561950684 + ], + [ + "\u2581cometidos", + -14.41236400604248 + ], + [ + "\u2581dinamiche", + -14.41236686706543 + ], + [ + "\u2581Referendum", + -14.412371635437012 + ], + [ + "Sassuolo", + -14.412378311157228 + ], + [ + "\u2581acquistata", + -14.412446975708008 + ], + [ + "\u2581Kruger", + -14.412456512451172 + ], + [ + "\u2581Choir", + -14.41246509552002 + ], + [ + "ATM", + -14.412494659423828 + ], + [ + "imageName", + -14.412494659423828 + ], + [ + "\u2581desigual", + -14.412510871887209 + ], + [ + "\u2581Pascua", + -14.412524223327637 + ], + [ + "\u2581enfrentan", + -14.412531852722168 + ], + [ + "schulung", + -14.412546157836914 + ], + [ + "vocation", + -14.41256618499756 + ], + [ + "discussion", + -14.412604331970217 + ], + [ + "enqueue", + -14.41260814666748 + ], + [ + "\u2581ingenti", + -14.412612915039062 + ], + [ + "\u2581Dosto", + -14.412636756896973 + ], + [ + "ommodity", + -14.41266632080078 + ], + [ + "AUR", + -14.41268539428711 + ], + [ + "\u00fcbergab", + -14.41274070739746 + ], + [ + "edede", + -14.412750244140623 + ], + [ + "Reggian", + -14.412778854370115 + ], + [ + "\u2581cayeron", + -14.412805557250977 + ], + [ + "Tommas", + -14.412832260131836 + ], + [ + "\u2581voetballen", + -14.412833213806152 + ], + [ + "\u2581preju\u00edzo", + -14.412834167480469 + ], + [ + "beeldhouw", + -14.412896156311035 + ], + [ + "\u2581familiarizado", + -14.4129056930542 + ], + [ + "\u2581festgeschrieben", + -14.412921905517578 + ], + [ + "ausilio", + -14.412935256958008 + ], + [ + "\u2581Plen", + -14.41293716430664 + ], + [ + "feuille", + -14.412951469421388 + ], + [ + "\u2581Sangre", + -14.41296672821045 + ], + [ + "\u2581rationalis", + -14.412982940673828 + ], + [ + "gr\u00e9gation", + -14.413004875183104 + ], + [ + "\u2581Christel", + -14.413040161132812 + ], + [ + "\u2581Duel", + -14.413043975830078 + ], + [ + "niederl\u00e4ndischer", + -14.413046836853027 + ], + [ + "fuori", + -14.413047790527344 + ], + [ + "\u2581Minnie", + -14.413066864013672 + ], + [ + "ndeg", + -14.413082122802734 + ], + [ + "achal", + -14.413114547729492 + ], + [ + "kering", + -14.41313362121582 + ], + [ + "\u2581ung\u00fcltig", + -14.41315460205078 + ], + [ + "\u2581\u00fcberschaubar", + -14.41317653656006 + ], + [ + "cognito", + -14.41319751739502 + ], + [ + "kleiner", + -14.41322422027588 + ], + [ + "\u2581assegura", + -14.41322898864746 + ], + [ + "schotel", + -14.413237571716309 + ], + [ + "\u2581supplemento", + -14.413237571716309 + ], + [ + "SuppressWarnings", + -14.413243293762209 + ], + [ + "\u2581advisable", + -14.413244247436523 + ], + [ + "\u2581Sampaio", + -14.413246154785156 + ], + [ + "PPA", + -14.413254737854004 + ], + [ + "\u2581paisible", + -14.41325855255127 + ], + [ + "\u2581Estambul", + -14.413263320922852 + ], + [ + "\u2581Nukle", + -14.413269996643066 + ], + [ + "\u2581selvatici", + -14.413272857666016 + ], + [ + "\u2581rebuilt", + -14.413293838500977 + ], + [ + "\u2581boeddhisme", + -14.413315773010254 + ], + [ + "\u2581afgewezen", + -14.413320541381836 + ], + [ + "\u2581centralizado", + -14.41338062286377 + ], + [ + "Ecco", + -14.413387298583984 + ], + [ + "giro", + -14.413416862487791 + ], + [ + "\u2581Enr\u00edquez", + -14.413427352905272 + ], + [ + "\u2581stampo", + -14.413460731506348 + ], + [ + "\u2581Ejemplos", + -14.41348361968994 + ], + [ + "\u2581sceneggiatore", + -14.41351318359375 + ], + [ + "bosca", + -14.413538932800291 + ], + [ + "\u2581manqu\u00e9", + -14.41354274749756 + ], + [ + "gespannen", + -14.413543701171877 + ], + [ + "\u2581verabschiedeten", + -14.41357707977295 + ], + [ + "legittimit\u00e0", + -14.413579940795898 + ], + [ + "\u2581Mobiltelefon", + -14.41368579864502 + ], + [ + "leavevmode", + -14.413686752319336 + ], + [ + "\u2581Olimp\u00edadas", + -14.413687705993652 + ], + [ + "\u2581estr\u00e9ia", + -14.413690567016602 + ], + [ + "\u2581traden", + -14.413694381713867 + ], + [ + "\u2581Mubarak", + -14.413698196411133 + ], + [ + "\u2581intencional", + -14.413700103759766 + ], + [ + "\u2581besorgen", + -14.413702011108398 + ], + [ + "esportazione", + -14.413705825805664 + ], + [ + "\u2581inaltera", + -14.413718223571776 + ], + [ + "\u2581lampada", + -14.413738250732422 + ], + [ + "\u2581Albanese", + -14.413740158081056 + ], + [ + "\u2581kommentier", + -14.4137544631958 + ], + [ + "strati", + -14.413755416870115 + ], + [ + "\u2581princip", + -14.413763046264648 + ], + [ + "\u2581ghiacciai", + -14.413763999938965 + ], + [ + "ninfa", + -14.413782119750977 + ], + [ + "eeuwen", + -14.413787841796877 + ], + [ + "\u2581delineat", + -14.413788795471191 + ], + [ + "mmliche", + -14.413801193237305 + ], + [ + "\u2581sobreviveu", + -14.413813591003418 + ], + [ + "\u2581Dunbar", + -14.413826942443848 + ], + [ + "\u2581brasserie", + -14.41383171081543 + ], + [ + "rightskip", + -14.41384220123291 + ], + [ + "r\u00f3geno", + -14.41384220123291 + ], + [ + "\u2581carenza", + -14.413893699645996 + ], + [ + "\u2581promueve", + -14.41390323638916 + ], + [ + "\u2581zombi", + -14.413939476013184 + ], + [ + "bed\u00fcrf", + -14.413963317871094 + ], + [ + "\u2581Rutgers", + -14.41396713256836 + ], + [ + "ver\u00e4ndert", + -14.413976669311523 + ], + [ + "Mar\u00eda", + -14.413987159729004 + ], + [ + "supply", + -14.41406536102295 + ], + [ + "ttici", + -14.414069175720217 + ], + [ + "\u2581Absprache", + -14.414073944091797 + ], + [ + "\u2581knappschaftlich", + -14.414079666137695 + ], + [ + "\u2581Gerecht", + -14.414107322692873 + ], + [ + "editorName", + -14.41411018371582 + ], + [ + "\u2581Freiburger", + -14.414125442504885 + ], + [ + "\u2581Affari", + -14.414134979248049 + ], + [ + "Shanghai", + -14.414139747619627 + ], + [ + "\u2581Heemstra", + -14.41415309906006 + ], + [ + "\u2581diurna", + -14.414167404174805 + ], + [ + "cinder", + -14.414192199707031 + ], + [ + "termux", + -14.414194107055664 + ], + [ + "Ferrari", + -14.414196014404297 + ], + [ + "\u2581Cantar", + -14.414196968078612 + ], + [ + "\u2581Coastal", + -14.41420078277588 + ], + [ + "\u2581Pompey", + -14.414201736450195 + ], + [ + "\u2581econoom", + -14.41422176361084 + ], + [ + "p\u00e1tica", + -14.414257049560549 + ], + [ + "\u2581coordenado", + -14.414273262023926 + ], + [ + "\u2581Piave", + -14.414278984069824 + ], + [ + "\u2581aanbieden", + -14.414288520812988 + ], + [ + "\u2581Vink", + -14.414297103881836 + ], + [ + "\u2581strengthening", + -14.414302825927734 + ], + [ + "usbildungspl\u00e4tze", + -14.41432762145996 + ], + [ + "komplizier", + -14.414359092712402 + ], + [ + "existenz", + -14.414372444152832 + ], + [ + "aroslav", + -14.414410591125488 + ], + [ + "\u2581congregaci\u00f3n", + -14.41443157196045 + ], + [ + "\u2581acc\u00e9l\u00e9r", + -14.414432525634766 + ], + [ + "ualsiasi", + -14.414470672607422 + ], + [ + "orghi", + -14.414487838745115 + ], + [ + "\u2581Mulli", + -14.414498329162598 + ], + [ + "technical", + -14.414504051208496 + ], + [ + "\u2581estar\u00e1n", + -14.414556503295898 + ], + [ + "Thai", + -14.414557456970217 + ], + [ + "\u2581cigarrillo", + -14.414568901062012 + ], + [ + "\u2581Silvestri", + -14.41457176208496 + ], + [ + "\u2581mercader", + -14.414596557617188 + ], + [ + "\u2581aggiuntivo", + -14.414602279663086 + ], + [ + "\u2581evacuated", + -14.414607048034668 + ], + [ + "\u2581aangepaste", + -14.414626121520996 + ], + [ + "Elektra", + -14.41463565826416 + ], + [ + "\u2581advirti\u00f3", + -14.414649963378906 + ], + [ + "\u2581St\u00fcrme", + -14.414652824401855 + ], + [ + "\u2581delicada", + -14.414653778076172 + ], + [ + "\u2581Majestad", + -14.414714813232422 + ], + [ + "\u2581contaban", + -14.414727210998535 + ], + [ + "OOS", + -14.414734840393066 + ], + [ + "AttributeValue", + -14.414762496948242 + ], + [ + "z\u00fcndet", + -14.414780616760254 + ], + [ + "\u2581malga", + -14.414785385131836 + ], + [ + "roietti", + -14.414791107177734 + ], + [ + "\u2581fallito", + -14.414849281311035 + ], + [ + "avalli", + -14.41487979888916 + ], + [ + "\u2581mentally", + -14.414889335632324 + ], + [ + "\u2581Embal", + -14.414894104003906 + ], + [ + "ORC", + -14.41490650177002 + ], + [ + "ralen", + -14.414910316467283 + ], + [ + "LINKED", + -14.414924621582031 + ], + [ + "\u2581logran", + -14.414934158325195 + ], + [ + "\u2581PowerPoint", + -14.414942741394045 + ], + [ + "\u2581aconsej", + -14.41494369506836 + ], + [ + "\u2581continuazione", + -14.414946556091309 + ], + [ + "encaiss", + -14.41495132446289 + ], + [ + "ycho", + -14.414999961853027 + ], + [ + "Glossar", + -14.4150390625 + ], + [ + "TEND", + -14.415053367614746 + ], + [ + "\u00e1pida", + -14.41505527496338 + ], + [ + "Indische", + -14.41508674621582 + ], + [ + "\u2581vertiefen", + -14.41508674621582 + ], + [ + "\u2581uitstekende", + -14.41512680053711 + ], + [ + "mangan", + -14.415127754211426 + ], + [ + "\u2581Aborto", + -14.415149688720703 + ], + [ + "Controlled", + -14.415151596069336 + ], + [ + "comp\u00e9tent", + -14.415152549743652 + ], + [ + "\u2581liquidation", + -14.415175437927246 + ], + [ + "bommen", + -14.415207862854004 + ], + [ + "\u2581arguably", + -14.415210723876951 + ], + [ + "UDA", + -14.415231704711914 + ], + [ + "\u2581adolescenti", + -14.41523265838623 + ], + [ + "\u2581anchura", + -14.41526222229004 + ], + [ + "KIND", + -14.41526985168457 + ], + [ + "\u2581geograficamente", + -14.415282249450684 + ], + [ + "\u2581fortress", + -14.415310859680176 + ], + [ + "\u2581decirlo", + -14.415332794189451 + ], + [ + "friedens", + -14.415345191955566 + ], + [ + "\u2581primitif", + -14.415356636047363 + ], + [ + "\u2581Thieme", + -14.415387153625488 + ], + [ + "\u2581regelrecht", + -14.415393829345703 + ], + [ + "\u2581ricordava", + -14.415406227111816 + ], + [ + "\u2581Grundschulen", + -14.415450096130373 + ], + [ + "waz", + -14.41545295715332 + ], + [ + "\u2581Kimberly", + -14.41545295715332 + ], + [ + "toUpperCase", + -14.415453910827637 + ], + [ + "\u2581Gewohnheit", + -14.415453910827637 + ], + [ + "interdire", + -14.41545867919922 + ], + [ + "\u2581Birthday", + -14.415459632873535 + ], + [ + "\u2581gelijkenis", + -14.415494918823242 + ], + [ + "\u2581Malaisie", + -14.41550636291504 + ], + [ + "zanne", + -14.415512084960938 + ], + [ + "\u2581Confederation", + -14.415531158447266 + ], + [ + "\u2581distributeurs", + -14.415546417236328 + ], + [ + "applied", + -14.415549278259276 + ], + [ + "\u2581cumplen", + -14.415560722351074 + ], + [ + "\u2581Lhasa", + -14.415567398071287 + ], + [ + "\u2581vertalen", + -14.415570259094238 + ], + [ + "braille", + -14.415571212768556 + ], + [ + "wijnen", + -14.415594100952148 + ], + [ + "LICH", + -14.415637016296388 + ], + [ + "EUA", + -14.415653228759766 + ], + [ + "\u2581Fachkr\u00e4ften", + -14.415669441223145 + ], + [ + "Neuro", + -14.415674209594728 + ], + [ + "\u2581booth", + -14.41570281982422 + ], + [ + "\u2581rapproch\u00e9", + -14.415719032287598 + ], + [ + "Regno", + -14.415742874145508 + ], + [ + "COI", + -14.41574764251709 + ], + [ + "\u2581Measures", + -14.415748596191406 + ], + [ + "produtiva", + -14.415783882141112 + ], + [ + "\u2581surprend", + -14.41581916809082 + ], + [ + "\u2581Tomasz", + -14.41586971282959 + ], + [ + "\u2581polares", + -14.415885925292969 + ], + [ + "angevin", + -14.41589069366455 + ], + [ + "\u2581sconfitti", + -14.415895462036133 + ], + [ + "\u2581comitaat", + -14.415897369384766 + ], + [ + "\u2581gr\u00fcndeten", + -14.415902137756348 + ], + [ + "\u2581WhatsApp", + -14.415904998779297 + ], + [ + "\u2581Mansfield", + -14.41590690612793 + ], + [ + "\u2581Alcaldes", + -14.415938377380373 + ], + [ + "\u2581accompany", + -14.415947914123535 + ], + [ + "\u2581subjetiva", + -14.415947914123535 + ], + [ + "reludio", + -14.415970802307127 + ], + [ + "\u2581multinacional", + -14.415971755981444 + ], + [ + "\u2581arbitri", + -14.41598892211914 + ], + [ + "cyther", + -14.416000366210938 + ], + [ + "\u2581aquatic", + -14.416022300720217 + ], + [ + "\u2581Rechtsgut", + -14.41602611541748 + ], + [ + "\u2581d\u00e9tr", + -14.416046142578123 + ], + [ + "\u2581Bread", + -14.416055679321287 + ], + [ + "multicast", + -14.416070938110352 + ], + [ + "\u2581Protocole", + -14.416077613830566 + ], + [ + "\u2581risolt", + -14.41608715057373 + ], + [ + "\u2581divulgaci\u00f3n", + -14.416114807128906 + ], + [ + "\u2581Hebel", + -14.41611671447754 + ], + [ + "\u2581purga", + -14.416119575500488 + ], + [ + "\u2581Functie", + -14.416125297546388 + ], + [ + "\u2581workout", + -14.416144371032717 + ], + [ + "\u2581d\u00e9roul\u00e9e", + -14.416152954101562 + ], + [ + "polski", + -14.41617202758789 + ], + [ + "\u2581Retail", + -14.416180610656738 + ], + [ + "\u2581R\u00e9pon", + -14.416189193725586 + ], + [ + "chore", + -14.416192054748535 + ], + [ + "\u2581Spielzeug", + -14.416196823120115 + ], + [ + "Heil", + -14.416200637817385 + ], + [ + "itando", + -14.416227340698242 + ], + [ + "\u2581elevador", + -14.416259765625 + ], + [ + "\u2581muscol", + -14.416278839111328 + ], + [ + "\u2581Hertford", + -14.41628646850586 + ], + [ + "Montevideo", + -14.416295051574709 + ], + [ + "cracy", + -14.416298866271973 + ], + [ + "blanco", + -14.4163236618042 + ], + [ + "impft", + -14.416337966918944 + ], + [ + "usscheidung", + -14.416338920593262 + ], + [ + "\u2581criticato", + -14.416354179382324 + ], + [ + "\u2581Pinot", + -14.416356086730955 + ], + [ + "\u2581brincadeira", + -14.416363716125488 + ], + [ + "\u2581ammazza", + -14.41636562347412 + ], + [ + "\u2581acabando", + -14.416366577148438 + ], + [ + "entw\u00fcrfe", + -14.416370391845703 + ], + [ + "\u2581enregistrements", + -14.416404724121094 + ], + [ + "getrouw", + -14.416425704956056 + ], + [ + "blit", + -14.41642951965332 + ], + [ + "\u2581Infrared", + -14.41645050048828 + ], + [ + "CLASSES", + -14.41648769378662 + ], + [ + "\u2581criam", + -14.416537284851074 + ], + [ + "Tradicionalmente", + -14.41653823852539 + ], + [ + "vuren", + -14.416569709777832 + ], + [ + "ivilschutz", + -14.416570663452148 + ], + [ + "Symbolic", + -14.41657829284668 + ], + [ + "\u2581oppone", + -14.416627883911133 + ], + [ + "quilibri", + -14.4166898727417 + ], + [ + "drake", + -14.416719436645508 + ], + [ + "\u2581Ferrar", + -14.416739463806152 + ], + [ + "overzicht", + -14.41676139831543 + ], + [ + "\u2581Buz", + -14.416762351989746 + ], + [ + "\u2581Marktpreis", + -14.416763305664062 + ], + [ + "binger", + -14.41677474975586 + ], + [ + "\u2581Bi\u00e9lorussie", + -14.416780471801758 + ], + [ + "ockey", + -14.416792869567873 + ], + [ + "\u2581calcolare", + -14.416803359985352 + ], + [ + "\u2581Bartlett", + -14.416810989379885 + ], + [ + "\u2581Vorzeichen", + -14.416812896728516 + ], + [ + "\u00e9loigne", + -14.416834831237791 + ], + [ + "\u2581Teilnehmenden", + -14.416845321655272 + ], + [ + "\u2581Hades", + -14.416851997375488 + ], + [ + "ordination", + -14.416855812072754 + ], + [ + "\u2581archeologiche", + -14.416860580444336 + ], + [ + "\u2581sindacato", + -14.416885375976562 + ], + [ + "\u2581Coelo", + -14.416910171508787 + ], + [ + "\u2581imperd", + -14.416924476623535 + ], + [ + "\u2581ehrenamtliche", + -14.416934967041016 + ], + [ + "\u2581dichiarare", + -14.416937828063965 + ], + [ + "\u2581fraglichen", + -14.417037010192873 + ], + [ + "\u2581Kaufman", + -14.417038917541504 + ], + [ + "\u2581tumori", + -14.41704273223877 + ], + [ + "\u2581caverne", + -14.417064666748049 + ], + [ + "Privacy", + -14.417120933532717 + ], + [ + "zzone", + -14.417120933532717 + ], + [ + "\u2581impedito", + -14.417126655578612 + ], + [ + "\u2581matin\u00e9e", + -14.41716766357422 + ], + [ + "\u2581Melit", + -14.41718864440918 + ], + [ + "SIR", + -14.417200088500977 + ], + [ + "Douglas", + -14.41721534729004 + ], + [ + "\u2581kommunizieren", + -14.41722297668457 + ], + [ + "\u2581bemerkbar", + -14.417223930358888 + ], + [ + "\u2581ristorazione", + -14.417223930358888 + ], + [ + "\u2581\u00e9chou\u00e9", + -14.41723346710205 + ], + [ + "\u2581kooperative", + -14.41725254058838 + ], + [ + "\u2581cantieri", + -14.417265892028809 + ], + [ + "\u2581Alvi", + -14.41728401184082 + ], + [ + "segurado", + -14.41729736328125 + ], + [ + "\u2581Brion", + -14.417336463928224 + ], + [ + "baubetriebe", + -14.41737174987793 + ], + [ + "\u2581Jud\u00edo", + -14.417396545410156 + ], + [ + "\u2581herkenbaar", + -14.41740894317627 + ], + [ + "\u2581dipartimenti", + -14.41743278503418 + ], + [ + "\u2581Pez", + -14.417479515075684 + ], + [ + "\u2581Dur\u00e1n", + -14.417481422424316 + ], + [ + "alltag", + -14.417482376098633 + ], + [ + "\u2581toilettes", + -14.417497634887695 + ], + [ + "\u2581strenger", + -14.417510986328123 + ], + [ + "flector", + -14.417516708374023 + ], + [ + "Existence", + -14.417523384094238 + ], + [ + "\u2581dettagliata", + -14.417526245117188 + ], + [ + "\u2581intestinale", + -14.417532920837402 + ], + [ + "marcado", + -14.4175386428833 + ], + [ + "wakker", + -14.417550086975098 + ], + [ + "soar", + -14.417572975158691 + ], + [ + "sillas", + -14.41757869720459 + ], + [ + "immensa", + -14.417613983154297 + ], + [ + "\u2581unterbinden", + -14.417620658874512 + ], + [ + "duidt", + -14.417630195617676 + ], + [ + "\u2581placenta", + -14.41765022277832 + ], + [ + "zzetto", + -14.41765308380127 + ], + [ + "\u2581tremendo", + -14.417654991149902 + ], + [ + "Ersatz", + -14.41765594482422 + ], + [ + "\u2581Davenport", + -14.417667388916016 + ], + [ + "\u2581Campobasso", + -14.417675018310549 + ], + [ + "verblijf", + -14.417681694030762 + ], + [ + "\u2581Abfolge", + -14.41771411895752 + ], + [ + "\u2581gerui", + -14.417718887329102 + ], + [ + "\u2581produzindo", + -14.417725563049316 + ], + [ + "kerei", + -14.417729377746582 + ], + [ + "\u2581Fundador", + -14.417766571044922 + ], + [ + "\u2581wohnte", + -14.417779922485352 + ], + [ + "Odyss", + -14.417795181274414 + ], + [ + "\u2581tentava", + -14.417795181274414 + ], + [ + "\u2581Urba", + -14.417823791503906 + ], + [ + "\u2581automorphism", + -14.417826652526855 + ], + [ + "Postgres", + -14.41784954071045 + ], + [ + "\u2581voorgevel", + -14.41787052154541 + ], + [ + "ENDS", + -14.417882919311523 + ], + [ + "\u2581Grazia", + -14.417885780334473 + ], + [ + "\u2581eliminating", + -14.417885780334473 + ], + [ + "\u2581Unklar", + -14.417911529541016 + ], + [ + "\u2581suchten", + -14.41800308227539 + ], + [ + "\u2581volge", + -14.418105125427246 + ], + [ + "\u2581Mogo", + -14.418108940124512 + ], + [ + "Tipulidae", + -14.418115615844728 + ], + [ + "\u2581individuato", + -14.418118476867676 + ], + [ + "hunk", + -14.41812801361084 + ], + [ + "\u2581Devisen", + -14.418131828308104 + ], + [ + "Aragua", + -14.418133735656738 + ], + [ + "\u2581migraci\u00f3n", + -14.418136596679688 + ], + [ + "alchi", + -14.418140411376951 + ], + [ + "\u2581caus\u00e9s", + -14.41817569732666 + ], + [ + "thought", + -14.418194770812988 + ], + [ + "v\u00edo", + -14.418228149414062 + ], + [ + "\u2581monografi", + -14.418253898620604 + ], + [ + "\u2581alcalin", + -14.41826057434082 + ], + [ + "\u2581brewer", + -14.418272972106934 + ], + [ + "\u2581Gr\u00e9", + -14.41827392578125 + ], + [ + "\u2581pluviom\u00e9trie", + -14.41835880279541 + ], + [ + "portaal", + -14.418371200561523 + ], + [ + "fetam", + -14.418374061584473 + ], + [ + "\u2581frequentate", + -14.418423652648926 + ], + [ + "ambling", + -14.418434143066406 + ], + [ + "rawling", + -14.418457984924316 + ], + [ + "\u2581tsp", + -14.418490409851074 + ], + [ + "\u2581fournisseurs", + -14.418492317199709 + ], + [ + "\u2581voivodato", + -14.418553352355955 + ], + [ + "\u2581Lebewesen", + -14.418554306030272 + ], + [ + "\u2581ordonna", + -14.418560028076172 + ], + [ + "\u2581stelden", + -14.418574333190918 + ], + [ + "opstand", + -14.418619155883787 + ], + [ + "\u2581Gobi", + -14.418633460998535 + ], + [ + "LLL", + -14.418636322021484 + ], + [ + "\u2581Warfare", + -14.418638229370115 + ], + [ + "\u2581emport\u00e9", + -14.41865062713623 + ], + [ + "sometimes", + -14.41866970062256 + ], + [ + "Sil\u00e9si", + -14.41868782043457 + ], + [ + "alibaba", + -14.418701171875 + ], + [ + "\u2581mezquita", + -14.418721199035645 + ], + [ + "\u2581erschienenen", + -14.418729782104492 + ], + [ + "arzo", + -14.418734550476074 + ], + [ + "\u2581graduation", + -14.418737411499023 + ], + [ + "CheckBox", + -14.418745040893556 + ], + [ + "\u2581sorprend", + -14.41877269744873 + ], + [ + "rugged", + -14.41880702972412 + ], + [ + "\u2581finanzas", + -14.418818473815918 + ], + [ + "vorstellbar", + -14.418859481811523 + ], + [ + "\u2581Beinen", + -14.41887664794922 + ], + [ + "\u2581Arriba", + -14.418946266174316 + ], + [ + "freedom", + -14.418957710266112 + ], + [ + "\u2581Blasen", + -14.41898250579834 + ], + [ + "\u2581cons\u00e9cutif", + -14.418996810913086 + ], + [ + "\u2581Invierno", + -14.418999671936035 + ], + [ + "\u2581B\u00fcrgschaften", + -14.419002532958984 + ], + [ + "\u2581integrando", + -14.4190092086792 + ], + [ + "chidae", + -14.419024467468262 + ], + [ + "haas", + -14.41903305053711 + ], + [ + "\u2581Gram\u00e1tica", + -14.419049263000488 + ], + [ + "\u2581ficasse", + -14.419053077697754 + ], + [ + "\u2581Jutta", + -14.419082641601562 + ], + [ + "\u2581Schlosses", + -14.41909122467041 + ], + [ + "\u2581S\u00e9ville", + -14.419100761413574 + ], + [ + "\u2581Praktika", + -14.41910171508789 + ], + [ + "\u2581intercourse", + -14.419145584106444 + ], + [ + "\u2581Wieland", + -14.41915512084961 + ], + [ + "\u00e1rselo", + -14.419158935546877 + ], + [ + "r\u00e4ucher", + -14.419166564941406 + ], + [ + "\u2581Varie", + -14.419175148010254 + ], + [ + "\u2581Dieppe", + -14.419217109680176 + ], + [ + "verkoper", + -14.419227600097656 + ], + [ + "\u2581sanitarie", + -14.419241905212402 + ], + [ + "\u2581predictable", + -14.419255256652832 + ], + [ + "hippocamp", + -14.419259071350098 + ], + [ + "oenen", + -14.419270515441896 + ], + [ + "Arezzo", + -14.419278144836426 + ], + [ + "\u2581agarr", + -14.419283866882324 + ], + [ + "Euler", + -14.419316291809082 + ], + [ + "Augment", + -14.419336318969728 + ], + [ + "verursach", + -14.419374465942385 + ], + [ + "istruttor", + -14.419384002685549 + ], + [ + "iecht", + -14.419418334960938 + ], + [ + "\u2581Hessischen", + -14.419435501098633 + ], + [ + "\u2581Stacy", + -14.419435501098633 + ], + [ + "\u2581Thaksin", + -14.419440269470217 + ], + [ + "\u2581beliebten", + -14.419450759887695 + ], + [ + "\u2581Aquello", + -14.419451713562012 + ], + [ + "\u2581UIScrollView", + -14.419462203979492 + ], + [ + "\u2581hervorgegangen", + -14.419468879699709 + ], + [ + "\u2581ingr\u00e9dients", + -14.41947078704834 + ], + [ + "\u2581difunto", + -14.419473648071287 + ], + [ + "Convergence", + -14.419492721557615 + ], + [ + "\u2581innovat", + -14.41953182220459 + ], + [ + "poniamo", + -14.419547080993652 + ], + [ + "\u2581Discors", + -14.419564247131348 + ], + [ + "stackView", + -14.419567108154297 + ], + [ + "eaves", + -14.41956901550293 + ], + [ + "\u2581Redirection", + -14.419590950012209 + ], + [ + "\u2581stadhouder", + -14.419601440429688 + ], + [ + "\u2581prot\u00e9ine", + -14.419602394104004 + ], + [ + "\u2581Olivet", + -14.419626235961914 + ], + [ + "\u2581ninth", + -14.41965103149414 + ], + [ + "vegg", + -14.419660568237305 + ], + [ + "prettyPrint", + -14.41966724395752 + ], + [ + "Stripe", + -14.419672012329102 + ], + [ + "spiritual", + -14.41971206665039 + ], + [ + "\u2581dumm", + -14.419716835021973 + ], + [ + "anbindung", + -14.419747352600098 + ], + [ + "\u2581composizioni", + -14.419753074645996 + ], + [ + "\u2581Sagen", + -14.419776916503906 + ], + [ + "kanton", + -14.419787406921388 + ], + [ + "\u2581guerrieri", + -14.41981315612793 + ], + [ + "olyb", + -14.419816970825195 + ], + [ + "\u2581talenten", + -14.419865608215332 + ], + [ + "\u2581Carvajal", + -14.41988468170166 + ], + [ + "\u2581ondersteunt", + -14.419893264770508 + ], + [ + "achsen", + -14.419904708862305 + ], + [ + "\u2581Attracti", + -14.41993808746338 + ], + [ + "\u2581distilled", + -14.419946670532228 + ], + [ + "\u2581Juss", + -14.419963836669922 + ], + [ + "\u2581Tyson", + -14.419963836669922 + ], + [ + "\u2581contraddi", + -14.419968605041504 + ], + [ + "\u2581heutiger", + -14.419983863830566 + ], + [ + "\u2581proiezione", + -14.419994354248049 + ], + [ + "\u2581Arrivati", + -14.42004680633545 + ], + [ + "\u2581sudovest", + -14.420058250427246 + ], + [ + "\u2581Tessin", + -14.420061111450195 + ], + [ + "mbic", + -14.420063018798828 + ], + [ + "legname", + -14.420073509216309 + ], + [ + "uzia", + -14.42009449005127 + ], + [ + "\u2581Raptor", + -14.420108795166016 + ], + [ + "\u2581Kneipen", + -14.420114517211914 + ], + [ + "\u2581profana", + -14.420120239257812 + ], + [ + "\u2581Legrand", + -14.420122146606444 + ], + [ + "pona", + -14.420130729675291 + ], + [ + "\u2581//===----------", + -14.420180320739746 + ], + [ + "\u2581Lovin", + -14.42018699645996 + ], + [ + "\u2581facilitare", + -14.42018699645996 + ], + [ + "\u2581Bazaar", + -14.420188903808594 + ], + [ + "r\u00e9tin", + -14.420195579528809 + ], + [ + "\u2581Verhaftung", + -14.420211791992188 + ], + [ + "\u2581Remy", + -14.420220375061035 + ], + [ + "leucin", + -14.420226097106934 + ], + [ + "t\u00e4ten", + -14.420228004455566 + ], + [ + "\u2581incinera", + -14.420262336730955 + ], + [ + "\u2581adress\u00e9", + -14.420305252075195 + ], + [ + "\u2581intendono", + -14.42031955718994 + ], + [ + "\u2581Clown", + -14.420326232910156 + ], + [ + "\u2581balonmano", + -14.420329093933104 + ], + [ + "gefunden", + -14.420333862304688 + ], + [ + "otropic", + -14.420372009277344 + ], + [ + "\u2581purezza", + -14.42038917541504 + ], + [ + "\u2581LinkedIn", + -14.420391082763672 + ], + [ + "Explore", + -14.420405387878418 + ], + [ + "ispettore", + -14.420416831970217 + ], + [ + "\u2581Solano", + -14.420433044433594 + ], + [ + "\u2581consumenten", + -14.420438766479492 + ], + [ + "zepti", + -14.420452117919922 + ], + [ + "\u2581Beagle", + -14.42048454284668 + ], + [ + "invokingState", + -14.420495986938477 + ], + [ + "\u2581complication", + -14.420506477355955 + ], + [ + "\u2581Umweltbelastung", + -14.420562744140623 + ], + [ + "ushin", + -14.420564651489258 + ], + [ + "NIA", + -14.420574188232422 + ], + [ + "nlichkeitsst", + -14.420594215393066 + ], + [ + "\u2581Booker", + -14.420607566833496 + ], + [ + "\u2581consommer", + -14.420646667480469 + ], + [ + "bauung", + -14.42065715789795 + ], + [ + "\u2581equilibri", + -14.420693397521973 + ], + [ + "\u2581presently", + -14.420710563659668 + ], + [ + "\u2581UIEdgeInsets", + -14.420777320861816 + ], + [ + "\u2581Gebote", + -14.420781135559082 + ], + [ + "\u2581auxilio", + -14.420783996582031 + ], + [ + "\u2581\u00e9ch\u00e9ant", + -14.42078685760498 + ], + [ + "\u2581r\u00e9flexe", + -14.42080020904541 + ], + [ + "\u2581sinuos", + -14.420805931091309 + ], + [ + "\u2581reprimi", + -14.4208402633667 + ], + [ + "pidermis", + -14.420853614807127 + ], + [ + "isSelected", + -14.42086410522461 + ], + [ + "quenz", + -14.420873641967772 + ], + [ + "\u2581Dagblad", + -14.420903205871582 + ], + [ + "urgenza", + -14.420904159545898 + ], + [ + "intrinsic", + -14.420907020568848 + ], + [ + "\u00fchren", + -14.420933723449709 + ], + [ + "\u2581quedar\u00eda", + -14.420971870422363 + ], + [ + "\u2581anthropo", + -14.421039581298828 + ], + [ + "schreef", + -14.421096801757812 + ], + [ + "\u2581Marktanteile", + -14.421107292175291 + ], + [ + "\u2581sorri", + -14.42111587524414 + ], + [ + "osomen", + -14.421183586120604 + ], + [ + "\u2581Recib", + -14.421188354492188 + ], + [ + "sparta", + -14.42119026184082 + ], + [ + "scrito", + -14.421209335327148 + ], + [ + "Wolverhampton", + -14.421217918395996 + ], + [ + "\u2581Securities", + -14.421217918395996 + ], + [ + "\u2581langpootmuggen", + -14.421217918395996 + ], + [ + "f\u00fcgbar", + -14.421231269836426 + ], + [ + "\u2581obscura", + -14.421255111694336 + ], + [ + "\u2581umbrella", + -14.421282768249512 + ], + [ + "Fl\u00e4che", + -14.421283721923828 + ], + [ + "\u2581ver\u00e4nderter", + -14.421369552612305 + ], + [ + "Vienne", + -14.42137050628662 + ], + [ + "Aktivit\u00e4ten", + -14.421396255493164 + ], + [ + "\u2581Typische", + -14.421412467956545 + ], + [ + "giovann", + -14.421456336975098 + ], + [ + "\u00fctt", + -14.421460151672363 + ], + [ + "planning", + -14.421464920043944 + ], + [ + "\u2581acomodar", + -14.421464920043944 + ], + [ + "\u2581esquecer", + -14.421485900878906 + ], + [ + "minate", + -14.421506881713867 + ], + [ + "\u2581bagages", + -14.421571731567385 + ], + [ + "ont\u00e9n\u00e9gr", + -14.421584129333496 + ], + [ + "\u2581Ausschlie", + -14.421601295471191 + ], + [ + "\u2581Heures", + -14.421605110168455 + ], + [ + "ampp", + -14.421608924865724 + ], + [ + "\u2581embutido", + -14.421629905700684 + ], + [ + "\u2581Realschule", + -14.421631813049316 + ], + [ + "dolino", + -14.421645164489746 + ], + [ + "\u2581indicava", + -14.421650886535645 + ], + [ + "\u2581Gareth", + -14.42165756225586 + ], + [ + "\u2581pac\u00edfico", + -14.421663284301758 + ], + [ + "\u2581sussidi", + -14.421669960021973 + ], + [ + "\u2581aniquila", + -14.421683311462402 + ], + [ + "\u2581progredi", + -14.421693801879885 + ], + [ + "\u2581Mariani", + -14.421695709228516 + ], + [ + "\u2581Mandy", + -14.421697616577148 + ], + [ + "\u2581sosten\u00eda", + -14.421703338623049 + ], + [ + "\u2581Fl\u00fccht", + -14.421710968017578 + ], + [ + "erleichterung", + -14.421713829040527 + ], + [ + "\u2581begraben", + -14.421722412109377 + ], + [ + "interop", + -14.421725273132324 + ], + [ + "\u2581Cerami", + -14.421735763549805 + ], + [ + "\u2581uitgesloten", + -14.421741485595703 + ], + [ + "\u2581steuerfrei", + -14.421749114990234 + ], + [ + "t\u00fcmlich", + -14.42175579071045 + ], + [ + "oscel", + -14.421762466430664 + ], + [ + "TSE", + -14.421772956848145 + ], + [ + "mitiu", + -14.421777725219728 + ], + [ + "\u2581dargli", + -14.42180347442627 + ], + [ + "\u2581K\u00e4f", + -14.421846389770508 + ], + [ + "\u2581Studieng\u00e4ngen", + -14.421870231628418 + ], + [ + "\u2581radioaktiver", + -14.421879768371582 + ], + [ + "\u2581ingediend", + -14.421902656555176 + ], + [ + "\u2581permuta", + -14.421907424926758 + ], + [ + "\u2581dat\u00e9e", + -14.421932220458984 + ], + [ + "\u2581frango", + -14.421954154968262 + ], + [ + "Gesetzes\u00e4nderung", + -14.42196559906006 + ], + [ + "\u2581libreria", + -14.42198371887207 + ], + [ + "colombien", + -14.422012329101562 + ], + [ + "cor\u00e9enne", + -14.422014236450195 + ], + [ + "\u2581Catalaanse", + -14.42203426361084 + ], + [ + "st\u00fcnde", + -14.422040939331056 + ], + [ + "\u2581Personengruppen", + -14.4220552444458 + ], + [ + "\u2581Kindererziehung", + -14.422070503234863 + ], + [ + "vicios", + -14.422079086303713 + ], + [ + "\u2581Psychotherapeut", + -14.422101974487305 + ], + [ + "\u2581Ingr\u00e9dients", + -14.422107696533203 + ], + [ + "\u2581Propri\u00e9t\u00e9", + -14.422107696533203 + ], + [ + "\u2581boliviana", + -14.422107696533203 + ], + [ + "\u2581desservant", + -14.42210865020752 + ], + [ + "\u2581verzamelingen", + -14.42210865020752 + ], + [ + "\u2581avventuros", + -14.422110557556152 + ], + [ + "\u2581portugiesischen", + -14.422112464904783 + ], + [ + "garnalensoort", + -14.422114372253418 + ], + [ + "agione", + -14.422115325927734 + ], + [ + "observed", + -14.422137260437012 + ], + [ + "\u2581resultan", + -14.42215633392334 + ], + [ + "\u2581smentit", + -14.42215633392334 + ], + [ + "immig", + -14.422168731689451 + ], + [ + "\u2581Bourse", + -14.42218017578125 + ], + [ + "\u2581d\u00e9ploiement", + -14.422191619873049 + ], + [ + "\u2581fornecedores", + -14.422202110290527 + ], + [ + "\u2581societari", + -14.42220687866211 + ], + [ + "Niederlande", + -14.422215461730955 + ], + [ + "notwendigerweise", + -14.422235488891602 + ], + [ + "\u2581restitution", + -14.422264099121094 + ], + [ + "\u2581muco", + -14.422285079956056 + ], + [ + "\u2581record\u00f3", + -14.42236042022705 + ], + [ + "\u2581Ramses", + -14.422368049621582 + ], + [ + "\u2581mantinha", + -14.422441482543944 + ], + [ + "Marketing", + -14.422442436218262 + ], + [ + "\u2581militanti", + -14.422442436218262 + ], + [ + "capabilities", + -14.42245388031006 + ], + [ + "\u2581afrontar", + -14.422478675842283 + ], + [ + "Messina", + -14.422540664672852 + ], + [ + "\u2581Copenaghen", + -14.422553062438965 + ], + [ + "\u2581Di\u00e1logo", + -14.422553062438965 + ], + [ + "\u2581Balthasar", + -14.422561645507812 + ], + [ + "MOL", + -14.422572135925291 + ], + [ + "\u2581TensorFlow", + -14.422577857971191 + ], + [ + "recibo", + -14.42259407043457 + ], + [ + "\u2581planejada", + -14.42259407043457 + ], + [ + "uoli", + -14.422605514526367 + ], + [ + "\u2581bellezze", + -14.422607421875 + ], + [ + "\u2581Muzi", + -14.42262077331543 + ], + [ + "\u2581anderhalf", + -14.422621726989746 + ], + [ + "\u2581Boule", + -14.42264461517334 + ], + [ + "\u2581Umsteigen", + -14.422646522521973 + ], + [ + "\u2581Dupr", + -14.422658920288086 + ], + [ + "\u2581Liri", + -14.4226655960083 + ], + [ + "\u2581antreten", + -14.422688484191896 + ], + [ + "\u2581subdivide", + -14.42273998260498 + ], + [ + "\u2581commercialis\u00e9", + -14.422748565673828 + ], + [ + "\u2581pabell\u00f3n", + -14.422789573669434 + ], + [ + "\u2581Directiva", + -14.422811508178713 + ], + [ + "Moravi", + -14.42282772064209 + ], + [ + "inoco", + -14.422845840454102 + ], + [ + "kationen", + -14.422847747802734 + ], + [ + "spalten", + -14.42288589477539 + ], + [ + "\u2581Numerose", + -14.422932624816896 + ], + [ + "\u2581dunas", + -14.42296314239502 + ], + [ + "ripa", + -14.422987937927246 + ], + [ + "\u2581intensific", + -14.422998428344728 + ], + [ + "\u2581ununterbrochen", + -14.422998428344728 + ], + [ + "schneidet", + -14.422999382019045 + ], + [ + "\u2581sacrif\u00edcio", + -14.42300033569336 + ], + [ + "\u2581dottrine", + -14.423002243041992 + ], + [ + "\u2581Hardcore", + -14.423013687133787 + ], + [ + "\u2581m\u00edtico", + -14.423028945922852 + ], + [ + "\u2581Stilllegung", + -14.423029899597168 + ], + [ + "\u2581Batti", + -14.42304229736328 + ], + [ + "\u2581costura", + -14.423049926757812 + ], + [ + "\u2581progressiste", + -14.423053741455078 + ], + [ + "outcome", + -14.423077583312988 + ], + [ + "SEB", + -14.42312240600586 + ], + [ + "tweede", + -14.423133850097656 + ], + [ + "\u2581Universit\u00e1ri", + -14.423134803771973 + ], + [ + "ampiezza", + -14.423141479492188 + ], + [ + "\u2581Reni", + -14.423195838928224 + ], + [ + "\u2581lebendige", + -14.423199653625488 + ], + [ + "\u2581rapprochement", + -14.42320442199707 + ], + [ + "\u2581Bruni", + -14.42322063446045 + ], + [ + "\u2581Feuchte", + -14.42323875427246 + ], + [ + "\u2581beschr\u00e4nkter", + -14.423240661621094 + ], + [ + "Oliver", + -14.423259735107422 + ], + [ + "\u2581Sozialforschung", + -14.423283576965332 + ], + [ + "\u2581fiordi", + -14.423316955566406 + ], + [ + "\u2581temporais", + -14.423354148864746 + ], + [ + "\u2581sienten", + -14.42336654663086 + ], + [ + "\u2581integrative", + -14.423370361328123 + ], + [ + "\u2581respiraci\u00f3n", + -14.423380851745604 + ], + [ + "\u2581Banja", + -14.423383712768556 + ], + [ + "gepakt", + -14.423392295837402 + ], + [ + "errito", + -14.423418998718262 + ], + [ + "COV", + -14.423431396484377 + ], + [ + "ynchrotron", + -14.423443794250488 + ], + [ + "\u2581Cockerell", + -14.423443794250488 + ], + [ + "\u2581sugeriu", + -14.423444747924805 + ], + [ + "\u2581Hebei", + -14.423447608947754 + ], + [ + "\u2581horri", + -14.423452377319336 + ], + [ + "\u2581Schmeling", + -14.423456192016602 + ], + [ + "\u2581opdrachtgever", + -14.42345905303955 + ], + [ + "sogenannte", + -14.42346477508545 + ], + [ + "pp\u00e9", + -14.423470497131348 + ], + [ + "\u2581Betriebsinhaber", + -14.423506736755373 + ], + [ + "\u2581Krei", + -14.423531532287598 + ], + [ + "Mandatory", + -14.42356300354004 + ], + [ + "\u2581verhoogde", + -14.423603057861328 + ], + [ + "\u2581Citizens", + -14.423635482788086 + ], + [ + "arbeid", + -14.423665046691896 + ], + [ + "elvin", + -14.423669815063477 + ], + [ + "\u2581Schiedsrichter", + -14.42367172241211 + ], + [ + "ismar", + -14.42367935180664 + ], + [ + "\u2581voorzichtig", + -14.42367935180664 + ], + [ + "\u2581queriam", + -14.423680305480955 + ], + [ + "Porsche", + -14.42368507385254 + ], + [ + "\u2581conquistadores", + -14.423687934875488 + ], + [ + "oyons", + -14.423717498779297 + ], + [ + "\u2581flipped", + -14.423754692077637 + ], + [ + "bezit", + -14.423776626586914 + ], + [ + "\u2581arranjar", + -14.423798561096191 + ], + [ + "\u2581opporsi", + -14.42385196685791 + ], + [ + "starken", + -14.423871040344238 + ], + [ + "nzando", + -14.423880577087402 + ], + [ + "\u2581capitel", + -14.423887252807615 + ], + [ + "\u2581clarification", + -14.423893928527832 + ], + [ + "\u2581Controlling", + -14.423903465270996 + ], + [ + "cerrando", + -14.423904418945312 + ], + [ + "ckern", + -14.423905372619627 + ], + [ + "\u2581federato", + -14.423908233642578 + ], + [ + "\u2581ampli\u00f3", + -14.423920631408691 + ], + [ + "\u2581totalidade", + -14.42392921447754 + ], + [ + "\u2581Newtonian", + -14.423935890197754 + ], + [ + "\u2581amministrazioni", + -14.42393684387207 + ], + [ + "Perfect", + -14.424015045166016 + ], + [ + "rentals", + -14.424070358276367 + ], + [ + "ASSIGN", + -14.424087524414062 + ], + [ + "viado", + -14.424092292785645 + ], + [ + "indigo", + -14.424095153808594 + ], + [ + "Messaging", + -14.424099922180176 + ], + [ + "redirecionamento", + -14.424152374267578 + ], + [ + "\u2581pitag", + -14.42420482635498 + ], + [ + "\u2581Hertha", + -14.42424774169922 + ], + [ + "normalsize", + -14.424261093139648 + ], + [ + "prison", + -14.424274444580078 + ], + [ + "\u2581Teilnehmerinnen", + -14.424290657043455 + ], + [ + "\u2581an\u00f3nimo", + -14.424298286437988 + ], + [ + "\u00e9veil", + -14.424299240112305 + ], + [ + "\u2581ambulant", + -14.424301147460938 + ], + [ + "\u2581credencia", + -14.42430305480957 + ], + [ + "dactylus", + -14.424304962158203 + ], + [ + "\u2581armadilha", + -14.424336433410645 + ], + [ + "\u2581ubiquitous", + -14.424365043640137 + ], + [ + "\u2581cosseno", + -14.424367904663086 + ], + [ + "\u2581unbedeutend", + -14.42437744140625 + ], + [ + "\u2581Caproni", + -14.424378395080566 + ], + [ + "\u2581Compositeur", + -14.42441749572754 + ], + [ + "h\u00e4ngigkeit", + -14.424476623535156 + ], + [ + "\u2581starkem", + -14.42450714111328 + ], + [ + "\u2581Ermittler", + -14.424570083618164 + ], + [ + "libboost", + -14.424600601196287 + ], + [ + "\u2581wishing", + -14.4246187210083 + ], + [ + "\u2581Krasn", + -14.424628257751465 + ], + [ + "\u2581Sperling", + -14.424640655517578 + ], + [ + "\u2581lacrim", + -14.42464828491211 + ], + [ + "\u2581Lastly", + -14.424653053283691 + ], + [ + "\u2581aanloop", + -14.424662590026855 + ], + [ + "Bull", + -14.424687385559082 + ], + [ + "Congo", + -14.424704551696776 + ], + [ + "setattr", + -14.424712181091309 + ], + [ + "\u2581bevorstehenden", + -14.424739837646484 + ], + [ + "ggianti", + -14.42475414276123 + ], + [ + "\u2581bibliographie", + -14.424790382385254 + ], + [ + "\u2581affect\u00e9e", + -14.42480182647705 + ], + [ + "\u2581Islamabad", + -14.424806594848633 + ], + [ + "\u2581fortzusetzen", + -14.42481803894043 + ], + [ + "\u2581st\u00e4dtebaulichen", + -14.424818992614746 + ], + [ + "\u2581fegato", + -14.424819946289062 + ], + [ + "\u2581productividad", + -14.42485523223877 + ], + [ + "fondamentalmente", + -14.424891471862791 + ], + [ + "\u00fcngung", + -14.42491340637207 + ], + [ + "\u2581duister", + -14.424935340881348 + ], + [ + "\u2581cruzados", + -14.424989700317385 + ], + [ + "\u2581croyant", + -14.425002098083496 + ], + [ + "nullptr", + -14.42508316040039 + ], + [ + "\u2581confronted", + -14.425115585327148 + ], + [ + "\u2581guanti", + -14.425129890441896 + ], + [ + "iatrische", + -14.425207138061523 + ], + [ + "\u2581Cle\u00f3patra", + -14.425228118896484 + ], + [ + "\u2581McVittie", + -14.425228118896484 + ], + [ + "\u2581coinvolte", + -14.425228118896484 + ], + [ + "\u2581rh\u00e9torique", + -14.425228118896484 + ], + [ + "doxysubsection", + -14.425243377685549 + ], + [ + "magnitude", + -14.425301551818848 + ], + [ + "\u2581explorado", + -14.425305366516112 + ], + [ + "\u2581riuniti", + -14.42530918121338 + ], + [ + "cilium", + -14.425338745117188 + ], + [ + "cofactor", + -14.425347328186035 + ], + [ + "RBI", + -14.425352096557615 + ], + [ + "\u2581Joueuse", + -14.425363540649414 + ], + [ + "ukrain", + -14.425369262695312 + ], + [ + "\u2581specializzato", + -14.42538070678711 + ], + [ + "\u2581dividi\u00f3", + -14.425426483154297 + ], + [ + "\u2581sottoscritt", + -14.425429344177246 + ], + [ + "\u2581Seki", + -14.42543601989746 + ], + [ + "\u2581informatici", + -14.425477027893066 + ], + [ + "spurige", + -14.42548656463623 + ], + [ + "snormen", + -14.425497055053713 + ], + [ + "\u2581Orch", + -14.425508499145508 + ], + [ + "\u2581fungeerde", + -14.425508499145508 + ], + [ + "Schwerin", + -14.425540924072266 + ], + [ + "\u2581erhofft", + -14.425548553466797 + ], + [ + "\u2581conectadas", + -14.425561904907228 + ], + [ + "d\u00e9la", + -14.425572395324709 + ], + [ + "\u2581habitua", + -14.425572395324709 + ], + [ + "\u2581Burch", + -14.425603866577148 + ], + [ + "mettaient", + -14.425620079040527 + ], + [ + "guided", + -14.425631523132324 + ], + [ + "IAB", + -14.42563247680664 + ], + [ + "\u2581privatrechtlich", + -14.42563819885254 + ], + [ + "Finanzinstrument", + -14.425674438476562 + ], + [ + "\u2581veneziana", + -14.425679206848145 + ], + [ + "\u2581hervorzuheben", + -14.42568016052246 + ], + [ + "\u2581withdrew", + -14.42568016052246 + ], + [ + "\u2581coll\u00e9", + -14.425682067871094 + ], + [ + "\u2581descubrieron", + -14.425687789916992 + ], + [ + "\u2581Alameda", + -14.425688743591309 + ], + [ + "okemon", + -14.425698280334473 + ], + [ + "untyped", + -14.425718307495115 + ], + [ + "\u2581op\u00e9rationnel", + -14.425719261169434 + ], + [ + "\u2581traversent", + -14.42575740814209 + ], + [ + "d\u00fcnger", + -14.425779342651367 + ], + [ + "\u2581vari\u00e9es", + -14.425787925720217 + ], + [ + "\u2581desperta", + -14.425800323486328 + ], + [ + "ENU", + -14.425809860229492 + ], + [ + "\u2581Medizinprodukte", + -14.425824165344238 + ], + [ + "\u2581nicotin", + -14.425827980041504 + ], + [ + "\u2581Nikk", + -14.42584991455078 + ], + [ + "citealt", + -14.425859451293944 + ], + [ + "droeg", + -14.425860404968262 + ], + [ + "inney", + -14.425881385803224 + ], + [ + "\u2581contrat\u00f3", + -14.425885200500488 + ], + [ + "aliyun", + -14.425897598266602 + ], + [ + "\u2581Spule", + -14.425911903381348 + ], + [ + "\u2581peripheren", + -14.425911903381348 + ], + [ + "\u2581hiring", + -14.42591953277588 + ], + [ + "\u2581Vorbringen", + -14.425976753234863 + ], + [ + "\u2581Lucin", + -14.426024436950684 + ], + [ + "Reducer", + -14.426026344299316 + ], + [ + "\u2581Lucen", + -14.426031112670898 + ], + [ + "\u2581Petroni", + -14.426066398620604 + ], + [ + "\u2581paradosso", + -14.426100730895996 + ], + [ + "OSO", + -14.426118850708008 + ], + [ + "\u2581bevelhebber", + -14.426121711730955 + ], + [ + "\u2581aanraking", + -14.426124572753906 + ], + [ + "\u2581soortgelijke", + -14.426124572753906 + ], + [ + "\u2581tamelijk", + -14.426139831542969 + ], + [ + "\u2581tastiere", + -14.426172256469728 + ], + [ + "apolitan", + -14.426203727722168 + ], + [ + "\u2581Scheer", + -14.42624568939209 + ], + [ + "PDI", + -14.426251411437988 + ], + [ + "\u2581Distancia", + -14.426286697387695 + ], + [ + "javase", + -14.42630100250244 + ], + [ + "\u2581d\u00e9limit", + -14.426301956176758 + ], + [ + "SMS", + -14.426369667053224 + ], + [ + "gew\u00e4ssern", + -14.426411628723145 + ], + [ + "substituierte", + -14.42642307281494 + ], + [ + "\u2581Nuits", + -14.42642593383789 + ], + [ + "\u2581clandestino", + -14.426450729370115 + ], + [ + "\u2581trasferta", + -14.426462173461914 + ], + [ + "klepp", + -14.426493644714355 + ], + [ + "\u2581tecnologico", + -14.426504135131836 + ], + [ + "\u2581proclamado", + -14.426548957824709 + ], + [ + "\u2581Nieb", + -14.426559448242188 + ], + [ + "kijken", + -14.42658233642578 + ], + [ + "desambiguaci\u00f3n", + -14.426584243774414 + ], + [ + "Pellissier", + -14.426589965820312 + ], + [ + "Termin", + -14.426590919494627 + ], + [ + "\u2581convinti", + -14.426594734191896 + ], + [ + "\u2581prenotazioni", + -14.426620483398438 + ], + [ + "\u2581vettore", + -14.42663860321045 + ], + [ + "rogato", + -14.426645278930664 + ], + [ + "\u2581nadador", + -14.42664623260498 + ], + [ + "perone", + -14.42667293548584 + ], + [ + "\u2581rideau", + -14.426676750183104 + ], + [ + "annuler", + -14.42668628692627 + ], + [ + "rubriek", + -14.426697731018066 + ], + [ + "\u2581reintegra", + -14.426716804504396 + ], + [ + "\u2581Personalkosten", + -14.426745414733888 + ], + [ + "jewitsch", + -14.426746368408203 + ], + [ + "\u2581Desideri", + -14.426762580871582 + ], + [ + "\u2581zugesprochen", + -14.426775932312012 + ], + [ + "\u2581ridicul", + -14.426872253417969 + ], + [ + "baseURL", + -14.426881790161133 + ], + [ + "M\u00e1s", + -14.426892280578612 + ], + [ + "ac\u00e9es", + -14.42693042755127 + ], + [ + "\u2581redout", + -14.426936149597168 + ], + [ + "OOP", + -14.426959037780762 + ], + [ + "\u2581Kastell", + -14.426966667175291 + ], + [ + "\u2581reinforce", + -14.426969528198242 + ], + [ + "\u2581Attori", + -14.426972389221191 + ], + [ + "\u2581audition", + -14.42698574066162 + ], + [ + "Kenmerken", + -14.426994323730469 + ], + [ + "Verbindungen", + -14.427006721496582 + ], + [ + "\u2581Lombok", + -14.427007675170898 + ], + [ + "Reykjavik", + -14.427016258239746 + ], + [ + "\u2581voulaient", + -14.427019119262695 + ], + [ + "\u2581arquitect\u00f3nica", + -14.427026748657228 + ], + [ + "\u2581Rihanna", + -14.427031517028809 + ], + [ + "\u2581parassit", + -14.427046775817873 + ], + [ + "intelligibil", + -14.427047729492188 + ], + [ + "acota", + -14.42705535888672 + ], + [ + "\u2581civique", + -14.42707347869873 + ], + [ + "\u2581penultim", + -14.427077293395996 + ], + [ + "\u2581Sozio", + -14.427084922790527 + ], + [ + "\u2581Gardien", + -14.42715072631836 + ], + [ + "olltarif", + -14.427178382873535 + ], + [ + "baiss\u00e9", + -14.427184104919434 + ], + [ + "\u00fcssel", + -14.427199363708496 + ], + [ + "\u2581sol\u00edan", + -14.427201271057127 + ], + [ + "\u2581dargelegten", + -14.427250862121582 + ], + [ + "ofilia", + -14.42726993560791 + ], + [ + "\u2581Dancer", + -14.427274703979492 + ], + [ + "\u2581zunimmt", + -14.427287101745604 + ], + [ + "\u2581Milt", + -14.427323341369627 + ], + [ + "\u2581tapete", + -14.427329063415527 + ], + [ + "\u2581dimesso", + -14.427330017089844 + ], + [ + "\u2581Produit", + -14.427371978759766 + ], + [ + "\u2581Rancho", + -14.427377700805664 + ], + [ + "uartett", + -14.427382469177246 + ], + [ + "HOLDER", + -14.427391052246094 + ], + [ + "\u2581rijkdom", + -14.427425384521484 + ], + [ + "\u2581Schneide", + -14.427449226379396 + ], + [ + "bezienswaardighe", + -14.42746353149414 + ], + [ + "\u2581tr\u00e1mite", + -14.42746353149414 + ], + [ + "\u2581Seguindo", + -14.427464485168455 + ], + [ + "cursiva", + -14.427468299865724 + ], + [ + "\u2581M\u00e9tropole", + -14.427468299865724 + ], + [ + "\u2581mistas", + -14.427474975585938 + ], + [ + "aggua", + -14.427505493164062 + ], + [ + "\u2581Steppe", + -14.427515983581545 + ], + [ + "transp", + -14.427519798278809 + ], + [ + "\u2581Toki", + -14.427534103393556 + ], + [ + "OMA", + -14.427535057067873 + ], + [ + "\u2581spettr", + -14.427553176879885 + ], + [ + "\u2581Bastian", + -14.42756462097168 + ], + [ + "unordered", + -14.427626609802246 + ], + [ + "\u2581fantastico", + -14.427630424499512 + ], + [ + "\u2581sagitt", + -14.42765998840332 + ], + [ + "\u2581Modifikation", + -14.42766284942627 + ], + [ + "interfaccia", + -14.427699089050291 + ], + [ + "\u2581Marlin", + -14.42770290374756 + ], + [ + "\u2581Talca", + -14.427717208862305 + ], + [ + "Agentur", + -14.427743911743164 + ], + [ + "\u2581Conner", + -14.427743911743164 + ], + [ + "verdienste", + -14.42782974243164 + ], + [ + "processador", + -14.427830696105955 + ], + [ + "\u2581lleve", + -14.427842140197754 + ], + [ + "Iglesia", + -14.4278564453125 + ], + [ + "ERIC", + -14.427875518798828 + ], + [ + "\u2581avoidance", + -14.42790985107422 + ], + [ + "\u2581el\u00edptica", + -14.427910804748535 + ], + [ + "\u2581Freguesias", + -14.427911758422852 + ], + [ + "\u2581svariate", + -14.4279146194458 + ], + [ + "\u2581Morri", + -14.427918434143066 + ], + [ + "\u2581sekund\u00e4ren", + -14.42793083190918 + ], + [ + "\u2581Godzilla", + -14.427940368652344 + ], + [ + "\u2581Pachten", + -14.42796516418457 + ], + [ + "\u2581Cavalcant", + -14.427967071533203 + ], + [ + "\u2581usarlo", + -14.427990913391112 + ], + [ + "M\u00e4nner", + -14.42800998687744 + ], + [ + "letteralmente", + -14.428048133850098 + ], + [ + "\u2581Minibus", + -14.428057670593262 + ], + [ + "\u2581Farg", + -14.42806339263916 + ], + [ + "\u2581sektorale", + -14.42808437347412 + ], + [ + "Ontwerp", + -14.428092002868652 + ], + [ + "\u2581Guaran", + -14.428129196166992 + ], + [ + "\u2581levantada", + -14.428150177001951 + ], + [ + "\u2581legna", + -14.428165435791016 + ], + [ + "posiziona", + -14.42817497253418 + ], + [ + "\u2581pensou", + -14.428208351135254 + ], + [ + "\u2581r\u00e9tabli", + -14.428237915039062 + ], + [ + "\u2581Capitalism", + -14.428240776062012 + ], + [ + "Tradition", + -14.428247451782228 + ], + [ + "\u2581Altrimenti", + -14.428290367126465 + ], + [ + "\u2581Fenerbah", + -14.428356170654297 + ], + [ + "truck", + -14.42835807800293 + ], + [ + "\u2581foudr", + -14.428380966186523 + ], + [ + "\u2581verneint", + -14.42839527130127 + ], + [ + "\u2581lunaire", + -14.428397178649902 + ], + [ + "\u2581Poole", + -14.428411483764648 + ], + [ + "\u2581riducendo", + -14.428412437438965 + ], + [ + "\u2581R\u00e9m", + -14.428425788879396 + ], + [ + "\u2581Turken", + -14.428439140319824 + ], + [ + "\u2581equivalently", + -14.428461074829102 + ], + [ + "michi", + -14.428464889526367 + ], + [ + "\u2581pieve", + -14.428491592407228 + ], + [ + "\u2581apparecchi", + -14.428504943847656 + ], + [ + "Johnny", + -14.428521156311035 + ], + [ + "\u2581Jacoby", + -14.42853546142578 + ], + [ + "Seven", + -14.428552627563477 + ], + [ + "\u2581Anreicherung", + -14.428564071655272 + ], + [ + "\u2581Sucess", + -14.428581237792969 + ], + [ + "iridae", + -14.428587913513184 + ], + [ + "isolement", + -14.42860221862793 + ], + [ + "\u2581constituai", + -14.428643226623535 + ], + [ + "\u2581Canna", + -14.428701400756836 + ], + [ + "workshop", + -14.4287109375 + ], + [ + "alveo", + -14.428711891174316 + ], + [ + "advertise", + -14.42872428894043 + ], + [ + "\u2581Mabel", + -14.428744316101074 + ], + [ + "methodName", + -14.428776741027832 + ], + [ + "\u2581ausgerichteten", + -14.428778648376465 + ], + [ + "gaasvliegen", + -14.428807258605955 + ], + [ + "\u2581fiorentina", + -14.428807258605955 + ], + [ + "\u2581biologiques", + -14.428812980651855 + ], + [ + "it\u00e1", + -14.42881965637207 + ], + [ + "hmar", + -14.428833961486816 + ], + [ + "\u2581stove", + -14.428890228271484 + ], + [ + "\u2581onderkant", + -14.428926467895508 + ], + [ + "abgeordnete", + -14.428927421569824 + ], + [ + "mygdal", + -14.428945541381836 + ], + [ + "\u2581Tierarten", + -14.42895793914795 + ], + [ + "\u2581Aur\u00e9li", + -14.428960800170898 + ], + [ + "\u2581Picci", + -14.428985595703123 + ], + [ + "\u2581lonely", + -14.42898941040039 + ], + [ + "\u2581hurried", + -14.428996086120604 + ], + [ + "tiroid", + -14.42902374267578 + ], + [ + "Ischia", + -14.429038047790527 + ], + [ + "z\u00e1n", + -14.42903995513916 + ], + [ + "predig", + -14.429091453552246 + ], + [ + "\u2581Democratica", + -14.429092407226562 + ], + [ + "berbau", + -14.429117202758787 + ], + [ + "NASA", + -14.42912769317627 + ], + [ + "\u2581Arya", + -14.429144859313965 + ], + [ + "\u2581exprim\u00e9e", + -14.429155349731444 + ], + [ + "higi", + -14.429173469543455 + ], + [ + "\u00f3tipo", + -14.429174423217772 + ], + [ + "\u2581exemplares", + -14.429187774658203 + ], + [ + "batt\u00e9", + -14.429206848144531 + ], + [ + "\u2581Bruto", + -14.429210662841797 + ], + [ + "\u2581steilen", + -14.42921543121338 + ], + [ + "\u2581Kiribati", + -14.4292573928833 + ], + [ + "\u2581presupposto", + -14.429259300231934 + ], + [ + "standers", + -14.429261207580566 + ], + [ + "\u2581foresee", + -14.429278373718262 + ], + [ + "\u2581croy", + -14.42928695678711 + ], + [ + "\u2581Gegen\u00e4u", + -14.429301261901855 + ], + [ + "nicki", + -14.429369926452637 + ], + [ + "\u2581redacta", + -14.429369926452637 + ], + [ + "corte", + -14.429373741149902 + ], + [ + "\u2581proporcionando", + -14.429398536682127 + ], + [ + "\u2581TemplateBox", + -14.42942714691162 + ], + [ + "belian", + -14.429438591003418 + ], + [ + "\u2581rellen", + -14.429463386535645 + ], + [ + "\u2581meriti", + -14.429479598999023 + ], + [ + "\u2581unternimmt", + -14.42951202392578 + ], + [ + "igeuner", + -14.429520606994627 + ], + [ + "\u2581pourriez", + -14.42954444885254 + ], + [ + "\u2581Apparate", + -14.429550170898438 + ], + [ + "tropen", + -14.42956256866455 + ], + [ + "eldtocht", + -14.429579734802246 + ], + [ + "hypocri", + -14.42958164215088 + ], + [ + "ornato", + -14.429582595825195 + ], + [ + "Ordinary", + -14.429615020751951 + ], + [ + "\u2581Latvia", + -14.429625511169434 + ], + [ + "\u2581putative", + -14.429642677307127 + ], + [ + "\u2581elencate", + -14.429646492004396 + ], + [ + "\u2581d\u00e9rouler", + -14.429673194885254 + ], + [ + "WSEncodableShape", + -14.42970371246338 + ], + [ + "\u2581Porfirio", + -14.42970371246338 + ], + [ + "\u2581acogida", + -14.429704666137695 + ], + [ + "\u2581UIBarButtonItem", + -14.42971420288086 + ], + [ + "\u2581Positi", + -14.429726600646973 + ], + [ + "\u2581anunciaron", + -14.429742813110352 + ], + [ + "\u2581excavaciones", + -14.429760932922363 + ], + [ + "etallurg", + -14.42977237701416 + ], + [ + "\u2581Scel", + -14.429797172546388 + ], + [ + "\u2581duecento", + -14.42982578277588 + ], + [ + "\u2581sugieren", + -14.429914474487305 + ], + [ + "\u2581funcionan", + -14.429926872253418 + ], + [ + "\u2581Snel", + -14.429938316345217 + ], + [ + "\u2581Kour", + -14.429961204528809 + ], + [ + "demar", + -14.42997932434082 + ], + [ + "einsch\u00e4tzung", + -14.429980278015137 + ], + [ + "\u2581assurant", + -14.429986000061035 + ], + [ + "\u2581Rosett", + -14.43000316619873 + ], + [ + "\u2581addestrat", + -14.430005073547363 + ], + [ + "\u2581Gl\u00e4", + -14.430006980895996 + ], + [ + "scommissie", + -14.430059432983398 + ], + [ + "Defensores", + -14.430078506469728 + ], + [ + "\u2581mossi", + -14.4301118850708 + ], + [ + "adida", + -14.430129051208496 + ], + [ + "sersuchen", + -14.430140495300291 + ], + [ + "\u2581Planstelle", + -14.430147171020508 + ], + [ + "ccipit", + -14.43014907836914 + ], + [ + "ndArgs", + -14.43014907836914 + ], + [ + "\u2581scudetto", + -14.430152893066406 + ], + [ + "\u2581roeier", + -14.43015956878662 + ], + [ + "\u2581Honest", + -14.430194854736328 + ], + [ + "\u2581municipalit\u00e0", + -14.430208206176758 + ], + [ + "\u2581Tracia", + -14.43024444580078 + ], + [ + "behind", + -14.430249214172363 + ], + [ + "\u2581spedi", + -14.430253982543944 + ], + [ + "\u2581singularities", + -14.430261611938477 + ], + [ + "\u2581R\u00fcckgriff", + -14.430265426635742 + ], + [ + "\u2581perceptual", + -14.430299758911133 + ], + [ + "\u2581zugestellt", + -14.430315017700195 + ], + [ + "\u2581haberlo", + -14.430334091186523 + ], + [ + "ughness", + -14.430338859558104 + ], + [ + "fundida", + -14.430346488952637 + ], + [ + "exceto", + -14.430402755737305 + ], + [ + "\u00fcberlassung", + -14.43040370941162 + ], + [ + "egemonia", + -14.430424690246582 + ], + [ + "mailbox", + -14.430435180664062 + ], + [ + "iciado", + -14.430456161499023 + ], + [ + "\u2581aprovechando", + -14.430461883544922 + ], + [ + "mistad", + -14.430523872375488 + ], + [ + "\u2581cont\u00e1", + -14.430584907531738 + ], + [ + "\u2581Coahuila", + -14.430601119995115 + ], + [ + "\u2581ju\u00edzes", + -14.430601119995115 + ], + [ + "\u2581identifiable", + -14.430607795715332 + ], + [ + "\u2581almohad", + -14.430608749389648 + ], + [ + "\u2581Phoebe", + -14.430628776550291 + ], + [ + "odontidae", + -14.430646896362305 + ], + [ + "ikta", + -14.430667877197266 + ], + [ + "\u2581dangereuses", + -14.430686950683594 + ], + [ + "udiovisuel", + -14.430691719055176 + ], + [ + "gainsboro", + -14.430692672729492 + ], + [ + "schmann", + -14.43071746826172 + ], + [ + "\u2581Finanzausgleich", + -14.430719375610352 + ], + [ + "egoria", + -14.430744171142578 + ], + [ + "ins\u00e9rer", + -14.430767059326172 + ], + [ + "\u2581diviser", + -14.430771827697754 + ], + [ + "\u2581Pracht", + -14.430809020996094 + ], + [ + "Utah", + -14.430824279785156 + ], + [ + "\u2581Sud\u00e1n", + -14.430830955505373 + ], + [ + "\u2581governado", + -14.430853843688965 + ], + [ + "\u2581Balcani", + -14.430867195129396 + ], + [ + "SendRequest", + -14.430904388427734 + ], + [ + "\u2581Jasmine", + -14.430904388427734 + ], + [ + "\u2581jaagt", + -14.430912017822266 + ], + [ + "\u2581Stufft", + -14.430974960327148 + ], + [ + "\u2581Magdalen", + -14.43101692199707 + ], + [ + "atleet", + -14.431044578552246 + ], + [ + "\u2581sostituir", + -14.431124687194824 + ], + [ + "\u2581sanguine", + -14.431137084960938 + ], + [ + "\u2581rilevat", + -14.431170463562012 + ], + [ + "oratoria", + -14.431200981140137 + ], + [ + "\u2581cercado", + -14.4312162399292 + ], + [ + "gesch\u00e4digte", + -14.431221961975098 + ], + [ + "Finaliza", + -14.43122386932373 + ], + [ + "\u2581nautic", + -14.431236267089844 + ], + [ + "influxd", + -14.431254386901855 + ], + [ + "\u2581visitano", + -14.431307792663574 + ], + [ + "\u2581utiliz\u00e1", + -14.431316375732422 + ], + [ + "\u2581zugesetzt", + -14.4313325881958 + ], + [ + "\u2581Kamerverkiezing", + -14.431337356567385 + ], + [ + "snachweise", + -14.431342124938965 + ], + [ + "profils", + -14.431366920471191 + ], + [ + "teniendo", + -14.43137550354004 + ], + [ + "\u2581congregazione", + -14.431382179260254 + ], + [ + "chondr", + -14.431404113769531 + ], + [ + "\u2581Kalmar", + -14.431408882141112 + ], + [ + "navigate", + -14.431492805480955 + ], + [ + "\u2581geholpen", + -14.431499481201172 + ], + [ + "\u2581Memories", + -14.431503295898438 + ], + [ + "Wander", + -14.43150520324707 + ], + [ + "\u2581fatigu\u00e9", + -14.431507110595703 + ], + [ + "\u2581Schmutz", + -14.431510925292969 + ], + [ + "\u2581Actuellement", + -14.43153190612793 + ], + [ + "\u2581Eheschlie", + -14.431536674499512 + ], + [ + "\u2581ofrenda", + -14.431538581848145 + ], + [ + "\u2581molecole", + -14.431560516357422 + ], + [ + "\u2581rassistisch", + -14.431565284729004 + ], + [ + "conquer", + -14.43157196044922 + ], + [ + "\u2581galinha", + -14.431591987609863 + ], + [ + "\u2581nutrit", + -14.43159294128418 + ], + [ + "\u2581ispirata", + -14.431599617004396 + ], + [ + "IGE", + -14.431604385375977 + ], + [ + "\u2581neogotische", + -14.431632995605469 + ], + [ + "\u2581Nard", + -14.431644439697266 + ], + [ + "\u2581resgatar", + -14.431660652160645 + ], + [ + "rimson", + -14.431676864624023 + ], + [ + "\u2581suggestive", + -14.431680679321287 + ], + [ + "\u2581risorg", + -14.431685447692873 + ], + [ + "HIC", + -14.431690216064451 + ], + [ + "\u2581fagioli", + -14.431705474853516 + ], + [ + "\u2581rafforza", + -14.43171501159668 + ], + [ + "\u2581Sportverein", + -14.431717872619627 + ], + [ + "LSE", + -14.431729316711426 + ], + [ + "\u2581warmth", + -14.431772232055664 + ], + [ + "ansom", + -14.431781768798828 + ], + [ + "aelic", + -14.431795120239258 + ], + [ + "LEM", + -14.43181037902832 + ], + [ + "Energien", + -14.43190860748291 + ], + [ + "\u2581Hoese", + -14.431930541992188 + ], + [ + "\u2581coupure", + -14.431939125061035 + ], + [ + "\u2581ecuatoriano", + -14.4319486618042 + ], + [ + "\u2581Herkunftsland", + -14.431952476501465 + ], + [ + "\u2581Henares", + -14.431984901428224 + ], + [ + "sperr", + -14.432007789611816 + ], + [ + "Kategorie", + -14.432063102722168 + ], + [ + "\u2581Castr", + -14.432071685791016 + ], + [ + "ILLI", + -14.432072639465332 + ], + [ + "\u2581sospes", + -14.432079315185549 + ], + [ + "Compressed", + -14.432088851928713 + ], + [ + "fagi", + -14.43212604522705 + ], + [ + "\u2581j\u00fcnger", + -14.432130813598633 + ], + [ + "STF", + -14.432162284851074 + ], + [ + "\u2581treaties", + -14.43217658996582 + ], + [ + "\u2581Nitri", + -14.43220043182373 + ], + [ + "\u2581Besonderen", + -14.43220329284668 + ], + [ + "prirent", + -14.432211875915527 + ], + [ + "gewandert", + -14.432214736938477 + ], + [ + "\u2581forgive", + -14.43225383758545 + ], + [ + "\u2581Flott", + -14.432290077209473 + ], + [ + "\u2581bevestigde", + -14.432316780090332 + ], + [ + "einrich", + -14.432332992553713 + ], + [ + "valeur", + -14.43233871459961 + ], + [ + "\u2581Carstens", + -14.43234157562256 + ], + [ + "\u2581accreditat", + -14.432351112365724 + ], + [ + "Heavenly", + -14.432368278503418 + ], + [ + "\u2581Buprestidae", + -14.432398796081545 + ], + [ + "\u2581un\u00e1nime", + -14.432398796081545 + ], + [ + "\u2581Samtgemeinde", + -14.432400703430176 + ], + [ + "\u2581escuch", + -14.432406425476074 + ], + [ + "\u2581participaciones", + -14.432421684265137 + ], + [ + "\u2581riscatto", + -14.432427406311035 + ], + [ + "\u2581academische", + -14.432449340820312 + ], + [ + "ylierung", + -14.432476997375488 + ], + [ + "\u2581concorrentes", + -14.432486534118652 + ], + [ + "\u2581bekanntgegeben", + -14.432491302490234 + ], + [ + "volgens", + -14.432496070861816 + ], + [ + "\u2581noticeable", + -14.432496070861816 + ], + [ + "lila", + -14.432498931884766 + ], + [ + "trauma", + -14.432502746582031 + ], + [ + "Creature", + -14.432531356811523 + ], + [ + "\u2581Nestl", + -14.432559967041016 + ], + [ + "\u2581Emine", + -14.432560920715332 + ], + [ + "gentschap", + -14.432561874389648 + ], + [ + "ibari", + -14.432570457458496 + ], + [ + "\u2581Recreation", + -14.432579040527344 + ], + [ + "\u2581weitesten", + -14.432579040527344 + ], + [ + "\u2581Frit", + -14.432612419128418 + ], + [ + "\u2581mudaram", + -14.432612419128418 + ], + [ + "marag", + -14.432615280151367 + ], + [ + "\u2581secche", + -14.432657241821287 + ], + [ + "Ouverture", + -14.432680130004885 + ], + [ + "jato", + -14.43271827697754 + ], + [ + "\u2581urs\u00e4chlich", + -14.432729721069336 + ], + [ + "Elia", + -14.432791709899902 + ], + [ + "\u2581atribuido", + -14.432811737060549 + ], + [ + "\u2581caratterizzano", + -14.432819366455078 + ], + [ + "\u2581promen", + -14.432825088500977 + ], + [ + "\u2581Wittg", + -14.432844161987305 + ], + [ + "\u2581policrom", + -14.43284797668457 + ], + [ + "\u2581upstairs", + -14.432851791381836 + ], + [ + "\u2581Schweinefleisch", + -14.432854652404783 + ], + [ + "GRAM", + -14.432888984680176 + ], + [ + "\u2581allowable", + -14.43293571472168 + ], + [ + "viato", + -14.43300724029541 + ], + [ + "\u2581interviste", + -14.43301773071289 + ], + [ + "\u2581rebellion", + -14.433018684387209 + ], + [ + "\u2581Paoli", + -14.433026313781738 + ], + [ + "\u2581prescri", + -14.43305492401123 + ], + [ + "\u2581senegal", + -14.43306827545166 + ], + [ + "\u2581fischi", + -14.433069229125977 + ], + [ + "\u2581infecci\u00f3n", + -14.433085441589355 + ], + [ + "\u2581terroristi", + -14.433168411254885 + ], + [ + "Deut", + -14.433198928833008 + ], + [ + "\u2581Westseite", + -14.43320083618164 + ], + [ + "\u2581fusionn\u00e9", + -14.433228492736816 + ], + [ + "\u2581comprando", + -14.433229446411133 + ], + [ + "campaign", + -14.433238983154297 + ], + [ + "bricks", + -14.433270454406738 + ], + [ + "leugne", + -14.433283805847168 + ], + [ + "Universiade", + -14.43329906463623 + ], + [ + "voj", + -14.433300018310549 + ], + [ + "\u2581minucios", + -14.433309555053713 + ], + [ + "\u2581Galeazzo", + -14.433311462402344 + ], + [ + "terzo", + -14.43331527709961 + ], + [ + "\u2581Beltr\u00e1n", + -14.43332290649414 + ], + [ + "\u2581M\u00e1rtir", + -14.433330535888672 + ], + [ + "\u2581koopman", + -14.433341026306152 + ], + [ + "\u2581autochtones", + -14.433364868164062 + ], + [ + "rysl", + -14.433368682861328 + ], + [ + "\u2581ortodox", + -14.433375358581545 + ], + [ + "inhibitor", + -14.433379173278809 + ], + [ + "\u2581mentioning", + -14.43338680267334 + ], + [ + "\u2581Abwanderung", + -14.433399200439451 + ], + [ + "\u2581Boeh", + -14.433424949645996 + ], + [ + "ethos", + -14.433436393737791 + ], + [ + "arial", + -14.433442115783691 + ], + [ + "\u2581ten\u00edamos", + -14.433442115783691 + ], + [ + "\u2581einigerma", + -14.433463096618652 + ], + [ + "ecec", + -14.433488845825195 + ], + [ + "\u2581Saut", + -14.43354606628418 + ], + [ + "eligen", + -14.43355941772461 + ], + [ + "Situ", + -14.433603286743164 + ], + [ + "preciable", + -14.43364143371582 + ], + [ + "ziehenden", + -14.433685302734377 + ], + [ + "\u2581introduite", + -14.433697700500488 + ], + [ + "AsString", + -14.433719635009766 + ], + [ + "\u2581Castagn", + -14.433719635009766 + ], + [ + "\u2581D\u00e4", + -14.433723449707031 + ], + [ + "SepConv", + -14.433725357055664 + ], + [ + "Sidebar", + -14.433731079101562 + ], + [ + "agging", + -14.433740615844728 + ], + [ + "\u2581profughi", + -14.433749198913574 + ], + [ + "Abkhazi", + -14.433751106262209 + ], + [ + "grijpt", + -14.433756828308104 + ], + [ + "\u2581Betriebsmittel", + -14.433756828308104 + ], + [ + "\u2581d\u00e9l\u00e9gu\u00e9s", + -14.433756828308104 + ], + [ + "\u2581Kriegsopfer", + -14.43376350402832 + ], + [ + "\u2581Liefde", + -14.433783531188965 + ], + [ + "proprio", + -14.433792114257812 + ], + [ + "Latency", + -14.433793067932127 + ], + [ + "\u2581misti", + -14.433795928955078 + ], + [ + "\u00e9cor", + -14.43380355834961 + ], + [ + "spanisch", + -14.433805465698242 + ], + [ + "\u2581vorgezogen", + -14.43381404876709 + ], + [ + "\u2581rewritten", + -14.43383502960205 + ], + [ + "rrump", + -14.43384075164795 + ], + [ + "\u2581Judaism", + -14.433866500854492 + ], + [ + "g\u00fcn", + -14.433878898620604 + ], + [ + "cadute", + -14.433899879455566 + ], + [ + "\u2581invenci\u00f3n", + -14.433940887451172 + ], + [ + "\u2581M\u00e1gico", + -14.433945655822754 + ], + [ + "\u2581accorg", + -14.433971405029297 + ], + [ + "gangli", + -14.43397617340088 + ], + [ + "\u2581votant", + -14.433987617492676 + ], + [ + "nappe", + -14.433989524841309 + ], + [ + "\u2581elicit", + -14.434011459350586 + ], + [ + "\u2581Anchi", + -14.434025764465332 + ], + [ + "\u2581regard\u00e9", + -14.43404483795166 + ], + [ + "\u2581Ablagerung", + -14.43404769897461 + ], + [ + "uffin", + -14.434086799621582 + ], + [ + "fiori", + -14.434137344360352 + ], + [ + "Referenz", + -14.434138298034668 + ], + [ + "\u2581Hersh", + -14.43415069580078 + ], + [ + "\u2581Innenausschuss", + -14.434212684631348 + ], + [ + "\u2581costruirono", + -14.43421459197998 + ], + [ + "\u2581Druce", + -14.434247016906738 + ], + [ + "neutron", + -14.4342622756958 + ], + [ + "sfeststellung", + -14.434269905090332 + ], + [ + "\u2581farfall", + -14.43427276611328 + ], + [ + "\u2581Gnaden", + -14.434290885925291 + ], + [ + "\u2581gedumpt", + -14.434293746948242 + ], + [ + "relid", + -14.434303283691406 + ], + [ + "Rewards", + -14.434309005737305 + ], + [ + "likat", + -14.434320449829102 + ], + [ + "\u2581Boet", + -14.43435764312744 + ], + [ + "\u2581M\u00e1r", + -14.434359550476074 + ], + [ + "\u2581sportlichen", + -14.434371948242188 + ], + [ + "\u2581hormonal", + -14.434378623962402 + ], + [ + "haushaltsplans", + -14.434412002563477 + ], + [ + "Winkel", + -14.434415817260742 + ], + [ + "\u2581ignorancia", + -14.434432983398438 + ], + [ + "\u2581Situada", + -14.434477806091309 + ], + [ + "\u2581Couto", + -14.434520721435549 + ], + [ + "\u2581Hyb", + -14.434532165527344 + ], + [ + "\u2581reconocen", + -14.434541702270508 + ], + [ + "verord", + -14.434545516967772 + ], + [ + "\u2581Landbau", + -14.434576034545898 + ], + [ + "\u2581crudele", + -14.434587478637695 + ], + [ + "\u2581explotar", + -14.434608459472656 + ], + [ + "\u00e1mb", + -14.434637069702148 + ], + [ + "\u2581Erro", + -14.434645652770996 + ], + [ + "\u2581grattacieli", + -14.434649467468262 + ], + [ + "\u2581Fakt", + -14.434654235839844 + ], + [ + "\u2581terroir", + -14.43465518951416 + ], + [ + "Partenkirchen", + -14.434678077697754 + ], + [ + "\u2581Milet", + -14.434683799743652 + ], + [ + "\u2581bemiddel", + -14.434694290161133 + ], + [ + "\u2581selvaggi", + -14.434699058532717 + ], + [ + "\u2581vermeng", + -14.434700965881348 + ], + [ + "Mak", + -14.43470573425293 + ], + [ + "ctose", + -14.434720039367676 + ], + [ + "\u2581rocciose", + -14.4347505569458 + ], + [ + "\u2581presumi", + -14.43476104736328 + ], + [ + "\u2581progressieve", + -14.434772491455078 + ], + [ + "asmus", + -14.434775352478027 + ], + [ + "\u2581peculiarit\u00e0", + -14.434818267822266 + ], + [ + "sonanz", + -14.434823989868164 + ], + [ + "\u2581Matth", + -14.43483066558838 + ], + [ + "\u2581est\u00e9tico", + -14.434840202331545 + ], + [ + "rreta", + -14.434871673583984 + ], + [ + "\u2581n\u00e9gligeable", + -14.434891700744627 + ], + [ + "\u2581commenc", + -14.434918403625488 + ], + [ + "autoscaling", + -14.434928894042969 + ], + [ + "\u2581espone", + -14.434928894042969 + ], + [ + "smique", + -14.434937477111816 + ], + [ + "\u2581d\u00e9go", + -14.434962272644045 + ], + [ + "compte", + -14.434965133666992 + ], + [ + "izedDescription", + -14.434978485107422 + ], + [ + "\u2581Tirolo", + -14.43498420715332 + ], + [ + "orienter", + -14.434993743896484 + ], + [ + "CORRE", + -14.43500804901123 + ], + [ + "geois", + -14.43500804901123 + ], + [ + "\u2581intensiva", + -14.435019493103027 + ], + [ + "\u2581Adju", + -14.435022354125977 + ], + [ + "\u2581consolidation", + -14.435038566589355 + ], + [ + "\u2581permettrait", + -14.435059547424316 + ], + [ + "flaschen", + -14.435064315795898 + ], + [ + "\u2581Sechsten", + -14.43507194519043 + ], + [ + "\u2581heiss", + -14.435088157653809 + ], + [ + "\u2581G\u00fctersloh", + -14.435100555419922 + ], + [ + "\u2581Untersagung", + -14.435101509094238 + ], + [ + "\u2581Amstelveen", + -14.43510913848877 + ], + [ + "onsortium", + -14.435110092163086 + ], + [ + "\u2581solidaridad", + -14.4351167678833 + ], + [ + "\u2581refroidi", + -14.435121536254885 + ], + [ + "embi", + -14.435124397277832 + ], + [ + "\u2581asemeja", + -14.435128211975098 + ], + [ + "Bestand", + -14.435137748718262 + ], + [ + "Jozef", + -14.435165405273438 + ], + [ + "\u2581Schiffbau", + -14.435198783874512 + ], + [ + "sklinikum", + -14.435209274291992 + ], + [ + "\u2581Ehrungen", + -14.435210227966309 + ], + [ + "\u2581marcial", + -14.435211181640623 + ], + [ + "\u2581screaming", + -14.435225486755373 + ], + [ + "\u2581Unterteilung", + -14.435246467590332 + ], + [ + "\u2581Weisheit", + -14.43527603149414 + ], + [ + "\u2581Ringer", + -14.43528938293457 + ], + [ + "caia", + -14.435293197631836 + ], + [ + "\u2581Riding", + -14.43529987335205 + ], + [ + "\u2581registrador", + -14.435300827026367 + ], + [ + "startsWith", + -14.435308456420898 + ], + [ + "rduino", + -14.43532657623291 + ], + [ + "jargon", + -14.435342788696287 + ], + [ + "obson", + -14.435355186462402 + ], + [ + "\u2581disserta", + -14.435359954833984 + ], + [ + "\u2581Sanitari", + -14.435382843017578 + ], + [ + "\u2581Ordinari", + -14.435386657714844 + ], + [ + "Caml", + -14.435426712036133 + ], + [ + "\u2581meteorit", + -14.435453414916992 + ], + [ + "\u2581Mercier", + -14.43545913696289 + ], + [ + "\u2581Giang", + -14.435477256774902 + ], + [ + "zweigen", + -14.435484886169434 + ], + [ + "\u2581rochos", + -14.43549346923828 + ], + [ + "\u2581rivelare", + -14.435527801513672 + ], + [ + "\u2581graci", + -14.435535430908203 + ], + [ + "\u2581Cemit\u00e9rio", + -14.435551643371582 + ], + [ + "\u2581Kirghizistan", + -14.435551643371582 + ], + [ + "\u2581P\u00e1scoa", + -14.435551643371582 + ], + [ + "\u2581Barriere", + -14.435552597045898 + ], + [ + "\u2581Orquestra", + -14.435552597045898 + ], + [ + "\u2581reageert", + -14.435552597045898 + ], + [ + "\u2581Serenissima", + -14.435558319091797 + ], + [ + "chiri", + -14.435559272766112 + ], + [ + "\u2581etrusca", + -14.435564994812012 + ], + [ + "gegossen", + -14.435585021972656 + ], + [ + "\u2581signific\u00f3", + -14.43559741973877 + ], + [ + "car\u00e1", + -14.435617446899414 + ], + [ + "golese", + -14.43563747406006 + ], + [ + "\u2581qualificado", + -14.435649871826172 + ], + [ + "pides", + -14.435660362243652 + ], + [ + "\u2581Souvent", + -14.435662269592283 + ], + [ + "\u2581Ayuda", + -14.435687065124512 + ], + [ + "\u2581Reederei", + -14.435696601867676 + ], + [ + "etriebseinkommen", + -14.43570613861084 + ], + [ + "\u2581temporairement", + -14.435707092285156 + ], + [ + "\u2581Stipendien", + -14.435708999633787 + ], + [ + "ormai", + -14.435710906982422 + ], + [ + "\u2581valla", + -14.435750007629396 + ], + [ + "\u2581Kapitalismus", + -14.435751914978027 + ], + [ + "\u2581Gefallen", + -14.435821533203123 + ], + [ + "verschmutzung", + -14.43582248687744 + ], + [ + "\u2581Cyb", + -14.43584442138672 + ], + [ + "prebuilt", + -14.435928344726562 + ], + [ + "teilnahme", + -14.435954093933104 + ], + [ + "adren", + -14.435969352722168 + ], + [ + "Coeff", + -14.435986518859863 + ], + [ + "Fr\u00e4nkische", + -14.436002731323242 + ], + [ + "\u2581Provavelmente", + -14.436002731323242 + ], + [ + "\u2581tandvlinders", + -14.436002731323242 + ], + [ + "\u2581entraba", + -14.436034202575684 + ], + [ + "\u2581acreditado", + -14.43603801727295 + ], + [ + "\u2581fumare", + -14.436042785644531 + ], + [ + "winkl", + -14.436044692993164 + ], + [ + "\u2581Cr\u00e9er", + -14.43604564666748 + ], + [ + "\u2581subasta", + -14.436055183410645 + ], + [ + "eigenaren", + -14.436058044433594 + ], + [ + "ritiek", + -14.43605899810791 + ], + [ + "guitarra", + -14.436062812805176 + ], + [ + "cstasy", + -14.436065673828123 + ], + [ + "watts", + -14.4360990524292 + ], + [ + "battono", + -14.436126708984377 + ], + [ + "bdruck", + -14.436151504516602 + ], + [ + "\u2581Hunden", + -14.436151504516602 + ], + [ + "igami", + -14.436155319213867 + ], + [ + "rperlicher", + -14.436169624328612 + ], + [ + "\u2581causale", + -14.436169624328612 + ], + [ + "\u2581artificiel", + -14.43619441986084 + ], + [ + "\u2581Nacque", + -14.436202049255373 + ], + [ + "aglioni", + -14.436254501342772 + ], + [ + "\u2581infinie", + -14.436326026916504 + ], + [ + "Kontakt", + -14.436327934265137 + ], + [ + "\u2581Rowan", + -14.436347007751465 + ], + [ + "\u2581astronomi", + -14.436358451843262 + ], + [ + "\u2581angeordneten", + -14.436412811279297 + ], + [ + "differential", + -14.436423301696776 + ], + [ + "Fusil", + -14.436424255371094 + ], + [ + "\u2581Salman", + -14.436450958251951 + ], + [ + "onfraternita", + -14.436453819274902 + ], + [ + "\u2581Sviluppo", + -14.43645477294922 + ], + [ + "\u2581sporadisch", + -14.436455726623535 + ], + [ + "g\u00e9simo", + -14.436485290527344 + ], + [ + "Connectivity", + -14.436487197875977 + ], + [ + "Sfixed", + -14.436518669128418 + ], + [ + "Ticker", + -14.436542510986328 + ], + [ + "\u2581Photographe", + -14.436575889587402 + ], + [ + "\u2581achava", + -14.436610221862791 + ], + [ + "\u2581Auff\u00e4llig", + -14.43663501739502 + ], + [ + "\u2581Muscle", + -14.436654090881348 + ], + [ + "ilaci\u00f3n", + -14.436686515808104 + ], + [ + "WARD", + -14.4367094039917 + ], + [ + "\u2581hochwertigen", + -14.436759948730469 + ], + [ + "\u2581Meldepflicht", + -14.436793327331545 + ], + [ + "\u2581Bundesstaaten", + -14.436814308166504 + ], + [ + "\u2581alcanzaron", + -14.43683910369873 + ], + [ + "baseUrl", + -14.436846733093262 + ], + [ + "m\u00fcnster", + -14.436883926391602 + ], + [ + "klemtoon", + -14.43690586090088 + ], + [ + "\u2581concomitanza", + -14.43690586090088 + ], + [ + "\u2581sorprese", + -14.436906814575195 + ], + [ + "\u2581Counsel", + -14.436914443969728 + ], + [ + "bids", + -14.436922073364258 + ], + [ + "\u2581Keniaans", + -14.436924934387209 + ], + [ + "Expansion", + -14.436925888061523 + ], + [ + "\u2581Automatisierung", + -14.43693733215332 + ], + [ + "nibName", + -14.436948776245115 + ], + [ + "erziehungs", + -14.43696403503418 + ], + [ + "Gill", + -14.436972618103027 + ], + [ + "\u2581Filial", + -14.43698024749756 + ], + [ + "\u2581documentales", + -14.43698501586914 + ], + [ + "\u2581glaciers", + -14.437026023864746 + ], + [ + "\u2581Autofahrer", + -14.437033653259276 + ], + [ + "infix", + -14.437049865722656 + ], + [ + "\u2581polenta", + -14.437050819396973 + ], + [ + "\u2581Konstrukte", + -14.437070846557615 + ], + [ + "\u2581arables", + -14.43707275390625 + ], + [ + "\u2581Cortex", + -14.437078475952148 + ], + [ + "\u2581revendique", + -14.43708324432373 + ], + [ + "cedent", + -14.437087059020996 + ], + [ + "persist", + -14.437093734741213 + ], + [ + "saccharide", + -14.437129974365234 + ], + [ + "batteri", + -14.437153816223145 + ], + [ + "\u2581plomo", + -14.43715763092041 + ], + [ + "lletjes", + -14.437166213989258 + ], + [ + "\u2581anonima", + -14.437170028686523 + ], + [ + "imable", + -14.437176704406738 + ], + [ + "\u2581Forze", + -14.43718719482422 + ], + [ + "\u2581onderdak", + -14.437198638916016 + ], + [ + "emke", + -14.437220573425291 + ], + [ + "\u2581alcanzan", + -14.437233924865724 + ], + [ + "\u2581Mako", + -14.43723964691162 + ], + [ + "Truth", + -14.437252044677734 + ], + [ + "verzehr", + -14.437273979187012 + ], + [ + "\u2581\u00e9pico", + -14.437285423278809 + ], + [ + "Thor", + -14.4373140335083 + ], + [ + "hearted", + -14.43733024597168 + ], + [ + "\u2581patriota", + -14.437335014343262 + ], + [ + "\u2581Boeddh", + -14.43735408782959 + ], + [ + "\u2581Ben\u00edtez", + -14.437357902526855 + ], + [ + "\u2581Experi", + -14.437397003173828 + ], + [ + "\u2581Ossi", + -14.437397003173828 + ], + [ + "\u00e4lte", + -14.437422752380373 + ], + [ + "\u2581sgom", + -14.437447547912598 + ], + [ + "endDate", + -14.437459945678713 + ], + [ + "\u2581verliebt", + -14.437506675720217 + ], + [ + "plexus", + -14.437536239624023 + ], + [ + "correction", + -14.437567710876465 + ], + [ + "childNodes", + -14.43757152557373 + ], + [ + "Thesis", + -14.437591552734377 + ], + [ + "\u2581mondan", + -14.437616348266602 + ], + [ + "\u2581Pilote", + -14.43765640258789 + ], + [ + "annel", + -14.437671661376951 + ], + [ + "\u2581inventato", + -14.437681198120115 + ], + [ + "\u2581destila", + -14.437705039978027 + ], + [ + "\u2581sult\u00e1n", + -14.437734603881836 + ], + [ + "\u2581poivr", + -14.437737464904783 + ], + [ + "\u2581Manifestation", + -14.437740325927734 + ], + [ + "Samuel", + -14.437749862670898 + ], + [ + "bbling", + -14.437752723693848 + ], + [ + "\u2581geologi", + -14.437753677368164 + ], + [ + "\u2581raconta", + -14.43776512145996 + ], + [ + "prenaient", + -14.437790870666504 + ], + [ + "valgrind", + -14.437810897827148 + ], + [ + "\u2581Wikivoyage", + -14.437814712524414 + ], + [ + "\u2581ritarda", + -14.437850952148438 + ], + [ + "leiman", + -14.437889099121094 + ], + [ + "doctoraat", + -14.437912940979004 + ], + [ + "\u2581fristgerecht", + -14.437918663024902 + ], + [ + "VALUES", + -14.437938690185549 + ], + [ + "beweis", + -14.437944412231444 + ], + [ + "\u2581Ignora", + -14.437963485717772 + ], + [ + "\u2581Kendr", + -14.437969207763672 + ], + [ + "damit", + -14.438003540039062 + ], + [ + "ollaborative", + -14.43801498413086 + ], + [ + "\u2581Festk", + -14.438047409057615 + ], + [ + "hick", + -14.438081741333008 + ], + [ + "reconfigure", + -14.438117027282717 + ], + [ + "\u2581relacion", + -14.438118934631348 + ], + [ + "piloten", + -14.438127517700195 + ], + [ + "Makin", + -14.438156127929688 + ], + [ + "\u2581puder", + -14.438157081604004 + ], + [ + "\u2581abnehmen", + -14.43818187713623 + ], + [ + "\u2581Programmierung", + -14.438187599182127 + ], + [ + "conciliation", + -14.438243865966797 + ], + [ + "\u2581OMPILE", + -14.438264846801758 + ], + [ + "\u2581aquecimento", + -14.438267707824709 + ], + [ + "\u2581doblad", + -14.438273429870604 + ], + [ + "\u2581Selecione", + -14.438275337219238 + ], + [ + "\u2581necesitamos", + -14.438275337219238 + ], + [ + "\u2581strani", + -14.438281059265137 + ], + [ + "\u2581Chavez", + -14.438289642333984 + ], + [ + "\u00e9meute", + -14.4382905960083 + ], + [ + "\u2581Schiedam", + -14.438316345214844 + ], + [ + "\u2581veteranos", + -14.438322067260742 + ], + [ + "\u2581sausage", + -14.438346862792969 + ], + [ + "\u2581Franti", + -14.438352584838867 + ], + [ + "Flatten", + -14.438362121582031 + ], + [ + "\u2581otorgada", + -14.43844223022461 + ], + [ + "\u2581negrito", + -14.438447952270508 + ], + [ + "\u2581Vintage", + -14.43845272064209 + ], + [ + "\u2581aumentano", + -14.438459396362305 + ], + [ + "\u2581successes", + -14.438475608825684 + ], + [ + "\u2581Spezielle", + -14.43850803375244 + ], + [ + "\u2581meanwhile", + -14.43851375579834 + ], + [ + "chigen", + -14.438514709472656 + ], + [ + "quillage", + -14.43852996826172 + ], + [ + "POC", + -14.438535690307615 + ], + [ + "ALF", + -14.438544273376465 + ], + [ + "zipation", + -14.43854808807373 + ], + [ + "filho", + -14.438551902770996 + ], + [ + "konomi", + -14.438552856445312 + ], + [ + "\u2581Abschl\u00fcsse", + -14.438560485839844 + ], + [ + "vergonh", + -14.438591957092283 + ], + [ + "\u2581anuais", + -14.438591957092283 + ], + [ + "\u2581zweij\u00e4hrige", + -14.438605308532717 + ], + [ + "\u2581Abriss", + -14.438615798950195 + ], + [ + "winger", + -14.438700675964355 + ], + [ + "\u2581einflussreich", + -14.438701629638672 + ], + [ + "\u2581Im\u00e1genes", + -14.438714981079102 + ], + [ + "\u2581Librairie", + -14.438714981079102 + ], + [ + "Blut", + -14.438719749450684 + ], + [ + "eternit\u00e0", + -14.438719749450684 + ], + [ + "Leben", + -14.438721656799316 + ], + [ + "\u2581cospicu", + -14.438722610473633 + ], + [ + "\u2581kiesdistrict", + -14.438725471496582 + ], + [ + "\u2581renovada", + -14.43873691558838 + ], + [ + "Watt", + -14.43877410888672 + ], + [ + "zurechnen", + -14.438780784606934 + ], + [ + "\u2581pr\u00e4operativ", + -14.438793182373049 + ], + [ + "\u2581forderten", + -14.438806533813477 + ], + [ + "\u2581rimess", + -14.438809394836426 + ], + [ + "ladder", + -14.438849449157717 + ], + [ + "posicion", + -14.438852310180664 + ], + [ + "\u2581Nebenfluss", + -14.438891410827637 + ], + [ + "\u2581apposta", + -14.438902854919434 + ], + [ + "bipol", + -14.438923835754396 + ], + [ + "rathen", + -14.438962936401367 + ], + [ + "\u2581Ebers", + -14.438969612121582 + ], + [ + "\u2581explodi", + -14.438970565795898 + ], + [ + "\u2581Lancer", + -14.43899154663086 + ], + [ + "\u2581Stelling", + -14.439002990722656 + ], + [ + "\u2581tenure", + -14.439014434814451 + ], + [ + "\u2581croate", + -14.439054489135742 + ], + [ + "\u2581Twain", + -14.439064025878906 + ], + [ + "\u2581fraai", + -14.43907642364502 + ], + [ + "\u2581protocollo", + -14.439116477966309 + ], + [ + "\u2581umfangreich", + -14.439120292663574 + ], + [ + "\u2581portador", + -14.439122200012209 + ], + [ + "\u2581importados", + -14.439163208007812 + ], + [ + "\u2581Immanuel", + -14.439167976379396 + ], + [ + "\u2581doorway", + -14.439167976379396 + ], + [ + "\u2581foramin\u00edfero", + -14.439167976379396 + ], + [ + "\u2581Cajamarca", + -14.439179420471191 + ], + [ + "underset", + -14.439213752746582 + ], + [ + "Configuring", + -14.439242362976074 + ], + [ + "methoxy", + -14.439264297485352 + ], + [ + "\u2581Sundance", + -14.439270973205566 + ], + [ + "\u2581gentlemen", + -14.439275741577148 + ], + [ + "\u2581Bauherr", + -14.439278602600098 + ], + [ + "\u2581Mixt", + -14.439285278320312 + ], + [ + "\u2581tol\u00e9r", + -14.439288139343262 + ], + [ + "ollah", + -14.439290046691896 + ], + [ + "affee", + -14.439292907714844 + ], + [ + "\u2581Galici", + -14.439292907714844 + ], + [ + "\u2581manifestants", + -14.439311027526855 + ], + [ + "\u2581Crimin", + -14.439330101013184 + ], + [ + "filtriert", + -14.439335823059082 + ], + [ + "\u2581lubric", + -14.439351081848145 + ], + [ + "\u2581albedo", + -14.439370155334473 + ], + [ + "ELM", + -14.439373016357422 + ], + [ + "\u2581animi", + -14.439386367797852 + ], + [ + "\u2581subsum", + -14.439406394958496 + ], + [ + "\u2581completando", + -14.439435005187988 + ], + [ + "\u00e9lien", + -14.439453125 + ], + [ + "\u2581kurzfristigen", + -14.439472198486328 + ], + [ + "\u2581bestemmingen", + -14.439515113830566 + ], + [ + "\u2581vestibular", + -14.439526557922363 + ], + [ + "dateFormat", + -14.439529418945312 + ], + [ + "\u00e4sslich", + -14.439574241638184 + ], + [ + "\u2581Teb", + -14.439583778381348 + ], + [ + "cupy", + -14.439595222473145 + ], + [ + "\u2581Charakteristika", + -14.439620971679688 + ], + [ + "szusch\u00fcsse", + -14.43962287902832 + ], + [ + "\u2581Guaya", + -14.439627647399902 + ], + [ + "\u2581Neanderthal", + -14.439637184143066 + ], + [ + "automobilist", + -14.439640045166016 + ], + [ + "\u2581sovente", + -14.439653396606444 + ], + [ + "\u2581Finanzkrise", + -14.43966293334961 + ], + [ + "elski", + -14.439669609069824 + ], + [ + "\u2581Settanta", + -14.439669609069824 + ], + [ + "\u2581sofrimento", + -14.439680099487305 + ], + [ + "\u2581bar\u00f3n", + -14.43969440460205 + ], + [ + "\u2581gemischten", + -14.439698219299316 + ], + [ + "\u2581apology", + -14.439708709716797 + ], + [ + "\u2581Graci", + -14.439720153808594 + ], + [ + "\u2581Casu", + -14.439724922180176 + ], + [ + "oldValue", + -14.43974494934082 + ], + [ + "\u2581capitane", + -14.43975067138672 + ], + [ + "Sorting", + -14.4397611618042 + ], + [ + "javadoc", + -14.439811706542969 + ], + [ + "argumentation", + -14.439833641052246 + ], + [ + "\u2581giudiziaria", + -14.439837455749512 + ], + [ + "\u2581bandleden", + -14.439838409423828 + ], + [ + "\u2581Tine", + -14.439865112304688 + ], + [ + "\u2581illustrating", + -14.43990707397461 + ], + [ + "prereq", + -14.439923286437988 + ], + [ + "inception", + -14.439933776855469 + ], + [ + "accumulo", + -14.439943313598633 + ], + [ + "dumping", + -14.439980506896973 + ], + [ + "\u2581gracil", + -14.439984321594238 + ], + [ + "inizi", + -14.440018653869627 + ], + [ + "\u2581tentaram", + -14.440043449401855 + ], + [ + "dr\u00fcse", + -14.440052032470703 + ], + [ + "\u2581\u00e9ditorial", + -14.44007396697998 + ], + [ + "\u2581rachet\u00e9", + -14.44008445739746 + ], + [ + "weiden", + -14.440091133117676 + ], + [ + "\u2581obligat", + -14.440105438232422 + ], + [ + "\u2581inclu\u00ed", + -14.440113067626951 + ], + [ + "\u2581nuvoloso", + -14.44012451171875 + ], + [ + "\u2581r\u00e9parties", + -14.44012451171875 + ], + [ + "\u2581brusquement", + -14.440131187438965 + ], + [ + "\u2581preciosas", + -14.440152168273926 + ], + [ + "\u2581contrepartie", + -14.440157890319824 + ], + [ + "fieber", + -14.44016456604004 + ], + [ + "Calend\u00e1rio", + -14.440173149108888 + ], + [ + "\u2581Trache", + -14.440176963806152 + ], + [ + "\u2581carrello", + -14.440179824829102 + ], + [ + "\u2581geloofde", + -14.440210342407228 + ], + [ + "tuaria", + -14.440226554870604 + ], + [ + "\u2581appassionato", + -14.440265655517578 + ], + [ + "\u2581rotonde", + -14.440287590026855 + ], + [ + "\u2581frenetic", + -14.440317153930664 + ], + [ + "Stemm", + -14.440330505371094 + ], + [ + "allie", + -14.440369606018066 + ], + [ + "\u2581Pemb", + -14.440377235412598 + ], + [ + "\u2581simbolica", + -14.440393447875977 + ], + [ + "Galli", + -14.440414428710938 + ], + [ + "uwelen", + -14.440463066101074 + ], + [ + "begleitenden", + -14.440502166748049 + ], + [ + "Haben", + -14.440512657165527 + ], + [ + "PROTOBUF", + -14.440526962280272 + ], + [ + "\u2581d\u00e9triment", + -14.44052791595459 + ], + [ + "\u2581pantanos", + -14.44053554534912 + ], + [ + "\u2581Fernwanderweg", + -14.440536499023438 + ], + [ + "Analysen", + -14.44054889678955 + ], + [ + "\u2581Jugendamt", + -14.440561294555664 + ], + [ + "\u2581Streitwert", + -14.440563201904297 + ], + [ + "\u2581Landesstra", + -14.440574645996094 + ], + [ + "\u2581aired", + -14.440587043762209 + ], + [ + "Paginator", + -14.440598487854004 + ], + [ + "acantha", + -14.44060516357422 + ], + [ + "\u2581Autopista", + -14.440606117248535 + ], + [ + "\u2581patriotism", + -14.440629005432127 + ], + [ + "tirent", + -14.440633773803713 + ], + [ + "\u2581Stout", + -14.440638542175291 + ], + [ + "tapijt", + -14.440659523010254 + ], + [ + "\u2581willekeurig", + -14.44068717956543 + ], + [ + "DEG", + -14.4407320022583 + ], + [ + "\u2581stanziat", + -14.440741539001465 + ], + [ + "\u2581somali", + -14.440784454345703 + ], + [ + "\u2581Scholt", + -14.44078540802002 + ], + [ + "Pagine", + -14.440792083740234 + ], + [ + "discount", + -14.440804481506348 + ], + [ + "wife", + -14.440836906433104 + ], + [ + "\u2581Garra", + -14.44084644317627 + ], + [ + "Heidelberg", + -14.440852165222168 + ], + [ + "\u2581drohte", + -14.440855979919434 + ], + [ + "ypress", + -14.440858840942385 + ], + [ + "\u2581Attila", + -14.440892219543455 + ], + [ + "\u2581Gem\u00fc", + -14.44089412689209 + ], + [ + "\u2581gewisserma", + -14.440908432006836 + ], + [ + "gewandelt", + -14.440927505493164 + ], + [ + "\u2581Kamel", + -14.44097137451172 + ], + [ + "\u2581Verhoeven", + -14.4409818649292 + ], + [ + "\u2581fictional", + -14.440985679626465 + ], + [ + "endColumn", + -14.440995216369627 + ], + [ + "kristallen", + -14.441011428833008 + ], + [ + "\u2581zirka", + -14.441025733947754 + ], + [ + "\u2581rep\u00e9rer", + -14.441054344177246 + ], + [ + "nuckle", + -14.441064834594728 + ], + [ + "\u2581outliers", + -14.44107437133789 + ], + [ + "\u2581fornitura", + -14.44109344482422 + ], + [ + "rhel", + -14.441109657287598 + ], + [ + "\u2581Corey", + -14.441120147705078 + ], + [ + "\u2581Hernando", + -14.441126823425291 + ], + [ + "\u2581sapevano", + -14.441197395324709 + ], + [ + "\u2581pr\u00e9side", + -14.44125270843506 + ], + [ + "Ereignis", + -14.441269874572754 + ], + [ + "Renault", + -14.441289901733398 + ], + [ + "guara", + -14.441313743591309 + ], + [ + "\u2581muscoli", + -14.441320419311523 + ], + [ + "\u2581paneles", + -14.441339492797852 + ], + [ + "\u2581Wenig", + -14.441343307495115 + ], + [ + "Verfassungsrecht", + -14.441363334655762 + ], + [ + "steuergesetz", + -14.441389083862305 + ], + [ + "pidopt", + -14.441426277160645 + ], + [ + "Voetnoten", + -14.441433906555176 + ], + [ + "\u2581Habsburger", + -14.441433906555176 + ], + [ + "Cal\u00e9donie", + -14.441436767578123 + ], + [ + "\u2581menzionata", + -14.44143772125244 + ], + [ + "\u2581prieur\u00e9", + -14.441438674926758 + ], + [ + "\u2581prozentualen", + -14.441447257995604 + ], + [ + "\u2581Guthaben", + -14.44145679473877 + ], + [ + "\u2581Benedetti", + -14.441481590270996 + ], + [ + "\u2581Malva", + -14.441485404968262 + ], + [ + "arela", + -14.441486358642578 + ], + [ + "geluid", + -14.441497802734377 + ], + [ + "entitlements", + -14.441519737243652 + ], + [ + "\u2581conferred", + -14.441603660583496 + ], + [ + "Fuente", + -14.44163417816162 + ], + [ + "ciidae", + -14.441648483276367 + ], + [ + "uzin", + -14.441648483276367 + ], + [ + "versely", + -14.441685676574709 + ], + [ + "estomac", + -14.441686630249023 + ], + [ + "ActionBar", + -14.441691398620604 + ], + [ + "\u2581beschr\u00e4nkten", + -14.44174575805664 + ], + [ + "TOOLTIP", + -14.441884994506836 + ], + [ + "odemjachtspinnen", + -14.441887855529783 + ], + [ + "\u2581Debussy", + -14.441890716552734 + ], + [ + "\u2581razzismo", + -14.441890716552734 + ], + [ + "Litouws", + -14.441895484924316 + ], + [ + "\u2581prefetto", + -14.44189739227295 + ], + [ + "ahmung", + -14.441900253295898 + ], + [ + "guac", + -14.441904067993164 + ], + [ + "\u2581Lisi", + -14.44191074371338 + ], + [ + "afro", + -14.44192600250244 + ], + [ + "\u2581distributiv", + -14.441935539245604 + ], + [ + "\u2581historieta", + -14.441972732543944 + ], + [ + "TIG", + -14.441973686218262 + ], + [ + "\u2581diskutierten", + -14.441993713378906 + ], + [ + "\u2581Jaume", + -14.44200038909912 + ], + [ + "SPC", + -14.442002296447754 + ], + [ + "\u2581captive", + -14.44200611114502 + ], + [ + "\u2581Lovecraft", + -14.442012786865234 + ], + [ + "klanken", + -14.442020416259766 + ], + [ + "\u2581Ferkel", + -14.442042350769045 + ], + [ + "\u2581clamoros", + -14.442055702209473 + ], + [ + "mister", + -14.442068099975586 + ], + [ + "\u2581perdedor", + -14.442071914672852 + ], + [ + "starke", + -14.44209098815918 + ], + [ + "\u2581Pompeo", + -14.442094802856444 + ], + [ + "Recuerd", + -14.442111015319824 + ], + [ + "enbauplan", + -14.442147254943848 + ], + [ + "\u2581sozialpolitisch", + -14.44216251373291 + ], + [ + "\u2581trunca", + -14.442184448242188 + ], + [ + "\u2581protecteur", + -14.442206382751465 + ], + [ + "gelung", + -14.44224739074707 + ], + [ + "\u00e9g\u00e9n\u00e9r", + -14.44225788116455 + ], + [ + "vilha", + -14.44230842590332 + ], + [ + "\u2581Herpe", + -14.442330360412598 + ], + [ + "\u2581municipaux", + -14.442341804504396 + ], + [ + "\u2581contenenti", + -14.442344665527344 + ], + [ + "\u2581Cabildo", + -14.442346572875977 + ], + [ + "KUBELET", + -14.442354202270508 + ], + [ + "\u2581illicit", + -14.44236183166504 + ], + [ + "\u2581consigne", + -14.442364692687988 + ], + [ + "\u2581Ethiopian", + -14.442390441894531 + ], + [ + "iet\u00e4t", + -14.44240951538086 + ], + [ + "\u2581resuelto", + -14.442411422729492 + ], + [ + "\u2581minimization", + -14.442427635192873 + ], + [ + "\u2581predisposi", + -14.442429542541504 + ], + [ + "\u2581Travaux", + -14.44243049621582 + ], + [ + "\u2581giustificazione", + -14.442442893981934 + ], + [ + "\u2581reparo", + -14.44247055053711 + ], + [ + "\u2581Congregaci\u00f3n", + -14.442475318908691 + ], + [ + "\u2581nomeava", + -14.442484855651855 + ], + [ + "approcha", + -14.442490577697754 + ], + [ + "\u2581rainy", + -14.442544937133787 + ], + [ + "\u2581Emmet", + -14.44255256652832 + ], + [ + "\u2581arbitr\u00e1ri", + -14.44255542755127 + ], + [ + "osservatore", + -14.442556381225586 + ], + [ + "sysroot", + -14.44257354736328 + ], + [ + "escursionismo", + -14.44258975982666 + ], + [ + "\u2581\u00e9mise", + -14.44260311126709 + ], + [ + "NORM", + -14.442619323730469 + ], + [ + "\u2581Spro", + -14.442623138427734 + ], + [ + "Baz", + -14.442625045776367 + ], + [ + "gesundheit", + -14.442665100097656 + ], + [ + "circular", + -14.442684173583984 + ], + [ + "mitra", + -14.442686080932615 + ], + [ + "\u2581productivo", + -14.44273853302002 + ], + [ + "dorato", + -14.44277000427246 + ], + [ + "\u2581paraguayo", + -14.44278049468994 + ], + [ + "\u2581Anf\u00fchrer", + -14.442784309387209 + ], + [ + "\u2581velivoli", + -14.44279670715332 + ], + [ + "Whether", + -14.442801475524902 + ], + [ + "langlauf", + -14.442826271057127 + ], + [ + "\u2581breiden", + -14.44286060333252 + ], + [ + "\u2581Kurort", + -14.442865371704102 + ], + [ + "\u2581frustrated", + -14.442870140075684 + ], + [ + "\u2581riassume", + -14.44287395477295 + ], + [ + "\u2581gelistet", + -14.442879676818848 + ], + [ + "\u2581resgata", + -14.442890167236328 + ], + [ + "Bibliografie", + -14.44289779663086 + ], + [ + "\u2581Fournier", + -14.442906379699709 + ], + [ + "\u2581Hilfestellung", + -14.44297218322754 + ], + [ + "\u2581Flamme", + -14.442992210388184 + ], + [ + "besonders", + -14.442995071411133 + ], + [ + "\u2581punished", + -14.44300937652588 + ], + [ + "diferen", + -14.443020820617676 + ], + [ + "\u2581Madness", + -14.443035125732422 + ], + [ + "Luz", + -14.44304370880127 + ], + [ + "\u2581Gabel", + -14.44308090209961 + ], + [ + "\u2581Panucci", + -14.443087577819824 + ], + [ + "\u2581poussa", + -14.443087577819824 + ], + [ + "\u2581Libye", + -14.443102836608888 + ], + [ + "\u2581Cayman", + -14.443113327026367 + ], + [ + "determinado", + -14.443172454833984 + ], + [ + "crunch", + -14.443239212036133 + ], + [ + "\u2581Wilfred", + -14.443248748779297 + ], + [ + "\u2581Koh\u00e4renz", + -14.44325065612793 + ], + [ + "\u2581minhaExcessao", + -14.443252563476562 + ], + [ + "\u2581monastery", + -14.443266868591309 + ], + [ + "\u2581Arrigo", + -14.443276405334473 + ], + [ + "gnuhealth", + -14.443285942077637 + ], + [ + "\u2581Flugverkehr", + -14.443349838256836 + ], + [ + "\u2581Tribus", + -14.443368911743164 + ], + [ + "\u2581etwaiger", + -14.44336986541748 + ], + [ + "crystalliz", + -14.443376541137695 + ], + [ + "\u2581Sott", + -14.443398475646973 + ], + [ + "\u2581rimedio", + -14.44340991973877 + ], + [ + "\u2581fluctu", + -14.443413734436035 + ], + [ + "\u2581descuid", + -14.443419456481934 + ], + [ + "\u2581J\u00e4hrlich", + -14.443428993225098 + ], + [ + "\u2581rasgo", + -14.443436622619627 + ], + [ + "\u2581ausgedehnte", + -14.44346523284912 + ], + [ + "\u2581sovran", + -14.443474769592283 + ], + [ + "terebbe", + -14.443477630615234 + ], + [ + "\u2581Purcell", + -14.443483352661133 + ], + [ + "Simplify", + -14.443490028381348 + ], + [ + "\u2581aficionado", + -14.443495750427246 + ], + [ + "\u2581mestiz", + -14.443507194519045 + ], + [ + "\u2581excursions", + -14.443547248840332 + ], + [ + "Leste", + -14.443575859069824 + ], + [ + "uidwest", + -14.443602561950684 + ], + [ + "\u2581aziona", + -14.443602561950684 + ], + [ + "morgan", + -14.443605422973633 + ], + [ + "\u2581harmless", + -14.443674087524414 + ], + [ + "wirksamkeit", + -14.443703651428224 + ], + [ + "chosen", + -14.443707466125488 + ], + [ + "\u2581Shibuya", + -14.443707466125488 + ], + [ + "\u2581Retina", + -14.443714141845703 + ], + [ + "\u2581geneesmiddel", + -14.4437255859375 + ], + [ + "\u2581Hydrographie", + -14.443727493286133 + ], + [ + "\u2581rettangolare", + -14.443732261657717 + ], + [ + "\u2581gravissim", + -14.443734169006348 + ], + [ + "\u2581tevoren", + -14.44374942779541 + ], + [ + "\u2581Cantal", + -14.443753242492676 + ], + [ + "travers", + -14.443780899047852 + ], + [ + "\u2581Resoluci\u00f3n", + -14.443804740905762 + ], + [ + "\u2581bestrijden", + -14.443811416625977 + ], + [ + "\u2581glorioso", + -14.443832397460938 + ], + [ + "\u2581ligament", + -14.443832397460938 + ], + [ + "\u2581inviata", + -14.443872451782228 + ], + [ + "Canary", + -14.443891525268556 + ], + [ + "GBA", + -14.443892478942873 + ], + [ + "\u2581Sonderregelung", + -14.44389533996582 + ], + [ + "COU", + -14.44389820098877 + ], + [ + "Gender", + -14.443899154663086 + ], + [ + "ambulanza", + -14.443909645080566 + ], + [ + "\u2581ritrovano", + -14.443918228149414 + ], + [ + "Draft", + -14.443955421447754 + ], + [ + "dentata", + -14.443958282470703 + ], + [ + "\u2581Kaufvertrag", + -14.443992614746094 + ], + [ + "\u2581terrena", + -14.444010734558104 + ], + [ + "transit", + -14.444046974182127 + ], + [ + "\u2581Matra", + -14.444063186645508 + ], + [ + "hielten", + -14.444111824035645 + ], + [ + "RuleSet", + -14.444147109985352 + ], + [ + "SOCK", + -14.44416046142578 + ], + [ + "\u2581TraditionalForm", + -14.444161415100098 + ], + [ + "\u2581lituano", + -14.44416618347168 + ], + [ + "\u2581remembering", + -14.444169044494627 + ], + [ + "\u2581oversee", + -14.444173812866213 + ], + [ + "\u2581woraufhin", + -14.444177627563477 + ], + [ + "\u2581zweckgebunden", + -14.44417953491211 + ], + [ + "\u2581est\u00e1tico", + -14.444186210632324 + ], + [ + "\u2581jullie", + -14.444194793701172 + ], + [ + "\u2581Cuisine", + -14.44419765472412 + ], + [ + "\u2581Gewahrsam", + -14.444229125976562 + ], + [ + "\u2581Absichten", + -14.444268226623535 + ], + [ + "\u2581touch\u00e9e", + -14.44428539276123 + ], + [ + "\u2581coordinated", + -14.44428825378418 + ], + [ + "pudding", + -14.444292068481444 + ], + [ + "\u2581reaccionar", + -14.44429874420166 + ], + [ + "variedades", + -14.444330215454102 + ], + [ + "\u2581exacerb", + -14.444339752197266 + ], + [ + "\u2581grondslag", + -14.444387435913086 + ], + [ + "sion\u00f3", + -14.444395065307615 + ], + [ + "varying", + -14.444401741027832 + ], + [ + "\u2581nationalisme", + -14.444432258605955 + ], + [ + "Seizoen", + -14.44444179534912 + ], + [ + "\u2581dessin\u00e9", + -14.444446563720703 + ], + [ + "ebbraio", + -14.444466590881348 + ], + [ + "\u2581cytoplasm", + -14.444466590881348 + ], + [ + "\u2581distacca", + -14.444478034973145 + ], + [ + "\u2581t\u00f3xic", + -14.44448184967041 + ], + [ + "Salz", + -14.444496154785156 + ], + [ + "Interp", + -14.444499015808104 + ], + [ + "\u2581Agrip", + -14.444518089294434 + ], + [ + "\u2581Kish", + -14.444562911987305 + ], + [ + "\u2581estufa", + -14.44456386566162 + ], + [ + "\u2581Satir", + -14.444573402404783 + ], + [ + "mnium", + -14.444587707519531 + ], + [ + "\u2581tubi", + -14.444587707519531 + ], + [ + "\u2581recreativ", + -14.444608688354492 + ], + [ + "\u2581Wolves", + -14.444610595703123 + ], + [ + "\u2581anerkennen", + -14.444616317749023 + ], + [ + "\u2581Historiadores", + -14.444621086120604 + ], + [ + "\u2581escono", + -14.444639205932615 + ], + [ + "spelled", + -14.44465446472168 + ], + [ + "uisson", + -14.444661140441896 + ], + [ + "\u2581conformar", + -14.444661140441896 + ], + [ + "\u2581Gef\u00fcge", + -14.444679260253906 + ], + [ + "\u2581D\u00e4mon", + -14.444682121276855 + ], + [ + "DEPENDENC", + -14.444683074951172 + ], + [ + "cinus", + -14.444683074951172 + ], + [ + "simulate", + -14.444701194763184 + ], + [ + "\u2581Esteve", + -14.44470500946045 + ], + [ + "\u2581Kraut", + -14.444730758666992 + ], + [ + "\u2581wettelijke", + -14.444747924804688 + ], + [ + "expliqua", + -14.444768905639648 + ], + [ + "\u2581desencadena", + -14.444804191589355 + ], + [ + "\u2581fronton", + -14.444828987121582 + ], + [ + "accroch", + -14.444854736328123 + ], + [ + "\u2581verst\u00e4ndigen", + -14.444887161254885 + ], + [ + "\u2581motivate", + -14.444893836975098 + ], + [ + "\u2581famili\u00e4ren", + -14.444912910461426 + ], + [ + "\u2581avviare", + -14.44492244720459 + ], + [ + "\u2581preferida", + -14.44493007659912 + ], + [ + "\u2581Strij", + -14.44495964050293 + ], + [ + "borting", + -14.444971084594728 + ], + [ + "traggono", + -14.4450044631958 + ], + [ + "ivilisten", + -14.445032119750977 + ], + [ + "aldehyd", + -14.44503688812256 + ], + [ + "pr\u00e4senz", + -14.445050239562988 + ], + [ + "\u2581Arch\u00e4ologie", + -14.44507122039795 + ], + [ + "\u2581Beabsichtigt", + -14.44507122039795 + ], + [ + "\u2581zogenoemde", + -14.44507122039795 + ], + [ + "\u2581vermessen", + -14.445072174072266 + ], + [ + "FusedBatchNormV", + -14.445075035095217 + ], + [ + "\u2581profecia", + -14.445085525512695 + ], + [ + "maandelijks", + -14.445090293884276 + ], + [ + "\u2581woraus", + -14.445091247558594 + ], + [ + "\u2581polida", + -14.44510269165039 + ], + [ + "\u2581Hausdorff", + -14.445104598999023 + ], + [ + "atze", + -14.445136070251465 + ], + [ + "Affine", + -14.445157051086426 + ], + [ + "\u2581portugiesische", + -14.44516944885254 + ], + [ + "\u2581rehabilitaci\u00f3n", + -14.44522190093994 + ], + [ + "\u2581Blij", + -14.445229530334473 + ], + [ + "\u2581Konzepten", + -14.445239067077637 + ], + [ + "\u2581Unbekannte", + -14.445260047912598 + ], + [ + "\u2581cochon", + -14.445289611816406 + ], + [ + "\u2581martirio", + -14.445308685302734 + ], + [ + "wanger", + -14.44532585144043 + ], + [ + "Obtain", + -14.44536018371582 + ], + [ + "\u2581Nutri", + -14.445384979248049 + ], + [ + "Integrity", + -14.445417404174805 + ], + [ + "erti\u00e4r", + -14.445469856262209 + ], + [ + "Braun", + -14.445491790771484 + ], + [ + "\u2581homicid", + -14.445500373840332 + ], + [ + "ddling", + -14.445507049560549 + ], + [ + "\u2581Schaffhausen", + -14.445527076721191 + ], + [ + "\u2581benachteiligten", + -14.445544242858888 + ], + [ + "\u2581th\u00e9rapeutique", + -14.445549011230469 + ], + [ + "\u2581virtuoso", + -14.445576667785645 + ], + [ + "pesca", + -14.445600509643556 + ], + [ + "\u2581allt\u00e4glichen", + -14.445635795593262 + ], + [ + "\u2581Musulman", + -14.44567584991455 + ], + [ + "panema", + -14.445679664611816 + ], + [ + "sofar", + -14.445698738098145 + ], + [ + "d\u00f3nde", + -14.44570541381836 + ], + [ + "adhi", + -14.445724487304688 + ], + [ + "uguri", + -14.445725440979004 + ], + [ + "appropriation", + -14.445771217346191 + ], + [ + "\u2581Swim", + -14.445773124694824 + ], + [ + "Kohl", + -14.445781707763672 + ], + [ + "\u2581fraile", + -14.445788383483888 + ], + [ + "\u2581adeguate", + -14.445794105529783 + ], + [ + "\u2581muff", + -14.44581127166748 + ], + [ + "\u2581Caj", + -14.445818901062012 + ], + [ + "\u2581zusammenfassend", + -14.445855140686035 + ], + [ + "\u2581erlitt", + -14.44586181640625 + ], + [ + "Launcher", + -14.445865631103516 + ], + [ + "\u2581tampa", + -14.44587230682373 + ], + [ + "coffee", + -14.445883750915527 + ], + [ + "\u2581esordi", + -14.445903778076172 + ], + [ + "\u2581linguistico", + -14.445941925048828 + ], + [ + "\u2581percorribile", + -14.44598388671875 + ], + [ + "\u2581voldoet", + -14.44598388671875 + ], + [ + "\u2581destacou", + -14.445998191833496 + ], + [ + "clase", + -14.44602108001709 + ], + [ + "\u2581Pinar", + -14.446078300476074 + ], + [ + "Cor\u00e9ia", + -14.446081161499023 + ], + [ + "\u2581leakage", + -14.446093559265137 + ], + [ + "\u2581sinceramente", + -14.446105003356934 + ], + [ + "\u2581cacciatori", + -14.446147918701172 + ], + [ + "\u2581castanh", + -14.4461669921875 + ], + [ + "\u2581Bambu", + -14.44618797302246 + ], + [ + "\u2581animato", + -14.44619369506836 + ], + [ + "\u2581Carroz", + -14.446196556091309 + ], + [ + "\u2581scorci", + -14.44620418548584 + ], + [ + "\u2581suscit", + -14.446205139160156 + ], + [ + "\u2581concejales", + -14.446226119995115 + ], + [ + "Gracias", + -14.44625473022461 + ], + [ + "\u2581incuba", + -14.446273803710938 + ], + [ + "neunzig", + -14.44629192352295 + ], + [ + "\u2581Schenkel", + -14.446293830871582 + ], + [ + "STITU", + -14.446314811706545 + ], + [ + "\u2581appartenne", + -14.44632339477539 + ], + [ + "\u2581Fantasie", + -14.446341514587402 + ], + [ + "MessageType", + -14.44638729095459 + ], + [ + "st\u00fcndige", + -14.446402549743652 + ], + [ + "hashValue", + -14.44642734527588 + ], + [ + "Treff", + -14.446431159973145 + ], + [ + "\u2581penitencia", + -14.446439743041992 + ], + [ + "\u2581aufbereitet", + -14.446440696716309 + ], + [ + "\u2581Spalletti", + -14.446443557739258 + ], + [ + "in\u00e9vitable", + -14.446444511413574 + ], + [ + "\u2581komponiert", + -14.44644546508789 + ], + [ + "\u2581hero\u00edna", + -14.446452140808104 + ], + [ + "\u2581Raucher", + -14.446454048156738 + ], + [ + "\u2581suscite", + -14.446457862854004 + ], + [ + "rmlichen", + -14.44645881652832 + ], + [ + "\u2581supermercato", + -14.44646167755127 + ], + [ + "cubren", + -14.446510314941406 + ], + [ + "uadratic", + -14.446511268615724 + ], + [ + "wering", + -14.446534156799316 + ], + [ + "\u2581Itape", + -14.446541786193848 + ], + [ + "\u2581helic\u00f3pteros", + -14.446545600891112 + ], + [ + "analitic", + -14.446574211120604 + ], + [ + "\u2581helen", + -14.446589469909668 + ], + [ + "bilmente", + -14.4465913772583 + ], + [ + "\u2581Neva", + -14.446612358093262 + ], + [ + "ehorsam", + -14.44661808013916 + ], + [ + "\u2581curativ", + -14.446619987487791 + ], + [ + "assertj", + -14.44662094116211 + ], + [ + "laff", + -14.446629524230955 + ], + [ + "\u2581Fachhochschulen", + -14.446636199951172 + ], + [ + "keuze", + -14.44664192199707 + ], + [ + "\u2581stilistic", + -14.446709632873535 + ], + [ + "\u2581guerrero", + -14.446720123291016 + ], + [ + "ILS", + -14.446728706359863 + ], + [ + "\u2581simular", + -14.44674587249756 + ], + [ + "otka", + -14.446748733520508 + ], + [ + "\u2581Fiets", + -14.44675350189209 + ], + [ + "\u2581Schwed", + -14.446770668029783 + ], + [ + "\u2581sportello", + -14.446775436401367 + ], + [ + "bitur", + -14.446789741516112 + ], + [ + "urgical", + -14.446792602539062 + ], + [ + "Libro", + -14.446823120117188 + ], + [ + "hauen", + -14.446826934814451 + ], + [ + "konforme", + -14.44683837890625 + ], + [ + "\u2581Bursa", + -14.446849822998049 + ], + [ + "\u2581press\u00e9", + -14.446884155273438 + ], + [ + "avvenimento", + -14.446894645690918 + ], + [ + "\u2581neur\u00f3nios", + -14.446894645690918 + ], + [ + "\u2581mannequin", + -14.446895599365234 + ], + [ + "\u2581steenkool", + -14.446906089782717 + ], + [ + "\u2581carnivor", + -14.446908950805664 + ], + [ + "\u2581Maradona", + -14.446910858154297 + ], + [ + "\u2581c\u00f3r", + -14.446922302246094 + ], + [ + "\u2581scompare", + -14.44693088531494 + ], + [ + "\u2581favored", + -14.446938514709473 + ], + [ + "\u2581homeless", + -14.446945190429688 + ], + [ + "tabBar", + -14.446962356567385 + ], + [ + "\u2581ebraiche", + -14.446969032287598 + ], + [ + "\u2581Wilkins", + -14.446975708007812 + ], + [ + "darsteller", + -14.44699001312256 + ], + [ + "\u2581potevo", + -14.446991920471191 + ], + [ + "\u2581mezclado", + -14.447025299072266 + ], + [ + "\u2581tendu", + -14.44703483581543 + ], + [ + "\u2581inhaftiert", + -14.447044372558594 + ], + [ + "\u2581Wilkes", + -14.44705581665039 + ], + [ + "\u2581Kompa", + -14.447061538696287 + ], + [ + "tuario", + -14.447063446044922 + ], + [ + "\u2581diffama", + -14.447070121765137 + ], + [ + "\u2581minimieren", + -14.447087287902832 + ], + [ + "\u2581Finanzbeh", + -14.447102546691896 + ], + [ + "afhankelijk", + -14.447121620178224 + ], + [ + "\u2581Eiland", + -14.44712257385254 + ], + [ + "\u2581costoro", + -14.447154998779297 + ], + [ + "\u2581Albor", + -14.447187423706056 + ], + [ + "kubu", + -14.447218894958496 + ], + [ + "chich", + -14.447250366210938 + ], + [ + "niemi", + -14.447265625 + ], + [ + "\u2581disert", + -14.447280883789062 + ], + [ + "kib", + -14.44732666015625 + ], + [ + "\u2581forense", + -14.447339057922363 + ], + [ + "\u2581fraqueza", + -14.447351455688477 + ], + [ + "\u2581Espelho", + -14.44736099243164 + ], + [ + "\u2581MPILE", + -14.447361946105955 + ], + [ + "\u2581classifiche", + -14.447362899780272 + ], + [ + "ungaric", + -14.447372436523438 + ], + [ + "\u00e9panoui", + -14.447373390197754 + ], + [ + "ereza", + -14.447379112243652 + ], + [ + "\u2581Ger\u00e4usche", + -14.447417259216309 + ], + [ + "\u2581Authorities", + -14.447423934936523 + ], + [ + "\u2581po\u00e9tico", + -14.44743537902832 + ], + [ + "invitation", + -14.447463035583496 + ], + [ + "wunden", + -14.447473526000977 + ], + [ + "\u2581riassunt", + -14.447486877441406 + ], + [ + "nitus", + -14.447490692138672 + ], + [ + "\u2581d\u00e9barquement", + -14.447495460510254 + ], + [ + "\u2581recomendaciones", + -14.447497367858888 + ], + [ + "metalband", + -14.44749927520752 + ], + [ + "\u2581ungest", + -14.447542190551758 + ], + [ + "inclusief", + -14.447545051574709 + ], + [ + "\u2581igienici", + -14.44754695892334 + ], + [ + "\u2581kostenlosen", + -14.447595596313477 + ], + [ + "\u2581conquis", + -14.447625160217283 + ], + [ + "\u2581Balkon", + -14.447637557983398 + ], + [ + "Reduced", + -14.447641372680664 + ], + [ + "\u2581super\u00f3", + -14.447672843933104 + ], + [ + "iptera", + -14.447673797607422 + ], + [ + "\u2581acarre", + -14.447676658630373 + ], + [ + "ExecutionContext", + -14.44767951965332 + ], + [ + "\u2581incassa", + -14.447715759277344 + ], + [ + "abulous", + -14.447723388671877 + ], + [ + "\u2581vertrouw", + -14.447752952575684 + ], + [ + "\u2581Kiyo", + -14.447784423828123 + ], + [ + "\u2581gendarmerie", + -14.447808265686035 + ], + [ + "\u2581verminderen", + -14.447810173034668 + ], + [ + "\u2581Probablemente", + -14.4478120803833 + ], + [ + "\u2581Th\u00e9orie", + -14.447818756103516 + ], + [ + "\u2581herauszufinden", + -14.447821617126465 + ], + [ + "\u2581pronostic", + -14.447831153869627 + ], + [ + "getToken", + -14.447836875915527 + ], + [ + "hona", + -14.44783878326416 + ], + [ + "\u2581Tivoli", + -14.447857856750488 + ], + [ + "gekleidet", + -14.447858810424805 + ], + [ + "\u00e9loigner", + -14.4478759765625 + ], + [ + "Fabaceae", + -14.447885513305664 + ], + [ + "\u2581diesbez\u00fcgliche", + -14.44788646697998 + ], + [ + "ABCD", + -14.44788932800293 + ], + [ + "\u2581Cottage", + -14.44789695739746 + ], + [ + "\u2581obtin", + -14.44790267944336 + ], + [ + "\u2581temperament", + -14.447912216186523 + ], + [ + "\u2581nightmare", + -14.44792366027832 + ], + [ + "\u2581vetrin", + -14.447951316833496 + ], + [ + "\u2581crecido", + -14.447952270507812 + ], + [ + "mismatch", + -14.448022842407228 + ], + [ + "\u2581Madhya", + -14.448026657104492 + ], + [ + "\u2581Hodges", + -14.448040008544922 + ], + [ + "Flavor", + -14.44804573059082 + ], + [ + "VIT", + -14.44805145263672 + ], + [ + "associatie", + -14.448076248168944 + ], + [ + "\u2581transportieren", + -14.448101043701172 + ], + [ + "\u2581Surinam", + -14.44814109802246 + ], + [ + "technic", + -14.448165893554688 + ], + [ + "\u2581finition", + -14.448180198669434 + ], + [ + "dissoci", + -14.44819164276123 + ], + [ + "moan", + -14.448227882385254 + ], + [ + "\u2581Nomenclat", + -14.44824504852295 + ], + [ + "piada", + -14.448253631591797 + ], + [ + "uitbarsting", + -14.448265075683594 + ], + [ + "\u2581Charlemagne", + -14.448265075683594 + ], + [ + "\u2581refer\u00e9ndum", + -14.448265075683594 + ], + [ + "\u2581Abigail", + -14.44826889038086 + ], + [ + "\u2581Volksrepubliek", + -14.448274612426758 + ], + [ + "\u2581Overigens", + -14.448287010192873 + ], + [ + "\u2581emesso", + -14.44829559326172 + ], + [ + "\u2581Embryonen", + -14.4483060836792 + ], + [ + "\u2581escoger", + -14.448309898376465 + ], + [ + "\u2581tonalit\u00e0", + -14.448320388793944 + ], + [ + "\u2581intersecci\u00f3n", + -14.448328971862791 + ], + [ + "\u2581sacca", + -14.448349952697754 + ], + [ + "\u2581extend\u00eda", + -14.448352813720703 + ], + [ + "\u2581sparsam", + -14.4483642578125 + ], + [ + "ombat", + -14.448408126831056 + ], + [ + "\u2581Schluck", + -14.448456764221191 + ], + [ + "oyaut\u00e9", + -14.448466300964355 + ], + [ + "venida", + -14.448467254638672 + ], + [ + "\u2581herenig", + -14.448555946350098 + ], + [ + "heilen", + -14.448561668395996 + ], + [ + "\u2581Albini", + -14.448616027832031 + ], + [ + "op\u00e9rer", + -14.44863224029541 + ], + [ + "c\u00edclica", + -14.448721885681152 + ], + [ + "eraadpleegd", + -14.448721885681152 + ], + [ + "\u2581Checoslovaquia", + -14.448721885681152 + ], + [ + "\u2581Unterdr\u00fcckung", + -14.448721885681152 + ], + [ + "\u2581Verschmutzung", + -14.448721885681152 + ], + [ + "\u2581serotonin", + -14.448722839355469 + ], + [ + "activist", + -14.448725700378418 + ], + [ + "\u2581nisso", + -14.44874095916748 + ], + [ + "scalinata", + -14.448768615722656 + ], + [ + "ouillet", + -14.448779106140137 + ], + [ + "\u2581Wochenenden", + -14.448810577392578 + ], + [ + "symmetrischen", + -14.448851585388184 + ], + [ + "\u2581Sodom", + -14.448854446411133 + ], + [ + "grazia", + -14.448885917663574 + ], + [ + "Hamilton", + -14.448920249938965 + ], + [ + "ungsanlage", + -14.448956489562988 + ], + [ + "\u2581Arch\u00e4ologische", + -14.448967933654783 + ], + [ + "Truncate", + -14.448983192443848 + ], + [ + "alzato", + -14.448987007141112 + ], + [ + "\u2581Poner", + -14.44898796081543 + ], + [ + "\u2581Wenzel", + -14.44899559020996 + ], + [ + "weibr\u00fccken", + -14.449021339416504 + ], + [ + "ruela", + -14.449079513549805 + ], + [ + "\u2581compl\u00e9t\u00e9", + -14.449090003967283 + ], + [ + "incessante", + -14.449104309082031 + ], + [ + "S\u00e9bastien", + -14.449110984802246 + ], + [ + "\u2581Scler", + -14.449140548706056 + ], + [ + "\u2581restanten", + -14.449170112609863 + ], + [ + "croiseur", + -14.44918155670166 + ], + [ + "NSS", + -14.449182510375977 + ], + [ + "\u2581achats", + -14.449185371398926 + ], + [ + "\u2581hindert", + -14.449186325073242 + ], + [ + "\u2581advancing", + -14.449191093444824 + ], + [ + "\u2581vilarejo", + -14.449191093444824 + ], + [ + "\u2581clove", + -14.449196815490724 + ], + [ + "\u2581weswegen", + -14.449211120605469 + ], + [ + "obstacle", + -14.449222564697266 + ], + [ + "\u2581Camara", + -14.449234008789062 + ], + [ + "\u2581desembarcar", + -14.44923496246338 + ], + [ + "\u2581electrones", + -14.449235916137695 + ], + [ + "zahlbar", + -14.449246406555176 + ], + [ + "\u2581Freiz\u00fcgigkeit", + -14.449254035949709 + ], + [ + "\u2581Erode", + -14.449270248413086 + ], + [ + "\u2581afgesproken", + -14.449271202087402 + ], + [ + "Chalc", + -14.44927978515625 + ], + [ + "\u2581Guarn", + -14.44927978515625 + ], + [ + "\u2581Howell", + -14.449286460876465 + ], + [ + "\u2581ruimtelijke", + -14.449295997619627 + ], + [ + "\u2581secondari", + -14.449308395385742 + ], + [ + "\u2581exponer", + -14.449313163757324 + ], + [ + "TRACT", + -14.44931411743164 + ], + [ + "festigen", + -14.44936752319336 + ], + [ + "kommentar", + -14.449376106262209 + ], + [ + "NameEx", + -14.449448585510254 + ], + [ + "nulos", + -14.44946575164795 + ], + [ + "Reactive", + -14.449471473693848 + ], + [ + "\u2581nonnegative", + -14.44951057434082 + ], + [ + "\u2581Longbottom", + -14.449517250061035 + ], + [ + "\u2581Polan", + -14.4495267868042 + ], + [ + "viendront", + -14.449536323547363 + ], + [ + "Roewer", + -14.44954776763916 + ], + [ + "Publication", + -14.449589729309082 + ], + [ + "AGC", + -14.449629783630373 + ], + [ + "\u2581Bielorussia", + -14.449636459350586 + ], + [ + "\u2581criptografia", + -14.449636459350586 + ], + [ + "unsortable", + -14.449637413024902 + ], + [ + "Fairmaire", + -14.44963836669922 + ], + [ + "\u2581Transvaal", + -14.44963836669922 + ], + [ + "\u2581palestinese", + -14.44963836669922 + ], + [ + "\u2581riempit", + -14.449647903442385 + ], + [ + "\u2581situent", + -14.449662208557127 + ], + [ + "trieben", + -14.449666976928713 + ], + [ + "\u2581beforehand", + -14.449682235717772 + ], + [ + "\u2581Michaelis", + -14.449687957763672 + ], + [ + "DoxyCode", + -14.449705123901367 + ], + [ + "\u2581Chilena", + -14.449706077575684 + ], + [ + "\u2581stasera", + -14.449716567993164 + ], + [ + "\u2581sometida", + -14.449734687805176 + ], + [ + "\u2581rudimentar", + -14.44974422454834 + ], + [ + "textContent", + -14.449746131896973 + ], + [ + "ECR", + -14.44977855682373 + ], + [ + "\u2581exporting", + -14.449783325195312 + ], + [ + "\u2581hormig", + -14.449789047241213 + ], + [ + "vost", + -14.449844360351562 + ], + [ + "intervall", + -14.44985294342041 + ], + [ + "paraview", + -14.44985580444336 + ], + [ + "\u2581politieagent", + -14.449891090393066 + ], + [ + "vecino", + -14.44990348815918 + ], + [ + "\u2581circulares", + -14.449910163879396 + ], + [ + "\u2581saure", + -14.44992733001709 + ], + [ + "Outside", + -14.449953079223633 + ], + [ + "legible", + -14.449971199035645 + ], + [ + "egor\u00eda", + -14.44998264312744 + ], + [ + "\u2581luxu", + -14.449994087219238 + ], + [ + "avitation", + -14.4500093460083 + ], + [ + "pitaph", + -14.450011253356934 + ], + [ + "\u2581venite", + -14.450018882751465 + ], + [ + "\u2581aspettatevi", + -14.450031280517578 + ], + [ + "mitein", + -14.450032234191896 + ], + [ + "\u2581Jenna", + -14.45005989074707 + ], + [ + "intitul", + -14.45007610321045 + ], + [ + "\u2581sigle", + -14.450082778930664 + ], + [ + "\u2581fountain", + -14.45009422302246 + ], + [ + "\u2581overstromingen", + -14.450095176696776 + ], + [ + "onPage", + -14.45010757446289 + ], + [ + "ust\u00e4ndig", + -14.45014762878418 + ], + [ + "\u2581Ch\u00e1", + -14.450148582458496 + ], + [ + "\u2581professa", + -14.450175285339355 + ], + [ + "\u2581Intussen", + -14.450190544128418 + ], + [ + "\u2581nectar", + -14.4501953125 + ], + [ + "\u2581Arbu", + -14.450200080871582 + ], + [ + "\u2581ausgeschrieben", + -14.45022678375244 + ], + [ + "\u2581periferic", + -14.450231552124023 + ], + [ + "\u2581teolog", + -14.450235366821287 + ], + [ + "rugby", + -14.45026683807373 + ], + [ + "\u2581ca\u00f3tic", + -14.450325012207031 + ], + [ + "\u2581emissioni", + -14.450325965881348 + ], + [ + "\u2581pollen", + -14.450340270996094 + ], + [ + "\u2581Mehmet", + -14.450345039367676 + ], + [ + "\u2581Marfi", + -14.450349807739258 + ], + [ + "\u2581Mesto", + -14.450362205505373 + ], + [ + "calmar", + -14.45036506652832 + ], + [ + "rutas", + -14.450469017028809 + ], + [ + "recherche", + -14.450501441955566 + ], + [ + "\u2581personnellement", + -14.450504302978516 + ], + [ + "Musici", + -14.450521469116213 + ], + [ + "rubbed", + -14.450523376464844 + ], + [ + "GOARCH", + -14.450525283813477 + ], + [ + "\u2581Prefectura", + -14.450551986694336 + ], + [ + "\u2581Institucional", + -14.450552940368652 + ], + [ + "\u2581Empez\u00f3", + -14.450556755065918 + ], + [ + "Kafka", + -14.450557708740234 + ], + [ + "\u2581mentalidad", + -14.450562477111816 + ], + [ + "\u2581precedent", + -14.45057487487793 + ], + [ + "\u2581afici\u00f3n", + -14.450605392456056 + ], + [ + "uerzo", + -14.4506254196167 + ], + [ + "gested", + -14.450657844543455 + ], + [ + "\u2581mastica", + -14.450663566589355 + ], + [ + "\u2581lively", + -14.450688362121582 + ], + [ + "\u2581Emacs", + -14.450705528259276 + ], + [ + "\u2581massacro", + -14.450713157653809 + ], + [ + "\u2581Entz\u00fcndungs", + -14.450726509094238 + ], + [ + "abitualmente", + -14.450743675231934 + ], + [ + "\u2581agindo", + -14.450751304626465 + ], + [ + "economisch", + -14.450757026672363 + ], + [ + "Birma", + -14.450762748718262 + ], + [ + "\u2581Londense", + -14.450783729553224 + ], + [ + "zellul\u00e4r", + -14.450815200805664 + ], + [ + "resistenz", + -14.450820922851562 + ], + [ + "\u2581Placebo", + -14.450823783874512 + ], + [ + "\u2581d\u00e9riv", + -14.450844764709473 + ], + [ + "\u2581quantified", + -14.4508638381958 + ], + [ + "Lieb", + -14.45090103149414 + ], + [ + "\u2581coordinar", + -14.450901985168455 + ], + [ + "WARNINGS", + -14.450918197631836 + ], + [ + "ConfigValue", + -14.450944900512695 + ], + [ + "\u2581sancionad", + -14.450957298278809 + ], + [ + "voorbeeld", + -14.450976371765137 + ], + [ + "kowitz", + -14.450992584228516 + ], + [ + "\u2581$'#!/", + -14.451009750366213 + ], + [ + "\u2581Guantanamo", + -14.451009750366213 + ], + [ + "\u2581waterroofkevers", + -14.451009750366213 + ], + [ + "getElementsByTag", + -14.451010704040527 + ], + [ + "\u2581Dubl\u00edn", + -14.451034545898438 + ], + [ + "\u2581colonizadores", + -14.451056480407717 + ], + [ + "\u2581Soberan", + -14.451068878173828 + ], + [ + "pdfurl", + -14.451071739196776 + ], + [ + "ESSE", + -14.451078414916992 + ], + [ + "oluzione", + -14.451131820678713 + ], + [ + "ROB", + -14.451177597045898 + ], + [ + "Mime", + -14.451237678527832 + ], + [ + "\u2581Colomba", + -14.451252937316896 + ], + [ + "\u2581Coloni", + -14.451255798339844 + ], + [ + "\u2581rejette", + -14.45125961303711 + ], + [ + "surrection", + -14.451265335083008 + ], + [ + "\u2581gotico", + -14.451292037963867 + ], + [ + "\u2581voornaamwoorden", + -14.451297760009766 + ], + [ + "\u2581antisemitische", + -14.451302528381348 + ], + [ + "\u2581vivencia", + -14.451330184936523 + ], + [ + "pathParameters", + -14.451380729675291 + ], + [ + "\u2581Tiberi", + -14.451386451721191 + ], + [ + "\u2581Carolin", + -14.451417922973633 + ], + [ + "Muslim", + -14.451446533203123 + ], + [ + "\u2581Vorarbeiten", + -14.451451301574709 + ], + [ + "liptic", + -14.451455116271973 + ], + [ + "verbindlichkeit", + -14.451458930969238 + ], + [ + "kundung", + -14.45146369934082 + ], + [ + "\u2581ORSTOM", + -14.451468467712402 + ], + [ + "Sigmoid", + -14.451470375061035 + ], + [ + "\u2581refroidissement", + -14.451471328735352 + ], + [ + "libpng", + -14.4514741897583 + ], + [ + "goederen", + -14.451486587524414 + ], + [ + "\u2581absorb\u00e9", + -14.451496124267578 + ], + [ + "\u2581Sinfon\u00eda", + -14.451497077941896 + ], + [ + "\u2581Cumbre", + -14.45150089263916 + ], + [ + "\u2581Cuentos", + -14.451522827148438 + ], + [ + "streitkr\u00e4fte", + -14.451552391052246 + ], + [ + "ploid", + -14.451598167419434 + ], + [ + "\u2581beruhigen", + -14.451603889465332 + ], + [ + "beschrijving", + -14.451624870300291 + ], + [ + "\u2581celebraron", + -14.451637268066406 + ], + [ + "Giovanni", + -14.451644897460938 + ], + [ + "militaire", + -14.451648712158203 + ], + [ + "\u2581satisfazer", + -14.451662063598633 + ], + [ + "plosion", + -14.451665878295898 + ], + [ + "technology", + -14.451669692993164 + ], + [ + "\u2581gymnas", + -14.45167064666748 + ], + [ + "\u2581recensione", + -14.45169734954834 + ], + [ + "\u2581persiano", + -14.45172882080078 + ], + [ + "\u2581hoefde", + -14.45173168182373 + ], + [ + "\u2581stattfindenden", + -14.45173454284668 + ], + [ + "scalability", + -14.451741218566896 + ], + [ + "\u2581dreij\u00e4hrige", + -14.45175075531006 + ], + [ + "Koeffizient", + -14.451753616333008 + ], + [ + "\u2581besiege", + -14.451762199401855 + ], + [ + "pruning", + -14.451772689819336 + ], + [ + "antichissim", + -14.451787948608398 + ], + [ + "norr", + -14.451818466186523 + ], + [ + "medley", + -14.451826095581056 + ], + [ + "STRU", + -14.451839447021484 + ], + [ + "\u2581Bliss", + -14.451875686645508 + ], + [ + "\u2581orientata", + -14.45189094543457 + ], + [ + "\u2581grins", + -14.451894760131836 + ], + [ + "\u2581multinationale", + -14.451906204223633 + ], + [ + "\u2581collectieve", + -14.451909065246582 + ], + [ + "\u2581skirt", + -14.45193099975586 + ], + [ + "Strong", + -14.451947212219238 + ], + [ + "\u2581d\u00e9truis", + -14.451947212219238 + ], + [ + "\u2581Sibill", + -14.451952934265137 + ], + [ + "\u2581bouger", + -14.451980590820312 + ], + [ + "ungen\u00fcgend", + -14.451995849609377 + ], + [ + "\u2581Familiar", + -14.452003479003906 + ], + [ + "Mountain", + -14.452007293701172 + ], + [ + "\u2581mythique", + -14.452024459838867 + ], + [ + "\u2581Funcion", + -14.452102661132812 + ], + [ + "TabBar", + -14.452139854431152 + ], + [ + "\u2581vicomte", + -14.45216941833496 + ], + [ + "\u2581Catta", + -14.452178001403809 + ], + [ + "\u2581scarsi", + -14.452235221862791 + ], + [ + "STEN", + -14.452261924743652 + ], + [ + "hormon", + -14.45226764678955 + ], + [ + "igle", + -14.4522705078125 + ], + [ + "transformatie", + -14.452271461486816 + ], + [ + "\u2581embarc", + -14.452306747436523 + ], + [ + "Genossenschaften", + -14.452320098876951 + ], + [ + "\u2581implying", + -14.452333450317385 + ], + [ + "\u2581magistrato", + -14.452333450317385 + ], + [ + "\u2581m\u00e9t\u00e9o", + -14.45233917236328 + ], + [ + "ObjectId", + -14.452370643615724 + ], + [ + "\u2581Happiness", + -14.452385902404783 + ], + [ + "\u2581einzur\u00e4umen", + -14.452411651611328 + ], + [ + "\u2581Jovan", + -14.45241641998291 + ], + [ + "oxygen", + -14.45246696472168 + ], + [ + "\u2581winzige", + -14.452470779418944 + ], + [ + "arcelon", + -14.452475547790527 + ], + [ + "\u2581governato", + -14.452484130859377 + ], + [ + "\u00e9ptico", + -14.45251750946045 + ], + [ + "\u2581gebotenen", + -14.452545166015623 + ], + [ + "GGC", + -14.452609062194824 + ], + [ + "\u2581Narbonne", + -14.45261573791504 + ], + [ + "\u2581consumida", + -14.452664375305176 + ], + [ + "estilo", + -14.45268440246582 + ], + [ + "\u2581Adapta", + -14.452692985534668 + ], + [ + "ektiven", + -14.452710151672363 + ], + [ + "\u2581proporcionan", + -14.452720642089844 + ], + [ + "\u2581ausgepr\u00e4gten", + -14.452723503112791 + ], + [ + "\u2581sirva", + -14.452751159667969 + ], + [ + "onglomerat", + -14.452756881713867 + ], + [ + "\u2581lezers", + -14.452776908874512 + ], + [ + "\u2581Phenol", + -14.45284366607666 + ], + [ + "\u2581Chamonix", + -14.452844619750977 + ], + [ + "motief", + -14.452902793884276 + ], + [ + "\u2581zomaar", + -14.4529447555542 + ], + [ + "cudaFree", + -14.452946662902832 + ], + [ + "\u2581renforce", + -14.452967643737791 + ], + [ + "agrario", + -14.452984809875488 + ], + [ + "elstein", + -14.452990531921388 + ], + [ + "alloggio", + -14.45299243927002 + ], + [ + "\u2581limone", + -14.45299243927002 + ], + [ + "voting", + -14.453042030334473 + ], + [ + "\u2581proveedor", + -14.45305347442627 + ], + [ + "\u2581novato", + -14.453060150146484 + ], + [ + "\u2581educadores", + -14.453076362609863 + ], + [ + "\u2581su\u00e9doise", + -14.453083992004396 + ], + [ + "\u2581Schotter", + -14.453091621398926 + ], + [ + "\u2581Valdi", + -14.453096389770508 + ], + [ + "APISERVER", + -14.453129768371582 + ], + [ + "\u2581Cambo", + -14.453140258789062 + ], + [ + "\u2581Sumer", + -14.4531888961792 + ], + [ + "poon", + -14.453224182128906 + ], + [ + "\u2581drui", + -14.453224182128906 + ], + [ + "rezeptoren", + -14.453255653381348 + ], + [ + "IPP", + -14.45326805114746 + ], + [ + "\u2581refrigerator", + -14.453272819519045 + ], + [ + "v\u00edn", + -14.45329761505127 + ], + [ + "\u2581arch\u00e4ologischen", + -14.453313827514648 + ], + [ + "\u2581beanspruchen", + -14.453333854675291 + ], + [ + "\u2581recti", + -14.45333766937256 + ], + [ + "\u2581vennootschap", + -14.453338623046877 + ], + [ + "\u2581Stankovi", + -14.453340530395508 + ], + [ + "\u2581mensuel", + -14.453369140625 + ], + [ + "\u2581R\u00e9cipiendaire", + -14.453371047973633 + ], + [ + "netcore", + -14.453374862670898 + ], + [ + "women", + -14.453401565551758 + ], + [ + "\u2581Traje", + -14.453413963317873 + ], + [ + "\u2581distruttiv", + -14.453418731689451 + ], + [ + "\u2581gooi", + -14.453420639038086 + ], + [ + "\u2581arom\u00e1tic", + -14.453436851501465 + ], + [ + "\u2581acostumbrado", + -14.453502655029297 + ], + [ + "\u2581passarono", + -14.453503608703612 + ], + [ + "sauce", + -14.453520774841309 + ], + [ + "\u2581proclamation", + -14.453533172607422 + ], + [ + "gedient", + -14.453566551208496 + ], + [ + "prend\u00ed", + -14.45358943939209 + ], + [ + "ranium", + -14.453598976135254 + ], + [ + "\u2581Pathogen", + -14.453631401062012 + ], + [ + "\u2581Karlsruher", + -14.453639030456545 + ], + [ + "\u2581fidanzato", + -14.453648567199709 + ], + [ + "appan", + -14.45365047454834 + ], + [ + "zyklen", + -14.453676223754885 + ], + [ + "\u2581Simplicio", + -14.45376682281494 + ], + [ + "\u2581rayo", + -14.453771591186523 + ], + [ + "\u2581Ingeborg", + -14.453783988952637 + ], + [ + "\u2581horizontally", + -14.453792572021484 + ], + [ + "\u2581subesp\u00e9cie", + -14.453792572021484 + ], + [ + "\u2581Ausgrabungen", + -14.453798294067385 + ], + [ + "\u2581lehrte", + -14.453807830810549 + ], + [ + "Milestone", + -14.45388412475586 + ], + [ + "\u2581bekamen", + -14.453887939453123 + ], + [ + "heroku", + -14.45392608642578 + ], + [ + "Presenze", + -14.453937530517578 + ], + [ + "\u2581monach", + -14.453948974609377 + ], + [ + "\u2581geografico", + -14.453959465026855 + ], + [ + "\u2581stylist", + -14.453997611999512 + ], + [ + "Spend", + -14.454001426696776 + ], + [ + "\u2581groepje", + -14.454002380371094 + ], + [ + "ENSI", + -14.454005241394045 + ], + [ + "Oberleutnant", + -14.454029083251951 + ], + [ + "dienstleistungs", + -14.45403289794922 + ], + [ + "\u2581Pendle", + -14.454036712646484 + ], + [ + "artigos", + -14.454041481018066 + ], + [ + "\u2581illustrer", + -14.454072952270508 + ], + [ + "\u2581eenzelfde", + -14.454103469848633 + ], + [ + "Elbe", + -14.45411777496338 + ], + [ + "\u2581ottavi", + -14.45413303375244 + ], + [ + "\u2581ferrocarriles", + -14.454136848449709 + ], + [ + "\u2581sofisticados", + -14.454150199890137 + ], + [ + "Interest", + -14.454156875610352 + ], + [ + "\u2581waarschuwing", + -14.454183578491213 + ], + [ + "\u2581congelado", + -14.454188346862791 + ], + [ + "\u2581repubblicano", + -14.45418930053711 + ], + [ + "delayed", + -14.454190254211426 + ], + [ + "\u2581Vorrunde", + -14.454228401184082 + ], + [ + "\u2581Inschriften", + -14.45425033569336 + ], + [ + "Hawk", + -14.454265594482422 + ], + [ + "\u2581Civilization", + -14.454297065734863 + ], + [ + "\u2581Gansu", + -14.454306602478027 + ], + [ + "\u2581overwritten", + -14.454315185546877 + ], + [ + "t\u00e4uscht", + -14.454340934753418 + ], + [ + "\u2581ergebende", + -14.454347610473633 + ], + [ + "hidro", + -14.45435619354248 + ], + [ + "\u2581herauf", + -14.454360008239746 + ], + [ + "\u2581medicijnen", + -14.454360008239746 + ], + [ + "fl\u00e4chige", + -14.454364776611328 + ], + [ + "\u2581assumindo", + -14.454368591308594 + ], + [ + "oceridae", + -14.454373359680176 + ], + [ + "\u2581superstrada", + -14.454387664794922 + ], + [ + "\u2581symbolism", + -14.454395294189451 + ], + [ + "\u2581Adolescent", + -14.45439624786377 + ], + [ + "\u2581betreuen", + -14.45443630218506 + ], + [ + "travail", + -14.454471588134766 + ], + [ + "\u2581sfere", + -14.454523086547852 + ], + [ + "\u00fcbte", + -14.45453929901123 + ], + [ + "ssidae", + -14.454553604125977 + ], + [ + "\u2581Manic", + -14.45457649230957 + ], + [ + "stadien", + -14.45457935333252 + ], + [ + "\u2581aspire", + -14.454607009887695 + ], + [ + "\u2581Akkord", + -14.454619407653809 + ], + [ + "\u2581Aserbaidschan", + -14.45462703704834 + ], + [ + "BMV", + -14.454638481140137 + ], + [ + "\u2581broaden", + -14.454671859741213 + ], + [ + "\u2581Bustamante", + -14.454682350158691 + ], + [ + "\u2581Gerhardt", + -14.454683303833008 + ], + [ + "\u2581\u00e9pous\u00e9", + -14.454683303833008 + ], + [ + "\u2581convoc\u00f3", + -14.454684257507324 + ], + [ + "\u2581Correo", + -14.45468521118164 + ], + [ + "\u2581comportar", + -14.454696655273438 + ], + [ + "geleider", + -14.454697608947754 + ], + [ + "\u2581fastidios", + -14.454702377319336 + ], + [ + "\u2581atendem", + -14.45470905303955 + ], + [ + "\u2581avvenuti", + -14.454715728759766 + ], + [ + "labelfontsize", + -14.45472812652588 + ], + [ + "meinung", + -14.45473861694336 + ], + [ + "imidae", + -14.454754829406738 + ], + [ + "\u2581Fifty", + -14.454754829406738 + ], + [ + "DOP", + -14.454763412475586 + ], + [ + "\u2581eingegeben", + -14.454766273498535 + ], + [ + "dukte", + -14.4547758102417 + ], + [ + "Incoming", + -14.454792022705078 + ], + [ + "gauss", + -14.454793930053713 + ], + [ + "\u2581abondante", + -14.454855918884276 + ], + [ + "ckeln", + -14.454904556274414 + ], + [ + "\u2581Avanza", + -14.454907417297363 + ], + [ + "w\u00fcrfe", + -14.454926490783691 + ], + [ + "\u2581transferring", + -14.454947471618652 + ], + [ + "Ryan", + -14.454971313476562 + ], + [ + "\u2581supplementari", + -14.454995155334473 + ], + [ + "wicked", + -14.454998970031738 + ], + [ + "\u2581Omroep", + -14.45500659942627 + ], + [ + "\u2581decorato", + -14.455008506774902 + ], + [ + "\u2581desagradable", + -14.455029487609863 + ], + [ + "packageName", + -14.455035209655762 + ], + [ + "pakete", + -14.455065727233888 + ], + [ + "kumar", + -14.455110549926758 + ], + [ + "\u2581OCaml", + -14.45511245727539 + ], + [ + "\u2581cr\u00e9ole", + -14.45511245727539 + ], + [ + "\u2581Albano", + -14.455120086669922 + ], + [ + "\u2581sofferenze", + -14.4551420211792 + ], + [ + "\u2581Supercoppa", + -14.455142974853516 + ], + [ + "CONTINU", + -14.455155372619627 + ], + [ + "\u2581Mar\u00e9chal", + -14.455166816711426 + ], + [ + "MATION", + -14.455170631408691 + ], + [ + "superintendent", + -14.455171585083008 + ], + [ + "\u2581Centroam\u00e9rica", + -14.455180168151855 + ], + [ + "r\u00e9gate", + -14.455207824707031 + ], + [ + "\u2581scro", + -14.455211639404297 + ], + [ + "teksten", + -14.455219268798828 + ], + [ + "argura", + -14.455220222473145 + ], + [ + "scheidt", + -14.455239295959473 + ], + [ + "\u2581kruispunt", + -14.455263137817385 + ], + [ + "khuizen", + -14.455278396606444 + ], + [ + "\u2581recouvr", + -14.455286979675291 + ], + [ + "\u2581Adalbert", + -14.45529079437256 + ], + [ + "\u2581Revolta", + -14.455297470092772 + ], + [ + "\u2581Marmara", + -14.45529842376709 + ], + [ + "\u2581scramble", + -14.455305099487305 + ], + [ + "\u2581arrenda", + -14.455307006835938 + ], + [ + "\u00e9gorie", + -14.455307960510254 + ], + [ + "ARGUMENTS", + -14.455415725708008 + ], + [ + "\u2581astronomique", + -14.455422401428224 + ], + [ + "\u2581camin", + -14.455459594726562 + ], + [ + "raith", + -14.455479621887209 + ], + [ + "\u2581scogli", + -14.455479621887209 + ], + [ + "\u2581versatil", + -14.455513954162598 + ], + [ + "\u2581unbefriedigend", + -14.455522537231444 + ], + [ + "\u2581Sohnes", + -14.455572128295898 + ], + [ + "\u2581afmetingen", + -14.455602645874023 + ], + [ + "\u2581uitnodiging", + -14.455602645874023 + ], + [ + "\u2581Bornholm", + -14.455625534057615 + ], + [ + "\u2581principato", + -14.455649375915527 + ], + [ + "\u2581Boil", + -14.455650329589844 + ], + [ + "\u2581C\u00e9dric", + -14.455653190612791 + ], + [ + "\u2581disturb", + -14.455659866333008 + ], + [ + "\u2581trilogia", + -14.45566177368164 + ], + [ + "ccano", + -14.455683708190918 + ], + [ + "\u2581croient", + -14.455683708190918 + ], + [ + "\u2581d\u00e9lit", + -14.455684661865234 + ], + [ + "\u2581beweegt", + -14.455692291259766 + ], + [ + "\u2581trazem", + -14.455699920654297 + ], + [ + "Creative", + -14.45570468902588 + ], + [ + "\u2581brutta", + -14.455711364746094 + ], + [ + "\u2581giocattol", + -14.455717086791992 + ], + [ + "Conform", + -14.455724716186523 + ], + [ + "\u2581quasar", + -14.45573616027832 + ], + [ + "Much", + -14.455751419067385 + ], + [ + "\u2581estiveram", + -14.455767631530762 + ], + [ + "aliens", + -14.45578956604004 + ], + [ + "\u2581ricette", + -14.455796241760254 + ], + [ + "vloe", + -14.45580005645752 + ], + [ + "\u2581Hannes", + -14.455801963806152 + ], + [ + "\u2581Bautzen", + -14.45582103729248 + ], + [ + "\u2581Adoptions", + -14.455860137939451 + ], + [ + "\u2581convenci\u00f3n", + -14.45588207244873 + ], + [ + "soweit", + -14.455910682678224 + ], + [ + "\u2581foss\u00e9", + -14.455917358398438 + ], + [ + "shimi", + -14.455928802490234 + ], + [ + "\u2581Bateau", + -14.455931663513184 + ], + [ + "\u2581beschilder", + -14.455986976623535 + ], + [ + "\u2581fungierte", + -14.455989837646484 + ], + [ + "\u2581unitaire", + -14.456000328063965 + ], + [ + "\u2581aannemen", + -14.456010818481444 + ], + [ + "\u2581contested", + -14.456056594848633 + ], + [ + "\u2581Fairbanks", + -14.456064224243164 + ], + [ + "\u2581oorzaken", + -14.456064224243164 + ], + [ + "sacchar", + -14.456090927124023 + ], + [ + "\u2581rinc\u00f3n", + -14.45611572265625 + ], + [ + "\u2581ristretto", + -14.45615291595459 + ], + [ + "CompactText", + -14.456172943115234 + ], + [ + "\u2581revolucion\u00e1rio", + -14.456194877624512 + ], + [ + "ersleben", + -14.456226348876951 + ], + [ + "\u2581Folio", + -14.45626735687256 + ], + [ + "\u2581Merton", + -14.456273078918455 + ], + [ + "\u2581Mikha", + -14.456293106079102 + ], + [ + "tendenz", + -14.456310272216797 + ], + [ + "HIF", + -14.456341743469238 + ], + [ + "Bezier", + -14.456355094909668 + ], + [ + "Exodus", + -14.456376075744627 + ], + [ + "hexagon", + -14.456402778625488 + ], + [ + "Struttura", + -14.456415176391602 + ], + [ + "\u2581liquori", + -14.456426620483398 + ], + [ + "\u2581convencionales", + -14.456433296203612 + ], + [ + "tendimento", + -14.456469535827637 + ], + [ + "FileCheck", + -14.456476211547852 + ], + [ + "\u2581bisweilen", + -14.456525802612305 + ], + [ + "prophecy", + -14.456535339355469 + ], + [ + "\u2581compelled", + -14.456537246704102 + ], + [ + "\u2581n\u00e9goci\u00e9", + -14.456544876098633 + ], + [ + "minha", + -14.456581115722656 + ], + [ + "idioma", + -14.456584930419922 + ], + [ + "\u2581repudia", + -14.456585884094238 + ], + [ + "micromatch", + -14.45659637451172 + ], + [ + "pupp", + -14.456603050231934 + ], + [ + "\u2581ex\u00edlio", + -14.456636428833008 + ], + [ + "\u2581olfacti", + -14.456676483154297 + ], + [ + "\u2581complie", + -14.456680297851562 + ], + [ + "\u2581excessiva", + -14.456732749938965 + ], + [ + "\u2581Amarel", + -14.456795692443848 + ], + [ + "trelitz", + -14.456823348999023 + ], + [ + "uchon", + -14.456830024719238 + ], + [ + "\u2581Blutung", + -14.456830024719238 + ], + [ + "\u2581inmortal", + -14.456842422485352 + ], + [ + "inned", + -14.456843376159668 + ], + [ + "\u2581Caritas", + -14.456875801086426 + ], + [ + "preneur", + -14.456886291503906 + ], + [ + "republican", + -14.456929206848145 + ], + [ + "\u2581malvado", + -14.456933975219728 + ], + [ + "barren", + -14.45697784423828 + ], + [ + "\u2581aftermath", + -14.456978797912598 + ], + [ + "\u2581Adh\u00e4sion", + -14.45698356628418 + ], + [ + "\u2581Padma", + -14.456992149353027 + ], + [ + "zeichnungen", + -14.457002639770508 + ], + [ + "\u2581encerrados", + -14.457012176513672 + ], + [ + "\u2581Einschlie", + -14.457027435302734 + ], + [ + "\u2581d\u00e9barrasser", + -14.457038879394531 + ], + [ + "\u2581piti\u00e9", + -14.457049369812012 + ], + [ + "\u2581verbais", + -14.457056045532228 + ], + [ + "\u2581Naturaleza", + -14.457063674926758 + ], + [ + "onema", + -14.457070350646973 + ], + [ + "programming", + -14.457076072692873 + ], + [ + "khon", + -14.45709991455078 + ], + [ + "\u2581respectiva", + -14.45715045928955 + ], + [ + "Nah", + -14.457158088684082 + ], + [ + "\u2581esp\u00e9r", + -14.457159042358398 + ], + [ + "\u2581fabriqu\u00e9s", + -14.457168579101562 + ], + [ + "\u2581vereinfachten", + -14.457168579101562 + ], + [ + "mejor", + -14.457173347473145 + ], + [ + "zonden", + -14.457194328308104 + ], + [ + "\u2581leerproces", + -14.457305908203123 + ], + [ + "arzuela", + -14.45732307434082 + ], + [ + "\u2581incomoda", + -14.457329750061035 + ], + [ + "classique", + -14.4573392868042 + ], + [ + "rusten", + -14.457359313964844 + ], + [ + "Chips", + -14.45737648010254 + ], + [ + "\u2581l\u00edrica", + -14.457395553588867 + ], + [ + "\u2581Northampton", + -14.45741081237793 + ], + [ + "\u2581Palazz", + -14.457414627075195 + ], + [ + "\u2581Sanger", + -14.457437515258787 + ], + [ + "\u2581portuaire", + -14.4574613571167 + ], + [ + "ivism", + -14.457483291625977 + ], + [ + "\u2581auspica", + -14.45750331878662 + ], + [ + "Fahrzeug", + -14.457505226135254 + ], + [ + "\u2581Nobili", + -14.457508087158203 + ], + [ + "Marshall", + -14.457512855529783 + ], + [ + "lkerungsgruppen", + -14.457525253295898 + ], + [ + "\u2581constituyente", + -14.457525253295898 + ], + [ + "palestin", + -14.457569122314451 + ], + [ + "\u2581Principato", + -14.457584381103516 + ], + [ + "\u2581quarantin", + -14.457589149475098 + ], + [ + "\u2581felin", + -14.457594871520996 + ], + [ + "CIR", + -14.457684516906738 + ], + [ + "\u2581accadde", + -14.457715034484863 + ], + [ + "\u2581stabilita", + -14.457771301269531 + ], + [ + "Extras", + -14.45777416229248 + ], + [ + "\u2581faded", + -14.457782745361328 + ], + [ + "\u2581bivio", + -14.457793235778809 + ], + [ + "ssena", + -14.457812309265137 + ], + [ + "\u2581plantear", + -14.457834243774414 + ], + [ + "\u2581programm\u00e9", + -14.457839012145996 + ], + [ + "heetah", + -14.457839965820312 + ], + [ + "\u2581inscripciones", + -14.457866668701172 + ], + [ + "\u2581drafted", + -14.457876205444336 + ], + [ + "imbra", + -14.457890510559082 + ], + [ + "NTES", + -14.457892417907717 + ], + [ + "\u2581bored", + -14.45789623260498 + ], + [ + "\u00fcberproportional", + -14.45790672302246 + ], + [ + "\u2581storiografia", + -14.45790672302246 + ], + [ + "\u2581Golo", + -14.45793342590332 + ], + [ + "\u2581Arbeitsgericht", + -14.457934379577637 + ], + [ + "keychain", + -14.457942008972168 + ], + [ + "\u2581luminosit\u00e9", + -14.457942008972168 + ], + [ + "\u2581rasant", + -14.457948684692385 + ], + [ + "\u2581nationwide", + -14.457950592041016 + ], + [ + "\u2581McKinley", + -14.457958221435549 + ], + [ + "\u2581distinciones", + -14.457967758178713 + ], + [ + "PLUGINS", + -14.457995414733888 + ], + [ + "vorstellung", + -14.458002090454102 + ], + [ + "bocado", + -14.458003044128418 + ], + [ + "ikke", + -14.45801067352295 + ], + [ + "\u2581ImportError", + -14.458086013793944 + ], + [ + "\u2581Hypotheken", + -14.458105087280272 + ], + [ + "datore", + -14.458135604858398 + ], + [ + "updateValue", + -14.458148002624512 + ], + [ + "ferring", + -14.458158493041992 + ], + [ + "elheim", + -14.4581880569458 + ], + [ + "\u2581amenazado", + -14.458233833312988 + ], + [ + "tasting", + -14.458245277404783 + ], + [ + "\u2581waltung", + -14.458285331726074 + ], + [ + "khorst", + -14.458301544189451 + ], + [ + "Nebula", + -14.458307266235352 + ], + [ + "vergreen", + -14.45832061767578 + ], + [ + "\u2581hoffte", + -14.458321571350098 + ], + [ + "\u2581griev", + -14.45834255218506 + ], + [ + "zulagen", + -14.458349227905272 + ], + [ + "\u2581Robespierre", + -14.458368301391602 + ], + [ + "\u2581preziosa", + -14.458369255065918 + ], + [ + "rarchisch", + -14.4583740234375 + ], + [ + "ntatie", + -14.458380699157717 + ], + [ + "kleurige", + -14.458394050598145 + ], + [ + "\u2581perjudica", + -14.458409309387209 + ], + [ + "\u2581Vorgeschichte", + -14.458456993103027 + ], + [ + "\u2581Momenteel", + -14.45847225189209 + ], + [ + "\u2581martell", + -14.458473205566406 + ], + [ + "\u2581doveri", + -14.45849609375 + ], + [ + "\u2581Wurst", + -14.458514213562012 + ], + [ + "Hoog", + -14.45851993560791 + ], + [ + "\u2581sal\u00e9", + -14.458523750305176 + ], + [ + "bionic", + -14.458531379699709 + ], + [ + "\u2581suspender", + -14.458532333374023 + ], + [ + "synthetis", + -14.458544731140137 + ], + [ + "SSO", + -14.458548545837402 + ], + [ + "Brazili", + -14.4585599899292 + ], + [ + "gewendet", + -14.458571434020996 + ], + [ + "\u2581Melli", + -14.45858097076416 + ], + [ + "burden", + -14.458581924438477 + ], + [ + "biopsi", + -14.458598136901855 + ], + [ + "fernseh", + -14.458609580993652 + ], + [ + "\u2581Leitungen", + -14.45861530303955 + ], + [ + "CKET", + -14.458640098571776 + ], + [ + "\u2581Gemeentelijk", + -14.458641052246094 + ], + [ + "\u2581lecciones", + -14.458656311035156 + ], + [ + "geschwader", + -14.458687782287598 + ], + [ + "\u2581R\u00fch", + -14.458690643310549 + ], + [ + "\u2581cercada", + -14.45870590209961 + ], + [ + "\u2581biblique", + -14.458714485168455 + ], + [ + "\u2581ausgerechnet", + -14.458717346191406 + ], + [ + "\u2581Wilton", + -14.458783149719238 + ], + [ + "platzierte", + -14.4588041305542 + ], + [ + "\u2581Faure", + -14.458813667297363 + ], + [ + "\u2581Fremdenzimmer", + -14.458833694458008 + ], + [ + "\u2581Reeder", + -14.458833694458008 + ], + [ + "\u2581portugaise", + -14.458843231201172 + ], + [ + "\u2581supermarch\u00e9", + -14.458861351013184 + ], + [ + "erfragt", + -14.458869934082031 + ], + [ + "\u2581Moldova", + -14.458871841430664 + ], + [ + "\u2581jewelry", + -14.458882331848145 + ], + [ + "chromatographie", + -14.45889377593994 + ], + [ + "\u2581Republicana", + -14.458895683288574 + ], + [ + "arbeitnehmer", + -14.458898544311523 + ], + [ + "zerk", + -14.4589204788208 + ], + [ + "Competi", + -14.4589262008667 + ], + [ + "\u2581Pr\u00e4mie", + -14.458935737609863 + ], + [ + "chinas", + -14.458938598632812 + ], + [ + "terminator", + -14.458986282348633 + ], + [ + "\u2581gebroeders", + -14.459026336669922 + ], + [ + "PODS", + -14.45910930633545 + ], + [ + "\u2581touchant", + -14.459111213684082 + ], + [ + "algia", + -14.459124565124512 + ], + [ + "k\u00fchlen", + -14.459146499633787 + ], + [ + "riterium", + -14.459203720092772 + ], + [ + "\u2581Kalibrierung", + -14.459214210510254 + ], + [ + "TIMES", + -14.459253311157228 + ], + [ + "\u2581Rechtspflege", + -14.45928192138672 + ], + [ + "\u2581Alejandr\u00eda", + -14.459291458129885 + ], + [ + "\u2581Bydgoszcz", + -14.459291458129885 + ], + [ + "\u2581Espinoza", + -14.459291458129885 + ], + [ + "\u2581emplazamiento", + -14.459291458129885 + ], + [ + "\u2581hertrouwde", + -14.459291458129885 + ], + [ + "RICHT", + -14.45930290222168 + ], + [ + "\u2581possiedono", + -14.45930290222168 + ], + [ + "\u2581Executivo", + -14.45936679840088 + ], + [ + "wallen", + -14.459394454956056 + ], + [ + "\u2581Orchard", + -14.459444046020508 + ], + [ + "\u2581Sabbi", + -14.459447860717772 + ], + [ + "\u2581unerl\u00e4", + -14.45948886871338 + ], + [ + "\u2581Affen", + -14.459519386291504 + ], + [ + "\u2581Primeiramente", + -14.459577560424805 + ], + [ + "\u2581vedr", + -14.459613800048828 + ], + [ + "\u2581sedentar", + -14.459644317626951 + ], + [ + "\u2581Anmelder", + -14.459667205810549 + ], + [ + "vestita", + -14.459677696228027 + ], + [ + "\u2581vendored", + -14.459692001342772 + ], + [ + "\u2581burgerlijke", + -14.459716796875 + ], + [ + "\u2581immigranten", + -14.459717750549316 + ], + [ + "ctuation", + -14.45975112915039 + ], + [ + "\u2581perpendiculaire", + -14.45975399017334 + ], + [ + "\u2581isl\u00e1mico", + -14.459756851196287 + ], + [ + "\u2581Nepomu", + -14.459757804870604 + ], + [ + "\u2581comparativo", + -14.459768295288086 + ], + [ + "\u2581Hecht", + -14.459772109985352 + ], + [ + "vink", + -14.459773063659668 + ], + [ + "mRNA", + -14.459781646728516 + ], + [ + "schroef", + -14.459799766540527 + ], + [ + "\u2581Hingegen", + -14.459806442260742 + ], + [ + "\u2581Sherwood", + -14.45980739593506 + ], + [ + "\u2581endogenous", + -14.459820747375488 + ], + [ + "socialista", + -14.45983600616455 + ], + [ + "\u2581mendicant", + -14.459839820861816 + ], + [ + "Neuwied", + -14.459853172302246 + ], + [ + "\u2581Grundsteuer", + -14.459875106811523 + ], + [ + "KUBECONFIG", + -14.459877014160156 + ], + [ + "\u2581unlautere", + -14.459900856018066 + ], + [ + "seguridad", + -14.459906578063965 + ], + [ + "OIS", + -14.459911346435549 + ], + [ + "\u2581Fl\u00fcssen", + -14.459915161132812 + ], + [ + "chwamm", + -14.459940910339355 + ], + [ + "pipelined", + -14.45994472503662 + ], + [ + "dekken", + -14.459956169128418 + ], + [ + "urita", + -14.459980010986328 + ], + [ + "\u2581confrontatie", + -14.459990501403809 + ], + [ + "\u2581duemila", + -14.460001945495604 + ], + [ + "\u2581aardewerk", + -14.460020065307615 + ], + [ + "g\u00e9nit", + -14.46002197265625 + ], + [ + "morto", + -14.46002197265625 + ], + [ + "mezzo", + -14.460046768188477 + ], + [ + "\u2581Ibrahimovic", + -14.460070610046388 + ], + [ + "\u2581desesperada", + -14.460081100463867 + ], + [ + "Cog", + -14.46009635925293 + ], + [ + "mpered", + -14.460100173950195 + ], + [ + "puret\u00e9", + -14.460153579711914 + ], + [ + "patica", + -14.460161209106444 + ], + [ + "\u2581Kaka", + -14.46017360687256 + ], + [ + "\u2581s\u00fcdlicher", + -14.460183143615724 + ], + [ + "enzano", + -14.46019458770752 + ], + [ + "\u2581Fujiwara", + -14.46022129058838 + ], + [ + "\u2581cronache", + -14.460222244262695 + ], + [ + "fl\u00fcssigkeit", + -14.460230827331545 + ], + [ + "\u2581Niedergang", + -14.46023941040039 + ], + [ + "verdediging", + -14.460246086120604 + ], + [ + "\u2581Distribuito", + -14.460253715515137 + ], + [ + "\u2581Kaar", + -14.460274696350098 + ], + [ + "\u2581cotone", + -14.460277557373049 + ], + [ + "bidirectional", + -14.460278511047363 + ], + [ + "\u2581Wesel", + -14.460289001464844 + ], + [ + "\u2581Stationierung", + -14.46029567718506 + ], + [ + "pektrometer", + -14.460305213928224 + ], + [ + "\u2581Appare", + -14.46033000946045 + ], + [ + "\u2581Pich", + -14.460342407226562 + ], + [ + "dateTime", + -14.460354804992676 + ], + [ + "\u2581Adelheid", + -14.46035861968994 + ], + [ + "\u2581expandiu", + -14.46035861968994 + ], + [ + "\u2581F\u00fctterung", + -14.460363388061523 + ], + [ + "zzling", + -14.46040153503418 + ], + [ + "agu\u00e1", + -14.460434913635254 + ], + [ + "\u2581tariff", + -14.460456848144531 + ], + [ + "Canadian", + -14.460460662841797 + ], + [ + "labor\u00f3", + -14.460466384887695 + ], + [ + "\u2581Verkehrswege", + -14.460468292236328 + ], + [ + "kliniken", + -14.460509300231934 + ], + [ + "uscula", + -14.460563659667969 + ], + [ + "\u2581Gabor", + -14.460564613342283 + ], + [ + "Germany", + -14.460618019104004 + ], + [ + "shuttle", + -14.460622787475586 + ], + [ + "\u2581necessit", + -14.460650444030762 + ], + [ + "coinbase", + -14.460654258728027 + ], + [ + "\u2581urban\u00edstic", + -14.460660934448242 + ], + [ + "\u2581observamos", + -14.460664749145508 + ], + [ + "binsk", + -14.46066951751709 + ], + [ + "\u2581meraviglie", + -14.460679054260254 + ], + [ + "\u2581Cisneros", + -14.460680961608888 + ], + [ + "watching", + -14.460687637329102 + ], + [ + "\u2581mineralen", + -14.460698127746582 + ], + [ + "\u2581Filmfestival", + -14.46070957183838 + ], + [ + "\u2581redress", + -14.460721969604492 + ], + [ + "\u2581suffice", + -14.460721969604492 + ], + [ + "HTTPMethod", + -14.46072483062744 + ], + [ + "\u2581Abgeltung", + -14.460733413696287 + ], + [ + "avalanche", + -14.460735321044922 + ], + [ + "\u00e4nke", + -14.460769653320312 + ], + [ + "\u2581smuggl", + -14.46078395843506 + ], + [ + "assoziierten", + -14.460854530334473 + ], + [ + "azaki", + -14.460883140563965 + ], + [ + "\u2581corrupto", + -14.460886001586914 + ], + [ + "\u2581Spada", + -14.461017608642578 + ], + [ + "\u2581Lilli", + -14.461024284362791 + ], + [ + "\u2581ardent", + -14.46103858947754 + ], + [ + "sensitivity", + -14.461045265197754 + ], + [ + "\u2581spaventa", + -14.461074829101562 + ], + [ + "\u2581Kazimierz", + -14.461141586303713 + ], + [ + "\u2581scholarly", + -14.461141586303713 + ], + [ + "\u2581synth\u00e9tis", + -14.461141586303713 + ], + [ + "\u2581ferimentos", + -14.46114444732666 + ], + [ + "\u2581toneelschrijver", + -14.461149215698242 + ], + [ + "\u2581horeca", + -14.461156845092772 + ], + [ + "\u2581changent", + -14.461179733276367 + ], + [ + "ycter", + -14.461224555969238 + ], + [ + "Feat", + -14.46128273010254 + ], + [ + "\u2581Toluca", + -14.461346626281738 + ], + [ + "\u2581Opladen", + -14.461359024047852 + ], + [ + "\u2581sfruttando", + -14.461405754089355 + ], + [ + "\u2581Ganztags", + -14.461406707763672 + ], + [ + "pr\u00e9m", + -14.461430549621582 + ], + [ + "\u2581innerstaatliche", + -14.46145725250244 + ], + [ + "ARO", + -14.461470603942873 + ], + [ + "\u2581transatlanti", + -14.46150016784668 + ], + [ + "fibration", + -14.461525917053224 + ], + [ + "ractievoorzitter", + -14.461540222167969 + ], + [ + "\u2581salsic", + -14.461549758911133 + ], + [ + "ungszeit", + -14.461554527282717 + ], + [ + "\u2581Wink", + -14.461557388305664 + ], + [ + "\u2581premiada", + -14.46156120300293 + ], + [ + "\u2581appr\u00e9ci", + -14.461569786071776 + ], + [ + "\u2581Josu", + -14.46157455444336 + ], + [ + "\u2581Fauc", + -14.461592674255373 + ], + [ + "\u2581Felicit", + -14.46159553527832 + ], + [ + "kaka", + -14.461604118347168 + ], + [ + "\u2581Bruxelas", + -14.461604118347168 + ], + [ + "\u2581Treuh\u00e4nder", + -14.461604118347168 + ], + [ + "\u2581sem\u00e1ntica", + -14.461612701416016 + ], + [ + "\u2581Jarre", + -14.461636543273926 + ], + [ + "\u2581communiceren", + -14.461641311645508 + ], + [ + "assessment", + -14.461642265319824 + ], + [ + "\u2581risalt", + -14.461644172668455 + ], + [ + "\u2581faltaba", + -14.461647987365724 + ], + [ + "\u2581genehmigen", + -14.461649894714355 + ], + [ + "\u2581scam", + -14.461657524108888 + ], + [ + "grammar", + -14.461666107177734 + ], + [ + "\u2581possibilitando", + -14.461666107177734 + ], + [ + "\u2581surcharge", + -14.461679458618164 + ], + [ + "\u2581Arman", + -14.461685180664062 + ], + [ + "\u2581Aussch\u00fcssen", + -14.461688041687012 + ], + [ + "\u2581Ausl\u00e4nderbeh", + -14.461695671081545 + ], + [ + "\u2581Normalwert", + -14.461737632751465 + ], + [ + "\u2581p\u00e9nible", + -14.461750984191896 + ], + [ + "\u2581Hendricks", + -14.461769104003906 + ], + [ + "\u2581nerfs", + -14.46177577972412 + ], + [ + "makeConstraints", + -14.461783409118652 + ], + [ + "\u2581trembl", + -14.461786270141602 + ], + [ + "\u2581cultivation", + -14.461791038513184 + ], + [ + "\u2581Doua", + -14.46179485321045 + ], + [ + "\u2581Streng", + -14.461801528930664 + ], + [ + "\u2581frecc", + -14.46180820465088 + ], + [ + "denosin", + -14.461833953857422 + ], + [ + "costruisce", + -14.461872100830078 + ], + [ + "rococ", + -14.461888313293455 + ], + [ + "\u2581freiwilliger", + -14.461894035339355 + ], + [ + "lecito", + -14.461896896362305 + ], + [ + "Rechnungseinheit", + -14.461907386779783 + ], + [ + "\u2581ideologica", + -14.461907386779783 + ], + [ + "\u2581siegte", + -14.46191120147705 + ], + [ + "\u2581parabolic", + -14.461915016174316 + ], + [ + "chicks", + -14.461968421936035 + ], + [ + "verr\u00e0", + -14.461968421936035 + ], + [ + "systemFont", + -14.46200466156006 + ], + [ + "\u2581suic\u00eddio", + -14.46200466156006 + ], + [ + "\u2581Fiss", + -14.462016105651855 + ], + [ + "\u2581McGui", + -14.46203327178955 + ], + [ + "\u2581Netanyahu", + -14.46206760406494 + ], + [ + "\u2581ricovero", + -14.462072372436523 + ], + [ + "Bestuurlijke", + -14.462075233459473 + ], + [ + "Gespr\u00e4chspartner", + -14.462080955505373 + ], + [ + "mitteilung", + -14.46209716796875 + ], + [ + "\u2581irregularidades", + -14.462102890014648 + ], + [ + "droid", + -14.462103843688965 + ], + [ + "\u2581Morfin", + -14.46214485168457 + ], + [ + "\u2581Cr\u00f3n", + -14.462180137634276 + ], + [ + "\u2581persigue", + -14.462180137634276 + ], + [ + "\u2581virage", + -14.462215423583984 + ], + [ + "Trial", + -14.462227821350098 + ], + [ + "\u2581macchie", + -14.462258338928224 + ], + [ + "\u2581Marginal", + -14.462261199951172 + ], + [ + "chorro", + -14.46228313446045 + ], + [ + "\u2581Lidia", + -14.462287902832031 + ], + [ + "\u2581capteur", + -14.462334632873535 + ], + [ + "ntanilla", + -14.46235179901123 + ], + [ + "stabilizza", + -14.462364196777344 + ], + [ + "\u2581anerkannter", + -14.462368965148926 + ], + [ + "\u2581Franc\u00e9s", + -14.462403297424316 + ], + [ + "entente", + -14.46242904663086 + ], + [ + "\u2581cruda", + -14.462430000305176 + ], + [ + "NVI", + -14.462434768676758 + ], + [ + "colonel", + -14.46245002746582 + ], + [ + "\u2581Estela", + -14.462471961975098 + ], + [ + "\u2581Sperrung", + -14.462480545043944 + ], + [ + "\u2581Avellaneda", + -14.462531089782717 + ], + [ + "\u2581plausibel", + -14.462531089782717 + ], + [ + "gliese", + -14.462553977966309 + ], + [ + "shading", + -14.46256160736084 + ], + [ + "\u2581Abendessen", + -14.46257495880127 + ], + [ + "okkel", + -14.462591171264648 + ], + [ + "alistische", + -14.462610244750977 + ], + [ + "nudos", + -14.46262264251709 + ], + [ + "\u2581Kellner", + -14.462663650512695 + ], + [ + "\u2581modelliert", + -14.462664604187012 + ], + [ + "\u2581pr\u00e9venu", + -14.462664604187012 + ], + [ + "\u2581Entomolog", + -14.462669372558594 + ], + [ + "\u2581Rapa", + -14.46269702911377 + ], + [ + "gnini", + -14.462701797485352 + ], + [ + "\u2581mortalit\u00e0", + -14.462711334228516 + ], + [ + "Helen", + -14.462723731994627 + ], + [ + "\u2581funerali", + -14.462757110595703 + ], + [ + "maturo", + -14.462803840637209 + ], + [ + "\u2581recovering", + -14.462810516357422 + ], + [ + "HEC", + -14.462848663330078 + ], + [ + "\u2581confirm\u00e9e", + -14.462854385375977 + ], + [ + "uschauern", + -14.462905883789062 + ], + [ + "\u2581roedor", + -14.46292495727539 + ], + [ + "\u2581progresista", + -14.462943077087402 + ], + [ + "\u2581venos", + -14.462961196899414 + ], + [ + "\u2581cultivado", + -14.462984085083008 + ], + [ + "\u2581contenha", + -14.46299171447754 + ], + [ + "rattle", + -14.462993621826172 + ], + [ + "safety", + -14.463020324707031 + ], + [ + "\u2581Winterthur", + -14.463020324707031 + ], + [ + "\u2581ristoro", + -14.463031768798828 + ], + [ + "\u2581suspendido", + -14.463059425354004 + ], + [ + "\u2581Reprodu", + -14.46306324005127 + ], + [ + "\u2581tenebre", + -14.463064193725586 + ], + [ + "Bod", + -14.463088035583496 + ], + [ + "\u2581Stag", + -14.463092803955078 + ], + [ + "\u2581marzial", + -14.463109970092772 + ], + [ + "Integral", + -14.463136672973633 + ], + [ + "\u2581bewaldet", + -14.463138580322266 + ], + [ + "uadra", + -14.463150024414062 + ], + [ + "\u2581\u00e9tudiante", + -14.463152885437012 + ], + [ + "\u2581Burgh", + -14.463157653808594 + ], + [ + "\u00e9tale", + -14.463181495666504 + ], + [ + "\u2581Blaine", + -14.463212013244627 + ], + [ + "\u2581Evgen", + -14.463223457336426 + ], + [ + "CHAN", + -14.463224411010742 + ], + [ + "\u2581fr\u00e9quentation", + -14.463261604309082 + ], + [ + "\u2581Confucius", + -14.463264465332031 + ], + [ + "schuif", + -14.463322639465332 + ], + [ + "\u2581censit", + -14.463350296020508 + ], + [ + "\u2581Gordi", + -14.463369369506836 + ], + [ + "\u2581M\u00fccke", + -14.46341609954834 + ], + [ + "\u2581limitazioni", + -14.4634428024292 + ], + [ + "\u2581lacked", + -14.463448524475098 + ], + [ + "Multiplier", + -14.463452339172363 + ], + [ + "\u2581outflow", + -14.463455200195312 + ], + [ + "\u2581Angemessenheit", + -14.463458061218262 + ], + [ + "\u2581Narb", + -14.463471412658691 + ], + [ + "occlusion", + -14.463475227355955 + ], + [ + "\u2581arquero", + -14.463501930236816 + ], + [ + "\u2581Veluwe", + -14.463516235351562 + ], + [ + "waypoint", + -14.463539123535156 + ], + [ + "zwij", + -14.463540077209473 + ], + [ + "\u2581auszulegen", + -14.463567733764648 + ], + [ + "verdicht", + -14.46357250213623 + ], + [ + "\u2581middelste", + -14.46359634399414 + ], + [ + "\u2581eslavo", + -14.463630676269531 + ], + [ + "esibizione", + -14.463666915893556 + ], + [ + "\u2581finissent", + -14.463677406311035 + ], + [ + "\u2581Sicilian", + -14.463690757751465 + ], + [ + "\u2581Operadores", + -14.46369743347168 + ], + [ + "\u2581sopravvive", + -14.46369743347168 + ], + [ + "\u2581Baci", + -14.463767051696776 + ], + [ + "leaflet", + -14.463800430297852 + ], + [ + "\u2581facce", + -14.463833808898926 + ], + [ + "\u2581Kriegsdienst", + -14.46384048461914 + ], + [ + "\u2581Tom\u00e1", + -14.463871002197266 + ], + [ + "otidae", + -14.463873863220217 + ], + [ + "\u2581delimitato", + -14.463876724243164 + ], + [ + "Montb\u00e9liard", + -14.463922500610352 + ], + [ + "\u2581OpenStreetMap", + -14.463922500610352 + ], + [ + "\u2581discusiones", + -14.463922500610352 + ], + [ + "\u2581vissuta", + -14.4639253616333 + ], + [ + "\u2581IJzeren", + -14.463967323303224 + ], + [ + "\u2581strappat", + -14.463976860046388 + ], + [ + "\u2581fournisseur", + -14.463990211486816 + ], + [ + "\u2581Donn\u00e9es", + -14.464058876037598 + ], + [ + "\u2581Genius", + -14.46406078338623 + ], + [ + "\u2581d\u00e9montre", + -14.46408462524414 + ], + [ + "\u2581businessman", + -14.46409511566162 + ], + [ + "\u2581revelando", + -14.46410846710205 + ], + [ + "\u2581naamwoorden", + -14.464122772216797 + ], + [ + "\u2581Pasha", + -14.46412754058838 + ], + [ + "crif", + -14.464176177978516 + ], + [ + "\u2581Stargate", + -14.464204788208008 + ], + [ + "tuviese", + -14.464211463928224 + ], + [ + "roquet", + -14.464224815368652 + ], + [ + "\u2581Kindle", + -14.464261054992676 + ], + [ + "i\u00e9ndola", + -14.464280128479004 + ], + [ + "toprule", + -14.464363098144531 + ], + [ + "\u2581hallan", + -14.464363098144531 + ], + [ + "\u2581almac\u00e9n", + -14.46438694000244 + ], + [ + "\u2581salvataggio", + -14.46438694000244 + ], + [ + "beschreib", + -14.464387893676758 + ], + [ + "\u2581vest\u00edbulo", + -14.464387893676758 + ], + [ + "\u2581Gervas", + -14.46438980102539 + ], + [ + "incidenza", + -14.464390754699709 + ], + [ + "\u2581reclusione", + -14.46439266204834 + ], + [ + "\u2581diciotto", + -14.464394569396973 + ], + [ + "IsValid", + -14.464400291442873 + ], + [ + "\u2581Komische", + -14.464406967163086 + ], + [ + "\u2581Valente", + -14.464409828186035 + ], + [ + "ophyte", + -14.464414596557615 + ], + [ + "improve", + -14.464465141296388 + ], + [ + "cordova", + -14.464470863342283 + ], + [ + "\u2581Douai", + -14.46449375152588 + ], + [ + "klimaat", + -14.464507102966309 + ], + [ + "redigi", + -14.46452522277832 + ], + [ + "\u2581oposta", + -14.464543342590332 + ], + [ + "\u2581esperaban", + -14.46455192565918 + ], + [ + "\u2581Umweg", + -14.464558601379396 + ], + [ + "\u2581buo", + -14.464569091796877 + ], + [ + "\u2581planejar", + -14.464588165283203 + ], + [ + "\u2581conseill", + -14.464593887329102 + ], + [ + "\u2581despreza", + -14.464597702026367 + ], + [ + "\u2581Festlegungen", + -14.464608192443848 + ], + [ + "\u2581Navier", + -14.464648246765137 + ], + [ + "\u2581Boemia", + -14.464654922485352 + ], + [ + "\u2581dichiarando", + -14.464661598205566 + ], + [ + "cedendo", + -14.464695930480955 + ], + [ + "\u2581Sigle", + -14.464738845825195 + ], + [ + "solvente", + -14.46475315093994 + ], + [ + "\u2581recuperou", + -14.464764595031738 + ], + [ + "imeti", + -14.464808464050291 + ], + [ + "\u2581espeso", + -14.464847564697266 + ], + [ + "\u2581Diretrizes", + -14.464851379394531 + ], + [ + "\u2581d\u00e9tect\u00e9", + -14.464851379394531 + ], + [ + "Villafranca", + -14.464852333068848 + ], + [ + "\u2581frammento", + -14.464853286743164 + ], + [ + "punctatus", + -14.46487522125244 + ], + [ + "anthropologie", + -14.464881896972656 + ], + [ + "\u2581Rinaldo", + -14.464883804321287 + ], + [ + "\u2581Schauer", + -14.464910507202148 + ], + [ + "\u2581sinistre", + -14.46493148803711 + ], + [ + "schwenk", + -14.464953422546388 + ], + [ + "Panzer", + -14.4649658203125 + ], + [ + "edicto", + -14.464978218078612 + ], + [ + "\u2581filmproducent", + -14.465033531188965 + ], + [ + "\u2581Nebenleistungen", + -14.465092658996582 + ], + [ + "ounds", + -14.465107917785645 + ], + [ + "\u2581irracional", + -14.465123176574709 + ], + [ + "\u2581superfluo", + -14.465126991271973 + ], + [ + "\u2581Serap", + -14.465140342712402 + ], + [ + "\u2581minuta", + -14.465150833129885 + ], + [ + "hwaite", + -14.465171813964844 + ], + [ + "schok", + -14.465285301208496 + ], + [ + "\u2581fractura", + -14.465285301208496 + ], + [ + "LUC", + -14.465290069580078 + ], + [ + "bulb", + -14.465291023254396 + ], + [ + "\u2581vederlo", + -14.465301513671877 + ], + [ + "\u2581erfreut", + -14.465310096740724 + ], + [ + "Annunziata", + -14.46531581878662 + ], + [ + "Woordenboek", + -14.46531581878662 + ], + [ + "\u2581Gattuso", + -14.465319633483888 + ], + [ + "\u2581Guangxi", + -14.46532154083252 + ], + [ + "Hesperiidae", + -14.465331077575684 + ], + [ + "INH", + -14.465354919433594 + ], + [ + "\u2581Garg", + -14.465370178222656 + ], + [ + "\u2581stampato", + -14.465370178222656 + ], + [ + "\u2581exposta", + -14.465375900268556 + ], + [ + "\u2581fracasa", + -14.465506553649902 + ], + [ + "BVerfGE", + -14.465550422668455 + ], + [ + "\u2581profane", + -14.465550422668455 + ], + [ + "Duple", + -14.465591430664062 + ], + [ + "\u2581siniestr", + -14.46559715270996 + ], + [ + "\u2581Pilat", + -14.465612411499023 + ], + [ + "\u2581Weert", + -14.465651512145996 + ], + [ + "\u2581Tilly", + -14.46569538116455 + ], + [ + "\u2581Oberk", + -14.465710639953612 + ], + [ + "\u2581Medaillen", + -14.465730667114258 + ], + [ + "befestigte", + -14.465761184692385 + ], + [ + "primeiro", + -14.465778350830078 + ], + [ + "\u2581Distinciones", + -14.465781211853027 + ], + [ + "\u2581arranque", + -14.46578311920166 + ], + [ + "\u2581cabildo", + -14.465794563293455 + ], + [ + "verstanden", + -14.465826988220217 + ], + [ + "\u2581Dehn", + -14.46583080291748 + ], + [ + "\u2581Resumen", + -14.465859413146973 + ], + [ + "\u2581Filippi", + -14.465864181518556 + ], + [ + "\u2581siffl", + -14.46587085723877 + ], + [ + "\u2581rimprovera", + -14.465877532958984 + ], + [ + "\u2581fundaron", + -14.46588897705078 + ], + [ + "\u2581Muda", + -14.465902328491213 + ], + [ + "CONVER", + -14.465920448303224 + ], + [ + "activaci\u00f3n", + -14.46592140197754 + ], + [ + "nfis", + -14.465936660766602 + ], + [ + "Kost", + -14.465968132019045 + ], + [ + "FBI", + -14.465975761413574 + ], + [ + "sp\u00e4ter", + -14.466029167175291 + ], + [ + "\u2581perturbado", + -14.46603298187256 + ], + [ + "\u2581Octavio", + -14.466054916381836 + ], + [ + "FINIT", + -14.466058731079102 + ], + [ + "\u2581Antragsgegnerin", + -14.466093063354492 + ], + [ + "\u2581verhuizen", + -14.466119766235352 + ], + [ + "nitric", + -14.466139793395996 + ], + [ + "apatero", + -14.466163635253906 + ], + [ + "dheden", + -14.466167449951172 + ], + [ + "\u2581commercially", + -14.466168403625488 + ], + [ + "\u2581\u00fcbertra", + -14.466174125671388 + ], + [ + "\u2581\u00e9puis\u00e9", + -14.466177940368652 + ], + [ + "\u2581transversale", + -14.466205596923828 + ], + [ + "\u2581Arquip\u00e9lago", + -14.466245651245115 + ], + [ + "\u2581Pit\u00e1goras", + -14.466245651245115 + ], + [ + "\u2581pantal\u00f3n", + -14.466245651245115 + ], + [ + "\u2581renommierte", + -14.466251373291016 + ], + [ + "\u2581gehanteerd", + -14.466261863708496 + ], + [ + "aspnetcore", + -14.466262817382812 + ], + [ + "\u2581blurr", + -14.466322898864746 + ], + [ + "\u2581worstelaar", + -14.466341018676758 + ], + [ + "\u2581fotografe", + -14.466344833374023 + ], + [ + "\u2581crociat", + -14.466350555419922 + ], + [ + "\u2581agradeci", + -14.46635913848877 + ], + [ + "\u2581Auslandsvertret", + -14.466379165649414 + ], + [ + "zykl", + -14.466381072998049 + ], + [ + "\u2581impiegano", + -14.46640968322754 + ], + [ + "\u2581pobla", + -14.466413497924805 + ], + [ + "\u2581McKenzie", + -14.466450691223145 + ], + [ + "sparso", + -14.466452598571776 + ], + [ + "\u2581Bildungssystem", + -14.466453552246094 + ], + [ + "\u2581d\u00e9roul\u00e9", + -14.466461181640623 + ], + [ + "HTL", + -14.466564178466797 + ], + [ + "NDEBUG", + -14.46662139892578 + ], + [ + "Jeannet", + -14.466632843017578 + ], + [ + "vliegtuigen", + -14.466635704040527 + ], + [ + "\u2581noemden", + -14.466678619384766 + ], + [ + "f\u00e4llige", + -14.466686248779297 + ], + [ + "\u2581triatl", + -14.466703414916992 + ], + [ + "\u2581sukzessive", + -14.466711044311523 + ], + [ + "\u2581Gazz", + -14.46671199798584 + ], + [ + "\u2581perlopi", + -14.466730117797852 + ], + [ + "extradition", + -14.466753959655762 + ], + [ + "aenidae", + -14.466766357421877 + ], + [ + "\u2581Ideolog", + -14.46678352355957 + ], + [ + "DEI", + -14.466797828674316 + ], + [ + "Laurentius", + -14.4668550491333 + ], + [ + "lobt", + -14.466859817504885 + ], + [ + "\u2581caravana", + -14.466869354248049 + ], + [ + "\u2581pneumatici", + -14.466914176940918 + ], + [ + "konserv", + -14.466915130615234 + ], + [ + "\u00e9nit", + -14.466930389404297 + ], + [ + "\u2581alternatieven", + -14.46693229675293 + ], + [ + "Upsilon", + -14.466954231262209 + ], + [ + "\u2581M\u00e9dicis", + -14.467000961303713 + ], + [ + "Simuli", + -14.467005729675291 + ], + [ + "\u2581simp\u00e1tico", + -14.467011451721191 + ], + [ + "pondyl", + -14.46701431274414 + ], + [ + "\u2581registi", + -14.467034339904783 + ], + [ + "\u2581cuor", + -14.467048645019531 + ], + [ + "\u2581aproveit", + -14.467082023620604 + ], + [ + "\u2581Britta", + -14.467082977294922 + ], + [ + "\u2581Eastman", + -14.467090606689451 + ], + [ + "\u2581Designaci\u00f3n", + -14.467096328735352 + ], + [ + "\u2581tazz", + -14.467119216918944 + ], + [ + "Saalfeld", + -14.467132568359377 + ], + [ + "\u2581Fenici", + -14.46714973449707 + ], + [ + "\u2581verschwindet", + -14.46717643737793 + ], + [ + "visitSingular", + -14.467178344726562 + ], + [ + "\u2581verko", + -14.46718406677246 + ], + [ + "urion", + -14.467193603515623 + ], + [ + "copus", + -14.4672212600708 + ], + [ + "\u2581forfeit", + -14.46725368499756 + ], + [ + "\u2581immatur", + -14.467273712158203 + ], + [ + "Mille", + -14.467276573181152 + ], + [ + "sacral", + -14.467291831970217 + ], + [ + "\u2581selezionare", + -14.467305183410645 + ], + [ + "ssicuratevi", + -14.467314720153809 + ], + [ + "vaglio", + -14.467314720153809 + ], + [ + "\u2581Diversos", + -14.467325210571287 + ], + [ + "\u2581approfondire", + -14.46734619140625 + ], + [ + "Rejected", + -14.467405319213867 + ], + [ + "\u2581sofisticada", + -14.467419624328612 + ], + [ + "\u2581Asesor", + -14.46744441986084 + ], + [ + "eritz", + -14.467500686645508 + ], + [ + "\u2581Muti", + -14.46753215789795 + ], + [ + "\u2581centauros", + -14.467608451843262 + ], + [ + "\u2581trabajadora", + -14.467610359191896 + ], + [ + "Edm", + -14.467623710632324 + ], + [ + "eudal", + -14.467628479003906 + ], + [ + "\u2581submitting", + -14.467632293701172 + ], + [ + "\u2581gebleken", + -14.467642784118652 + ], + [ + "\u2581l\u00e9gendaire", + -14.467642784118652 + ], + [ + "\u2581Belmonte", + -14.467658996582031 + ], + [ + "\u2581asciende", + -14.467658996582031 + ], + [ + "IMU", + -14.467680931091309 + ], + [ + "\u2581einmaligen", + -14.467694282531738 + ], + [ + "Intersect", + -14.4677152633667 + ], + [ + "\u2581ingewijd", + -14.46772003173828 + ], + [ + "\u2581Weichen", + -14.467774391174316 + ], + [ + "\u2581costanti", + -14.46777629852295 + ], + [ + "\u2581glisser", + -14.467803955078123 + ], + [ + "\u2581Bruyn", + -14.467824935913086 + ], + [ + "\u2581breakthrough", + -14.467855453491213 + ], + [ + "ncidentally", + -14.467876434326172 + ], + [ + "\u2581Sched", + -14.467904090881348 + ], + [ + "terrado", + -14.467931747436523 + ], + [ + "\u2581repubblicana", + -14.468021392822266 + ], + [ + "oneria", + -14.46804141998291 + ], + [ + "f\u00fcnf", + -14.468073844909668 + ], + [ + "\u2581porteurs", + -14.468076705932615 + ], + [ + "\u2581Hawaiian", + -14.468080520629885 + ], + [ + "\u2581sostuvo", + -14.46811580657959 + ], + [ + "\u00e9l\u00e9phant", + -14.46811866760254 + ], + [ + "obbedienza", + -14.468141555786133 + ], + [ + "\u2581sussiste", + -14.468149185180664 + ], + [ + "\u2581Pened", + -14.46819305419922 + ], + [ + "\u2581Thelm", + -14.468213081359863 + ], + [ + "\u2581s\u00e9tima", + -14.468228340148926 + ], + [ + "leggere", + -14.46823024749756 + ], + [ + "lammen", + -14.468246459960938 + ], + [ + "\u2581Fischen", + -14.468255996704102 + ], + [ + "BEC", + -14.468278884887695 + ], + [ + "\u2581tutelle", + -14.46828556060791 + ], + [ + "qualifikationen", + -14.468321800231934 + ], + [ + "\u2581Bewohnern", + -14.468324661254885 + ], + [ + "\u2581Bortol", + -14.46837329864502 + ], + [ + "\u2581Landsberg", + -14.468464851379396 + ], + [ + "\u2581Septim", + -14.468464851379396 + ], + [ + "\u2581flamb", + -14.468476295471191 + ], + [ + "\u2581Menno", + -14.468488693237305 + ], + [ + "\u2581craint", + -14.468497276306152 + ], + [ + "renaic", + -14.468521118164062 + ], + [ + "\u2581obedec", + -14.468558311462402 + ], + [ + "\u2581ucraniana", + -14.46857452392578 + ], + [ + "\u2581viermal", + -14.468579292297363 + ], + [ + "\u2581Chemotherapie", + -14.46858024597168 + ], + [ + "\u2581commissioner", + -14.468602180480955 + ], + [ + "illero", + -14.468603134155272 + ], + [ + "\u2581Ascolti", + -14.468623161315918 + ], + [ + "\u2581Lippi", + -14.468626022338867 + ], + [ + "\u2581begeleiden", + -14.4686279296875 + ], + [ + "ergiftung", + -14.468634605407717 + ], + [ + "statistische", + -14.468642234802246 + ], + [ + "zzani", + -14.468647956848145 + ], + [ + "\u2581Strukturierung", + -14.468649864196776 + ], + [ + "\u2581Repeti", + -14.468667030334473 + ], + [ + "brengt", + -14.46867561340332 + ], + [ + "exposer", + -14.468677520751951 + ], + [ + "\u2581boulo", + -14.46869659423828 + ], + [ + "amped", + -14.468704223632812 + ], + [ + "\u2581Hutton", + -14.468717575073242 + ], + [ + "Miller", + -14.468740463256836 + ], + [ + "\u00e9lula", + -14.468770027160645 + ], + [ + "\u2581Cavan", + -14.468826293945312 + ], + [ + "\u2581Rong", + -14.468826293945312 + ], + [ + "CEND", + -14.468828201293944 + ], + [ + "rrhen", + -14.468830108642578 + ], + [ + "\u2581tierische", + -14.468843460083008 + ], + [ + "confiado", + -14.468850135803224 + ], + [ + "\u2581clandestine", + -14.468852996826172 + ], + [ + "nonc\u00e9", + -14.468871116638184 + ], + [ + "akelijk", + -14.468873977661133 + ], + [ + "\u2581aangemaakt", + -14.46887493133545 + ], + [ + "pygm", + -14.46888542175293 + ], + [ + "duiker", + -14.468908309936523 + ], + [ + "urried", + -14.468910217285156 + ], + [ + "wahrscheinlichk", + -14.468966484069824 + ], + [ + "\u2581denunc", + -14.468986511230469 + ], + [ + "klassieker", + -14.469048500061035 + ], + [ + "PROVISION", + -14.46905517578125 + ], + [ + "\u2581coinvolta", + -14.469060897827148 + ], + [ + "avanne", + -14.46906280517578 + ], + [ + "\u2581colheita", + -14.46906280517578 + ], + [ + "cured", + -14.469083786010742 + ], + [ + "\u2581esclareci", + -14.469117164611816 + ], + [ + "\u2581rompi", + -14.469145774841309 + ], + [ + "\u2581\u00fcbergeordnete", + -14.46915340423584 + ], + [ + "\u2581problematiche", + -14.469161033630373 + ], + [ + "\u2581ayudarl", + -14.469168663024902 + ], + [ + "\u2581kruisen", + -14.46918773651123 + ], + [ + "\u2581Gillia", + -14.469189643859863 + ], + [ + "r\u00fcgge", + -14.469199180603027 + ], + [ + "\u2581vulgaire", + -14.469223022460938 + ], + [ + "cranial", + -14.46923542022705 + ], + [ + "\u2581hipot\u00e9tic", + -14.469244956970217 + ], + [ + "Immun", + -14.469255447387695 + ], + [ + "\u2581turche", + -14.469263076782228 + ], + [ + "Subtract", + -14.469326972961426 + ], + [ + "chmuggel", + -14.469355583190918 + ], + [ + "\u2581hervat", + -14.469379425048828 + ], + [ + "leida", + -14.46938419342041 + ], + [ + "\u2581Grundstein", + -14.469385147094728 + ], + [ + "Attention", + -14.469401359558104 + ], + [ + "Aktiv", + -14.469406127929688 + ], + [ + "\u2581continuant", + -14.469425201416016 + ], + [ + "mapframe", + -14.469451904296877 + ], + [ + "\u2581conferisce", + -14.469496726989746 + ], + [ + "\u00e9cras", + -14.46950626373291 + ], + [ + "\u2581Psicolog\u00eda", + -14.469510078430176 + ], + [ + "obediencia", + -14.469511032104492 + ], + [ + "\u2581liabilities", + -14.469511032104492 + ], + [ + "\u2581applicability", + -14.46951675415039 + ], + [ + "\u2581sorprendi\u00f3", + -14.46951675415039 + ], + [ + "\u2581bordel", + -14.469522476196287 + ], + [ + "\u2581ofensivo", + -14.469524383544922 + ], + [ + "iquor", + -14.46953296661377 + ], + [ + "\u2581substituiu", + -14.46953296661377 + ], + [ + "endler", + -14.469582557678224 + ], + [ + "\u2581beiderseit", + -14.469606399536133 + ], + [ + "\u2581Konsulat", + -14.469615936279297 + ], + [ + "\u2581nightclub", + -14.46962547302246 + ], + [ + "\u2581Sloane", + -14.469640731811523 + ], + [ + "feedstock", + -14.469661712646484 + ], + [ + "\u2581r\u00e9gen", + -14.469679832458496 + ], + [ + "\u2581ospit", + -14.46969985961914 + ], + [ + "\u2581suggeri", + -14.469701766967772 + ], + [ + "\u2581Moodle", + -14.469780921936035 + ], + [ + "i\u00e9ge", + -14.469796180725098 + ], + [ + "chauffe", + -14.469809532165527 + ], + [ + "fuegos", + -14.469819068908691 + ], + [ + "\u2581Notte", + -14.469820022583008 + ], + [ + "ogol", + -14.469855308532717 + ], + [ + "\u2581liturgische", + -14.4699068069458 + ], + [ + "\u2581renome", + -14.4699068069458 + ], + [ + "cuspi", + -14.46992301940918 + ], + [ + "vincenti", + -14.46992301940918 + ], + [ + "feh", + -14.469934463500977 + ], + [ + "intesi", + -14.469952583312988 + ], + [ + "\u2581Salzburger", + -14.469958305358888 + ], + [ + "orchis", + -14.469964027404783 + ], + [ + "\u2581rectangulaire", + -14.469974517822266 + ], + [ + "Trivial", + -14.469979286193848 + ], + [ + "\u2581parroco", + -14.469993591308594 + ], + [ + "Bresse", + -14.47000503540039 + ], + [ + "\u2581Sangr", + -14.470015525817873 + ], + [ + "\u2581ucciderl", + -14.470020294189451 + ], + [ + "\u2581rejoignent", + -14.470062255859377 + ], + [ + "pneumo", + -14.470141410827637 + ], + [ + "DET", + -14.47014617919922 + ], + [ + "lakken", + -14.470197677612305 + ], + [ + "\u2581Verf\u00fcg", + -14.470209121704102 + ], + [ + "\u2581convulsion", + -14.470221519470217 + ], + [ + "\u2581irregolare", + -14.47025203704834 + ], + [ + "\u2581Benedictus", + -14.470258712768556 + ], + [ + "\u2581Pr\u00e9sent", + -14.470264434814451 + ], + [ + "\u2581Reinado", + -14.470290184020996 + ], + [ + "\u2581notaris", + -14.470294952392578 + ], + [ + "Alpi", + -14.470311164855955 + ], + [ + "\u2581Wasserkraft", + -14.470314025878906 + ], + [ + "\u2581modificata", + -14.470318794250488 + ], + [ + "\u2581afirmaciones", + -14.470338821411133 + ], + [ + "\u2581C\u00edvica", + -14.470351219177246 + ], + [ + "\u2581papale", + -14.470386505126951 + ], + [ + "\u2581woede", + -14.470396041870115 + ], + [ + "\u2581chora", + -14.470402717590332 + ], + [ + "\u2581Bistr", + -14.47042465209961 + ], + [ + "Gleichwertigkeit", + -14.470441818237305 + ], + [ + "\u2581r\u00e9bellion", + -14.470441818237305 + ], + [ + "\u2581unterstreicht", + -14.47044277191162 + ], + [ + "altered", + -14.470447540283203 + ], + [ + "Hech", + -14.470470428466797 + ], + [ + "\u2581sobrevivido", + -14.470486640930176 + ], + [ + "\u2581Gunther", + -14.470495223999023 + ], + [ + "anforderung", + -14.470528602600098 + ], + [ + "\u2581solicito", + -14.470587730407717 + ], + [ + "elllinie", + -14.470603942871094 + ], + [ + "\u2581Mecha", + -14.470625877380373 + ], + [ + "endulum", + -14.470635414123535 + ], + [ + "\u2581ferai", + -14.470645904541016 + ], + [ + "\u2581sobrina", + -14.470664978027344 + ], + [ + "\u2581ampliato", + -14.470673561096191 + ], + [ + "\u2581egizi", + -14.470684051513672 + ], + [ + "\u2581credibility", + -14.470697402954102 + ], + [ + "chm\u00fcck", + -14.470702171325684 + ], + [ + "\u2581Wonderland", + -14.470744132995604 + ], + [ + "aburi", + -14.470747947692873 + ], + [ + "\u2581sorpresi", + -14.470757484436035 + ], + [ + "peupl\u00e9", + -14.470772743225098 + ], + [ + "orrendo", + -14.470781326293944 + ], + [ + "linebreak", + -14.470821380615234 + ], + [ + "Aurora", + -14.470832824707031 + ], + [ + "coast", + -14.470833778381348 + ], + [ + "aufbereitung", + -14.470869064331056 + ], + [ + "\u2581Tiergesundheit", + -14.470870971679688 + ], + [ + "\u2581prodigios", + -14.47087574005127 + ], + [ + "dateFormatter", + -14.47091007232666 + ], + [ + "\u2581Beschermd", + -14.470911026000977 + ], + [ + "\u2581envolveu", + -14.470919609069824 + ], + [ + "\u2581anal\u00f3gico", + -14.47093105316162 + ], + [ + "\u2581siRNA", + -14.470954895019531 + ], + [ + "volvi\u00f3", + -14.470973014831545 + ], + [ + "\u2581retroceder", + -14.47100067138672 + ], + [ + "hereinafter", + -14.471006393432615 + ], + [ + "\u2581conservano", + -14.471020698547363 + ], + [ + "wanna", + -14.471049308776855 + ], + [ + "\u2581d\u00e9velopp", + -14.471056938171388 + ], + [ + "\u2581preferite", + -14.471076965332031 + ], + [ + "\u2581identic", + -14.47109603881836 + ], + [ + "\u2581retratado", + -14.47110080718994 + ], + [ + "\u2581Aureliano", + -14.471114158630373 + ], + [ + "beschadig", + -14.471155166625977 + ], + [ + "imposent", + -14.471213340759276 + ], + [ + "\u2581substituto", + -14.47122287750244 + ], + [ + "\u2581Seulement", + -14.47124195098877 + ], + [ + "\u2581Art\u00edstico", + -14.471266746520996 + ], + [ + "cmdline", + -14.471278190612791 + ], + [ + "waarnemer", + -14.471327781677246 + ], + [ + "\u2581pincel", + -14.471333503723145 + ], + [ + "Hitler", + -14.471349716186523 + ], + [ + "\u2581presidenziali", + -14.471379280090332 + ], + [ + "\u2581Werkst\u00fcck", + -14.471381187438965 + ], + [ + "\u2581acertad", + -14.471383094787598 + ], + [ + "\u2581battesimo", + -14.47138786315918 + ], + [ + "\u2581vorgehen", + -14.471394538879396 + ], + [ + "lowski", + -14.471402168273926 + ], + [ + "spike", + -14.471412658691406 + ], + [ + "Injector", + -14.47147274017334 + ], + [ + "j\u00e4hrig", + -14.471480369567873 + ], + [ + "\u2581trinch", + -14.471487998962402 + ], + [ + "\u2581d\u00e9guis", + -14.471491813659668 + ], + [ + "\u2581annota", + -14.471495628356934 + ], + [ + "verschiedene", + -14.47152328491211 + ], + [ + "\u2581novedad", + -14.471525192260742 + ], + [ + "Maurici", + -14.471542358398438 + ], + [ + "\u2581ciertamente", + -14.471545219421388 + ], + [ + "minster", + -14.471552848815918 + ], + [ + "antr\u00e4gen", + -14.471563339233398 + ], + [ + "ausoleum", + -14.471563339233398 + ], + [ + "colmo", + -14.471600532531738 + ], + [ + "\u2581convenable", + -14.471639633178713 + ], + [ + "\u2581Gwa", + -14.471750259399414 + ], + [ + "\u2581settimanali", + -14.47175121307373 + ], + [ + "\u2581convidada", + -14.471757888793944 + ], + [ + "\u2581Belmont", + -14.471827507019045 + ], + [ + "\u2581\u00e9difi\u00e9", + -14.471832275390623 + ], + [ + "\u2581Trindade", + -14.471845626831056 + ], + [ + "\u2581Restri", + -14.471847534179688 + ], + [ + "\u2581Botanik", + -14.471856117248535 + ], + [ + "\u2581couch\u00e9", + -14.471874237060549 + ], + [ + "\u2581affirmant", + -14.47188663482666 + ], + [ + "\u2581serbische", + -14.471896171569824 + ], + [ + "jurist", + -14.471981048583984 + ], + [ + "TSA", + -14.4719820022583 + ], + [ + "\u2581Aquileia", + -14.471985816955566 + ], + [ + "Gentlemen", + -14.472015380859377 + ], + [ + "\u2581invocar", + -14.472027778625488 + ], + [ + "CHS", + -14.472033500671388 + ], + [ + "\u2581emerse", + -14.472038269042969 + ], + [ + "AUSE", + -14.472058296203612 + ], + [ + "gleisig", + -14.472064018249512 + ], + [ + "\u2581trascurat", + -14.472115516662598 + ], + [ + "hardcode", + -14.472140312194824 + ], + [ + "\u2581nontrivial", + -14.472162246704102 + ], + [ + "\u2581Varda", + -14.472175598144531 + ], + [ + "\u2581barraca", + -14.472213745117188 + ], + [ + "\u2581Sochi", + -14.472227096557615 + ], + [ + "hashtag", + -14.472302436828612 + ], + [ + "\u2581publiceren", + -14.472307205200195 + ], + [ + "\u2581T\u00e1chira", + -14.472311973571776 + ], + [ + "\u2581m\u00e9taphore", + -14.472314834594728 + ], + [ + "\u2581capolavoro", + -14.47232437133789 + ], + [ + "Splitter", + -14.472332000732422 + ], + [ + "jenko", + -14.472406387329102 + ], + [ + "\u2581Carranza", + -14.472415924072266 + ], + [ + "\u2581refer\u00eda", + -14.472440719604492 + ], + [ + "ordinanza", + -14.472472190856934 + ], + [ + "\u2581Insider", + -14.472484588623049 + ], + [ + "\u2581Stifter", + -14.472579956054688 + ], + [ + "\u2581huellas", + -14.472591400146484 + ], + [ + "\u2581Speziell", + -14.47263526916504 + ], + [ + "\u2581recalc", + -14.472649574279783 + ], + [ + "\u2581Cadmium", + -14.472667694091797 + ], + [ + "\u2581Schim", + -14.47266960144043 + ], + [ + "\u2581lampad", + -14.472704887390137 + ], + [ + "\u2581autodidact", + -14.472713470458984 + ], + [ + "\u2581arrampica", + -14.472716331481934 + ], + [ + "\u2581picado", + -14.472725868225098 + ], + [ + "\u2581rendersi", + -14.472733497619627 + ], + [ + "\u2581negociado", + -14.472744941711426 + ], + [ + "TPM", + -14.472769737243652 + ], + [ + "\u2581Staphylococcus", + -14.472780227661133 + ], + [ + "\u2581sufrieron", + -14.472780227661133 + ], + [ + "\u2581produttivo", + -14.47278118133545 + ], + [ + "\u2581presuppone", + -14.472792625427246 + ], + [ + "bewerb", + -14.472793579101562 + ], + [ + "\u2581emotivo", + -14.472806930541992 + ], + [ + "Mosc", + -14.472846031188965 + ], + [ + "\u2581num\u00e9rot\u00e9", + -14.472847938537598 + ], + [ + "\u2581Vergessen", + -14.472855567932127 + ], + [ + "\u2581Lacer", + -14.472856521606444 + ], + [ + "\u2581arrug", + -14.472872734069824 + ], + [ + "\u2581Belga", + -14.472888946533203 + ], + [ + "\u2581Fatima", + -14.47295379638672 + ], + [ + "lavoro", + -14.472986221313477 + ], + [ + "\u2581Cagn", + -14.47300910949707 + ], + [ + "\u2581arrogant", + -14.473047256469728 + ], + [ + "einwirkung", + -14.473142623901367 + ], + [ + "\u2581derrubar", + -14.473142623901367 + ], + [ + "\u2581groenten", + -14.473203659057615 + ], + [ + "grained", + -14.473219871520996 + ], + [ + "\u2581dominaci\u00f3n", + -14.47323226928711 + ], + [ + "\u00e9vacuation", + -14.473249435424805 + ], + [ + "\u2581simboleggia", + -14.473249435424805 + ], + [ + "\u2581id\u00e9ntica", + -14.47325038909912 + ], + [ + "Inspection", + -14.473251342773438 + ], + [ + "\u2581cucchiai", + -14.473251342773438 + ], + [ + "Detmold", + -14.473258972167969 + ], + [ + "\u2581conjointement", + -14.47327995300293 + ], + [ + "\u2581v\u00e9rifi\u00e9", + -14.473283767700195 + ], + [ + "hnitt", + -14.473307609558104 + ], + [ + "\u2581Draper", + -14.473312377929688 + ], + [ + "\u2581consid\u00e9rant", + -14.473373413085938 + ], + [ + "\u2581savana", + -14.47338581085205 + ], + [ + "\u2581infezioni", + -14.473398208618164 + ], + [ + "Sopran", + -14.473424911499023 + ], + [ + "\u2581tomaram", + -14.473438262939451 + ], + [ + "\u2581aggiornati", + -14.4734525680542 + ], + [ + "\u2581Best\u00e4nden", + -14.473499298095703 + ], + [ + "\u2581entgehen", + -14.473514556884766 + ], + [ + "\u2581riparat", + -14.473550796508787 + ], + [ + "\u2581presidency", + -14.473642349243164 + ], + [ + "querung", + -14.47364902496338 + ], + [ + "\u2581Reichsbahn", + -14.473676681518556 + ], + [ + "\u2581Demonstrations", + -14.473684310913086 + ], + [ + "\u2581Diplomarbeit", + -14.47369384765625 + ], + [ + "\u2581sorpreso", + -14.47371768951416 + ], + [ + "entlastung", + -14.473719596862791 + ], + [ + "RAR", + -14.473736763000488 + ], + [ + "pillage", + -14.473750114440918 + ], + [ + "\u2581marcian", + -14.473760604858398 + ], + [ + "\u2581enfrente", + -14.473790168762209 + ], + [ + "\u2581ausgleichen", + -14.473840713500977 + ], + [ + "udging", + -14.473868370056152 + ], + [ + "\u2581Lighthouse", + -14.473905563354492 + ], + [ + "Bekende", + -14.473917007446287 + ], + [ + "\u2581Orientali", + -14.473918914794922 + ], + [ + "up\u00e9r", + -14.47392463684082 + ], + [ + "\u2581devota", + -14.47392463684082 + ], + [ + "\u2581posthume", + -14.473931312561035 + ], + [ + "\u2581Mantovan", + -14.473946571350098 + ], + [ + "tendono", + -14.47396469116211 + ], + [ + "moins", + -14.473984718322754 + ], + [ + "quinh", + -14.47398567199707 + ], + [ + "Hugh", + -14.473995208740234 + ], + [ + "\u2581fibrosi", + -14.474013328552246 + ], + [ + "\u2581principado", + -14.474016189575195 + ], + [ + "\u2581zul\u00e4sst", + -14.47405242919922 + ], + [ + "\u2581rompere", + -14.47408962249756 + ], + [ + "akking", + -14.474109649658203 + ], + [ + "\u2581emp\u00edrica", + -14.474111557006836 + ], + [ + "gedrungen", + -14.474120140075684 + ], + [ + "werkstatt", + -14.474126815795898 + ], + [ + "\u00e9raire", + -14.474126815795898 + ], + [ + "\u2581Cupid", + -14.47413730621338 + ], + [ + "\u2581Ackermann", + -14.474146842956545 + ], + [ + "\u2581Ar\u00e1bia", + -14.474188804626465 + ], + [ + "\u2581avveniva", + -14.474190711975098 + ], + [ + "\u2581herinnert", + -14.47419261932373 + ], + [ + "\u2581revolutionaire", + -14.474212646484377 + ], + [ + "\u2581uccisa", + -14.47424602508545 + ], + [ + "\u2581piove", + -14.474276542663574 + ], + [ + "Sydney", + -14.474286079406738 + ], + [ + "\u2581Filmtitel", + -14.474287033081056 + ], + [ + "\u2581originaux", + -14.474288940429688 + ], + [ + "vertr\u00e4glichkeit", + -14.474298477172852 + ], + [ + "Krise", + -14.474337577819824 + ], + [ + "\u2581Lehen", + -14.474347114562988 + ], + [ + "\u2581Nanni", + -14.474348068237305 + ], + [ + "\u2581comprometer", + -14.474390029907228 + ], + [ + "IGH", + -14.474408149719238 + ], + [ + "\u2581Fava", + -14.474420547485352 + ], + [ + "\u2581mafios", + -14.474431991577148 + ], + [ + "staven", + -14.474448204040527 + ], + [ + "Michiels", + -14.474459648132324 + ], + [ + "Invariant", + -14.474464416503906 + ], + [ + "\u2581Lombardije", + -14.474478721618652 + ], + [ + "ogi\u00f3", + -14.474515914916992 + ], + [ + "imponente", + -14.474527359008787 + ], + [ + "impress", + -14.474538803100586 + ], + [ + "giant", + -14.474583625793455 + ], + [ + "urbanistica", + -14.474617958068848 + ], + [ + "\u2581verabreicht", + -14.474655151367188 + ], + [ + "Drosophila", + -14.47466278076172 + ], + [ + "\u2581Stanislav", + -14.474663734436035 + ], + [ + "\u2581Versorgungsbez\u00fc", + -14.474664688110352 + ], + [ + "\u2581M\u00e4nnlich", + -14.474666595458984 + ], + [ + "Ensemble", + -14.474685668945312 + ], + [ + "\u2581Istambul", + -14.474687576293944 + ], + [ + "aroque", + -14.474688529968262 + ], + [ + "amparo", + -14.474737167358398 + ], + [ + "alhamento", + -14.474777221679688 + ], + [ + "\u2581Terp", + -14.474823951721191 + ], + [ + "\u2581librer\u00eda", + -14.474835395812988 + ], + [ + "\u2581consegnare", + -14.47484302520752 + ], + [ + "appr\u00e9cie", + -14.474845886230469 + ], + [ + "\u2581chiss\u00e0", + -14.474883079528809 + ], + [ + "Multipart", + -14.474895477294922 + ], + [ + "\u00e9reo", + -14.474912643432615 + ], + [ + "GameSession", + -14.474920272827148 + ], + [ + "aantje", + -14.474946022033691 + ], + [ + "\u2581buurland", + -14.47494888305664 + ], + [ + "\u2581collass", + -14.474955558776855 + ], + [ + "\u2581obscuro", + -14.475020408630373 + ], + [ + "Einheiten", + -14.475031852722168 + ], + [ + "skriterium", + -14.475035667419434 + ], + [ + "\u2581Primaria", + -14.475064277648926 + ], + [ + "\u2581sottovaluta", + -14.475069046020508 + ], + [ + "\u2581Barrieren", + -14.475106239318848 + ], + [ + "\u2581diecisiete", + -14.47512435913086 + ], + [ + "\u2581eerbetoon", + -14.47512435913086 + ], + [ + "\u2581Bestechung", + -14.475126266479492 + ], + [ + "\u2581respektier", + -14.475139617919922 + ], + [ + "\u2581adeguatamente", + -14.475149154663086 + ], + [ + "\u2581vloeiba", + -14.475152015686035 + ], + [ + "\u2581plancher", + -14.475160598754885 + ], + [ + "\u2581r\u00e9tablir", + -14.475199699401855 + ], + [ + "converted", + -14.475214004516602 + ], + [ + "turbid", + -14.475221633911133 + ], + [ + "\u2581utterly", + -14.475298881530762 + ], + [ + "\u2581bibliografia", + -14.475316047668455 + ], + [ + "belisco", + -14.475330352783203 + ], + [ + "\u2581premiato", + -14.475341796875 + ], + [ + "\u2581Abstraktion", + -14.475346565246582 + ], + [ + "Guitar", + -14.475397109985352 + ], + [ + "Loch", + -14.47540283203125 + ], + [ + "\u2581command\u00e9e", + -14.47540283203125 + ], + [ + "\u2581permetter\u00e0", + -14.47541332244873 + ], + [ + "Artigos", + -14.475415229797363 + ], + [ + "\u2581Restaurante", + -14.475421905517578 + ], + [ + "\u2581publicity", + -14.47544002532959 + ], + [ + "\u2581Turri", + -14.475441932678224 + ], + [ + "sopra", + -14.475454330444336 + ], + [ + "\u2581Corbin", + -14.475525856018066 + ], + [ + "\u2581Schram", + -14.475526809692385 + ], + [ + "inguistik", + -14.47555160522461 + ], + [ + "d\u00fcrftig", + -14.475584983825684 + ], + [ + "\u2581Configurando", + -14.475589752197266 + ], + [ + "\u2581Stroomgebied", + -14.475593566894531 + ], + [ + "\u2581semejanza", + -14.475593566894531 + ], + [ + "Kapitein", + -14.475600242614746 + ], + [ + "stehender", + -14.475603103637695 + ], + [ + "\u2581Declin", + -14.475632667541504 + ], + [ + "vertible", + -14.475635528564451 + ], + [ + "\u2581Bagh", + -14.475662231445312 + ], + [ + "aquara", + -14.475692749023438 + ], + [ + "\u2581esercitato", + -14.475695610046388 + ], + [ + "\u2581proporzionale", + -14.475695610046388 + ], + [ + "\u2581difundi", + -14.475712776184082 + ], + [ + "Sachzusammenhang", + -14.475723266601562 + ], + [ + "resonanz", + -14.47572422027588 + ], + [ + "\u2581Arcangel", + -14.475757598876951 + ], + [ + "\u2581Vegetations", + -14.475770950317385 + ], + [ + "\u2581aiutano", + -14.475770950317385 + ], + [ + "\u2581titularidad", + -14.475778579711914 + ], + [ + "\u2581Velt", + -14.475793838500977 + ], + [ + "\u2581orthonormal", + -14.475801467895508 + ], + [ + "\u2581stink", + -14.475807189941406 + ], + [ + "remlin", + -14.47584342956543 + ], + [ + "\u2581milagr", + -14.475875854492188 + ], + [ + "Ligging", + -14.475887298583984 + ], + [ + "\u2581enteramente", + -14.475922584533691 + ], + [ + "\u2581vlakke", + -14.475924491882324 + ], + [ + "\u2581r\u00e9prim", + -14.475940704345703 + ], + [ + "\u2581lettertype", + -14.47598934173584 + ], + [ + "\u2581criadores", + -14.475994110107422 + ], + [ + "NetworkInterface", + -14.476036071777344 + ], + [ + "\u2581solidaire", + -14.476078033447266 + ], + [ + "\u2581beziffert", + -14.476085662841797 + ], + [ + "\u2581transformador", + -14.476103782653809 + ], + [ + "\u2581stichten", + -14.476149559020996 + ], + [ + "\u2581costituzionali", + -14.47616195678711 + ], + [ + "\u2581Paves", + -14.476177215576172 + ], + [ + "\u2581Rutte", + -14.476177215576172 + ], + [ + "v\u00e9h", + -14.47620964050293 + ], + [ + "\u2581impulsado", + -14.476259231567385 + ], + [ + "\u2581Biha", + -14.476326942443848 + ], + [ + "wska", + -14.476346969604492 + ], + [ + "blessure", + -14.476363182067873 + ], + [ + "\u2581stock\u00e9e", + -14.476374626159668 + ], + [ + "pprentice", + -14.47644329071045 + ], + [ + "betwist", + -14.476447105407717 + ], + [ + "\u2581paup", + -14.476496696472168 + ], + [ + "\u2581Shaanxi", + -14.47654151916504 + ], + [ + "\u2581Andrenidae", + -14.47654914855957 + ], + [ + "\u2581Urquiza", + -14.476551055908203 + ], + [ + "\u2581finlandesa", + -14.476555824279783 + ], + [ + "\u2581An\u00e4sthesi", + -14.476566314697266 + ], + [ + "\u2581Bezugszeitraum", + -14.476577758789062 + ], + [ + "\u2581sterminio", + -14.476581573486328 + ], + [ + "probleem", + -14.476584434509276 + ], + [ + "\u2581bankruptcy", + -14.476602554321287 + ], + [ + "geistliche", + -14.47662353515625 + ], + [ + "\u2581Convenio", + -14.47663402557373 + ], + [ + "Vroege", + -14.476669311523438 + ], + [ + "dujeron", + -14.476696968078612 + ], + [ + "\u2581Lernziel", + -14.476701736450195 + ], + [ + "\u2581Erythro", + -14.476706504821776 + ], + [ + "\u2581resisti", + -14.476747512817385 + ], + [ + "\u2581paspoort", + -14.47678565979004 + ], + [ + "\u2581Soissons", + -14.476795196533203 + ], + [ + "comunitari", + -14.47680377960205 + ], + [ + "\u2581trav\u00e9e", + -14.476810455322266 + ], + [ + "\u2581Suppe", + -14.47682762145996 + ], + [ + "erradura", + -14.476881980895996 + ], + [ + "ELECT", + -14.476882934570312 + ], + [ + "overall", + -14.476903915405272 + ], + [ + "\u2581confin", + -14.476922988891602 + ], + [ + "itbreiding", + -14.476935386657717 + ], + [ + "tratos", + -14.47699737548828 + ], + [ + "spartelkevers", + -14.477004051208496 + ], + [ + "\u2581shepherd", + -14.477005958557127 + ], + [ + "\u2581verwarren", + -14.477022171020508 + ], + [ + "\u2581S\u00e9nateur", + -14.477025985717772 + ], + [ + "\u2581Helsing", + -14.477031707763672 + ], + [ + "\u2581Pregunt", + -14.47703456878662 + ], + [ + "\u2581progresivo", + -14.477041244506836 + ], + [ + "ordan", + -14.477052688598633 + ], + [ + "\u2581affollate", + -14.477057456970217 + ], + [ + "practice", + -14.477066040039062 + ], + [ + "\u2581Insassen", + -14.477067947387695 + ], + [ + "\u2581Beilage", + -14.477088928222656 + ], + [ + "F\u00fchrung", + -14.4771146774292 + ], + [ + "cellborder", + -14.477167129516602 + ], + [ + "\u2581macizo", + -14.477168083190918 + ], + [ + "\u2581dramaturg", + -14.477179527282717 + ], + [ + "\u2581Arabischen", + -14.477254867553713 + ], + [ + "forceinline", + -14.477259635925291 + ], + [ + "lobte", + -14.47729206085205 + ], + [ + "\u2581luminosidad", + -14.477316856384276 + ], + [ + "Equation", + -14.477357864379885 + ], + [ + "Cust", + -14.47736644744873 + ], + [ + "Epilogue", + -14.477395057678224 + ], + [ + "\u2581sapon", + -14.47746467590332 + ], + [ + "\u2581encerramento", + -14.477474212646484 + ], + [ + "\u2581Kreativit\u00e4t", + -14.4774751663208 + ], + [ + "\u2581Arbeitskraft", + -14.477484703063965 + ], + [ + "\u2581Dros", + -14.477524757385254 + ], + [ + "\u2581Eileen", + -14.47752857208252 + ], + [ + "\u2581doelgroep", + -14.477532386779783 + ], + [ + "\u2581exig\u00eda", + -14.477532386779783 + ], + [ + "imposta", + -14.47753620147705 + ], + [ + "skog", + -14.47755527496338 + ], + [ + "Gruppo", + -14.477571487426758 + ], + [ + "\u2581Gibbons", + -14.477578163146973 + ], + [ + "\u2581generador", + -14.47760009765625 + ], + [ + "anaka", + -14.477631568908691 + ], + [ + "\u2581Umsteige", + -14.477633476257324 + ], + [ + "\u2581pesquisar", + -14.47763729095459 + ], + [ + "\u2581verwehrt", + -14.47764015197754 + ], + [ + "\u2581troubled", + -14.47764778137207 + ], + [ + "\u2581pistolet", + -14.477652549743652 + ], + [ + "\u2581Einstiegs", + -14.477664947509766 + ], + [ + "\u2581R\u00fccklagen", + -14.477669715881348 + ], + [ + "\u2581mouill", + -14.477675437927246 + ], + [ + "panna", + -14.477679252624512 + ], + [ + "orkflowExecution", + -14.477683067321776 + ], + [ + "\u2581bovenkant", + -14.477707862854004 + ], + [ + "\u2581palmi", + -14.47772216796875 + ], + [ + "\u2581motiv\u00e9", + -14.477731704711914 + ], + [ + "tigny", + -14.477744102478027 + ], + [ + "m\u00e9thyl", + -14.477766036987305 + ], + [ + "korpora", + -14.477771759033203 + ], + [ + "\u2581amarrad", + -14.477792739868164 + ], + [ + "\u2581Bl\u00fcte", + -14.47781467437744 + ], + [ + "\u2581Rauchen", + -14.477849006652832 + ], + [ + "\u2581neonatal", + -14.477850914001465 + ], + [ + "\u2581traversata", + -14.477898597717283 + ], + [ + "\u2581Weiz", + -14.477901458740234 + ], + [ + "sibil", + -14.477904319763184 + ], + [ + "adiendo", + -14.477928161621094 + ], + [ + "\u2581Shangh\u00e1i", + -14.477944374084473 + ], + [ + "\u2581gramaticais", + -14.477944374084473 + ], + [ + "Jazeera", + -14.477946281433104 + ], + [ + "\u2581Euclides", + -14.477949142456056 + ], + [ + "\u2581convenzionale", + -14.477965354919434 + ], + [ + "\u2581P\u00e4chter", + -14.47797393798828 + ], + [ + "\u2581Torsten", + -14.477977752685549 + ], + [ + "\u2581cin\u00e9tica", + -14.477977752685549 + ], + [ + "\u2581Turning", + -14.477978706359863 + ], + [ + "\u2581Vorr\u00e4te", + -14.477978706359863 + ], + [ + "UFC", + -14.478049278259276 + ], + [ + "neek", + -14.478056907653809 + ], + [ + "\u2581nordovest", + -14.478059768676758 + ], + [ + "\u2581contesa", + -14.478076934814451 + ], + [ + "\u2581Grenzgebiet", + -14.47808837890625 + ], + [ + "\u2581proponent", + -14.478121757507324 + ], + [ + "ctorial", + -14.478141784667969 + ], + [ + "\u2581onori", + -14.478147506713867 + ], + [ + "\u2581estuviese", + -14.478157997131348 + ], + [ + "Trend", + -14.478178024291992 + ], + [ + "\u2581intervenciones", + -14.478179931640623 + ], + [ + "FileType", + -14.47818374633789 + ], + [ + "\u2581stabiliti", + -14.478200912475586 + ], + [ + "agr\u00e9g", + -14.4782075881958 + ], + [ + "essian", + -14.478240966796877 + ], + [ + "\u2581campane", + -14.478267669677734 + ], + [ + "\u2581Heimatland", + -14.478296279907228 + ], + [ + "\u2581observadores", + -14.478300094604492 + ], + [ + "\u2581\u00e9difices", + -14.478307723999023 + ], + [ + "gaand", + -14.478309631347656 + ], + [ + "imago", + -14.478315353393556 + ], + [ + "\u2581Vorf\u00e4lle", + -14.478348731994627 + ], + [ + "\u2581transferiu", + -14.47835636138916 + ], + [ + "vska", + -14.47840976715088 + ], + [ + "impossibilit\u00e9", + -14.478415489196776 + ], + [ + "\u2581Silbermedaille", + -14.478424072265623 + ], + [ + "panelen", + -14.478433609008787 + ], + [ + "IAlertController", + -14.478438377380373 + ], + [ + "Locatie", + -14.47845458984375 + ], + [ + "\u2581souscri", + -14.478463172912598 + ], + [ + "\u2581Herrero", + -14.478474617004396 + ], + [ + "alestiniens", + -14.478511810302734 + ], + [ + "\u2581Numera", + -14.478511810302734 + ], + [ + "echin", + -14.478516578674316 + ], + [ + "umbar", + -14.478534698486328 + ], + [ + "salubr", + -14.47853660583496 + ], + [ + "\u2581Overleden", + -14.478556632995604 + ], + [ + "coria", + -14.478559494018556 + ], + [ + "\u2581volkslied", + -14.478570938110352 + ], + [ + "morso", + -14.4785737991333 + ], + [ + "Diagramm", + -14.47862720489502 + ], + [ + "\u2581romantico", + -14.478632926940918 + ], + [ + "\u2581residuo", + -14.47866153717041 + ], + [ + "poniert", + -14.478663444519045 + ], + [ + "\u2581Engelbert", + -14.478679656982422 + ], + [ + "\u2581dominieren", + -14.478693008422852 + ], + [ + "nteerd", + -14.47870922088623 + ], + [ + "stratifica", + -14.478714942932127 + ], + [ + "\u2581abrog", + -14.478732109069824 + ], + [ + "soteri", + -14.478759765625 + ], + [ + "qui\u00e9n", + -14.47878646850586 + ], + [ + "richer", + -14.478788375854492 + ], + [ + "ektive", + -14.47879123687744 + ], + [ + "\u2581Casado", + -14.478793144226074 + ], + [ + "\u2581anomalous", + -14.478795051574709 + ], + [ + "paginate", + -14.478802680969238 + ], + [ + "Mockito", + -14.478818893432615 + ], + [ + "diertje", + -14.47883415222168 + ], + [ + "mannschaften", + -14.478851318359377 + ], + [ + "collective", + -14.478852272033691 + ], + [ + "gegen\u00fcberliegend", + -14.478858947753906 + ], + [ + "Antartide", + -14.478886604309082 + ], + [ + "chleimhaut", + -14.478886604309082 + ], + [ + "\u2581p\u00f3rtico", + -14.478890419006348 + ], + [ + "\u2581Peri\u00f3dico", + -14.478891372680664 + ], + [ + "\u2581congressional", + -14.47889232635498 + ], + [ + "\u2581Brunswijk", + -14.478897094726562 + ], + [ + "\u2581trappola", + -14.478901863098145 + ], + [ + "\u2581Operaciones", + -14.478903770446776 + ], + [ + "\u2581Verfah", + -14.478903770446776 + ], + [ + "\u2581G\u00fcnstig", + -14.47890567779541 + ], + [ + "rrach", + -14.478925704956056 + ], + [ + "pagestyle", + -14.4789457321167 + ], + [ + "itata", + -14.478946685791016 + ], + [ + "aeronautica", + -14.478949546813965 + ], + [ + "venga", + -14.478965759277344 + ], + [ + "\u00e9vidence", + -14.478986740112305 + ], + [ + "\u2581prevailing", + -14.478997230529783 + ], + [ + "taeni", + -14.47900390625 + ], + [ + "Elegan", + -14.479004859924316 + ], + [ + "\u2581Muert", + -14.479018211364746 + ], + [ + "pague", + -14.47902774810791 + ], + [ + "mongoose", + -14.47904109954834 + ], + [ + "\u2581entspr", + -14.47904109954834 + ], + [ + "\u2581beoefend", + -14.47907543182373 + ], + [ + "\u2581encabezada", + -14.479114532470703 + ], + [ + "gespeist", + -14.47911548614502 + ], + [ + "\u2581Documental", + -14.479122161865234 + ], + [ + "\u2581Adelin", + -14.47914218902588 + ], + [ + "evlekt", + -14.479167938232422 + ], + [ + "\u2581Organist", + -14.479168891906738 + ], + [ + "entschieden", + -14.479169845581056 + ], + [ + "renaissance", + -14.4791898727417 + ], + [ + "\u2581Privad", + -14.479191780090332 + ], + [ + "gevochten", + -14.479195594787598 + ], + [ + "kl\u00e4ren", + -14.479205131530762 + ], + [ + "schaftswahl", + -14.479217529296877 + ], + [ + "\u00e1gil", + -14.479238510131836 + ], + [ + "arrison", + -14.479255676269531 + ], + [ + "leria", + -14.479255676269531 + ], + [ + "announce", + -14.479276657104492 + ], + [ + "\u2581scara", + -14.47928237915039 + ], + [ + "\u2581Ansprache", + -14.479288101196287 + ], + [ + "Conserva", + -14.479310035705566 + ], + [ + "gebungskompetenz", + -14.479327201843262 + ], + [ + "\u2581par\u00e1bola", + -14.479357719421388 + ], + [ + "\u2581browsing", + -14.47935962677002 + ], + [ + "\u2581anzitutto", + -14.47937297821045 + ], + [ + "DEVELOP", + -14.479381561279297 + ], + [ + "\u2581exigente", + -14.47939682006836 + ], + [ + "\u2581Coster", + -14.4794282913208 + ], + [ + "umbau", + -14.479474067687988 + ], + [ + "\u2581monitores", + -14.479503631591797 + ], + [ + "\u2581bungalow", + -14.47950839996338 + ], + [ + "\u2581d\u00e9bri", + -14.47952938079834 + ], + [ + "\u2581splendid", + -14.47952938079834 + ], + [ + "schauer", + -14.479537010192873 + ], + [ + "wisch", + -14.47954559326172 + ], + [ + "\u2581exili", + -14.479575157165527 + ], + [ + "\u2581Diffi", + -14.479584693908691 + ], + [ + "enswaardig", + -14.479591369628906 + ], + [ + "\u2581supervivientes", + -14.47960090637207 + ], + [ + "skoe", + -14.47961139678955 + ], + [ + "\u2581vi\u00e1vel", + -14.47962474822998 + ], + [ + "\u2581amig\u00e1vel", + -14.479633331298828 + ], + [ + "\u2581reflektieren", + -14.479690551757812 + ], + [ + "\u2581desafiar", + -14.479716300964355 + ], + [ + "\u2581estudiando", + -14.479742050170898 + ], + [ + "\u2581behoben", + -14.479778289794922 + ], + [ + "\u2581provocaron", + -14.479809761047363 + ], + [ + "HOMEBREW", + -14.479828834533691 + ], + [ + "\u2581mammalian", + -14.479840278625488 + ], + [ + "PSE", + -14.479844093322754 + ], + [ + "eingriff", + -14.479878425598145 + ], + [ + "sirio", + -14.479878425598145 + ], + [ + "\u2581stopgezet", + -14.47988986968994 + ], + [ + "Oltrep", + -14.47990608215332 + ], + [ + "\u2581Technisch", + -14.479976654052734 + ], + [ + "cythere", + -14.480000495910645 + ], + [ + "rampen", + -14.480052947998049 + ], + [ + "\u2581prioritaire", + -14.48005485534668 + ], + [ + "\u2581Grig", + -14.48009967803955 + ], + [ + "\u2581compassione", + -14.480156898498535 + ], + [ + "\u2581Tigri", + -14.48016357421875 + ], + [ + "metrisch", + -14.48018741607666 + ], + [ + "Dieser", + -14.48019313812256 + ], + [ + "\u2581Heyman", + -14.480201721191406 + ], + [ + "alusi", + -14.480202674865724 + ], + [ + "\u2581automatisierte", + -14.480259895324709 + ], + [ + "\u2581S\u00e4ttigung", + -14.480271339416504 + ], + [ + "artan", + -14.480281829833984 + ], + [ + "\u2581Soprano", + -14.480281829833984 + ], + [ + "EBE", + -14.480292320251465 + ], + [ + "verlangen", + -14.480297088623049 + ], + [ + "\u2581Bertelsmann", + -14.480300903320312 + ], + [ + "jedoch", + -14.480302810668944 + ], + [ + "sqlalchemy", + -14.480302810668944 + ], + [ + "\u2581estrearam", + -14.480313301086426 + ], + [ + "\u2581Biografisch", + -14.480318069458008 + ], + [ + "\u2581tombent", + -14.480319023132324 + ], + [ + "\u2581Kleiner", + -14.48031997680664 + ], + [ + "ambient", + -14.48032283782959 + ], + [ + "\u2581Fachzeitschrift", + -14.480323791503906 + ], + [ + "curatore", + -14.480331420898438 + ], + [ + "\u2581Cruzada", + -14.480331420898438 + ], + [ + "cinzent", + -14.480352401733398 + ], + [ + "gusan", + -14.480365753173828 + ], + [ + "\u2581corbe", + -14.480369567871094 + ], + [ + "\u2581Amparo", + -14.48037338256836 + ], + [ + "\u2581Saboya", + -14.480385780334473 + ], + [ + "\u2581schwerwiegenden", + -14.480399131774902 + ], + [ + "\u2581rifiutare", + -14.480422973632812 + ], + [ + "fezioni", + -14.480451583862305 + ], + [ + "\u2581confirming", + -14.480453491210938 + ], + [ + "egesta", + -14.480478286743164 + ], + [ + "Blueprint", + -14.480485916137695 + ], + [ + "\u2581emergi", + -14.480493545532228 + ], + [ + "Marsa", + -14.480511665344238 + ], + [ + "bfuscat", + -14.480533599853516 + ], + [ + "\u2581dotation", + -14.480570793151855 + ], + [ + "\u2581Debatten", + -14.480575561523438 + ], + [ + "\u2581banquete", + -14.480583190917969 + ], + [ + "\u2581esgot", + -14.480589866638184 + ], + [ + "\u2581scorte", + -14.480598449707031 + ], + [ + "\u2581destroza", + -14.480630874633787 + ], + [ + "\u2581d\u00e9croche", + -14.480652809143066 + ], + [ + "\u2581esistenziale", + -14.480688095092772 + ], + [ + "\u2581Sakra", + -14.480705261230469 + ], + [ + "\u2581tagliare", + -14.480725288391112 + ], + [ + "gezahlt", + -14.4807710647583 + ], + [ + "\u2581Guthrie", + -14.480772972106934 + ], + [ + "\u2581discoteche", + -14.480774879455566 + ], + [ + "\u2581manschappen", + -14.480782508850098 + ], + [ + "\u2581allereerste", + -14.48085880279541 + ], + [ + "zalen", + -14.480867385864258 + ], + [ + "testimonial", + -14.480870246887209 + ], + [ + "\u2581Blackpool", + -14.480901718139648 + ], + [ + "wischt", + -14.480908393859863 + ], + [ + "Aversa", + -14.48091983795166 + ], + [ + "\u2581boekte", + -14.480948448181152 + ], + [ + "\u2581kijkers", + -14.480952262878418 + ], + [ + "\u00e9normes", + -14.480998039245604 + ], + [ + "\u2581compartida", + -14.481000900268556 + ], + [ + "\u2581squeezed", + -14.481019020080566 + ], + [ + "\u2581Lian", + -14.48102569580078 + ], + [ + "\u2581Carba", + -14.481069564819336 + ], + [ + "\u2581unificar", + -14.481093406677246 + ], + [ + "\u2581identico", + -14.481118202209473 + ], + [ + "\u2581dreamer", + -14.481130599975586 + ], + [ + "\u2581Benedicto", + -14.481168746948242 + ], + [ + "octree", + -14.48116970062256 + ], + [ + "\u2581augmentent", + -14.481203079223633 + ], + [ + "otola", + -14.481206893920898 + ], + [ + "\u2581Fil\u00f3sofos", + -14.481245040893556 + ], + [ + "\u2581Infolgedessen", + -14.481245994567873 + ], + [ + "rabbitmq", + -14.481250762939451 + ], + [ + "NatSchG", + -14.481252670288086 + ], + [ + "\u2581permanec\u00eda", + -14.481257438659668 + ], + [ + "\u2581thuisbasis", + -14.481297492980955 + ], + [ + "\u2581mostruos", + -14.481313705444336 + ], + [ + "drempel", + -14.481316566467283 + ], + [ + "WEL", + -14.481335639953612 + ], + [ + "Salle", + -14.481353759765623 + ], + [ + "\u2581obstru", + -14.481363296508787 + ], + [ + "\u2581in\u00e9dite", + -14.48137378692627 + ], + [ + "Wirklich", + -14.481377601623535 + ], + [ + "postel", + -14.481404304504396 + ], + [ + "\u2581Giotto", + -14.48141098022461 + ], + [ + "\u2581lockdown", + -14.48141098022461 + ], + [ + "\u2581voorzijde", + -14.48141098022461 + ], + [ + "\u2581Cyg", + -14.481414794921877 + ], + [ + "\u2581voisinage", + -14.481422424316406 + ], + [ + "\u2581hospitalier", + -14.481433868408203 + ], + [ + "\u2581entf\u00fchrt", + -14.481470108032228 + ], + [ + "\u2581ultimat", + -14.481480598449709 + ], + [ + "\u2581Bezogen", + -14.481500625610352 + ], + [ + "\u2581longuement", + -14.481523513793944 + ], + [ + "Marine", + -14.481527328491213 + ], + [ + "\u2581permaneceram", + -14.481544494628906 + ], + [ + "\u2581th\u00e9matiques", + -14.481571197509766 + ], + [ + "miller", + -14.48158359527588 + ], + [ + "\u2581d\u00e9range", + -14.481616020202637 + ], + [ + "\u2581matrici", + -14.481630325317385 + ], + [ + "\u2581crev", + -14.481648445129396 + ], + [ + "motri", + -14.481661796569824 + ], + [ + "NPR", + -14.481670379638672 + ], + [ + "unculus", + -14.481712341308594 + ], + [ + "resb\u00edtero", + -14.481718063354492 + ], + [ + "\u2581Cannavaro", + -14.481719017028809 + ], + [ + "Vorhaben", + -14.481729507446287 + ], + [ + "\u2581presidida", + -14.481732368469238 + ], + [ + "appellativo", + -14.4817533493042 + ], + [ + "\u2581Lukewarm", + -14.481771469116213 + ], + [ + "\u2581sopl", + -14.481771469116213 + ], + [ + "\u2581McCall", + -14.481773376464844 + ], + [ + "\u2581diff\u00e9rencie", + -14.481792449951172 + ], + [ + "wervel", + -14.481794357299805 + ], + [ + "\u2581edificaci\u00f3n", + -14.481849670410156 + ], + [ + "gilt", + -14.48190975189209 + ], + [ + "\u2581antifascista", + -14.481935501098633 + ], + [ + "\u2581blessed", + -14.481939315795898 + ], + [ + "LINEAR", + -14.481947898864746 + ], + [ + "\u2581atenta", + -14.482003211975098 + ], + [ + "\u2581reconhe", + -14.48205852508545 + ], + [ + "\u2581fondamenta", + -14.48210906982422 + ], + [ + "lu\u00eddo", + -14.4821195602417 + ], + [ + "uitgang", + -14.482129096984863 + ], + [ + "\u2581adornad", + -14.482158660888672 + ], + [ + "rechtvleugeligen", + -14.482159614562988 + ], + [ + "\u2581veranschlagten", + -14.48219394683838 + ], + [ + "\u2581ontvoerd", + -14.482220649719238 + ], + [ + "\u2581directing", + -14.482229232788086 + ], + [ + "\u2581vuurtoren", + -14.482229232788086 + ], + [ + "\u2581Borgin", + -14.482236862182615 + ], + [ + "verifier", + -14.482254028320312 + ], + [ + "gonad", + -14.482259750366213 + ], + [ + "\u2581sterkste", + -14.482261657714844 + ], + [ + "\u2581Selma", + -14.482269287109377 + ], + [ + "\u2581hallway", + -14.482277870178224 + ], + [ + "\u2581centr\u00e9e", + -14.482279777526855 + ], + [ + "\u2581Risques", + -14.482303619384766 + ], + [ + "Deserializer", + -14.48231315612793 + ], + [ + "mtern", + -14.482315063476562 + ], + [ + "\u2581innovativen", + -14.482337951660156 + ], + [ + "TFS", + -14.482376098632812 + ], + [ + "psarc", + -14.482391357421877 + ], + [ + "acharel", + -14.48240852355957 + ], + [ + "\u2581legendary", + -14.482422828674316 + ], + [ + "deprecate", + -14.482452392578123 + ], + [ + "shka", + -14.482458114624023 + ], + [ + "uclidean", + -14.482500076293944 + ], + [ + "pagebreak", + -14.482510566711426 + ], + [ + "\u2581Revers", + -14.482514381408691 + ], + [ + "rescindi", + -14.482558250427246 + ], + [ + "celulares", + -14.482577323913574 + ], + [ + "\u2581\u00e9conomistes", + -14.482579231262209 + ], + [ + "\u2581Sportarten", + -14.482584953308104 + ], + [ + "EIGHT", + -14.482630729675291 + ], + [ + "conversation", + -14.482640266418455 + ], + [ + "\u2581apoyada", + -14.482643127441406 + ], + [ + "IsNotModified", + -14.48266315460205 + ], + [ + "st\u00fctzpunkt", + -14.48266315460205 + ], + [ + "\u2581Sup\u00e9rieur", + -14.48266315460205 + ], + [ + "\u2581fantascienza", + -14.48266315460205 + ], + [ + "\u2581langwerpig", + -14.48266315460205 + ], + [ + "\u2581Gaudi", + -14.482664108276367 + ], + [ + "ged\u00e4chtnis", + -14.482665061950684 + ], + [ + "\u2581Argonaut", + -14.48266887664795 + ], + [ + "\u2581modernisation", + -14.482684135437012 + ], + [ + "\u2581Kret", + -14.482701301574709 + ], + [ + "\u2581vrijgegeven", + -14.48270320892334 + ], + [ + "\u2581Judentum", + -14.482744216918944 + ], + [ + "leistenden", + -14.482760429382324 + ], + [ + "\u2581censada", + -14.482787132263184 + ], + [ + "\u2581brinca", + -14.482807159423828 + ], + [ + "archetip", + -14.482830047607422 + ], + [ + "\u2581Calor", + -14.48285961151123 + ], + [ + "\u2581tortur", + -14.482873916625977 + ], + [ + "nachrichten", + -14.482874870300291 + ], + [ + "ironie", + -14.482876777648926 + ], + [ + "\u2581vermindern", + -14.482877731323242 + ], + [ + "\u2581succedette", + -14.482925415039062 + ], + [ + "Funk", + -14.482930183410645 + ], + [ + "assassin", + -14.482946395874023 + ], + [ + "\u2581Rechtsgesch\u00e4ft", + -14.48299503326416 + ], + [ + "\u2581Gundam", + -14.483006477355955 + ], + [ + "\u2581Sargento", + -14.483036994934082 + ], + [ + "\u2581caca", + -14.48308563232422 + ], + [ + "wxALIGN", + -14.483129501342772 + ], + [ + "\u2581Beanspruchung", + -14.483136177062988 + ], + [ + "\u2581McClellan", + -14.483142852783203 + ], + [ + "f\u00e4lligen", + -14.483177185058594 + ], + [ + "\u2581Arabes", + -14.483184814453123 + ], + [ + "\u2581provoquant", + -14.483195304870604 + ], + [ + "\u2581Trecento", + -14.483200073242188 + ], + [ + "\u2581Escritoras", + -14.483217239379885 + ], + [ + "\u2581reformiert", + -14.483227729797363 + ], + [ + "eitaufwand", + -14.48322868347168 + ], + [ + "\u2581sperimentazione", + -14.483235359191896 + ], + [ + "\u2581evangelio", + -14.48324489593506 + ], + [ + "ancellationToken", + -14.483247756958008 + ], + [ + "opstelling", + -14.483275413513184 + ], + [ + "offizielle", + -14.48327922821045 + ], + [ + "urons", + -14.483285903930664 + ], + [ + "Lanciano", + -14.48329734802246 + ], + [ + "\u2581erudit", + -14.483314514160156 + ], + [ + "Stopping", + -14.483316421508787 + ], + [ + "\u2581autor\u00eda", + -14.483316421508787 + ], + [ + "\u2581sustentar", + -14.483316421508787 + ], + [ + "\u2581Britische", + -14.483391761779783 + ], + [ + "\u2581cercan\u00eda", + -14.48341178894043 + ], + [ + "bursts", + -14.483428001403809 + ], + [ + "\u2581reprint", + -14.483466148376465 + ], + [ + "indberg", + -14.483469009399414 + ], + [ + "\u2581semper", + -14.483473777770996 + ], + [ + "influsso", + -14.48351764678955 + ], + [ + "\u2581Nakan", + -14.48355197906494 + ], + [ + "\u2581concentrada", + -14.483606338500977 + ], + [ + "\u2581Giamaica", + -14.483609199523926 + ], + [ + "\u2581Prefecture", + -14.483609199523926 + ], + [ + "\u2581aeron\u00e1utic", + -14.48361110687256 + ], + [ + "democratiza", + -14.483613967895508 + ], + [ + "\u2581Goldmedaille", + -14.483643531799316 + ], + [ + "evaluator", + -14.483682632446287 + ], + [ + "\u2581inserite", + -14.483747482299805 + ], + [ + "\u2581preferenza", + -14.48375415802002 + ], + [ + "getResource", + -14.483783721923828 + ], + [ + "KSV", + -14.483784675598145 + ], + [ + "codesign", + -14.483789443969728 + ], + [ + "plankton", + -14.483793258666992 + ], + [ + "kompe", + -14.483802795410156 + ], + [ + "definido", + -14.483829498291016 + ], + [ + "iskal", + -14.48385238647461 + ], + [ + "Analyze", + -14.483938217163086 + ], + [ + "\u2581restaurato", + -14.483959197998049 + ], + [ + "ishman", + -14.483993530273438 + ], + [ + "\u2581undergone", + -14.484038352966309 + ], + [ + "\u2581automobilisti", + -14.484061241149902 + ], + [ + "MONITOR", + -14.484081268310549 + ], + [ + "mysqli", + -14.484119415283203 + ], + [ + "RAISING", + -14.484137535095217 + ], + [ + "\u2581Colette", + -14.484183311462402 + ], + [ + "\u2581Crip", + -14.484207153320312 + ], + [ + "legitim", + -14.484214782714844 + ], + [ + "\u2581funktionellen", + -14.484264373779297 + ], + [ + "\u2581marittimi", + -14.484304428100586 + ], + [ + "\u2581concordou", + -14.484309196472168 + ], + [ + "\u2581vergangen", + -14.48436164855957 + ], + [ + "\u2581encamina", + -14.484387397766112 + ], + [ + "\u2581Buckley", + -14.48440647125244 + ], + [ + "\u2581cazadores", + -14.484421730041504 + ], + [ + "\u2581Grundsatzes", + -14.484437942504885 + ], + [ + "\u2581accru", + -14.484448432922363 + ], + [ + "\u2581versnel", + -14.484503746032717 + ], + [ + "\u2581inc\u00f3mod", + -14.48453426361084 + ], + [ + "\u2581Sombra", + -14.484535217285156 + ], + [ + "\u2581vacila", + -14.484539985656738 + ], + [ + "\u2581Twentieth", + -14.4845552444458 + ], + [ + "\u2581creatividad", + -14.484559059143066 + ], + [ + "\u2581invad", + -14.48458766937256 + ], + [ + "\u2581fluctuation", + -14.484589576721191 + ], + [ + "incluso", + -14.48460578918457 + ], + [ + "epilog", + -14.48464012145996 + ], + [ + "ejection", + -14.484688758850098 + ], + [ + "flichtverletzung", + -14.484711647033691 + ], + [ + "\u2581Poirot", + -14.48472023010254 + ], + [ + "\u2581Argy", + -14.484747886657717 + ], + [ + "\u2581vermeldt", + -14.484758377075195 + ], + [ + "eriana", + -14.484764099121094 + ], + [ + "katholischen", + -14.484776496887209 + ], + [ + "sauridae", + -14.484818458557127 + ], + [ + "\u2581caliza", + -14.484832763671877 + ], + [ + "lapsed", + -14.484848022460938 + ], + [ + "\u2581Begriffsbestimm", + -14.484869003295898 + ], + [ + "\u2581positioniert", + -14.485013008117676 + ], + [ + "\u2581Lider", + -14.485013961791992 + ], + [ + "\u2581sbagli", + -14.485023498535156 + ], + [ + "\u2581p\u00e9ril", + -14.485024452209473 + ], + [ + "\u2581vooruitgang", + -14.485031127929688 + ], + [ + "\u2581Sehnsucht", + -14.48503303527832 + ], + [ + "lysin", + -14.485036849975586 + ], + [ + "\u2581inwoner", + -14.485039710998535 + ], + [ + "\u2581detalhado", + -14.48505401611328 + ], + [ + "\u2581sucedeu", + -14.485068321228027 + ], + [ + "similis", + -14.48507022857666 + ], + [ + "\u2581nominativ", + -14.485078811645508 + ], + [ + "Gaillard", + -14.485092163085938 + ], + [ + "\u2581Verzeichnisse", + -14.485093116760254 + ], + [ + "\u2581snar", + -14.485150337219238 + ], + [ + "\u2581ressaltar", + -14.485185623168944 + ], + [ + "meccanici", + -14.485190391540527 + ], + [ + "\u2581exaust", + -14.48524570465088 + ], + [ + "\u2581ambitie", + -14.485255241394045 + ], + [ + "tagsabgeordnete", + -14.485267639160156 + ], + [ + "\u2581Tolomeo", + -14.485321044921877 + ], + [ + "\u2581apostolica", + -14.485329627990724 + ], + [ + "\u2581prevalece", + -14.485347747802734 + ], + [ + "gezonden", + -14.485360145568848 + ], + [ + "caught", + -14.48538589477539 + ], + [ + "\u2581cartridge", + -14.485406875610352 + ], + [ + "\u2581Mendon", + -14.485419273376465 + ], + [ + "anischer", + -14.48546028137207 + ], + [ + "\u2581endangered", + -14.485472679138184 + ], + [ + "Moore", + -14.4854736328125 + ], + [ + "rabben", + -14.485474586486816 + ], + [ + "spaard", + -14.485480308532717 + ], + [ + "russo", + -14.485482215881348 + ], + [ + "unf\u00e4llen", + -14.485486030578612 + ], + [ + "\u2581Egbert", + -14.485490798950195 + ], + [ + "\u2581scolastica", + -14.485504150390623 + ], + [ + "\u2581Macerata", + -14.48550796508789 + ], + [ + "\u2581guichet", + -14.485515594482422 + ], + [ + "schonende", + -14.48556137084961 + ], + [ + "\u2581represa", + -14.48557186126709 + ], + [ + "uteki", + -14.485572814941406 + ], + [ + "\u2581grinned", + -14.485580444335938 + ], + [ + "\u2581touring", + -14.485580444335938 + ], + [ + "lacto", + -14.48561668395996 + ], + [ + "baixado", + -14.485620498657228 + ], + [ + "sortiment", + -14.485634803771973 + ], + [ + "kommenden", + -14.485697746276855 + ], + [ + "\u2581substantie", + -14.485713958740234 + ], + [ + "\u2581furtiv", + -14.485754013061523 + ], + [ + "\u2581Riede", + -14.48580837249756 + ], + [ + "\u2581telefonico", + -14.485830307006836 + ], + [ + "ahnarzt", + -14.48583698272705 + ], + [ + "raghi", + -14.485873222351074 + ], + [ + "Applied", + -14.485875129699709 + ], + [ + "\u2581eingerichteten", + -14.485886573791504 + ], + [ + "Robin", + -14.485909461975098 + ], + [ + "Madeleine", + -14.485912322998049 + ], + [ + "rgano", + -14.485933303833008 + ], + [ + "\u00e4len", + -14.48593807220459 + ], + [ + "igiani", + -14.485962867736816 + ], + [ + "\u2581agrarisch", + -14.485970497131348 + ], + [ + "ypriot", + -14.48597240447998 + ], + [ + "\u2581Seward", + -14.485981941223145 + ], + [ + "\u2581regionaal", + -14.485990524291992 + ], + [ + "\u2581ridicol", + -14.486028671264648 + ], + [ + "Chord", + -14.486032485961914 + ], + [ + "ingrazio", + -14.486065864562988 + ], + [ + "\u2581selvagens", + -14.486102104187012 + ], + [ + "\u2581wunderbare", + -14.486102104187012 + ], + [ + "\u2581prognostic", + -14.48610782623291 + ], + [ + "\u2581hallazgos", + -14.48613166809082 + ], + [ + "Importance", + -14.486138343811035 + ], + [ + "\u2581centesimi", + -14.48615264892578 + ], + [ + "\u2581Herodes", + -14.48615837097168 + ], + [ + "liver", + -14.486172676086426 + ], + [ + "\u2581Bruna", + -14.486251831054688 + ], + [ + "\u2581bereiden", + -14.486268043518066 + ], + [ + "\u2581Roteir", + -14.486283302307127 + ], + [ + "colhido", + -14.486295700073242 + ], + [ + "\u2581rescued", + -14.486297607421877 + ], + [ + "\u2581Hadrian", + -14.486326217651367 + ], + [ + "brega", + -14.486346244812012 + ], + [ + "\u2581riscontro", + -14.48638916015625 + ], + [ + "\u2581decesso", + -14.48639678955078 + ], + [ + "duiken", + -14.486397743225098 + ], + [ + "vaskul\u00e4re", + -14.486417770385742 + ], + [ + "Senat", + -14.486445426940918 + ], + [ + "\u2581influencing", + -14.486454963684082 + ], + [ + "\u2581abzuwarten", + -14.486461639404297 + ], + [ + "\u2581Wenige", + -14.48646354675293 + ], + [ + "\u2581facciones", + -14.486473083496094 + ], + [ + "\u2581regne", + -14.486474990844728 + ], + [ + "\u2581consulenza", + -14.486499786376951 + ], + [ + "\u2581inundaciones", + -14.486541748046877 + ], + [ + "\u2581gitan", + -14.486557006835938 + ], + [ + "mitarbeiter", + -14.486584663391112 + ], + [ + "\u2581Auslaufen", + -14.486591339111328 + ], + [ + "\u2581dirigersi", + -14.48662281036377 + ], + [ + "\u2581selvaggio", + -14.486629486083984 + ], + [ + "Residual", + -14.486651420593262 + ], + [ + "\u2581afastar", + -14.48666763305664 + ], + [ + "\u2581catapult", + -14.486682891845703 + ], + [ + "\u2581derrubad", + -14.486685752868652 + ], + [ + "cellus", + -14.486686706542969 + ], + [ + "Arrangement", + -14.4867525100708 + ], + [ + "nearest", + -14.486771583557127 + ], + [ + "\u2581stump", + -14.486796379089355 + ], + [ + "\u2581reunido", + -14.486808776855469 + ], + [ + "\u2581percorrono", + -14.486821174621582 + ], + [ + "\u2581B\u00fcrgerrecht", + -14.486836433410645 + ], + [ + "\u2581dureza", + -14.486852645874023 + ], + [ + "illary", + -14.486856460571287 + ], + [ + "\u2581Palestr", + -14.486888885498049 + ], + [ + "\u2581Bamba", + -14.486912727355955 + ], + [ + "tienpotigensoort", + -14.48692798614502 + ], + [ + "\u2581persuad\u00e9", + -14.48692798614502 + ], + [ + "\u2581manicomio", + -14.486928939819336 + ], + [ + "Hunsr\u00fcck", + -14.486930847167969 + ], + [ + "\u2581Giur", + -14.4869384765625 + ], + [ + "ogda", + -14.486948013305664 + ], + [ + "\u2581paragonabile", + -14.486955642700195 + ], + [ + "LMA", + -14.486960411071776 + ], + [ + "Inhalts\u00fcbersicht", + -14.48696517944336 + ], + [ + "\u2581preval", + -14.48701000213623 + ], + [ + "fr\u00e4nkischen", + -14.487011909484863 + ], + [ + "behaved", + -14.48702621459961 + ], + [ + "obiidae", + -14.487037658691406 + ], + [ + "\u2581periodisch", + -14.48708438873291 + ], + [ + "Nuevo", + -14.487176895141602 + ], + [ + "BigInt", + -14.487188339233398 + ], + [ + "\u2581Suicid", + -14.487221717834473 + ], + [ + "psert", + -14.487236976623535 + ], + [ + "ali\u00e9n", + -14.487237930297852 + ], + [ + "\u2581deslocar", + -14.487259864807127 + ], + [ + "riaga", + -14.48731517791748 + ], + [ + "\u2581voorzag", + -14.487318992614746 + ], + [ + "ls\u00e4ure", + -14.487323760986328 + ], + [ + "perhaps", + -14.487324714660645 + ], + [ + "Slam", + -14.487329483032228 + ], + [ + "\u2581affam", + -14.48733901977539 + ], + [ + "\u2581versterkte", + -14.487356185913086 + ], + [ + "\u2581sofortigen", + -14.487378120422363 + ], + [ + "stradiol", + -14.487391471862791 + ], + [ + "yaki", + -14.487394332885742 + ], + [ + "betiseringsgraad", + -14.48740291595459 + ], + [ + "Voz", + -14.487417221069336 + ], + [ + "\u2581proibida", + -14.487424850463867 + ], + [ + "MDP", + -14.487482070922852 + ], + [ + "\u2581Dynam", + -14.48749828338623 + ], + [ + "\u2581alli\u00e9e", + -14.487516403198242 + ], + [ + "\u2581Fresc", + -14.487529754638672 + ], + [ + "methan", + -14.487530708312988 + ], + [ + "LOCALI", + -14.48755931854248 + ], + [ + "Myrm", + -14.487626075744627 + ], + [ + "eslav", + -14.487637519836426 + ], + [ + "\u2581illecit", + -14.487651824951172 + ], + [ + "\u2581Taller", + -14.487659454345703 + ], + [ + "eklaration", + -14.487668991088867 + ], + [ + "aurez", + -14.487671852111816 + ], + [ + "\u2581mangelhafte", + -14.48769760131836 + ], + [ + "authority", + -14.48772430419922 + ], + [ + "Kong", + -14.48773193359375 + ], + [ + "\u2581monote", + -14.487740516662598 + ], + [ + "\u2581teammate", + -14.48774528503418 + ], + [ + "\u2581dominava", + -14.487763404846191 + ], + [ + "\u00e9lie", + -14.487784385681152 + ], + [ + "shenko", + -14.487791061401367 + ], + [ + "sch\u00fcchter", + -14.487793922424316 + ], + [ + "largest", + -14.487815856933594 + ], + [ + "\u2581trasla", + -14.487815856933594 + ], + [ + "\u2581birr", + -14.487826347351074 + ], + [ + "ambule", + -14.487881660461426 + ], + [ + "\u2581concezioni", + -14.487903594970703 + ], + [ + "\u2581Stree", + -14.487906455993652 + ], + [ + "trikel", + -14.487930297851562 + ], + [ + "\u2581esculpid", + -14.487943649291992 + ], + [ + "\u2581Divergen", + -14.487951278686523 + ], + [ + "\u2581openlijk", + -14.487957000732422 + ], + [ + "ginx", + -14.48798370361328 + ], + [ + "usserdem", + -14.488009452819824 + ], + [ + "versand", + -14.488035202026367 + ], + [ + "initiator", + -14.488064765930176 + ], + [ + "rididae", + -14.488081932067873 + ], + [ + "zeges", + -14.488091468811035 + ], + [ + "\u2581reunida", + -14.488170623779297 + ], + [ + "\u2581Roxan", + -14.48817539215088 + ], + [ + "bodies", + -14.488194465637209 + ], + [ + "fianza", + -14.488194465637209 + ], + [ + "frequenzen", + -14.48824977874756 + ], + [ + "besluit", + -14.488340377807615 + ], + [ + "ostrum", + -14.48834228515625 + ], + [ + "\u2581sabedoria", + -14.488353729248049 + ], + [ + "\u2581Brauchitsch", + -14.488356590270996 + ], + [ + "\u2581op\u00e9r\u00e9", + -14.488369941711426 + ], + [ + "therefore", + -14.488375663757324 + ], + [ + "\u2581Hindenburg", + -14.488380432128906 + ], + [ + "\u2581smantella", + -14.488391876220703 + ], + [ + "\u2581biologico", + -14.488450050354004 + ], + [ + "\u2581Rother", + -14.48845672607422 + ], + [ + "squema", + -14.488457679748535 + ], + [ + "bearing", + -14.488507270812988 + ], + [ + "\u2581renoviert", + -14.488523483276367 + ], + [ + "\u2581historiquement", + -14.488615036010742 + ], + [ + "isciplinary", + -14.488619804382324 + ], + [ + "ragon\u00e9s", + -14.488622665405272 + ], + [ + "\u2581intrinsec", + -14.488629341125488 + ], + [ + "\u2581arriver\u00e0", + -14.488645553588867 + ], + [ + "h\u00fcl", + -14.488651275634766 + ], + [ + "cchetta", + -14.488655090332031 + ], + [ + "ECON", + -14.48866844177246 + ], + [ + "aristo", + -14.488709449768066 + ], + [ + "eryl", + -14.488725662231444 + ], + [ + "\u2581supermercado", + -14.48874282836914 + ], + [ + "\u2581Spazi", + -14.488774299621582 + ], + [ + "juw", + -14.488805770874023 + ], + [ + "\u2581suburbano", + -14.488809585571287 + ], + [ + "Gatineau", + -14.488829612731934 + ], + [ + "\u2581artigianale", + -14.48883056640625 + ], + [ + "\u2581Beisitzer", + -14.4888334274292 + ], + [ + "sufficienza", + -14.488839149475098 + ], + [ + "\u2581Aurore", + -14.488890647888184 + ], + [ + "rowning", + -14.488903045654297 + ], + [ + "\u2581Jordaan", + -14.48896026611328 + ], + [ + "\u2581cartolin", + -14.488968849182127 + ], + [ + "pfarr", + -14.488971710205078 + ], + [ + "abbiamo", + -14.488978385925291 + ], + [ + "Worksheet", + -14.489015579223633 + ], + [ + "\u2581terribili", + -14.489028930664062 + ], + [ + "hebt", + -14.489033699035645 + ], + [ + "\u2581filosofen", + -14.48904514312744 + ], + [ + "\u2581dirham", + -14.489068984985352 + ], + [ + "jaya", + -14.48907470703125 + ], + [ + "Aufgaben", + -14.489096641540527 + ], + [ + "Ranking", + -14.489118576049805 + ], + [ + "\u2581Falsche", + -14.489130020141602 + ], + [ + "ampagna", + -14.489136695861816 + ], + [ + "inimize", + -14.489150047302246 + ], + [ + "\u2581ondiep", + -14.489164352416992 + ], + [ + "emismo", + -14.489234924316406 + ], + [ + "ATORS", + -14.48924732208252 + ], + [ + "\u2581Asylsuchende", + -14.489252090454102 + ], + [ + "\u2581Viaggiare", + -14.489266395568848 + ], + [ + "\u2581Mascar", + -14.489285469055176 + ], + [ + "\u00fcblichen", + -14.489307403564451 + ], + [ + "\u2581d\u00e9cisif", + -14.489307403564451 + ], + [ + "\u2581devriez", + -14.489340782165527 + ], + [ + "\u2581Ponz", + -14.48936367034912 + ], + [ + "\u2581identifizierten", + -14.489370346069336 + ], + [ + "ureka", + -14.489424705505373 + ], + [ + "\u2581reorganiz", + -14.489439964294434 + ], + [ + "righi", + -14.489460945129396 + ], + [ + "lettronica", + -14.48948574066162 + ], + [ + "TPS", + -14.48948860168457 + ], + [ + "Pragma", + -14.489513397216797 + ], + [ + "ernst", + -14.489531517028809 + ], + [ + "\u2581Hartley", + -14.48953914642334 + ], + [ + "\u2581offenkundig", + -14.489574432373049 + ], + [ + "\u2581Cappell", + -14.489580154418944 + ], + [ + "\u00fchr", + -14.489585876464844 + ], + [ + "\u2581opheffing", + -14.489596366882324 + ], + [ + "METRICS", + -14.48964786529541 + ], + [ + "\u2581kenden", + -14.489652633666992 + ], + [ + "\u2581roubado", + -14.489686965942385 + ], + [ + "\u2581levita", + -14.489688873291016 + ], + [ + "\u2581besteld", + -14.489706039428713 + ], + [ + "thik", + -14.489734649658203 + ], + [ + "\u2581Iberi", + -14.489758491516112 + ], + [ + "\u2581Participou", + -14.489782333374023 + ], + [ + "\u2581decr\u00e9scimo", + -14.489782333374023 + ], + [ + "\u2581Prinzen", + -14.489789962768556 + ], + [ + "\u2581inherently", + -14.489790916442873 + ], + [ + "\u2581casualmente", + -14.489797592163086 + ], + [ + "\u2581brota", + -14.4898099899292 + ], + [ + "\u2581sauvetage", + -14.48981761932373 + ], + [ + "\u2581Wartezeiten", + -14.489818572998049 + ], + [ + "vormals", + -14.48985767364502 + ], + [ + "\u2581Dominanz", + -14.489858627319336 + ], + [ + "minated", + -14.48988437652588 + ], + [ + "\u2581Volg", + -14.48989963531494 + ], + [ + "\u2581distract", + -14.489925384521484 + ], + [ + "\u2581brigata", + -14.489928245544434 + ], + [ + "uthers", + -14.48994255065918 + ], + [ + "folter", + -14.48996353149414 + ], + [ + "\u2581aguanta", + -14.489973068237305 + ], + [ + "\u2581beigetreten", + -14.489997863769531 + ], + [ + "\u2581berline", + -14.489997863769531 + ], + [ + "\u2581Maribor", + -14.490005493164062 + ], + [ + "\u2581Giacom", + -14.490012168884276 + ], + [ + "\u2581herhaling", + -14.490036964416504 + ], + [ + "denominator", + -14.490042686462402 + ], + [ + "ggiamento", + -14.49009132385254 + ], + [ + "\u2581Benefits", + -14.49010181427002 + ], + [ + "\u2581parlamentaria", + -14.490139961242676 + ], + [ + "\u2581goleada", + -14.490141868591309 + ], + [ + "Ending", + -14.490201950073242 + ], + [ + "ujah", + -14.490251541137695 + ], + [ + "NavigationBar", + -14.490262031555176 + ], + [ + "\u2581preferiti", + -14.49026870727539 + ], + [ + "Staffel", + -14.490296363830566 + ], + [ + "hanna", + -14.490306854248049 + ], + [ + "holle", + -14.490323066711426 + ], + [ + "\u2581Fruchtbarkeit", + -14.490328788757324 + ], + [ + "Influ", + -14.490344047546388 + ], + [ + "ceived", + -14.490365028381348 + ], + [ + "\u2581ganharam", + -14.49036693572998 + ], + [ + "\u2581coloss", + -14.490370750427246 + ], + [ + "pastor", + -14.490386009216309 + ], + [ + "teatro", + -14.490403175354004 + ], + [ + "Billboard", + -14.490423202514648 + ], + [ + "\u2581postoperativ", + -14.490428924560549 + ], + [ + "\u2581scoprir", + -14.49046802520752 + ], + [ + "\u2581mencion", + -14.490471839904783 + ], + [ + "Rechnung", + -14.490473747253418 + ], + [ + "Potential", + -14.490504264831545 + ], + [ + "\u2581j\u00fcngerer", + -14.490506172180176 + ], + [ + "\u2581integrou", + -14.490513801574709 + ], + [ + "\u2581unsure", + -14.490516662597656 + ], + [ + "hormone", + -14.490519523620604 + ], + [ + "\u2581inflaci\u00f3n", + -14.490530967712402 + ], + [ + "wager", + -14.490554809570312 + ], + [ + "Sony", + -14.490574836730955 + ], + [ + "Magick", + -14.490586280822754 + ], + [ + "\u2581Implementa", + -14.49058723449707 + ], + [ + "\u2581spectateur", + -14.490592956542969 + ], + [ + "villos", + -14.4906005859375 + ], + [ + "\u2581invict", + -14.490602493286133 + ], + [ + "\u2581cristales", + -14.490615844726562 + ], + [ + "\u2581horde", + -14.490625381469728 + ], + [ + "standardisierten", + -14.490649223327637 + ], + [ + "\u2581Marsal", + -14.490655899047852 + ], + [ + "atmen", + -14.490700721740724 + ], + [ + "onographie", + -14.49070930480957 + ], + [ + "\u2581Erick", + -14.490710258483888 + ], + [ + "Scarabaeidae", + -14.490734100341797 + ], + [ + "\u2581D\u00e9troit", + -14.490735054016112 + ], + [ + "\u2581insediat", + -14.490782737731934 + ], + [ + "rzis", + -14.490793228149414 + ], + [ + "Customize", + -14.490845680236816 + ], + [ + "\u2581transportadora", + -14.49089813232422 + ], + [ + "\u2581d\u00e9tachement", + -14.490925788879396 + ], + [ + "\u2581hiesigen", + -14.49092960357666 + ], + [ + "GOL", + -14.490957260131836 + ], + [ + "\u2581Magli", + -14.49102020263672 + ], + [ + "\u2581Marsi", + -14.49102020263672 + ], + [ + "Anthony", + -14.491021156311035 + ], + [ + "\u2581Karsten", + -14.49105739593506 + ], + [ + "\u2581Prosa", + -14.49105739593506 + ], + [ + "\u2581demografico", + -14.491058349609377 + ], + [ + "\u2581minare", + -14.491061210632324 + ], + [ + "poche", + -14.491090774536133 + ], + [ + "isolott", + -14.491094589233398 + ], + [ + "\u2581r\u00e9\u00e9dition", + -14.49110507965088 + ], + [ + "\u2581mineiro", + -14.491138458251951 + ], + [ + "\u2581Eink\u00fcnften", + -14.49113941192627 + ], + [ + "beitr\u00e4gen", + -14.491140365600586 + ], + [ + "syndroom", + -14.491211891174316 + ], + [ + "\u2581r\u00e9nov\u00e9", + -14.491212844848633 + ], + [ + "\u2581unzumutbar", + -14.49121379852295 + ], + [ + "\u2581chanoine", + -14.491220474243164 + ], + [ + "\u2581engendr\u00e9", + -14.491220474243164 + ], + [ + "\u2581embarqu\u00e9", + -14.49122142791748 + ], + [ + "\u2581sostituiti", + -14.491241455078123 + ], + [ + "\u2581mengenm\u00e4", + -14.491247177124023 + ], + [ + "\u2581eccessivamente", + -14.49124813079834 + ], + [ + "\u2581perdonar", + -14.49124813079834 + ], + [ + "irup", + -14.491266250610352 + ], + [ + "\u2581Vordruck", + -14.491272926330566 + ], + [ + "\u2581emoties", + -14.491300582885742 + ], + [ + "KIN", + -14.491327285766602 + ], + [ + "\u2581Instituciones", + -14.49134922027588 + ], + [ + "\u2581\u00e9troitement", + -14.491387367248535 + ], + [ + "\u2581renfort", + -14.491393089294434 + ], + [ + "\u2581Circolo", + -14.491399765014648 + ], + [ + "\u2581Hartman", + -14.491418838500977 + ], + [ + "\u2581Jahresabschluss", + -14.491446495056152 + ], + [ + "\u2581monocyt", + -14.491483688354492 + ], + [ + "klavier", + -14.491485595703123 + ], + [ + "canned", + -14.49148941040039 + ], + [ + "\u2581existierenden", + -14.491493225097656 + ], + [ + "tendevano", + -14.491494178771973 + ], + [ + "\u2581c\u00f3moda", + -14.491510391235352 + ], + [ + "\u2581overblijfselen", + -14.491512298583984 + ], + [ + "atheter", + -14.491514205932615 + ], + [ + "\u2581Cordero", + -14.491524696350098 + ], + [ + "\u2581d\u00e9barqu", + -14.491537094116213 + ], + [ + "\u2581Gelderse", + -14.491572380065918 + ], + [ + "\u2581desplazar", + -14.491576194763184 + ], + [ + "attualit\u00e0", + -14.491585731506348 + ], + [ + "\u2581Josephus", + -14.49158763885498 + ], + [ + "\u2581fonctionnel", + -14.49160385131836 + ], + [ + "nkmalgesch\u00fctzte", + -14.491609573364258 + ], + [ + "\u2581dirigere", + -14.491644859313965 + ], + [ + "\u2581Rechteck", + -14.49167823791504 + ], + [ + "\u2581usarse", + -14.491691589355469 + ], + [ + "\u2581diagnostiziert", + -14.491705894470217 + ], + [ + "\u2581piazzamento", + -14.491753578186035 + ], + [ + "\u2581hostility", + -14.491802215576172 + ], + [ + "\u2581proseguir", + -14.491833686828612 + ], + [ + "prospekt", + -14.491840362548828 + ], + [ + "\u2581Morandi", + -14.49185848236084 + ], + [ + "winner", + -14.491859436035156 + ], + [ + "william", + -14.491862297058104 + ], + [ + "\u2581algeri", + -14.491867065429688 + ], + [ + "obbio", + -14.491870880126951 + ], + [ + "\u2581c\u00e9l\u00e9bration", + -14.491878509521484 + ], + [ + "freundlicher", + -14.49191665649414 + ], + [ + "doxygen", + -14.491918563842772 + ], + [ + "zollamt", + -14.491926193237305 + ], + [ + "AUTHORI", + -14.491939544677734 + ], + [ + "\u2581Nema", + -14.491942405700684 + ], + [ + "\u2581Steinbach", + -14.491969108581545 + ], + [ + "adlock", + -14.492063522338867 + ], + [ + "\u2581proximidad", + -14.49208641052246 + ], + [ + "\u2581metrolijn", + -14.492111206054688 + ], + [ + "\u2581Bobbio", + -14.49211597442627 + ], + [ + "\u2581keu", + -14.49211883544922 + ], + [ + "\u2581Ulysses", + -14.492122650146484 + ], + [ + "\u2581Garrido", + -14.49212646484375 + ], + [ + "\u2581erl\u00e4sst", + -14.492130279541016 + ], + [ + "\u2581Burroughs", + -14.49216651916504 + ], + [ + "\u2581Cartel", + -14.492168426513672 + ], + [ + "\u2581resucita", + -14.492170333862305 + ], + [ + "\u2581sudafricano", + -14.492178916931152 + ], + [ + "\u2581Vari\u00e1veis", + -14.492197036743164 + ], + [ + "Terrorist", + -14.49219799041748 + ], + [ + "\u2581Justizminister", + -14.49223804473877 + ], + [ + "fortschritt", + -14.492249488830566 + ], + [ + "\u2581firmando", + -14.49229621887207 + ], + [ + "\u2581Fixierung", + -14.492301940917969 + ], + [ + "\u2581reforzad", + -14.4923095703125 + ], + [ + "\u2581Kunstgeschichte", + -14.492351531982422 + ], + [ + "ffling", + -14.492412567138672 + ], + [ + "grata", + -14.492420196533203 + ], + [ + "\u2581poup", + -14.492457389831545 + ], + [ + "\u2581t\u00fcrkischer", + -14.492508888244627 + ], + [ + "iecki", + -14.49256420135498 + ], + [ + "\u2581naturalistico", + -14.49257469177246 + ], + [ + "\u2581Algier", + -14.492606163024902 + ], + [ + "mastro", + -14.49260711669922 + ], + [ + "\u2581Congiuntivo", + -14.49264430999756 + ], + [ + "uadratkilometer", + -14.49264907836914 + ], + [ + "erehrung", + -14.492664337158203 + ], + [ + "\u00edfica", + -14.49267292022705 + ], + [ + "sbeschlusses", + -14.492679595947266 + ], + [ + "\u2581interrompido", + -14.492680549621582 + ], + [ + "\u2581Sphaero", + -14.492684364318848 + ], + [ + "\u2581Facil", + -14.492700576782228 + ], + [ + "\u2581circulant", + -14.492705345153809 + ], + [ + "rypsin", + -14.492731094360352 + ], + [ + "esponsible", + -14.492773056030272 + ], + [ + "Siehe", + -14.49277400970459 + ], + [ + "\u2581Erfass", + -14.492775917053224 + ], + [ + "\u2581Platino", + -14.49278163909912 + ], + [ + "\u2581grating", + -14.492799758911133 + ], + [ + "\u2581advancement", + -14.492807388305664 + ], + [ + "braunen", + -14.49282455444336 + ], + [ + "piperidin", + -14.492839813232422 + ], + [ + "whisk", + -14.492854118347168 + ], + [ + "prusian", + -14.492886543273926 + ], + [ + "\u2581achtervolg", + -14.49288845062256 + ], + [ + "Integrate", + -14.49289608001709 + ], + [ + "ahn\u00e4rzte", + -14.492901802062988 + ], + [ + "\u2581hollandais", + -14.49291706085205 + ], + [ + "\u2581medalists", + -14.49291706085205 + ], + [ + "\u2581vieilli", + -14.492921829223633 + ], + [ + "midin", + -14.492923736572266 + ], + [ + "\u2581remont\u00e9e", + -14.492939949035645 + ], + [ + "CHU", + -14.492947578430176 + ], + [ + "\u2581Forti", + -14.492969512939451 + ], + [ + "Petitionsausschu", + -14.492982864379885 + ], + [ + "\u2581Gusta", + -14.492985725402832 + ], + [ + "encourager", + -14.493036270141602 + ], + [ + "\u2581provecho", + -14.49305534362793 + ], + [ + "\u2581documentada", + -14.493059158325195 + ], + [ + "\u2581banchier", + -14.493061065673828 + ], + [ + "iphenyl", + -14.493063926696776 + ], + [ + "schl\u00e4gen", + -14.493082046508787 + ], + [ + "\u2581sinonimo", + -14.493090629577637 + ], + [ + "zaga", + -14.49309539794922 + ], + [ + "\u2581ruhiger", + -14.493097305297852 + ], + [ + "\u2581K\u00e4rnten", + -14.493122100830078 + ], + [ + "\u2581injusticia", + -14.493122100830078 + ], + [ + "\u2581villeggiatura", + -14.493122100830078 + ], + [ + "\u2581\u00f3ptimo", + -14.493122100830078 + ], + [ + "Erwerb", + -14.493123054504396 + ], + [ + "\u2581Salonicco", + -14.493125915527344 + ], + [ + "\u2581Besteht", + -14.493131637573242 + ], + [ + "\u2581acolhe", + -14.493141174316406 + ], + [ + "\u2581omgekeerde", + -14.49314785003662 + ], + [ + "\u00e4uschen", + -14.493155479431152 + ], + [ + "\u2581Egmond", + -14.493168830871582 + ], + [ + "dreigt", + -14.493181228637695 + ], + [ + "aandeel", + -14.493185997009276 + ], + [ + "r\u00e9gularit\u00e9", + -14.493221282958984 + ], + [ + "\u2581compiladores", + -14.493242263793944 + ], + [ + "PageSize", + -14.493243217468262 + ], + [ + "Travel", + -14.493246078491213 + ], + [ + "pr\u00e9visible", + -14.49325180053711 + ], + [ + "\u2581Gesamtbev", + -14.49325180053711 + ], + [ + "aufruf", + -14.493260383605955 + ], + [ + "oniche", + -14.493266105651855 + ], + [ + "\u2581pir\u00e1mide", + -14.493290901184082 + ], + [ + "schafft", + -14.493294715881348 + ], + [ + "ococcus", + -14.49330234527588 + ], + [ + "resty", + -14.493310928344728 + ], + [ + "\u2581totalizando", + -14.493310928344728 + ], + [ + "\u2581preocupada", + -14.493330001831056 + ], + [ + "\u2581Vergara", + -14.4933443069458 + ], + [ + "aimant", + -14.493366241455078 + ], + [ + "\u00e4cke", + -14.493385314941406 + ], + [ + "\u2581Kleinst", + -14.493385314941406 + ], + [ + "Ottobre", + -14.493388175964355 + ], + [ + "\u2581guadagno", + -14.493414878845217 + ], + [ + "ophore", + -14.49342155456543 + ], + [ + "\u2581secchi", + -14.493435859680176 + ], + [ + "\u2581Chanteur", + -14.493453025817873 + ], + [ + "batir", + -14.493454933166504 + ], + [ + "\u2581retir", + -14.493502616882324 + ], + [ + "\u2581schaken", + -14.493522644042969 + ], + [ + "bancada", + -14.493547439575195 + ], + [ + "\u2581annunciata", + -14.493552207946776 + ], + [ + "\u2581sicch\u00e9", + -14.49356174468994 + ], + [ + "\u2581sentindo", + -14.493562698364258 + ], + [ + "ppchen", + -14.493569374084473 + ], + [ + "\u2581continuado", + -14.493569374084473 + ], + [ + "dadurch", + -14.493577003479004 + ], + [ + "\u2581implicite", + -14.493581771850586 + ], + [ + "\u2581kollektiven", + -14.4935884475708 + ], + [ + "\u2581cytokines", + -14.493595123291016 + ], + [ + "\u2581Transilvania", + -14.493600845336914 + ], + [ + "\u2581Radiation", + -14.49362087249756 + ], + [ + "onymie", + -14.493635177612305 + ], + [ + "\u2581periodiek", + -14.493648529052734 + ], + [ + "\u2581spati", + -14.493651390075684 + ], + [ + "\u2581travaillait", + -14.49366569519043 + ], + [ + "ParseError", + -14.493680000305176 + ], + [ + "rootNode", + -14.493714332580566 + ], + [ + "lipti", + -14.4937162399292 + ], + [ + "\u2581incorporando", + -14.493719100952148 + ], + [ + "\u2581Carnot", + -14.493751525878906 + ], + [ + "\u2581caus\u00e9e", + -14.493757247924805 + ], + [ + "\u2581Graphi", + -14.493773460388184 + ], + [ + "\u2581Bleibe", + -14.493780136108398 + ], + [ + "\u2581d\u00e9couvr", + -14.493793487548828 + ], + [ + "\u2581courtesy", + -14.493849754333496 + ], + [ + "resourcemanager", + -14.493864059448242 + ], + [ + "\u2581reconstruit", + -14.49386978149414 + ], + [ + "amatsu", + -14.493885040283203 + ], + [ + "\u2581richtten", + -14.493887901306152 + ], + [ + "\u2581Wahlgang", + -14.493922233581545 + ], + [ + "\u2581cunhad", + -14.493929862976074 + ], + [ + "getr\u00e4nk", + -14.49393367767334 + ], + [ + "thidae", + -14.493978500366213 + ], + [ + "ntana", + -14.493979454040527 + ], + [ + "\u2581traduz", + -14.494020462036133 + ], + [ + "Prune", + -14.49403953552246 + ], + [ + "RROR", + -14.494059562683104 + ], + [ + "intet", + -14.494074821472168 + ], + [ + "\u2581Shit", + -14.494077682495115 + ], + [ + "adressage", + -14.494093894958496 + ], + [ + "Innovation", + -14.494097709655762 + ], + [ + "\u2581racism", + -14.494108200073242 + ], + [ + "\u2581Kaja", + -14.494134902954102 + ], + [ + "\u2581r\u00e9fugie", + -14.49415683746338 + ], + [ + "\u2581Advi", + -14.494193077087402 + ], + [ + "\u2581romancier", + -14.494196891784668 + ], + [ + "\u2581Verkehrstr\u00e4ger", + -14.4941987991333 + ], + [ + "nnies", + -14.494223594665527 + ], + [ + "\u2581Fahnen", + -14.494254112243652 + ], + [ + "ardelli", + -14.494256973266602 + ], + [ + "Elisabeth", + -14.494261741638184 + ], + [ + "\u2581vorgegebene", + -14.4942626953125 + ], + [ + "ProgramData", + -14.494272232055664 + ], + [ + "\u2581Galizi", + -14.49428939819336 + ], + [ + "\u2581Rosina", + -14.494327545166016 + ], + [ + "\u2581natali", + -14.49438762664795 + ], + [ + "\u2581Oyster", + -14.49439525604248 + ], + [ + "Radian", + -14.494403839111328 + ], + [ + "\u2581invoking", + -14.49443244934082 + ], + [ + "nisca", + -14.49447250366211 + ], + [ + "OSM", + -14.494489669799805 + ], + [ + "\u2581Roggen", + -14.494501113891602 + ], + [ + "\u2581Feiertage", + -14.49453353881836 + ], + [ + "\u2581gedeelde", + -14.494536399841309 + ], + [ + "\u2581Poppe", + -14.49454402923584 + ], + [ + "\u2581pr\u00e9curseur", + -14.494556427001951 + ], + [ + "\u2581besichtigt", + -14.494571685791016 + ], + [ + "echea", + -14.494585990905762 + ], + [ + "\u2581Anversa", + -14.49459457397461 + ], + [ + "utophag", + -14.49460506439209 + ], + [ + "Kul", + -14.494620323181152 + ], + [ + "pyra", + -14.494621276855469 + ], + [ + "\u2581fizesse", + -14.494646072387695 + ], + [ + "Removal", + -14.494647026062012 + ], + [ + "Filtered", + -14.494662284851074 + ], + [ + "\u2581torneira", + -14.494680404663086 + ], + [ + "\u2581Usin", + -14.494684219360352 + ], + [ + "\u2581iranischen", + -14.494710922241213 + ], + [ + "\u2581Herab", + -14.494721412658691 + ], + [ + "\u2581doorliep", + -14.494744300842283 + ], + [ + "\u2581Mesopot", + -14.49475383758545 + ], + [ + "projectId", + -14.494754791259766 + ], + [ + "begleit", + -14.494766235351562 + ], + [ + "\u2581caracterizan", + -14.494794845581056 + ], + [ + "approved", + -14.4948091506958 + ], + [ + "\u2581Baste", + -14.494831085205078 + ], + [ + "fertigte", + -14.494837760925291 + ], + [ + "\u2581methodisch", + -14.494845390319824 + ], + [ + "earns", + -14.494854927062988 + ], + [ + "fjorden", + -14.494855880737305 + ], + [ + "\u2581Pr\u00fcfling", + -14.49490451812744 + ], + [ + "bigskip", + -14.49492073059082 + ], + [ + "usatzstoffe", + -14.4949369430542 + ], + [ + "\u2581nullement", + -14.494962692260742 + ], + [ + "\u2581ventric", + -14.495013236999512 + ], + [ + "ASIS", + -14.495025634765623 + ], + [ + "\u2581plaquette", + -14.495027542114258 + ], + [ + "abbonamento", + -14.495035171508787 + ], + [ + "\u2581Lebanese", + -14.495036125183104 + ], + [ + "\u2581toevallig", + -14.495044708251951 + ], + [ + "\u2581drammaturg", + -14.495046615600586 + ], + [ + "\u2581Paralelamente", + -14.495052337646484 + ], + [ + "\u2581Matsumoto", + -14.495057106018066 + ], + [ + "Church", + -14.49510097503662 + ], + [ + "bobobobobobobo", + -14.495109558105469 + ], + [ + "\u2581aristotelic", + -14.495121955871582 + ], + [ + "aucher", + -14.495160102844238 + ], + [ + "\u2581Guinee", + -14.495200157165527 + ], + [ + "drina", + -14.495214462280272 + ], + [ + "Colise", + -14.495232582092283 + ], + [ + "\u2581ricezione", + -14.495248794555664 + ], + [ + "\u2581aspirations", + -14.495274543762209 + ], + [ + "uscule", + -14.49528980255127 + ], + [ + "\u2581confidenz", + -14.495290756225586 + ], + [ + "RELA", + -14.4952974319458 + ], + [ + "\u2581commemorativ", + -14.4953031539917 + ], + [ + "Leiden", + -14.495325088500977 + ], + [ + "\u2581Grit", + -14.495347023010254 + ], + [ + "chemischen", + -14.495386123657228 + ], + [ + "Oktober", + -14.49538803100586 + ], + [ + "\u2581debutar", + -14.49540901184082 + ], + [ + "\u2581l\u00e9gislative", + -14.495444297790527 + ], + [ + "evende", + -14.495512008666992 + ], + [ + "Int\u00e9rprete", + -14.495513916015623 + ], + [ + "atterrissage", + -14.49551486968994 + ], + [ + "\u2581Atomwaffen", + -14.495538711547852 + ], + [ + "Binnenschiffahrt", + -14.495545387268066 + ], + [ + "\u2581Arqueol\u00f3gico", + -14.495551109313965 + ], + [ + "\u2581vernaculaire", + -14.495551109313965 + ], + [ + "KUBECONT", + -14.49555492401123 + ], + [ + "Olympia", + -14.49557399749756 + ], + [ + "\u2581perceptible", + -14.495586395263672 + ], + [ + "Westphali", + -14.495611190795898 + ], + [ + "OOR", + -14.495651245117188 + ], + [ + "harna", + -14.495652198791504 + ], + [ + "\u2581realizing", + -14.495681762695312 + ], + [ + "\u2581combinando", + -14.495702743530272 + ], + [ + "gelegenheid", + -14.495707511901855 + ], + [ + "\u2581minorities", + -14.495752334594728 + ], + [ + "firstChild", + -14.495759963989258 + ], + [ + "\u2581reattor", + -14.495759963989258 + ], + [ + "\u2581mandorl", + -14.495781898498535 + ], + [ + "balsam", + -14.495782852172852 + ], + [ + "vi\u00e9ndose", + -14.495786666870115 + ], + [ + "\u2581bedui", + -14.495797157287598 + ], + [ + "FILEPATH", + -14.495804786682127 + ], + [ + "\u2581telaio", + -14.495804786682127 + ], + [ + "\u2581Luzi", + -14.495817184448242 + ], + [ + "marre", + -14.495820999145508 + ], + [ + "sanitar", + -14.495832443237305 + ], + [ + "\u2581rimosso", + -14.495855331420898 + ], + [ + "\u2581Moscov", + -14.495875358581545 + ], + [ + "\u2581Colline", + -14.495885848999023 + ], + [ + "\u00e4gypt", + -14.495893478393556 + ], + [ + "\u2581Dividi", + -14.495904922485352 + ], + [ + "Regexp", + -14.495923042297363 + ], + [ + "\u2581arreglar", + -14.49593448638916 + ], + [ + "\u2581Eastwood", + -14.495941162109377 + ], + [ + "massima", + -14.495980262756348 + ], + [ + "\u2581Aquele", + -14.495980262756348 + ], + [ + "\u2581inglobat", + -14.495984077453612 + ], + [ + "\u2581nounset", + -14.495991706848145 + ], + [ + "\u2581Cristianesimo", + -14.495999336242676 + ], + [ + "\u2581verlieten", + -14.496017456054688 + ], + [ + "welling", + -14.496037483215332 + ], + [ + "\u2581sepoltura", + -14.49604034423828 + ], + [ + "Hang", + -14.496047019958496 + ], + [ + "agny", + -14.496073722839355 + ], + [ + "\u2581syntactic", + -14.49609088897705 + ], + [ + "\u2581avanzando", + -14.49612045288086 + ], + [ + "\u2581waardplant", + -14.49612045288086 + ], + [ + "konkurrenz", + -14.496126174926758 + ], + [ + "Trail", + -14.496200561523438 + ], + [ + "ntagma", + -14.496216773986816 + ], + [ + "\u2581Jost", + -14.496254920959473 + ], + [ + "\u2581Falta", + -14.496294975280762 + ], + [ + "\u2581fibri", + -14.496308326721191 + ], + [ + "itjes", + -14.496313095092772 + ], + [ + "embryon", + -14.496332168579102 + ], + [ + "racial", + -14.49635887145996 + ], + [ + "\u2581Recuerdo", + -14.496363639831545 + ], + [ + "\u2581pasaporte", + -14.496376037597656 + ], + [ + "iebig", + -14.496377944946287 + ], + [ + "\u2581Aquile", + -14.496380805969238 + ], + [ + "lcl", + -14.49638557434082 + ], + [ + "ernheim", + -14.496390342712402 + ], + [ + "ducida", + -14.496431350708008 + ], + [ + "kritiker", + -14.496435165405272 + ], + [ + "\u2581nettoyage", + -14.496472358703612 + ], + [ + "\u2581Janine", + -14.496477127075195 + ], + [ + "\u2581rouleau", + -14.496482849121094 + ], + [ + "\u2581anfitri\u00f3n", + -14.496496200561523 + ], + [ + "\u2581descended", + -14.496540069580078 + ], + [ + "\u2581malicios", + -14.496541023254396 + ], + [ + "\u2581trouvez", + -14.49654769897461 + ], + [ + "izzatore", + -14.496567726135254 + ], + [ + "Standardisierung", + -14.49656867980957 + ], + [ + "\u2581Eriksson", + -14.496578216552734 + ], + [ + "\u2581depend\u00eda", + -14.496580123901367 + ], + [ + "\u2581armenio", + -14.49661922454834 + ], + [ + "\u2581proporciones", + -14.496655464172363 + ], + [ + "nnexion", + -14.49666690826416 + ], + [ + "draaien", + -14.496709823608398 + ], + [ + "\u2581Rechtspfleger", + -14.49671745300293 + ], + [ + "\u2581rearrange", + -14.49672794342041 + ], + [ + "ggiati", + -14.496752738952637 + ], + [ + "\u2581entreprend", + -14.49676513671875 + ], + [ + "ungsmittel", + -14.496795654296877 + ], + [ + "llato", + -14.496798515319824 + ], + [ + "\u2581comp\u00e9tente", + -14.496798515319824 + ], + [ + "\u2581Berd", + -14.496800422668455 + ], + [ + "instantan\u00e9", + -14.496825218200684 + ], + [ + "\u2581Auspr\u00e4gungen", + -14.49683666229248 + ], + [ + "\u2581collaborati", + -14.496859550476074 + ], + [ + "\u2581acidentalmente", + -14.496861457824709 + ], + [ + "\u2581Sandrin", + -14.496868133544922 + ], + [ + "opt\u00f3", + -14.496875762939451 + ], + [ + "\u2581beslissen", + -14.496904373168944 + ], + [ + "ytoplasma", + -14.496930122375488 + ], + [ + "soddisfatt", + -14.496935844421388 + ], + [ + "\u2581estrenado", + -14.49693775177002 + ], + [ + "beschwerden", + -14.496941566467283 + ], + [ + "\u2581Sp\u00e4testens", + -14.496952056884766 + ], + [ + "\u2581Knesset", + -14.496965408325195 + ], + [ + "\u2581condivisa", + -14.496973991394045 + ], + [ + "\u2581parut", + -14.496986389160156 + ], + [ + "\u00e4hlen", + -14.497040748596191 + ], + [ + "\u2581Sunni", + -14.49705410003662 + ], + [ + "\u2581Chei", + -14.497079849243164 + ], + [ + "\u2581Fl\u00fcssigkeiten", + -14.49708366394043 + ], + [ + "\u2581ricicl", + -14.497097969055176 + ], + [ + "alvis", + -14.49710178375244 + ], + [ + "\u2581hoopte", + -14.497103691101074 + ], + [ + "disposable", + -14.49711799621582 + ], + [ + "\u2581scheidde", + -14.497122764587402 + ], + [ + "tinenza", + -14.4971342086792 + ], + [ + "\u2581excret", + -14.4971342086792 + ], + [ + "\u2581partic\u00edpio", + -14.49714183807373 + ], + [ + "\u2581gleichnamige", + -14.497143745422363 + ], + [ + "\u2581registrate", + -14.49714469909668 + ], + [ + "gratuit", + -14.497162818908691 + ], + [ + "\u2581mensal", + -14.497199058532717 + ], + [ + "\u2581chancelier", + -14.497308731079102 + ], + [ + "\u2581Mountainbike", + -14.49732494354248 + ], + [ + "\u2581condecorado", + -14.497347831726074 + ], + [ + "\u2581anzurechnen", + -14.497361183166504 + ], + [ + "\u2581besliste", + -14.497385025024414 + ], + [ + "interessante", + -14.497404098510742 + ], + [ + "\u2581provvisoria", + -14.497408866882324 + ], + [ + "\u2581Alexei", + -14.497418403625488 + ], + [ + "ihara", + -14.497425079345703 + ], + [ + "\u2581sucursal", + -14.497437477111816 + ], + [ + "\u2581Ciascun", + -14.497438430786133 + ], + [ + "\u2581Siguiendo", + -14.497440338134766 + ], + [ + "\u2581Erregung", + -14.497466087341309 + ], + [ + "zus\u00e4tz", + -14.497503280639648 + ], + [ + "\u2581pedan", + -14.497514724731444 + ], + [ + "traz", + -14.497519493103027 + ], + [ + "\u2581Sardo", + -14.497570037841797 + ], + [ + "\u2581Industrielle", + -14.49757194519043 + ], + [ + "\u2581Botschaften", + -14.497572898864746 + ], + [ + "\u2581Psalmen", + -14.497572898864746 + ], + [ + "Approval", + -14.497614860534668 + ], + [ + "kooperation", + -14.497628211975098 + ], + [ + "\u2581Pilotprojekt", + -14.497641563415527 + ], + [ + "\u2581rettore", + -14.497668266296388 + ], + [ + "\u2581scimmie", + -14.497679710388184 + ], + [ + "\u2581Kantor", + -14.497684478759766 + ], + [ + "obbing", + -14.49771213531494 + ], + [ + "\u2581fotografica", + -14.497753143310549 + ], + [ + "\u2581Traian", + -14.497763633728027 + ], + [ + "odendron", + -14.497779846191406 + ], + [ + "\u2581Schweb", + -14.497795104980469 + ], + [ + "\u2581simplist", + -14.497798919677734 + ], + [ + "lycerol", + -14.497849464416504 + ], + [ + "purg", + -14.497862815856934 + ], + [ + "aduz", + -14.49790382385254 + ], + [ + "\u2581pallida", + -14.497907638549805 + ], + [ + "kapit\u00e4n", + -14.497912406921388 + ], + [ + "\u2581regelen", + -14.497913360595703 + ], + [ + "\u2581Leinwand", + -14.497916221618652 + ], + [ + "\u2581Nachhilfe", + -14.497918128967283 + ], + [ + "renberg", + -14.497946739196776 + ], + [ + "\u2581stereotip", + -14.497958183288574 + ], + [ + "\u2581Fliegen", + -14.497971534729004 + ], + [ + "\u2581indefinite", + -14.497982025146484 + ], + [ + "f\u00e4higer", + -14.497986793518066 + ], + [ + "aproba", + -14.497997283935549 + ], + [ + "FBF", + -14.49803352355957 + ], + [ + "\u2581Tuli", + -14.498037338256836 + ], + [ + "\u2581gostar", + -14.498064994812012 + ], + [ + "SWE", + -14.498090744018556 + ], + [ + "\u2581Antrop", + -14.498095512390137 + ], + [ + "\u2581Reque", + -14.498104095458984 + ], + [ + "\u2581Gr\u00fcnland", + -14.498141288757324 + ], + [ + "\u2581temere", + -14.498143196105955 + ], + [ + "\u2581j\u00fcngster", + -14.498167037963867 + ], + [ + "\u2581Pepp", + -14.498246192932127 + ], + [ + "\u2581Thorne", + -14.498250007629396 + ], + [ + "teilbar", + -14.49825382232666 + ], + [ + "\u2581shutter", + -14.498270988464355 + ], + [ + "Tankstelle", + -14.498273849487305 + ], + [ + "\u2581recount", + -14.49828052520752 + ], + [ + "gensgegenst\u00e4nde", + -14.498291015625 + ], + [ + "piaciuto", + -14.498312950134276 + ], + [ + "\u2581Barreiro", + -14.498329162597656 + ], + [ + "accountId", + -14.498334884643556 + ], + [ + "Storyboard", + -14.498363494873049 + ], + [ + "\u2581rappresentate", + -14.498363494873049 + ], + [ + "\u2581uncovered", + -14.498371124267578 + ], + [ + "\u2581Augenmerk", + -14.49837589263916 + ], + [ + "\u2581swallowed", + -14.498382568359377 + ], + [ + "imbarazzo", + -14.498397827148438 + ], + [ + "dodeca", + -14.498404502868652 + ], + [ + "\u2581zuweilen", + -14.498404502868652 + ], + [ + "\u2581\u00e9cras\u00e9", + -14.498419761657717 + ], + [ + "\u2581Dalmati", + -14.498427391052246 + ], + [ + "\u2581multipliziert", + -14.498440742492676 + ], + [ + "\u2581Streben", + -14.49853515625 + ], + [ + "omfortabel", + -14.498589515686035 + ], + [ + "BSE", + -14.498600006103516 + ], + [ + "verwalter", + -14.498600006103516 + ], + [ + "\u2581Bolet\u00edn", + -14.498602867126465 + ], + [ + "\u2581jamm", + -14.498605728149414 + ], + [ + "szent", + -14.498615264892578 + ], + [ + "assoziierte", + -14.49863624572754 + ], + [ + "ertjes", + -14.49865436553955 + ], + [ + "Bloom", + -14.498664855957031 + ], + [ + "\u2581Coult", + -14.498669624328612 + ], + [ + "\u2581liberarsi", + -14.498674392700195 + ], + [ + "\u2581trilhos", + -14.498674392700195 + ], + [ + "ondergang", + -14.49868106842041 + ], + [ + "\u2581sofferma", + -14.498690605163574 + ], + [ + "\u2581concettuale", + -14.498749732971191 + ], + [ + "verloop", + -14.498771667480469 + ], + [ + "\u2581Parnas", + -14.498779296875 + ], + [ + "\u2581Baldu", + -14.498814582824709 + ], + [ + "starrt", + -14.49882698059082 + ], + [ + "grandir", + -14.49882984161377 + ], + [ + "ritiba", + -14.498846054077148 + ], + [ + "\u2581optreedt", + -14.498872756958008 + ], + [ + "\u2581weerszijden", + -14.498872756958008 + ], + [ + "\u2581stimolo", + -14.498876571655272 + ], + [ + "zusammenarbeiten", + -14.498882293701172 + ], + [ + "\u2581d\u00e9dui", + -14.498891830444336 + ], + [ + "\u2581molestia", + -14.498892784118652 + ], + [ + "\u2581uninominal", + -14.498892784118652 + ], + [ + "\u2581goldene", + -14.498900413513184 + ], + [ + "\u2581pecu", + -14.498909950256348 + ], + [ + "\u2581Lincolnshire", + -14.49891471862793 + ], + [ + "\u2581Menin", + -14.49892807006836 + ], + [ + "\u2581Pilgrim", + -14.498931884765623 + ], + [ + "\u2581Orang", + -14.4989595413208 + ], + [ + "moura", + -14.498966217041016 + ], + [ + "profession", + -14.498983383178713 + ], + [ + "kumen", + -14.499001502990724 + ], + [ + "\u2581semifinais", + -14.49903678894043 + ], + [ + "\u2581Playhouse", + -14.499051094055176 + ], + [ + "\u2581interessate", + -14.499056816101074 + ], + [ + "efface", + -14.49907398223877 + ], + [ + "\u2581Assistente", + -14.49909496307373 + ], + [ + "ltiple", + -14.499106407165527 + ], + [ + "\u2581verk\u00fcndete", + -14.499133110046388 + ], + [ + "uitkering", + -14.499141693115234 + ], + [ + "schuiven", + -14.499153137207031 + ], + [ + "labelfontname", + -14.499154090881348 + ], + [ + "\u2581poder\u00edamos", + -14.499248504638672 + ], + [ + "\u2581verderop", + -14.499261856079102 + ], + [ + "\u2581Napier", + -14.499279975891112 + ], + [ + "\u2581Erkennen", + -14.499281883239746 + ], + [ + "\u2581globul", + -14.49931812286377 + ], + [ + "truschi", + -14.499341011047363 + ], + [ + "\u2581faci", + -14.499350547790527 + ], + [ + "\u2581co\u00e9quipier", + -14.499353408813477 + ], + [ + "entstehung", + -14.49935531616211 + ], + [ + "p\u00edstola", + -14.49936580657959 + ], + [ + "\u2581Hepburn", + -14.499367713928224 + ], + [ + "\u2581disordini", + -14.499374389648438 + ], + [ + "\u2581recollection", + -14.499387741088867 + ], + [ + "Manufacturer", + -14.499444007873535 + ], + [ + "\u2581Beeldende", + -14.499449729919434 + ], + [ + "\u2581Wakefield", + -14.499473571777344 + ], + [ + "\u2581antagoni", + -14.499475479125977 + ], + [ + "\u00e9tin", + -14.499544143676758 + ], + [ + "\u2581Jaco", + -14.499567031860352 + ], + [ + "remita", + -14.499577522277832 + ], + [ + "\u2581glabr", + -14.499577522277832 + ], + [ + "\u2581conservatore", + -14.499588012695312 + ], + [ + "URN", + -14.499593734741213 + ], + [ + "Agriculture", + -14.499626159667969 + ], + [ + "torytelling", + -14.499627113342283 + ], + [ + "Espresso", + -14.499629020690918 + ], + [ + "\u2581Feminin", + -14.499677658081056 + ], + [ + "\u2581exigencias", + -14.49968147277832 + ], + [ + "stiel", + -14.499683380126951 + ], + [ + "\u2581Droh", + -14.499714851379396 + ], + [ + "\u2581gravement", + -14.499714851379396 + ], + [ + "\u2581Erforderlich", + -14.499756813049316 + ], + [ + "\u2581Kummer", + -14.499767303466797 + ], + [ + "erbilligung", + -14.499796867370604 + ], + [ + "\u2581firmata", + -14.499825477600098 + ], + [ + "ERUNG", + -14.499828338623049 + ], + [ + "SCHRIFT", + -14.499834060668944 + ], + [ + "envergure", + -14.499835014343262 + ], + [ + "\u2581Shepard", + -14.499839782714844 + ], + [ + "\u2581extraurbani", + -14.499874114990234 + ], + [ + "\u2581gestiscono", + -14.499876022338867 + ], + [ + "\u2581Venezolan", + -14.499886512756348 + ], + [ + "\u2581abrieron", + -14.49988842010498 + ], + [ + "GoogleCloud", + -14.499892234802246 + ], + [ + "\u2581Regardless", + -14.499918937683104 + ], + [ + "\u2581illimit\u00e9", + -14.499972343444824 + ], + [ + "frenat", + -14.500000953674316 + ], + [ + "\u2581Corradi", + -14.500052452087402 + ], + [ + "\u2581prohib", + -14.500075340270996 + ], + [ + "\u2581atractiva", + -14.50009059906006 + ], + [ + "MessageBox", + -14.500091552734377 + ], + [ + "\u2581inhum\u00e9", + -14.500093460083008 + ], + [ + "impresion", + -14.500187873840332 + ], + [ + "\u2581inscriptie", + -14.500205039978027 + ], + [ + "\u2581subclasses", + -14.50021743774414 + ], + [ + "repan", + -14.500231742858888 + ], + [ + "\u2581recitato", + -14.500252723693848 + ], + [ + "\u2581Cyther", + -14.500255584716797 + ], + [ + "trusiv", + -14.50025749206543 + ], + [ + "Whoever", + -14.500271797180176 + ], + [ + "\u2581sostienen", + -14.50028133392334 + ], + [ + "\u2581recano", + -14.500289916992188 + ], + [ + "Heine", + -14.500290870666504 + ], + [ + "Oberfl\u00e4che", + -14.500304222106934 + ], + [ + "Transparency", + -14.50031566619873 + ], + [ + "apercevoir", + -14.500317573547363 + ], + [ + "\u2581surv\u00e9cu", + -14.500317573547363 + ], + [ + "\u2581aluguel", + -14.500321388244627 + ], + [ + "\u2581intensities", + -14.50034523010254 + ], + [ + "verification", + -14.500350952148438 + ], + [ + "\u2581Carlson", + -14.500353813171388 + ], + [ + "\u2581Diputad", + -14.500360488891602 + ], + [ + "\u2581clart\u00e9", + -14.500368118286133 + ], + [ + "ayez", + -14.500377655029297 + ], + [ + "ckchen", + -14.500384330749512 + ], + [ + "\u2581diplomatische", + -14.500395774841309 + ], + [ + "\u2581perseveran", + -14.50040340423584 + ], + [ + "\u2581dr\u00e4ngte", + -14.500405311584473 + ], + [ + "makebox", + -14.500422477722168 + ], + [ + "audible", + -14.500429153442385 + ], + [ + "\u2581unanimous", + -14.500447273254396 + ], + [ + "transmission", + -14.500448226928713 + ], + [ + "\u2581gangbare", + -14.500481605529783 + ], + [ + "\u2581afgelegd", + -14.500619888305664 + ], + [ + "uawei", + -14.500633239746094 + ], + [ + "schio", + -14.500653266906738 + ], + [ + "sparing", + -14.50067138671875 + ], + [ + "\u2581attese", + -14.500726699829102 + ], + [ + "\u2581affittare", + -14.500728607177734 + ], + [ + "\u2581legitimidad", + -14.50074291229248 + ], + [ + "\u2581Sagar", + -14.50074577331543 + ], + [ + "\u2581Evitar", + -14.500752449035645 + ], + [ + "dossa", + -14.500791549682615 + ], + [ + "Variance", + -14.500811576843262 + ], + [ + "\u2581consumat", + -14.500831604003906 + ], + [ + "Bruce", + -14.500849723815918 + ], + [ + "\u2581envolvida", + -14.500884056091309 + ], + [ + "Expired", + -14.500885009765623 + ], + [ + "\u2581laissait", + -14.500909805297852 + ], + [ + "netmask", + -14.500919342041016 + ], + [ + "\u2581feudali", + -14.500922203063965 + ], + [ + "\u2581avvolge", + -14.500944137573242 + ], + [ + "\u2581effectieve", + -14.50096321105957 + ], + [ + "\u2581temperate", + -14.5009765625 + ], + [ + "tapas", + -14.500977516174316 + ], + [ + "\u2581letterari", + -14.500982284545898 + ], + [ + "\u2581observateurs", + -14.50098705291748 + ], + [ + "\u2581Unf\u00e4llen", + -14.500995635986328 + ], + [ + "\u2581Pueden", + -14.501006126403809 + ], + [ + "\u2581Trilog", + -14.50102996826172 + ], + [ + "amikaze", + -14.501056671142578 + ], + [ + "appie", + -14.501070022583008 + ], + [ + "oriche", + -14.501072883605955 + ], + [ + "\u2581Cavaliers", + -14.501099586486816 + ], + [ + "\u2581Argyl", + -14.50111198425293 + ], + [ + "peroxide", + -14.501112937927246 + ], + [ + "\u2581unificado", + -14.50111484527588 + ], + [ + "\u2581Briss", + -14.501120567321776 + ], + [ + "\u2581vereador", + -14.501127243041992 + ], + [ + "ulpen", + -14.501158714294434 + ], + [ + "\u2581desiderato", + -14.50115966796875 + ], + [ + "Puede", + -14.501174926757812 + ], + [ + "interior", + -14.501176834106444 + ], + [ + "\u2581Botsuana", + -14.5012788772583 + ], + [ + "\u2581c\u00e9r\u00e9ales", + -14.5012788772583 + ], + [ + "\u2581mercadoria", + -14.501298904418944 + ], + [ + "mazzo", + -14.501317977905272 + ], + [ + "WES", + -14.501328468322754 + ], + [ + "\u2581Monetary", + -14.501331329345703 + ], + [ + "\u2581shouting", + -14.501340866088867 + ], + [ + "\u2581pleegde", + -14.501349449157717 + ], + [ + "\u2581tactile", + -14.501364707946776 + ], + [ + "\u2581Diabo", + -14.501459121704102 + ], + [ + "\u2581movimentado", + -14.501495361328123 + ], + [ + "drohung", + -14.501510620117188 + ], + [ + "\u2581spaziali", + -14.501529693603516 + ], + [ + "\u2581rivelano", + -14.501708984375 + ], + [ + "klammert", + -14.501721382141112 + ], + [ + "\u2581Matthi", + -14.501723289489746 + ], + [ + "ausf\u00fchrung", + -14.50174331665039 + ], + [ + "\u2581Ibero", + -14.501747131347656 + ], + [ + "\u2581Bem\u00fchen", + -14.501761436462402 + ], + [ + "\u2581confidentialit\u00e9", + -14.501761436462402 + ], + [ + "\u2581notoriamente", + -14.501763343811035 + ], + [ + "\u2581verwi", + -14.501766204833984 + ], + [ + "\u2581Schriftsprache", + -14.501785278320312 + ], + [ + "Bridged", + -14.501798629760742 + ], + [ + "ETTE", + -14.50180721282959 + ], + [ + "mention", + -14.50181007385254 + ], + [ + "\u2581giocano", + -14.501845359802246 + ], + [ + "\u2581Gost", + -14.501861572265623 + ], + [ + "Vertrages", + -14.501864433288574 + ], + [ + "\u2581rodent", + -14.501877784729004 + ], + [ + "ompos\u00e9", + -14.50188159942627 + ], + [ + "distintamente", + -14.501896858215332 + ], + [ + "HAV", + -14.50189971923828 + ], + [ + "\u2581percibe", + -14.50196933746338 + ], + [ + "\u2581monges", + -14.501998901367188 + ], + [ + "\u2581Chipp", + -14.50200366973877 + ], + [ + "\u2581borrado", + -14.50201416015625 + ], + [ + "\u2581durato", + -14.502022743225098 + ], + [ + "nomad", + -14.502023696899414 + ], + [ + "\u2581Morena", + -14.502029418945312 + ], + [ + "polyhedron", + -14.502041816711426 + ], + [ + "\u2581cantones", + -14.50204372406006 + ], + [ + "jenige", + -14.502045631408691 + ], + [ + "\u2581Cambia", + -14.50205421447754 + ], + [ + "\u2581teologic", + -14.502055168151855 + ], + [ + "p\u00f3li", + -14.502065658569336 + ], + [ + "\u2581Tabor", + -14.502067565917969 + ], + [ + "ArrayBuffer", + -14.502097129821776 + ], + [ + "\u2581Weld", + -14.502102851867676 + ], + [ + "\u2581Butch", + -14.50212860107422 + ], + [ + "\u2581welvaart", + -14.502132415771484 + ], + [ + "heatmap", + -14.5021333694458 + ], + [ + "tr\u00f3pico", + -14.502158164978027 + ], + [ + "effekten", + -14.50217628479004 + ], + [ + "impfung", + -14.502178192138672 + ], + [ + "Characterization", + -14.502199172973633 + ], + [ + "\u2581aankondig", + -14.502243041992188 + ], + [ + "\u2581testemunho", + -14.502243041992188 + ], + [ + "\u2581\u00e9liminatoires", + -14.502243995666504 + ], + [ + "\u2581synth\u00e9tique", + -14.502251625061035 + ], + [ + "\u2581joyeu", + -14.502326011657717 + ], + [ + "\u2581Pathologie", + -14.502326965332031 + ], + [ + "AMENTO", + -14.502333641052246 + ], + [ + "\u2581marchesato", + -14.502352714538574 + ], + [ + "\u2581Tui", + -14.502354621887209 + ], + [ + "\u2581Peuple", + -14.502367973327637 + ], + [ + "heilt", + -14.5023775100708 + ], + [ + "\u2581sprinter", + -14.502386093139648 + ], + [ + "grenzwerte", + -14.502387046813965 + ], + [ + "HTTPRequest", + -14.502410888671877 + ], + [ + "grader", + -14.50243091583252 + ], + [ + "\u2581rientr", + -14.502449989318848 + ], + [ + "\u2581sobreviventes", + -14.502449989318848 + ], + [ + "EFA", + -14.50248908996582 + ], + [ + "\u2581adipos", + -14.50251579284668 + ], + [ + "\u2581Panamericanos", + -14.502533912658691 + ], + [ + "\u2581bewaffnete", + -14.502551078796388 + ], + [ + "iezione", + -14.502552032470703 + ], + [ + "\u2581hermandad", + -14.50255298614502 + ], + [ + "\u2581Invas", + -14.502556800842283 + ], + [ + "\u2581Currie", + -14.502569198608398 + ], + [ + "\u2581Knowing", + -14.502613067626951 + ], + [ + "quello", + -14.50261402130127 + ], + [ + "\u2581tristesse", + -14.50263500213623 + ], + [ + "\u2581situer", + -14.502665519714355 + ], + [ + "iddler", + -14.502670288085938 + ], + [ + "m\u00fcnden", + -14.502694129943848 + ], + [ + "\u2581p\u00e1nico", + -14.50270175933838 + ], + [ + "\u2581Kambodscha", + -14.502725601196287 + ], + [ + "\u2581expl\u00edcito", + -14.502725601196287 + ], + [ + "\u2581comparti\u00f3", + -14.50273895263672 + ], + [ + "\u2581Sessel", + -14.502751350402832 + ], + [ + "\u2581trinc", + -14.502762794494627 + ], + [ + "\u2581decree", + -14.502767562866213 + ], + [ + "\u2581separatist", + -14.50277614593506 + ], + [ + "aggregat", + -14.502778053283691 + ], + [ + "\u2581douani", + -14.502782821655272 + ], + [ + "\u2581mejorado", + -14.502799987792969 + ], + [ + "\u2581filipino", + -14.502806663513184 + ], + [ + "associate", + -14.502825736999512 + ], + [ + "p\u00e1ti", + -14.502836227416992 + ], + [ + "Sali", + -14.502846717834473 + ], + [ + "bsl", + -14.502867698669434 + ], + [ + "\u2581voed", + -14.5028715133667 + ], + [ + "\u2581efectuada", + -14.502903938293455 + ], + [ + "prikkel", + -14.502924919128418 + ], + [ + "BCD", + -14.502951622009276 + ], + [ + "\u2581Kelse", + -14.50295352935791 + ], + [ + "responseText", + -14.502960205078123 + ], + [ + "\u2581dualen", + -14.502964973449709 + ], + [ + "\u2581magnate", + -14.502973556518556 + ], + [ + "\u2581animar", + -14.50298309326172 + ], + [ + "\u2581Narrative", + -14.50299072265625 + ], + [ + "\u2581ideato", + -14.503013610839844 + ], + [ + "olica", + -14.503049850463867 + ], + [ + "\u2581exigeant", + -14.5030517578125 + ], + [ + "\u2581abandonaron", + -14.503090858459473 + ], + [ + "Delegat", + -14.503101348876951 + ], + [ + "\u2581transpir", + -14.50310516357422 + ], + [ + "\u2581directorio", + -14.503124237060549 + ], + [ + "\u2581computationally", + -14.503127098083496 + ], + [ + "\u2581Weihe", + -14.503137588500977 + ], + [ + "canton", + -14.503161430358888 + ], + [ + "\u2581Goldmann", + -14.503161430358888 + ], + [ + "\u2581encabeza", + -14.503161430358888 + ], + [ + "\u2581Pyeongchang", + -14.50320816040039 + ], + [ + "\u2581prestigieux", + -14.503217697143556 + ], + [ + "\u2581temp\u00e9r\u00e9", + -14.503217697143556 + ], + [ + "\u2581mitgef\u00fchrt", + -14.5032377243042 + ], + [ + "\u2581amministratori", + -14.50324249267578 + ], + [ + "Schloss", + -14.503268241882324 + ], + [ + "gegenw\u00e4rtig", + -14.503293991088867 + ], + [ + "\u2581groepswedstrijd", + -14.503293991088867 + ], + [ + "\u2581Transfigura", + -14.503299713134766 + ], + [ + "\u2581betonnen", + -14.503311157226562 + ], + [ + "Karten", + -14.503342628479004 + ], + [ + "anthidae", + -14.50337028503418 + ], + [ + "\u2581Grassi", + -14.503393173217772 + ], + [ + "\u2581vliegende", + -14.503395080566406 + ], + [ + "\u2581Substantiv", + -14.503397941589355 + ], + [ + "\u2581prendersi", + -14.503418922424316 + ], + [ + "\u2581precipitate", + -14.503446578979492 + ], + [ + "addplot", + -14.503469467163086 + ], + [ + "\u2581Ocampo", + -14.503469467163086 + ], + [ + "confisqu", + -14.50352668762207 + ], + [ + "physe", + -14.50354290008545 + ], + [ + "sprinkha", + -14.50354290008545 + ], + [ + "\u2581identit", + -14.503583908081056 + ], + [ + "\u2581miniera", + -14.503585815429688 + ], + [ + "Dual", + -14.503622055053713 + ], + [ + "Compagn", + -14.503642082214355 + ], + [ + "\u2581Staatlichen", + -14.503676414489746 + ], + [ + "\u2581mantengono", + -14.503679275512695 + ], + [ + "Chongqing", + -14.503690719604492 + ], + [ + "\u2581gepromoveerd", + -14.503690719604492 + ], + [ + "\u2581circumference", + -14.503691673278809 + ], + [ + "Hyacinth", + -14.503697395324709 + ], + [ + "\u2581Hopfen", + -14.50370979309082 + ], + [ + "\u2581granting", + -14.50370979309082 + ], + [ + "\u2581Gallardo", + -14.503710746765137 + ], + [ + "latch", + -14.50372314453125 + ], + [ + "tanzen", + -14.503731727600098 + ], + [ + "\u2581opleveren", + -14.50373649597168 + ], + [ + "\u2581wachtwoord", + -14.503802299499512 + ], + [ + "\u2581Polyno", + -14.503844261169434 + ], + [ + "\u2581condenada", + -14.50385570526123 + ], + [ + "\u2581horrifi", + -14.503859519958496 + ], + [ + "\u00e4del", + -14.50387477874756 + ], + [ + "\u2581tricolor", + -14.50389003753662 + ], + [ + "\u2581Simil", + -14.503890991210938 + ], + [ + "\u2581Kutsche", + -14.50390625 + ], + [ + "\u2581prestaciones", + -14.50392246246338 + ], + [ + "EAK", + -14.50399112701416 + ], + [ + "physique", + -14.503993034362791 + ], + [ + "akultativ", + -14.50401782989502 + ], + [ + "\u2581pelear", + -14.504021644592283 + ], + [ + "rredonda", + -14.504056930541992 + ], + [ + "\u2581uitmond", + -14.504093170166016 + ], + [ + "zach", + -14.504144668579102 + ], + [ + "Segue", + -14.504190444946287 + ], + [ + "\u2581asfaltata", + -14.504190444946287 + ], + [ + "\u2581hervorrufen", + -14.504195213317873 + ], + [ + "\u2581Doesburg", + -14.504223823547363 + ], + [ + "\u2581asymptotically", + -14.504229545593262 + ], + [ + "\u2581fantaisi", + -14.504241943359377 + ], + [ + "\u2581rivenditor", + -14.504264831542969 + ], + [ + "\u2581bejaht", + -14.50428295135498 + ], + [ + "aturen", + -14.504291534423828 + ], + [ + "\u2581recursiva", + -14.504302024841309 + ], + [ + "\u2581costumava", + -14.504314422607422 + ], + [ + "\u2581Prediger", + -14.504359245300291 + ], + [ + "\u2581Hauptverkehrs", + -14.504374504089355 + ], + [ + "\u2581innesca", + -14.504384994506836 + ], + [ + "\u2581Reisezeit", + -14.504406929016112 + ], + [ + "\u2581Navajo", + -14.504429817199709 + ], + [ + "\u2581aansluit", + -14.504453659057615 + ], + [ + "\u2581profundiza", + -14.50449562072754 + ], + [ + "\u2581Verstorbenen", + -14.504560470581056 + ], + [ + "gehecht", + -14.504575729370115 + ], + [ + "\u2581perverse", + -14.504590034484863 + ], + [ + "incontra", + -14.504596710205078 + ], + [ + "chista", + -14.504644393920898 + ], + [ + "textquotesingle", + -14.504655838012695 + ], + [ + "\u2581Shevchenko", + -14.504657745361328 + ], + [ + "\u2581Elijah", + -14.504668235778809 + ], + [ + "\u2581Mesquita", + -14.504677772521973 + ], + [ + "\u2581Garner", + -14.504678726196287 + ], + [ + "\u2581imprigionat", + -14.504704475402832 + ], + [ + "Opfer", + -14.50471305847168 + ], + [ + "\u2581Thiel", + -14.50471305847168 + ], + [ + "Angiosperm", + -14.504737854003906 + ], + [ + "\u2581intelligentie", + -14.504742622375488 + ], + [ + "\u2581ficticia", + -14.50474739074707 + ], + [ + "\u2581piensan", + -14.504766464233398 + ], + [ + "\u2581stavo", + -14.50479221343994 + ], + [ + "\u2581anterioridad", + -14.504802703857422 + ], + [ + "wamkevers", + -14.504819869995115 + ], + [ + "Le\u00f3n", + -14.504820823669434 + ], + [ + "ientos", + -14.50482940673828 + ], + [ + "Spannung", + -14.504834175109863 + ], + [ + "\u2581reinigen", + -14.504839897155762 + ], + [ + "tellerie", + -14.504844665527344 + ], + [ + "\u2581remar", + -14.504859924316406 + ], + [ + "\u2581wandelroute", + -14.504868507385254 + ], + [ + "romena", + -14.504920959472656 + ], + [ + "Annotated", + -14.504924774169922 + ], + [ + "\u2581depicts", + -14.504926681518556 + ], + [ + "\u2581Toilette", + -14.50493335723877 + ], + [ + "\u2581Sascha", + -14.50493621826172 + ], + [ + "\u2581gestiegenen", + -14.50494384765625 + ], + [ + "spiraci\u00f3n", + -14.5049467086792 + ], + [ + "\u2581ilustrador", + -14.50498104095459 + ], + [ + "contentOffset", + -14.505013465881348 + ], + [ + "\u2581Abram", + -14.50502872467041 + ], + [ + "\u2581Abfluss", + -14.505048751831056 + ], + [ + "\u2581acercamiento", + -14.505067825317385 + ], + [ + "\u2581c\u00f3modo", + -14.505101203918455 + ], + [ + "ascent", + -14.505102157592772 + ], + [ + "restriction", + -14.505102157592772 + ], + [ + "eingeschr\u00e4nkte", + -14.50510597229004 + ], + [ + "\u2581solit\u00e1ri", + -14.505133628845217 + ], + [ + "\u2581Vanderbilt", + -14.505141258239746 + ], + [ + "uitreiking", + -14.505144119262695 + ], + [ + "libjpeg", + -14.50516128540039 + ], + [ + "\u2581lontananza", + -14.505170822143556 + ], + [ + "\u2581Obten", + -14.50517749786377 + ], + [ + "\u2581erguido", + -14.505194664001465 + ], + [ + "\u2581tranch", + -14.505218505859377 + ], + [ + "\u2581voudrait", + -14.505228996276855 + ], + [ + "\u2581sienne", + -14.505240440368652 + ], + [ + "\u2581realice", + -14.505247116088867 + ], + [ + "\u2581rialz", + -14.505253791809082 + ], + [ + "probably", + -14.505256652832031 + ], + [ + "vigil", + -14.50527572631836 + ], + [ + "\u2581combattant", + -14.50527572631836 + ], + [ + "\u2581podamos", + -14.505288124084473 + ], + [ + "\u2581abitate", + -14.505290031433104 + ], + [ + "\u2581reviendra", + -14.505295753479004 + ], + [ + "employment", + -14.505300521850586 + ], + [ + "\u2581rejoin", + -14.505321502685549 + ], + [ + "\u2581zugewiesenen", + -14.505349159240724 + ], + [ + "\u2581clasificada", + -14.50535488128662 + ], + [ + "\u2581Curra", + -14.505367279052734 + ], + [ + "wobei", + -14.50536823272705 + ], + [ + "\u2581Rebec", + -14.505375862121582 + ], + [ + "\u2581herkozen", + -14.505378723144531 + ], + [ + "marschier", + -14.505379676818848 + ], + [ + "\u2581Sidonia", + -14.505383491516112 + ], + [ + "Liquid", + -14.505393981933594 + ], + [ + "dike", + -14.50542449951172 + ], + [ + "textstylef", + -14.50544261932373 + ], + [ + "\u2581cupid", + -14.505444526672363 + ], + [ + "\u2581pertaining", + -14.505450248718262 + ], + [ + "maxWidth", + -14.505451202392578 + ], + [ + "stituzioni", + -14.50546932220459 + ], + [ + "\u2581Leiria", + -14.50547695159912 + ], + [ + "\u2581sabre", + -14.505515098571776 + ], + [ + "\u00e1rsel", + -14.50552749633789 + ], + [ + "olothur", + -14.5055513381958 + ], + [ + "Ries", + -14.505559921264648 + ], + [ + "Massiv", + -14.505566596984863 + ], + [ + "\u2581schutzw\u00fcrdige", + -14.505571365356444 + ], + [ + "Acad\u00e9mica", + -14.505624771118164 + ], + [ + "\u2581Gauthier", + -14.50563621520996 + ], + [ + "\u2581escuchado", + -14.505637168884276 + ], + [ + "\u2581convencionais", + -14.505644798278809 + ], + [ + "\u2581surpreende", + -14.505666732788086 + ], + [ + "\u00e9ramos", + -14.505694389343262 + ], + [ + "isRequired", + -14.505704879760742 + ], + [ + "\u2581Mercosu", + -14.505724906921388 + ], + [ + "\u2581Kosmos", + -14.505748748779297 + ], + [ + "\u2581freschi", + -14.505749702453612 + ], + [ + "\u2581rilassat", + -14.50575351715088 + ], + [ + "\u2581Isotop", + -14.505762100219728 + ], + [ + "scrivere", + -14.505779266357422 + ], + [ + "conservator", + -14.505810737609863 + ], + [ + "\u2581Erweiterungsbau", + -14.50581169128418 + ], + [ + "Kostenerstattung", + -14.505821228027344 + ], + [ + "\u2581abrindo", + -14.505828857421877 + ], + [ + "\u2581acordar", + -14.505837440490724 + ], + [ + "\u2581animador", + -14.505847930908203 + ], + [ + "ibuti", + -14.505863189697266 + ], + [ + "\u2581ocupantes", + -14.505866050720217 + ], + [ + "\u2581\u00fcberwiegen", + -14.505877494812012 + ], + [ + "\u2581Straw", + -14.505878448486328 + ], + [ + "\u2581crucifix", + -14.505887985229492 + ], + [ + "\u2581converteu", + -14.505902290344238 + ], + [ + "\u2581experimentele", + -14.505902290344238 + ], + [ + "\u2581caffetterie", + -14.505925178527832 + ], + [ + "icardi", + -14.50594997406006 + ], + [ + "\u2581canonico", + -14.505962371826172 + ], + [ + "\u2581concreti", + -14.505966186523438 + ], + [ + "\u2581mantra", + -14.5059814453125 + ], + [ + "ntiquity", + -14.506071090698242 + ], + [ + "\u2581Marsella", + -14.50609016418457 + ], + [ + "\u2581Befall", + -14.506107330322266 + ], + [ + "Advertising", + -14.506108283996582 + ], + [ + "propTypes", + -14.50615406036377 + ], + [ + "Listening", + -14.50615692138672 + ], + [ + "Mockery", + -14.506165504455566 + ], + [ + "\u2581sofri", + -14.506168365478516 + ], + [ + "ungsgrad", + -14.50617790222168 + ], + [ + "erenza", + -14.506187438964844 + ], + [ + "APD", + -14.506197929382324 + ], + [ + "onError", + -14.506207466125488 + ], + [ + "\u2581Tinto", + -14.506211280822754 + ], + [ + "\u2581destreza", + -14.506217002868652 + ], + [ + "Statistic", + -14.506244659423828 + ], + [ + "ngzhou", + -14.50625705718994 + ], + [ + "tolerable", + -14.50625705718994 + ], + [ + "\u2581Casell", + -14.506305694580078 + ], + [ + "ContainerView", + -14.50631618499756 + ], + [ + "muizen", + -14.506370544433594 + ], + [ + "\u2581neutralis", + -14.50637149810791 + ], + [ + "vaak", + -14.506380081176758 + ], + [ + "\u2581scaccia", + -14.506389617919922 + ], + [ + "Construction", + -14.5064058303833 + ], + [ + "\u2581Bartel", + -14.506421089172363 + ], + [ + "publik", + -14.506429672241213 + ], + [ + "\u2581Shari", + -14.50643539428711 + ], + [ + "\u2581templado", + -14.50645923614502 + ], + [ + "\u00e4kular", + -14.50648307800293 + ], + [ + "initiativen", + -14.506580352783203 + ], + [ + "morfe", + -14.50662899017334 + ], + [ + "\u2581randomization", + -14.506632804870604 + ], + [ + "\u2581bravura", + -14.506668090820312 + ], + [ + "\u2581embarcaciones", + -14.506701469421388 + ], + [ + "\u2581angusti", + -14.506705284118652 + ], + [ + "RBS", + -14.50675106048584 + ], + [ + "\u2581Kwan", + -14.506758689880373 + ], + [ + "Rennen", + -14.50676155090332 + ], + [ + "\u2581Kadi", + -14.506776809692385 + ], + [ + "Municipal", + -14.506784439086914 + ], + [ + "\u2581magistrate", + -14.506793022155762 + ], + [ + "\u2581reizvoll", + -14.506793022155762 + ], + [ + "onsonant", + -14.50680923461914 + ], + [ + "\u2581Natsu", + -14.506830215454102 + ], + [ + "\u2581Rhodan", + -14.506832122802734 + ], + [ + "ciphertext", + -14.50683879852295 + ], + [ + "esnil", + -14.506855964660645 + ], + [ + "ipriota", + -14.506900787353516 + ], + [ + "volent", + -14.506918907165527 + ], + [ + "ousquet", + -14.506976127624512 + ], + [ + "\u2581segnare", + -14.507009506225586 + ], + [ + "\u2581gemelli", + -14.507012367248535 + ], + [ + "\u2581psychique", + -14.50704574584961 + ], + [ + "\u2581gekwalificeerd", + -14.50707721710205 + ], + [ + "\u2581Miroslav", + -14.507091522216797 + ], + [ + "nebre", + -14.50709342956543 + ], + [ + "zava", + -14.507098197937012 + ], + [ + "\u2581Ausbilder", + -14.507116317749023 + ], + [ + "\u2581coordenada", + -14.507122039794922 + ], + [ + "\u2581ultrasound", + -14.507124900817873 + ], + [ + "provisionalmente", + -14.5071382522583 + ], + [ + "\u2581Petiot", + -14.507144927978516 + ], + [ + "\u2581practicing", + -14.507150650024414 + ], + [ + "Bewertung", + -14.507187843322754 + ], + [ + "konjunktur", + -14.50722599029541 + ], + [ + "WHERE", + -14.507248878479004 + ], + [ + "strofa", + -14.50727367401123 + ], + [ + "\u2581Gaeta", + -14.507277488708496 + ], + [ + "l\u00edcia", + -14.507299423217772 + ], + [ + "\u2581werkwijze", + -14.507304191589355 + ], + [ + "beuren", + -14.507312774658203 + ], + [ + "\u2581launchOptions", + -14.50732135772705 + ], + [ + "umpkin", + -14.50733470916748 + ], + [ + "\u2581contracted", + -14.507346153259276 + ], + [ + "ourrier", + -14.507396697998049 + ], + [ + "\u2581goldenen", + -14.507528305053713 + ], + [ + "Utopi", + -14.507545471191406 + ], + [ + "\u2581Chinesische", + -14.50755214691162 + ], + [ + "\u2581Iaquinta", + -14.507562637329102 + ], + [ + "\u2581zur\u00fcckhaltend", + -14.50757122039795 + ], + [ + "\u2581espont", + -14.507572174072266 + ], + [ + "\u2581comparatively", + -14.507573127746582 + ], + [ + "\u2581geneal\u00f3gic", + -14.50759220123291 + ], + [ + "\u2581coralli", + -14.507598876953123 + ], + [ + "\u2581Differences", + -14.507600784301758 + ], + [ + "\u2581Providencia", + -14.507611274719238 + ], + [ + "\u2581illnesses", + -14.507619857788086 + ], + [ + "\u2581scrutiny", + -14.50762176513672 + ], + [ + "\u2581diplomatieke", + -14.507647514343262 + ], + [ + "\u2581Datenbasis", + -14.507654190063477 + ], + [ + "\u2581islamistische", + -14.507657051086426 + ], + [ + "\u2581Ingel", + -14.507661819458008 + ], + [ + "\u2581Prudenc", + -14.507683753967283 + ], + [ + "aktu", + -14.507699966430664 + ], + [ + "subcommand", + -14.507709503173828 + ], + [ + "\u2581Aprenda", + -14.507720947265623 + ], + [ + "\u2581Steiermark", + -14.507784843444824 + ], + [ + "Latour", + -14.507789611816406 + ], + [ + "eggae", + -14.50779151916504 + ], + [ + "\u2581Nieves", + -14.507806777954102 + ], + [ + "\u2581acomet", + -14.50782585144043 + ], + [ + "\u2581drietal", + -14.507847785949709 + ], + [ + "Robotic", + -14.507867813110352 + ], + [ + "\u2581Crisp", + -14.50788402557373 + ], + [ + "\u2581Wiederauf", + -14.50789737701416 + ], + [ + "\u2581cultiv\u00e9", + -14.507898330688477 + ], + [ + "sim\u00e9trico", + -14.50791072845459 + ], + [ + "amir", + -14.507944107055664 + ], + [ + "\u2581evitate", + -14.507946968078612 + ], + [ + "arach", + -14.507984161376951 + ], + [ + "\u2581wallon", + -14.508000373840332 + ], + [ + "obedience", + -14.508047103881836 + ], + [ + "\u2581Fr\u00e4ulein", + -14.508047103881836 + ], + [ + "\u2581Misericordia", + -14.508047103881836 + ], + [ + "agrad\u00e1veis", + -14.508052825927734 + ], + [ + "\u2581hormig\u00f3n", + -14.508084297180176 + ], + [ + "\u2581criativo", + -14.508086204528809 + ], + [ + "oedsel", + -14.508105278015137 + ], + [ + "viant", + -14.50815773010254 + ], + [ + "\u2581Entgeltpunkte", + -14.508160591125488 + ], + [ + "ghini", + -14.50816249847412 + ], + [ + "\u2581cascada", + -14.508167266845703 + ], + [ + "\u2581Padri", + -14.508191108703612 + ], + [ + "impast", + -14.508200645446776 + ], + [ + "\u2581traduzioni", + -14.508213996887209 + ], + [ + "Maison", + -14.508235931396484 + ], + [ + "\u2581anregen", + -14.508252143859863 + ], + [ + "\u2581retrospektiv", + -14.50829029083252 + ], + [ + "\u2581Ver\u00e4nder", + -14.508292198181152 + ], + [ + "\u2581eigenvectors", + -14.508296012878418 + ], + [ + "\u2581jesu\u00edtas", + -14.50830364227295 + ], + [ + "IBLE", + -14.508319854736328 + ], + [ + "\u2581Blazer", + -14.508389472961426 + ], + [ + "injector", + -14.508393287658691 + ], + [ + "Civil", + -14.508419036865234 + ], + [ + "\u2581creyentes", + -14.508482933044434 + ], + [ + "\u2581B\u00e1sico", + -14.508520126342772 + ], + [ + "\u2581risat", + -14.508526802062988 + ], + [ + "\u2581comprensibile", + -14.508532524108888 + ], + [ + "providecommand", + -14.508546829223633 + ], + [ + "\u2581middelpunt", + -14.508551597595217 + ], + [ + "hyperledger", + -14.50855827331543 + ], + [ + "anowski", + -14.508575439453123 + ], + [ + "\u2581alfombra", + -14.50859546661377 + ], + [ + "RawPointer", + -14.508600234985352 + ], + [ + "\u2581Armadill", + -14.508626937866213 + ], + [ + "\u2581typiquement", + -14.508641242980955 + ], + [ + "\u2581incroci", + -14.508649826049805 + ], + [ + "oyeur", + -14.50869846343994 + ], + [ + "\u2581Murillo", + -14.50869846343994 + ], + [ + "\u2581voltaram", + -14.508708000183104 + ], + [ + "LICE", + -14.508729934692385 + ], + [ + "\u2581decorar", + -14.50875473022461 + ], + [ + "\u2581Berton", + -14.508760452270508 + ], + [ + "\u2581unwilling", + -14.5087890625 + ], + [ + "Ignored", + -14.508801460266112 + ], + [ + "Matthew", + -14.508829116821287 + ], + [ + "\u2581B\u00e4cker", + -14.508829116821287 + ], + [ + "\u2581propin", + -14.508837699890137 + ], + [ + "\u2581ex\u00f3tica", + -14.508861541748049 + ], + [ + "accommod", + -14.508941650390623 + ], + [ + "\u2581investire", + -14.509004592895508 + ], + [ + "\u2581ClasseMeuCanvas", + -14.50901699066162 + ], + [ + "\u2581emocionante", + -14.509017944335938 + ], + [ + "\u2581Democrazia", + -14.509024620056152 + ], + [ + "\u2581horizontais", + -14.509040832519531 + ], + [ + "kaiser", + -14.509069442749023 + ], + [ + "\u2581paroissiale", + -14.509095191955566 + ], + [ + "conscription", + -14.509103775024414 + ], + [ + "\u2581attenuation", + -14.509105682373049 + ], + [ + "\u2581Abschreibungen", + -14.50912857055664 + ], + [ + "\u2581aborrecido", + -14.50913429260254 + ], + [ + "\u2581Lupi", + -14.509157180786133 + ], + [ + "\u2581weergeven", + -14.509202003479004 + ], + [ + "\u2581heiraten", + -14.50920295715332 + ], + [ + "amsmath", + -14.509203910827637 + ], + [ + "mobiel", + -14.509209632873535 + ], + [ + "autobiografia", + -14.509249687194824 + ], + [ + "\u2581cotiza", + -14.50932788848877 + ], + [ + "loosheid", + -14.509328842163086 + ], + [ + "\u2581ult\u00e9rieure", + -14.5093994140625 + ], + [ + "\u2581s\u00e9journe", + -14.50942325592041 + ], + [ + "\u2581Sokol", + -14.509442329406738 + ], + [ + "\u2581eingeleiteten", + -14.509492874145508 + ], + [ + "forscht", + -14.509501457214355 + ], + [ + "AlbinoLeffe", + -14.509502410888672 + ], + [ + "\u2581achtervolging", + -14.509503364562988 + ], + [ + "verslaggever", + -14.509507179260254 + ], + [ + "\u2581extr\u00e9mit\u00e9s", + -14.509557723999023 + ], + [ + "\u2581botanicus", + -14.509602546691896 + ], + [ + "\u00e9ch\u00e9ance", + -14.509611129760742 + ], + [ + "\u2581Tronc", + -14.50961208343506 + ], + [ + "\u2581compulsory", + -14.509613037109377 + ], + [ + "\u2581appresso", + -14.509618759155272 + ], + [ + "modifiable", + -14.509621620178224 + ], + [ + "eNil", + -14.509624481201172 + ], + [ + "\u2581Andrey", + -14.509634017944336 + ], + [ + "rrea", + -14.50964069366455 + ], + [ + "\u2581empfand", + -14.509645462036133 + ], + [ + "\u2581Basi", + -14.50965690612793 + ], + [ + "\u2581toenemen", + -14.509663581848145 + ], + [ + "\u2581ripensa", + -14.509668350219728 + ], + [ + "ilveren", + -14.509676933288574 + ], + [ + "\u2581Handlungsm", + -14.509676933288574 + ], + [ + "orella", + -14.509726524353027 + ], + [ + "\u2581Vadi", + -14.509727478027344 + ], + [ + "\u2581Meteorologi", + -14.509765625 + ], + [ + "\u2581Echa", + -14.509774208068848 + ], + [ + "\u2581direttiva", + -14.509795188903809 + ], + [ + "\u2581lunghissim", + -14.509805679321287 + ], + [ + "Dublin", + -14.509814262390137 + ], + [ + "\u2581logaritmo", + -14.5098295211792 + ], + [ + "sablauf", + -14.509858131408691 + ], + [ + "\u2581Ortsgemeinde", + -14.509859085083008 + ], + [ + "\u2581Konstellationen", + -14.509862899780272 + ], + [ + "\u2581coquet", + -14.509873390197754 + ], + [ + "\u2581Porcell", + -14.509882926940918 + ], + [ + "\u2581Siebte", + -14.50989818572998 + ], + [ + "\u2581arrecada", + -14.509907722473145 + ], + [ + "\u2581Medikament", + -14.5099458694458 + ], + [ + "chiostro", + -14.50995635986328 + ], + [ + "nsuffizienz", + -14.509989738464355 + ], + [ + "\u2581kennzeichnet", + -14.509989738464355 + ], + [ + "\u2581charitable", + -14.50999641418457 + ], + [ + "\u2581\u00fcbergehen", + -14.50999641418457 + ], + [ + "\u2581tijolo", + -14.509998321533203 + ], + [ + "kregen", + -14.510009765625 + ], + [ + "\u2581Godfrey", + -14.51002597808838 + ], + [ + "\u2581Norweg", + -14.510029792785645 + ], + [ + "Interaktion", + -14.51003074645996 + ], + [ + "preparer", + -14.510034561157228 + ], + [ + "ylation", + -14.510038375854492 + ], + [ + "\u2581abusive", + -14.510038375854492 + ], + [ + "\u2581Soccerway", + -14.510058403015137 + ], + [ + "Registrie", + -14.510083198547363 + ], + [ + "\u2581perimetro", + -14.51014232635498 + ], + [ + "\u2581calcolato", + -14.510175704956056 + ], + [ + "\u2581Liberazione", + -14.510178565979004 + ], + [ + "\u2581sulphur", + -14.510210990905762 + ], + [ + "\u2581mathematically", + -14.510213851928713 + ], + [ + "\u2581registrierten", + -14.510215759277344 + ], + [ + "\u2581scell", + -14.510226249694824 + ], + [ + "irrt", + -14.51022720336914 + ], + [ + "\u2581fazioni", + -14.510235786437988 + ], + [ + "Venlo", + -14.510299682617188 + ], + [ + "\u2581Stiegl", + -14.510313987731934 + ], + [ + "lkerrechtlichen", + -14.5103178024292 + ], + [ + "hoofdplaats", + -14.510335922241213 + ], + [ + "scheppen", + -14.51035976409912 + ], + [ + "GetCurrent", + -14.510385513305664 + ], + [ + "structuring", + -14.510409355163574 + ], + [ + "rauchen", + -14.51041316986084 + ], + [ + "fiume", + -14.510442733764648 + ], + [ + "\u2581padece", + -14.510446548461914 + ], + [ + "tendard", + -14.510455131530762 + ], + [ + "lovsk", + -14.510458946228027 + ], + [ + "equ\u00edvoc", + -14.510475158691406 + ], + [ + "achron", + -14.510486602783203 + ], + [ + "\u2581reliquie", + -14.510486602783203 + ], + [ + "\u2581McDonnell", + -14.510492324829102 + ], + [ + "\u2581Puisque", + -14.510492324829102 + ], + [ + "ATER", + -14.510530471801758 + ], + [ + "\u2581klassischer", + -14.510533332824709 + ], + [ + "\u2581Livi", + -14.51056671142578 + ], + [ + "FAM", + -14.510578155517578 + ], + [ + "Cyclo", + -14.510601043701172 + ], + [ + "\u2581Polizist", + -14.510611534118652 + ], + [ + "\u2581novelist", + -14.510615348815918 + ], + [ + "\u2581Einsch\u00e4tzungen", + -14.510632514953612 + ], + [ + "chris", + -14.510642051696776 + ], + [ + "\u2581traumat", + -14.510648727416992 + ], + [ + "\u2581manquent", + -14.510669708251951 + ], + [ + "\u2581razzist", + -14.51067066192627 + ], + [ + "rachid", + -14.510686874389648 + ], + [ + "uttering", + -14.510700225830078 + ], + [ + "Different", + -14.510723114013672 + ], + [ + "rmansk", + -14.510769844055176 + ], + [ + "\u2581overnacht", + -14.51077651977539 + ], + [ + "\u2581Bacillus", + -14.510796546936035 + ], + [ + "\u2581espantos", + -14.510811805725098 + ], + [ + "\u2581Mader", + -14.510820388793944 + ], + [ + "\u2581intraprese", + -14.510820388793944 + ], + [ + "\u2581Diplomati", + -14.510828971862791 + ], + [ + "anweisung", + -14.510836601257324 + ], + [ + "\u2581concebida", + -14.510858535766602 + ], + [ + "rationen", + -14.5108642578125 + ], + [ + "\u2581desenvolvem", + -14.5108642578125 + ], + [ + "\u2581ascoltato", + -14.510872840881348 + ], + [ + "epiteli", + -14.51087474822998 + ], + [ + "breve", + -14.51088047027588 + ], + [ + "IsEmpty", + -14.510905265808104 + ], + [ + "\u2581Hedge", + -14.510920524597168 + ], + [ + "\u2581Trabalha", + -14.510931015014648 + ], + [ + "blende", + -14.510945320129396 + ], + [ + "\u2581metamorfosi", + -14.51096248626709 + ], + [ + "\u2581myocardial", + -14.51096248626709 + ], + [ + "\u2581psicod\u00e9lic", + -14.510963439941406 + ], + [ + "\u2581Beleidigung", + -14.51097583770752 + ], + [ + "ungsfrei", + -14.510979652404783 + ], + [ + "einsatzes", + -14.510986328125 + ], + [ + "\u2581aufschiebende", + -14.510992050170898 + ], + [ + "artifice", + -14.511015892028809 + ], + [ + "\u2581tard\u00eda", + -14.511104583740234 + ], + [ + "\u2581simplificada", + -14.511109352111816 + ], + [ + "\u2581Ludwigsburg", + -14.511113166809082 + ], + [ + "\u2581miner\u00eda", + -14.511130332946776 + ], + [ + "\u2581Karr", + -14.511197090148926 + ], + [ + "kubeadm", + -14.511238098144531 + ], + [ + "\u2581Located", + -14.511256217956545 + ], + [ + "\u2581economically", + -14.51125717163086 + ], + [ + "martini", + -14.51126766204834 + ], + [ + "consensus", + -14.511285781860352 + ], + [ + "\u2581acidenta", + -14.511287689208984 + ], + [ + "nt\u00e1rio", + -14.511292457580566 + ], + [ + "\u2581Escrituras", + -14.511301040649414 + ], + [ + "\u2581soci\u00f3logo", + -14.511301040649414 + ], + [ + "Adjunto", + -14.511307716369627 + ], + [ + "substack", + -14.511356353759766 + ], + [ + "\u2581detesta", + -14.511361122131348 + ], + [ + "\u2581Musicien", + -14.51144027709961 + ], + [ + "lecture", + -14.511448860168455 + ], + [ + "\u2581gemonteerd", + -14.51145076751709 + ], + [ + "\u2581divertissement", + -14.51145362854004 + ], + [ + "throp", + -14.51151180267334 + ], + [ + "pasto", + -14.511513710021973 + ], + [ + "\u2581profezi", + -14.511528968811035 + ], + [ + "\u2581explosivos", + -14.511560440063477 + ], + [ + "\u2581Hord", + -14.51158332824707 + ], + [ + "cosmi", + -14.511584281921388 + ], + [ + "\u2581Tratta", + -14.511590003967283 + ], + [ + "stretchr", + -14.511590957641602 + ], + [ + "\u2581Regenwald", + -14.511609077453612 + ], + [ + "\u2581monje", + -14.511609077453612 + ], + [ + "misunderstanding", + -14.511618614196776 + ], + [ + "\u2581fermier", + -14.51162338256836 + ], + [ + "kombinationen", + -14.511630058288574 + ], + [ + "\u00e9rance", + -14.511640548706056 + ], + [ + "\u2581Ausstrahlung", + -14.511645317077637 + ], + [ + "Radar", + -14.511754989624023 + ], + [ + "rision", + -14.511780738830566 + ], + [ + "\u2581Corto", + -14.511800765991213 + ], + [ + "\u2581gevlucht", + -14.511801719665527 + ], + [ + "\u2581Implant", + -14.51181411743164 + ], + [ + "dunkel", + -14.511820793151855 + ], + [ + "\u2581hospeda", + -14.511844635009766 + ], + [ + "yaz", + -14.511856079101562 + ], + [ + "\u2581engendra", + -14.511880874633787 + ], + [ + "\u2581chasseur", + -14.511883735656738 + ], + [ + "\u2581Espagnols", + -14.51189136505127 + ], + [ + "\u2581precautions", + -14.51189136505127 + ], + [ + "\u2581Scam", + -14.511929512023926 + ], + [ + "Wochen", + -14.51194190979004 + ], + [ + "\u2581exerceu", + -14.511944770812988 + ], + [ + "\u2581prossegui", + -14.51194667816162 + ], + [ + "ourdon", + -14.511953353881836 + ], + [ + "\u2581Sph\u00e4re", + -14.511961936950684 + ], + [ + "\u2581ablehnt", + -14.512011528015137 + ], + [ + "andino", + -14.51202392578125 + ], + [ + "\u2581fucil", + -14.512027740478516 + ], + [ + "\u2581sickness", + -14.512078285217283 + ], + [ + "\u2581ventr", + -14.51208209991455 + ], + [ + "aill\u00e9", + -14.512092590332031 + ], + [ + "\u2581cavidad", + -14.512110710144045 + ], + [ + "InceptionA", + -14.512128829956056 + ], + [ + "Corre", + -14.512134552001951 + ], + [ + "\u2581combattenti", + -14.512147903442385 + ], + [ + "\u2581committing", + -14.512149810791016 + ], + [ + "pgfpoint", + -14.512160301208496 + ], + [ + "rought", + -14.512166023254396 + ], + [ + "krankenh\u00e4user", + -14.512178421020508 + ], + [ + "\u2581verwertet", + -14.512197494506836 + ], + [ + "\u2581entrevistado", + -14.512222290039062 + ], + [ + "bladder", + -14.512236595153809 + ], + [ + "\u2581Bescheide", + -14.512242317199709 + ], + [ + "\u2581proiettat", + -14.51224422454834 + ], + [ + "\u2581d\u00e9tente", + -14.512252807617188 + ], + [ + "nskij", + -14.512266159057615 + ], + [ + "\u2581Russel", + -14.5123929977417 + ], + [ + "gevoel", + -14.512411117553713 + ], + [ + "\u2581Mac\u00e9doine", + -14.512422561645508 + ], + [ + "\u2581efetuada", + -14.512422561645508 + ], + [ + "liederungsnummer", + -14.51244068145752 + ], + [ + "ncomienda", + -14.512444496154783 + ], + [ + "\u2581ashamed", + -14.512450218200684 + ], + [ + "LLEN", + -14.51246452331543 + ], + [ + "zewski", + -14.512475967407228 + ], + [ + "\u2581n\u00e4chster", + -14.512489318847656 + ], + [ + "\u2581circumstance", + -14.512496948242188 + ], + [ + "zwal", + -14.512511253356934 + ], + [ + "uf\u00fchrung", + -14.512520790100098 + ], + [ + "\u2581sustituye", + -14.512578964233398 + ], + [ + "\u2581verleiht", + -14.51262092590332 + ], + [ + "alcedo", + -14.512640953063965 + ], + [ + "odorant", + -14.512645721435549 + ], + [ + "chiara", + -14.512655258178713 + ], + [ + "\u2581nergens", + -14.51266384124756 + ], + [ + "omori", + -14.512696266174316 + ], + [ + "\u2581Bellamy", + -14.512713432312012 + ], + [ + "drukte", + -14.512727737426758 + ], + [ + "\u2581universit\u00e4re", + -14.512736320495604 + ], + [ + "\u2581uitzend", + -14.51274585723877 + ], + [ + "Montenegr", + -14.512751579284668 + ], + [ + "Endian", + -14.512777328491213 + ], + [ + "pedanti", + -14.512853622436523 + ], + [ + "Jonathan", + -14.51286792755127 + ], + [ + "Johan", + -14.5128812789917 + ], + [ + "\u2581encaminha", + -14.512909889221191 + ], + [ + "\u2581destruy\u00f3", + -14.512910842895508 + ], + [ + "\u2581Erpressung", + -14.512911796569824 + ], + [ + "\u2581boulanger", + -14.512911796569824 + ], + [ + "\u2581evenveel", + -14.51291275024414 + ], + [ + "\u2581atingindo", + -14.512922286987305 + ], + [ + "\u00e9sienne", + -14.512937545776367 + ], + [ + "dentaire", + -14.512939453125 + ], + [ + "\u2581strumentale", + -14.512939453125 + ], + [ + "\u2581Mutant", + -14.51295280456543 + ], + [ + "\u2581Neuville", + -14.512969970703123 + ], + [ + "Remember", + -14.512971878051758 + ], + [ + "\u2581adjunct", + -14.512994766235352 + ], + [ + "stackexchange", + -14.512995719909668 + ], + [ + "argill", + -14.513020515441896 + ], + [ + "emiddeld", + -14.51303005218506 + ], + [ + "\u2581melancholi", + -14.513090133666992 + ], + [ + "schew", + -14.513174057006836 + ], + [ + "\u2581Entf\u00fchrung", + -14.513226509094238 + ], + [ + "m\u00edr", + -14.51323127746582 + ], + [ + "\u2581espirituales", + -14.513253211975098 + ], + [ + "witsch", + -14.513257026672363 + ], + [ + "\u2581decirse", + -14.513389587402344 + ], + [ + "\u2581Esquer", + -14.51339626312256 + ], + [ + "\u2581flamengos", + -14.513397216796877 + ], + [ + "\u2581angereichert", + -14.513399124145508 + ], + [ + "\u2581ofreciendo", + -14.51340675354004 + ], + [ + "\u2581autunnal", + -14.513407707214355 + ], + [ + "\u2581Wido", + -14.513436317443848 + ], + [ + "\u2581permeability", + -14.513437271118164 + ], + [ + "\u2581cre\u00ed", + -14.51344108581543 + ], + [ + "\u2581f\u00edsicamente", + -14.51344394683838 + ], + [ + "\u2581projet\u00e9", + -14.51346206665039 + ], + [ + "\u2581Germanic", + -14.513465881347656 + ], + [ + "minatori", + -14.513476371765137 + ], + [ + "rhythmi", + -14.513505935668944 + ], + [ + "\u2581produzierten", + -14.513506889343262 + ], + [ + "\u2581mortar", + -14.513638496398926 + ], + [ + "anziehen", + -14.513641357421877 + ], + [ + "\u2581estricto", + -14.513676643371582 + ], + [ + "\u2581emple", + -14.513684272766112 + ], + [ + "oniente", + -14.5137300491333 + ], + [ + "scriptstyle", + -14.513757705688477 + ], + [ + "\u2581esquece", + -14.513855934143066 + ], + [ + "w\u00e4ldern", + -14.513871192932127 + ], + [ + "\u2581cravat", + -14.513875961303713 + ], + [ + "\u2581alleviate", + -14.513880729675291 + ], + [ + "\u2581reemplaz\u00f3", + -14.513885498046877 + ], + [ + "\u2581vencendo", + -14.513886451721191 + ], + [ + "\u2581dominicain", + -14.513888359069824 + ], + [ + "tuvimos", + -14.513912200927734 + ], + [ + "\u2581Stief", + -14.513914108276367 + ], + [ + "TGC", + -14.513923645019531 + ], + [ + "spide", + -14.513933181762695 + ], + [ + "rmelo", + -14.513934135437012 + ], + [ + "\u2581quinteto", + -14.513954162597656 + ], + [ + "\u2581Chakr", + -14.513964653015137 + ], + [ + "\u2581Landgemeinde", + -14.51401424407959 + ], + [ + "\u2581Fernw\u00e4rme", + -14.51402473449707 + ], + [ + "Biography", + -14.514046669006348 + ], + [ + "siguiera", + -14.51404857635498 + ], + [ + "\u2581Blauwe", + -14.51405429840088 + ], + [ + "vities", + -14.514068603515623 + ], + [ + "TEMPDIR", + -14.514083862304688 + ], + [ + "Decorator", + -14.514094352722168 + ], + [ + "\u2581Rondom", + -14.514101028442385 + ], + [ + "\u2581intimidat", + -14.51416301727295 + ], + [ + "RTM", + -14.51417064666748 + ], + [ + "\u2581Immissions", + -14.514182090759276 + ], + [ + "\u2581Samir", + -14.514185905456545 + ], + [ + "Greet", + -14.514211654663086 + ], + [ + "\u2581terrace", + -14.514212608337402 + ], + [ + "parou", + -14.514226913452148 + ], + [ + "gestort", + -14.514238357543944 + ], + [ + "\u2581esistit", + -14.514249801635742 + ], + [ + "\u2581pupill", + -14.51426601409912 + ], + [ + "\u2581Dumb", + -14.514309883117676 + ], + [ + "kleurig", + -14.51431369781494 + ], + [ + "\u2581disguise", + -14.51431941986084 + ], + [ + "infiltration", + -14.514321327209473 + ], + [ + "\u2581Connolly", + -14.514375686645508 + ], + [ + "\u2581Spang", + -14.514389038085938 + ], + [ + "ngiotensin", + -14.514404296875 + ], + [ + "\u2581Provis", + -14.514415740966797 + ], + [ + "\u2581carbonic", + -14.514419555664062 + ], + [ + "krishna", + -14.514426231384276 + ], + [ + "\u2581langdurige", + -14.514436721801758 + ], + [ + "\u2581maturation", + -14.514480590820312 + ], + [ + "\u2581Dolicho", + -14.514482498168944 + ], + [ + "\u2581Gorn", + -14.514524459838867 + ], + [ + "\u2581originado", + -14.514562606811523 + ], + [ + "strutor", + -14.514583587646484 + ], + [ + "\u2581Consula", + -14.514585494995115 + ], + [ + "hryn", + -14.51461696624756 + ], + [ + "\u2581locomo", + -14.51463222503662 + ], + [ + "succeed", + -14.51464557647705 + ], + [ + "\u2581simplicidade", + -14.514702796936035 + ], + [ + "\u00e9galement", + -14.514707565307615 + ], + [ + "ipotetic", + -14.51470947265625 + ], + [ + "\u2581virulent", + -14.514724731445312 + ], + [ + "\u2581Guz", + -14.51474380493164 + ], + [ + "zirkul", + -14.514803886413574 + ], + [ + "createdAt", + -14.51480484008789 + ], + [ + "\u2581Sp\u00e9cial", + -14.514845848083496 + ], + [ + "\u2581Antu\u00e9rpia", + -14.514862060546877 + ], + [ + "\u2581Renovierung", + -14.514863014221191 + ], + [ + "wry", + -14.51486587524414 + ], + [ + "\u2581opslaan", + -14.514866828918455 + ], + [ + "RCD", + -14.514888763427734 + ], + [ + "orbis", + -14.514897346496582 + ], + [ + "\u2581eingeordnet", + -14.514915466308594 + ], + [ + "becca", + -14.51492404937744 + ], + [ + "\u2581gesammelten", + -14.514982223510742 + ], + [ + "schillen", + -14.515007972717283 + ], + [ + "seminarie", + -14.515036582946776 + ], + [ + "\u2581Dulles", + -14.515042304992676 + ], + [ + "\u2581byzantinische", + -14.5150728225708 + ], + [ + "\u2581esc\u00e9nic", + -14.5150785446167 + ], + [ + "gensteuer", + -14.515081405639648 + ], + [ + "Julian", + -14.515090942382812 + ], + [ + "acesse", + -14.515101432800291 + ], + [ + "\u2581bandiere", + -14.51515293121338 + ], + [ + "Suggested", + -14.515159606933594 + ], + [ + "Allora", + -14.51516819000244 + ], + [ + "iccia", + -14.515176773071287 + ], + [ + "orderer", + -14.51519012451172 + ], + [ + "\u2581Marlon", + -14.515204429626465 + ], + [ + "rdner", + -14.51520824432373 + ], + [ + "\u2581diplomatica", + -14.51522731781006 + ], + [ + "gleichgewicht", + -14.515241622924805 + ], + [ + "indicateur", + -14.51524257659912 + ], + [ + "illk\u00fcr", + -14.51526165008545 + ], + [ + "\u2581gambling", + -14.515339851379396 + ], + [ + "\u2581imbatte", + -14.515347480773926 + ], + [ + "\u2581minaccios", + -14.515362739562988 + ], + [ + "\u2581tomography", + -14.515363693237305 + ], + [ + "Kok", + -14.51536464691162 + ], + [ + "\u2581miniatuur", + -14.515368461608888 + ], + [ + "\u2581escuadr\u00f3n", + -14.515369415283203 + ], + [ + "ingPathComponent", + -14.51539421081543 + ], + [ + "sorbiert", + -14.515410423278809 + ], + [ + "ottiglia", + -14.515421867370604 + ], + [ + "\u2581truco", + -14.515422821044922 + ], + [ + "\u2581presagi", + -14.51543140411377 + ], + [ + "\u2581numerische", + -14.515440940856934 + ], + [ + "\u2581courtyard", + -14.515464782714844 + ], + [ + "avevano", + -14.51546859741211 + ], + [ + "\u2581Sportvereniging", + -14.515480995178224 + ], + [ + "\u2581shortened", + -14.515506744384766 + ], + [ + "izadores", + -14.515584945678713 + ], + [ + "\u2581Aufwertung", + -14.51561164855957 + ], + [ + "\u2581tread", + -14.515661239624023 + ], + [ + "\u2581Rosberg", + -14.51566219329834 + ], + [ + "\u2581Cabra", + -14.515666961669922 + ], + [ + "\u2581recobr", + -14.515670776367188 + ], + [ + "\u2581substantielle", + -14.515734672546388 + ], + [ + "\u2581amenazada", + -14.51577854156494 + ], + [ + "\u2581vanished", + -14.515809059143066 + ], + [ + "Muy", + -14.51582145690918 + ], + [ + "\u2581Ferramentas", + -14.515838623046877 + ], + [ + "\u2581Sommermonaten", + -14.515838623046877 + ], + [ + "dverschreibungen", + -14.515839576721191 + ], + [ + "\u2581gewarnt", + -14.515843391418455 + ], + [ + "extraire", + -14.515856742858888 + ], + [ + "szewski", + -14.515889167785645 + ], + [ + "\u2581Kommunalwahl", + -14.515904426574709 + ], + [ + "Funktion\u00e4r", + -14.5159273147583 + ], + [ + "riola", + -14.515938758850098 + ], + [ + "HasPrefix", + -14.51594066619873 + ], + [ + "bachtal", + -14.515973091125488 + ], + [ + "\u2581expira", + -14.515976905822754 + ], + [ + "\u2581Schulleiter", + -14.51598834991455 + ], + [ + "\u2581Laufende", + -14.515992164611816 + ], + [ + "angestellten", + -14.51600170135498 + ], + [ + "\u2581Arbeitsuchende", + -14.516019821166992 + ], + [ + "\u2581Coyote", + -14.516031265258787 + ], + [ + "\u2581progres", + -14.516033172607422 + ], + [ + "\u2581llant", + -14.516051292419434 + ], + [ + "\u2581Rettungsdienst", + -14.516057014465332 + ], + [ + "\u2581extra\u00edda", + -14.516057968139648 + ], + [ + "\u2581Heeresgruppe", + -14.51608180999756 + ], + [ + "badia", + -14.51610279083252 + ], + [ + "\u2581Greenland", + -14.516121864318848 + ], + [ + "berechtigter", + -14.51612377166748 + ], + [ + "onnant", + -14.516139030456545 + ], + [ + "\u2581Dispone", + -14.516142845153809 + ], + [ + "euler", + -14.51615047454834 + ], + [ + "\u2581histologische", + -14.516156196594238 + ], + [ + "\u00e9rez", + -14.516173362731934 + ], + [ + "\u2581quedar\u00e1", + -14.516182899475098 + ], + [ + "\u2581afstammelingen", + -14.51618766784668 + ], + [ + "D\u00f3", + -14.516207695007324 + ], + [ + "\u2581Clariss", + -14.516226768493652 + ], + [ + "tzinfo", + -14.516240119934082 + ], + [ + "PRODU", + -14.516252517700195 + ], + [ + "\u2581Letonia", + -14.516281127929688 + ], + [ + "ecuestr", + -14.51628303527832 + ], + [ + "\u2581Binnenschiff", + -14.51628303527832 + ], + [ + "\u2581Europ\u00e9ens", + -14.516303062438965 + ], + [ + "Produ", + -14.516311645507812 + ], + [ + "unterhalt", + -14.516317367553713 + ], + [ + "freudig", + -14.516326904296877 + ], + [ + "\u2581Sinterklaas", + -14.516327857971191 + ], + [ + "\u2581infringement", + -14.516327857971191 + ], + [ + "\u2581orchidee", + -14.516337394714355 + ], + [ + "\u2581defini\u00f3", + -14.516345977783203 + ], + [ + "ampoo", + -14.51637840270996 + ], + [ + "consulta", + -14.51640510559082 + ], + [ + "streifig", + -14.516435623168944 + ], + [ + "\u2581acumulaci\u00f3n", + -14.516475677490234 + ], + [ + "cotti", + -14.516489028930664 + ], + [ + "termination", + -14.51655101776123 + ], + [ + "\u2581discerni", + -14.51656723022461 + ], + [ + "\u2581unexpectedly", + -14.51661491394043 + ], + [ + "sot\u00e9ri", + -14.516728401184082 + ], + [ + "\u2581Brani", + -14.516748428344728 + ], + [ + "ujeito", + -14.516773223876951 + ], + [ + "Knight", + -14.51679801940918 + ], + [ + "\u2581Pretend", + -14.516831398010254 + ], + [ + "\u2581Materazzi", + -14.516836166381836 + ], + [ + "\u2581Brittany", + -14.516841888427734 + ], + [ + "\u2581Rooney", + -14.516854286193848 + ], + [ + "\u2581Svensson", + -14.51687717437744 + ], + [ + "\u2581Seilbahn", + -14.5169095993042 + ], + [ + "\u2581luxueu", + -14.516924858093262 + ], + [ + "cceptable", + -14.516938209533691 + ], + [ + "\u2581populosa", + -14.516958236694336 + ], + [ + "\u2581ciudadana", + -14.516962051391602 + ], + [ + "\u2581Gaine", + -14.516982078552246 + ], + [ + "ergast", + -14.517006874084473 + ], + [ + "rovers", + -14.517024040222168 + ], + [ + "Professional", + -14.517080307006836 + ], + [ + "\u2581sconfiggere", + -14.517081260681152 + ], + [ + "Lauenburg", + -14.517083168029783 + ], + [ + "Processed", + -14.517109870910645 + ], + [ + "\u2581presentate", + -14.517175674438477 + ], + [ + "gotischen", + -14.517213821411133 + ], + [ + "abotage", + -14.51722240447998 + ], + [ + "\u2581Pilato", + -14.517239570617676 + ], + [ + "LEV", + -14.517241477966309 + ], + [ + "galith", + -14.517241477966309 + ], + [ + "\u2581zussen", + -14.517247200012209 + ], + [ + "dsl", + -14.517261505126951 + ], + [ + "ausschnitt", + -14.51726245880127 + ], + [ + "\u2581Malaysian", + -14.517269134521484 + ], + [ + "ilismo", + -14.517292976379396 + ], + [ + "anthes", + -14.51729679107666 + ], + [ + "\u2581Heidelberger", + -14.517297744750977 + ], + [ + "cr\u00e9otouristiques", + -14.517300605773926 + ], + [ + "st\u00e1vel", + -14.517303466796877 + ], + [ + "rroja", + -14.517314910888672 + ], + [ + "eason", + -14.517319679260254 + ], + [ + "\u2581compreendido", + -14.517416954040527 + ], + [ + "IMPL", + -14.51742172241211 + ], + [ + "\u2581compliqu\u00e9e", + -14.517500877380373 + ], + [ + "\u2581litigio", + -14.517518043518066 + ], + [ + "terpen", + -14.517525672912598 + ], + [ + "\u2581physisch", + -14.51753044128418 + ], + [ + "\u2581neonato", + -14.517552375793455 + ], + [ + "\u2581Provisions", + -14.517577171325684 + ], + [ + "distinguishable", + -14.517589569091797 + ], + [ + "meisterin", + -14.51760959625244 + ], + [ + "linspace", + -14.517622947692873 + ], + [ + "rmour", + -14.51763916015625 + ], + [ + "plint", + -14.517658233642578 + ], + [ + "\u2581Broncos", + -14.517674446105955 + ], + [ + "\u2581Gyn", + -14.51771068572998 + ], + [ + "batterie", + -14.517739295959473 + ], + [ + "\u2581reneg", + -14.517759323120115 + ], + [ + "\u2581mantenga", + -14.517781257629396 + ], + [ + "\u2581Schep", + -14.517786026000977 + ], + [ + "\u2581verwond", + -14.517786979675291 + ], + [ + "Substring", + -14.51779556274414 + ], + [ + "\u2581Lehramt", + -14.51779842376709 + ], + [ + "\u2581spontanea", + -14.517804145812988 + ], + [ + "\u2581camminate", + -14.517805099487305 + ], + [ + "therium", + -14.517827987670898 + ], + [ + "nquiry", + -14.517840385437012 + ], + [ + "\u2581bijvoeglijk", + -14.517860412597656 + ], + [ + "Niveau", + -14.517879486083984 + ], + [ + "auerstoff", + -14.517881393432615 + ], + [ + "ongeveer", + -14.517891883850098 + ], + [ + "argomentazione", + -14.517902374267578 + ], + [ + "Revolution", + -14.517906188964844 + ], + [ + "FieldValue", + -14.517914772033691 + ], + [ + "\u2581Spaziergang", + -14.517945289611816 + ], + [ + "\u2581paci", + -14.517964363098145 + ], + [ + "\u2581Stadtverwaltung", + -14.51799774169922 + ], + [ + "issus", + -14.517999649047852 + ], + [ + "Erkrankung", + -14.5180082321167 + ], + [ + "\u2581g\u00e9r\u00e9e", + -14.518028259277344 + ], + [ + "\u2581sexualit\u00e9", + -14.518038749694824 + ], + [ + "\u2581plateaux", + -14.51806926727295 + ], + [ + "\u2581felicita", + -14.518086433410645 + ], + [ + "\u2581Nearly", + -14.518111228942873 + ], + [ + "\u2581Ameisen", + -14.518121719360352 + ], + [ + "Rivista", + -14.5181245803833 + ], + [ + "bildlich", + -14.518134117126465 + ], + [ + "zellig", + -14.518180847167969 + ], + [ + "\u2581rajout", + -14.51819133758545 + ], + [ + "Consulado", + -14.518193244934082 + ], + [ + "\u2581abgeleiteten", + -14.518250465393066 + ], + [ + "\u2581lacune", + -14.518280029296877 + ], + [ + "\u2581condividono", + -14.51828670501709 + ], + [ + "\u2581convinzioni", + -14.51828670501709 + ], + [ + "chwefel", + -14.518290519714355 + ], + [ + "\u2581Dienstherrn", + -14.518327713012695 + ], + [ + "\u2581Lehrkr\u00e4ften", + -14.518333435058594 + ], + [ + "\u2581sedert", + -14.51833724975586 + ], + [ + "\u2581rendeu", + -14.518342971801758 + ], + [ + "\u2581tromper", + -14.518390655517578 + ], + [ + "BASENAME", + -14.518399238586426 + ], + [ + "imprimerie", + -14.51840114593506 + ], + [ + "katalysator", + -14.518449783325195 + ], + [ + "genummerd", + -14.518514633178713 + ], + [ + "nem\u00fcnde", + -14.518532752990724 + ], + [ + "\u2581divorzio", + -14.518535614013672 + ], + [ + "\u2581Ritorn", + -14.518558502197266 + ], + [ + "\u2581slowed", + -14.518604278564451 + ], + [ + "chlin", + -14.518606185913086 + ], + [ + "\u2581Throne", + -14.51862621307373 + ], + [ + "\u2581promosse", + -14.518678665161133 + ], + [ + "\u2581refusing", + -14.518683433532717 + ], + [ + "tabcolsep", + -14.518758773803713 + ], + [ + "demoiselle", + -14.518770217895508 + ], + [ + "\u2581austr\u00edaca", + -14.518775939941406 + ], + [ + "\u2581G\u00e1lvez", + -14.518776893615724 + ], + [ + "\u2581Krzysztof", + -14.518776893615724 + ], + [ + "\u2581inv\u00e1lido", + -14.51877784729004 + ], + [ + "specification", + -14.518780708312988 + ], + [ + "\u2581goedkeuring", + -14.518787384033203 + ], + [ + "\u2581atrasado", + -14.518842697143556 + ], + [ + "dermi", + -14.51884651184082 + ], + [ + "\u2581Pij", + -14.518860816955566 + ], + [ + "imball", + -14.518863677978516 + ], + [ + "\u2581Noordwest", + -14.518863677978516 + ], + [ + "bottle", + -14.518869400024414 + ], + [ + "\u2581Situaci\u00f3n", + -14.518877983093262 + ], + [ + "\u2581pasaban", + -14.51889705657959 + ], + [ + "\u2581unterziehen", + -14.518918991088867 + ], + [ + "\u2581gravitation", + -14.518932342529297 + ], + [ + "\u2581\u00e9carts", + -14.51894474029541 + ], + [ + "\u2581zugrundeliegend", + -14.518956184387209 + ], + [ + "Bundesforschungs", + -14.518961906433104 + ], + [ + "\u2581th\u00e9matique", + -14.518961906433104 + ], + [ + "HandlerContext", + -14.51897144317627 + ], + [ + "\u2581guessing", + -14.518997192382812 + ], + [ + "\u2581rancho", + -14.51905632019043 + ], + [ + "\u2581creadores", + -14.519062995910645 + ], + [ + "BILD", + -14.519124031066896 + ], + [ + "getState", + -14.519261360168455 + ], + [ + "\u2581Interessierte", + -14.519268035888672 + ], + [ + "\u2581israel\u00edes", + -14.519268035888672 + ], + [ + "\u2581produttive", + -14.519268035888672 + ], + [ + "\u2581begehen", + -14.519277572631836 + ], + [ + "\u2581alt\u00e9r\u00e9", + -14.519279479980469 + ], + [ + "valuaci\u00f3n", + -14.519286155700684 + ], + [ + "\u2581aclamado", + -14.519292831420898 + ], + [ + "\u2581Joinville", + -14.519302368164062 + ], + [ + "\u2581Jelena", + -14.51931095123291 + ], + [ + "comend\u00f3", + -14.519339561462402 + ], + [ + "Pennsylvania", + -14.519394874572754 + ], + [ + "wark", + -14.51943016052246 + ], + [ + "\u2581Allegr", + -14.519469261169434 + ], + [ + "\u2581H\u00e4ftlinge", + -14.519486427307127 + ], + [ + "\u2581nutzten", + -14.519486427307127 + ], + [ + "\u2581Schienennetz", + -14.51949405670166 + ], + [ + "pregevol", + -14.519515991210938 + ], + [ + "RUnlock", + -14.519518852233888 + ], + [ + "\u2581corrigir", + -14.519543647766112 + ], + [ + "\u2581monsignor", + -14.519549369812012 + ], + [ + "intensiteit", + -14.519556045532228 + ], + [ + "\u2581d\u00e9pose", + -14.519580841064451 + ], + [ + "\u00e9cembre", + -14.519606590270996 + ], + [ + "\u2581executie", + -14.51962947845459 + ], + [ + "\u2581riprodott", + -14.51963710784912 + ], + [ + "uju", + -14.519649505615234 + ], + [ + "\u2581Conversa", + -14.519655227661133 + ], + [ + "\u2581Charit\u00e9", + -14.51970672607422 + ], + [ + "ResourceId", + -14.51974391937256 + ], + [ + "\u2581resguard", + -14.519755363464355 + ], + [ + "\u2581Tocqueville", + -14.519757270812988 + ], + [ + "\u2581Cambodge", + -14.51975917816162 + ], + [ + "\u2581circoscrizione", + -14.51975917816162 + ], + [ + "\u2581Caitlin", + -14.519760131835938 + ], + [ + "recimiento", + -14.519762992858888 + ], + [ + "\u2581numerischen", + -14.519767761230469 + ], + [ + "\u2581cannibal", + -14.519793510437012 + ], + [ + "\u2581invloedrijke", + -14.519822120666504 + ], + [ + "\u2581steward", + -14.519845962524414 + ], + [ + "carita", + -14.519859313964844 + ], + [ + "\u2581llevarse", + -14.519878387451172 + ], + [ + "\u2581Reaktionszeit", + -14.519898414611816 + ], + [ + "\u2581preconscious", + -14.519905090332031 + ], + [ + "\u2581administr\u00e9", + -14.519906997680664 + ], + [ + "\u2581cubain", + -14.519916534423828 + ], + [ + "Indirect", + -14.519996643066406 + ], + [ + "\u2581narrateur", + -14.519997596740724 + ], + [ + "assombr", + -14.520000457763672 + ], + [ + "berech", + -14.52003002166748 + ], + [ + "\u2581Kopier", + -14.520036697387695 + ], + [ + "greifende", + -14.520044326782228 + ], + [ + "orschungszentrum", + -14.520044326782228 + ], + [ + "\u2581Soriano", + -14.520068168640137 + ], + [ + "\u2581konkurrier", + -14.520121574401855 + ], + [ + "\u2581Doppiato", + -14.520130157470703 + ], + [ + "vincible", + -14.520146369934082 + ], + [ + "igieron", + -14.520208358764648 + ], + [ + "Primeira", + -14.520228385925291 + ], + [ + "\u2581ingewikkelde", + -14.520249366760254 + ], + [ + "\u2581Kandahar", + -14.520255088806152 + ], + [ + "\u2581Polac", + -14.52031135559082 + ], + [ + "taki", + -14.520316123962402 + ], + [ + "\u2581McKen", + -14.520326614379885 + ], + [ + "verpflich", + -14.520342826843262 + ], + [ + "ruro", + -14.520344734191896 + ], + [ + "\u2581digamos", + -14.520357131958008 + ], + [ + "\u2581graphisch", + -14.52036952972412 + ], + [ + "Brom", + -14.520371437072754 + ], + [ + "\u2581tejado", + -14.520380020141602 + ], + [ + "\u2581verfallen", + -14.520386695861816 + ], + [ + "aardse", + -14.520402908325195 + ], + [ + "loei", + -14.52040958404541 + ], + [ + "Delimiter", + -14.520444869995115 + ], + [ + "Creo", + -14.520452499389648 + ], + [ + "prettier", + -14.52045440673828 + ], + [ + "\u2581Communistische", + -14.520456314086914 + ], + [ + "\u2581tenista", + -14.520475387573242 + ], + [ + "\u2581Baik", + -14.520478248596191 + ], + [ + "\u2581realizzando", + -14.52049446105957 + ], + [ + "Skala", + -14.520500183105469 + ], + [ + "SOE", + -14.520519256591797 + ], + [ + "POINTER", + -14.520570755004885 + ], + [ + "libexec", + -14.520581245422363 + ], + [ + "evaluatie", + -14.520665168762209 + ], + [ + "maligen", + -14.520676612854004 + ], + [ + "\u2581deserti", + -14.520692825317385 + ], + [ + "\u2581Helligkeit", + -14.520697593688965 + ], + [ + "oggen", + -14.52069854736328 + ], + [ + "\u2581Shrin", + -14.52070140838623 + ], + [ + "roccoli", + -14.520703315734863 + ], + [ + "\u2581buit", + -14.520703315734863 + ], + [ + "imbarcazione", + -14.520739555358888 + ], + [ + "ytotoxi", + -14.520771026611328 + ], + [ + "\u2581Atten", + -14.520771980285645 + ], + [ + "elettricit\u00e0", + -14.520796775817873 + ], + [ + "\u2581inmenso", + -14.520827293395996 + ], + [ + "\u2581Teilbetrag", + -14.520828247070312 + ], + [ + "\u2581Stellt", + -14.520880699157717 + ], + [ + "\u2581litre", + -14.520901679992676 + ], + [ + "\u2581diskriminier", + -14.520910263061523 + ], + [ + "\u2581legione", + -14.52094268798828 + ], + [ + "\u2581di\u00e1rias", + -14.521042823791504 + ], + [ + "aternidad", + -14.521053314208984 + ], + [ + "\u2581Unterseite", + -14.521053314208984 + ], + [ + "\u2581veine", + -14.521121978759766 + ], + [ + "groom", + -14.521123886108398 + ], + [ + "\u2581disparit", + -14.521136283874512 + ], + [ + "\u00e9rci", + -14.521184921264648 + ], + [ + "uestionnaire", + -14.521221160888672 + ], + [ + "\u2581BImSchV", + -14.521230697631836 + ], + [ + "Naamgeving", + -14.521234512329102 + ], + [ + "\u2581cinematografici", + -14.521251678466797 + ], + [ + "vert\u00e9br", + -14.521280288696287 + ], + [ + "\u2581Etikett", + -14.521284103393556 + ], + [ + "aufw\u00e4ndig", + -14.521285057067873 + ], + [ + "\u2581comeback", + -14.52129077911377 + ], + [ + "\u2581magliett", + -14.521292686462402 + ], + [ + "\u2581automobilistica", + -14.52135181427002 + ], + [ + "Auditorium", + -14.52137851715088 + ], + [ + "unanimit\u00e9", + -14.52138328552246 + ], + [ + "\u2581resfria", + -14.521413803100586 + ], + [ + "\u2581Talla", + -14.521461486816406 + ], + [ + "\u2581exclusif", + -14.521491050720217 + ], + [ + "\u2581diminuit", + -14.521493911743164 + ], + [ + "ROUT", + -14.52150535583496 + ], + [ + "\u2581moltissimo", + -14.521507263183594 + ], + [ + "\u2581grounded", + -14.521512031555176 + ], + [ + "datatable", + -14.521512985229492 + ], + [ + "NVA", + -14.52152156829834 + ], + [ + "\u2581conjugu", + -14.52152156829834 + ], + [ + "\u2581Tarifstelle", + -14.521544456481934 + ], + [ + "\u2581Morta", + -14.521575927734377 + ], + [ + "\u2581Kamo", + -14.521576881408691 + ], + [ + "\u2581cobalt", + -14.521605491638184 + ], + [ + "\u2581funerale", + -14.521624565124512 + ], + [ + "Compiling", + -14.521636962890623 + ], + [ + "Desired", + -14.521722793579102 + ], + [ + "\u2581crocifiss", + -14.521722793579102 + ], + [ + "\u2581confidencial", + -14.521723747253418 + ], + [ + "\u2581tezamen", + -14.521733283996582 + ], + [ + "\u2581\u00edndole", + -14.521738052368164 + ], + [ + "\u2581potenziell", + -14.52173900604248 + ], + [ + "enfonce", + -14.521745681762695 + ], + [ + "\u2581achterste", + -14.52175521850586 + ], + [ + "\u2581R\u00e4tsel", + -14.521770477294922 + ], + [ + "pakketten", + -14.521772384643556 + ], + [ + "Introdu", + -14.521799087524414 + ], + [ + "Parametri", + -14.521806716918944 + ], + [ + "compactMap", + -14.521827697753906 + ], + [ + "ageuse", + -14.521870613098145 + ], + [ + "Gewinn", + -14.521886825561523 + ], + [ + "\u2581vendi", + -14.52189826965332 + ], + [ + "\u2581Dozent", + -14.521909713745115 + ], + [ + "PERF", + -14.521910667419434 + ], + [ + "\u2581recato", + -14.52191925048828 + ], + [ + "\u2581desiderate", + -14.52193832397461 + ], + [ + "\u2581aufgewendet", + -14.52194881439209 + ], + [ + "\u2581incidental", + -14.521973609924316 + ], + [ + "OpenDocument", + -14.52197551727295 + ], + [ + "\u2581markgraaf", + -14.52200984954834 + ], + [ + "deterministic", + -14.522035598754885 + ], + [ + "\u2581Colony", + -14.522047996520996 + ], + [ + "\u2581Dink", + -14.522048950195312 + ], + [ + "\u2581Evangelisch", + -14.522072792053224 + ], + [ + "ruten", + -14.52211570739746 + ], + [ + "gewenst", + -14.522119522094728 + ], + [ + "geschlechtliche", + -14.522122383117676 + ], + [ + "prob\u00f3", + -14.522137641906738 + ], + [ + "schnapp", + -14.522140502929688 + ], + [ + "\u2581Bergisch", + -14.522171974182127 + ], + [ + "\u2581trachtte", + -14.52218532562256 + ], + [ + "\u2581cherch", + -14.522209167480469 + ], + [ + "lashed", + -14.522214889526367 + ], + [ + "\u2581Restaurierung", + -14.522214889526367 + ], + [ + "\u2581cyrillique", + -14.522214889526367 + ], + [ + "\u2581Rheinische", + -14.522220611572266 + ], + [ + "OfScope", + -14.522225379943848 + ], + [ + "PhysRev", + -14.52223300933838 + ], + [ + "uitvoering", + -14.522235870361328 + ], + [ + "\u2581avaliada", + -14.52226448059082 + ], + [ + "\u2581Risikobewertung", + -14.522272109985352 + ], + [ + "\u2581seksueel", + -14.5222749710083 + ], + [ + "\u2581recreation", + -14.52234935760498 + ], + [ + "\u2581retangular", + -14.522354125976562 + ], + [ + "\u2581aterriza", + -14.522381782531738 + ], + [ + "\u2581strengere", + -14.522432327270508 + ], + [ + "\u2581nevi", + -14.522446632385254 + ], + [ + "\u2581redoutable", + -14.522483825683594 + ], + [ + "\u2581strument", + -14.522501945495604 + ], + [ + "\u2581Ljub", + -14.522523880004885 + ], + [ + "\u2581overgeleverd", + -14.52252960205078 + ], + [ + "\u2581Militant", + -14.52255153656006 + ], + [ + "\u00e4hen", + -14.522560119628906 + ], + [ + "Apothekern", + -14.5225830078125 + ], + [ + "\u2581profili", + -14.522638320922852 + ], + [ + "\u2581prest\u00edgio", + -14.522706985473633 + ], + [ + "\u2581plasm\u00e1tica", + -14.522708892822266 + ], + [ + "\u2581avvengono", + -14.522723197937012 + ], + [ + "\u2581abolished", + -14.522724151611328 + ], + [ + "\u2581advertir", + -14.52272891998291 + ], + [ + "ayya", + -14.52273941040039 + ], + [ + "schl\u00fcpf", + -14.522740364074709 + ], + [ + "\u2581hormona", + -14.5227632522583 + ], + [ + "\u2581pseudonimo", + -14.52276611328125 + ], + [ + "\u2581rimor", + -14.52277660369873 + ], + [ + "odine", + -14.522833824157717 + ], + [ + "abriolet", + -14.52284336090088 + ], + [ + "\u2581Dupl", + -14.522860527038574 + ], + [ + "\u2581rovesciat", + -14.52286434173584 + ], + [ + "\u2581Blende", + -14.52287769317627 + ], + [ + "\u2581tattica", + -14.52291774749756 + ], + [ + "\u2581Chole", + -14.522921562194824 + ], + [ + "\u2581somar", + -14.522929191589355 + ], + [ + "\u2581relativit\u00e9", + -14.52295207977295 + ], + [ + "beteiligungen", + -14.52299690246582 + ], + [ + "topos", + -14.523063659667969 + ], + [ + "voorwaarden", + -14.523065567016602 + ], + [ + "\u2581Schienenwege", + -14.523082733154297 + ], + [ + "\u2581ex\u00e9cut\u00e9e", + -14.52308464050293 + ], + [ + "doelpunt", + -14.523103713989258 + ], + [ + "\u2581voorhand", + -14.52315616607666 + ], + [ + "\u2581prioritari", + -14.523164749145508 + ], + [ + "\u2581precett", + -14.523179054260254 + ], + [ + "\u2581Verbringung", + -14.523189544677734 + ], + [ + "NNCFBatchNorm", + -14.52319049835205 + ], + [ + "\u2581Cisgiordania", + -14.523199081420898 + ], + [ + "\u2581Stoccarda", + -14.523199081420898 + ], + [ + "\u00e9olithique", + -14.523204803466797 + ], + [ + "\u2581Muppet", + -14.52320671081543 + ], + [ + "\u2581d\u00e9troit", + -14.523210525512695 + ], + [ + "\u2581bestuurslid", + -14.523219108581545 + ], + [ + "clientset", + -14.523221969604492 + ], + [ + "\u2581demonstrou", + -14.523221969604492 + ], + [ + "Alamofire", + -14.523235321044922 + ], + [ + "teich", + -14.523237228393556 + ], + [ + "\u2581taurin", + -14.523262977600098 + ], + [ + "\u2581timone", + -14.523273468017578 + ], + [ + "\u2581vroegste", + -14.523275375366213 + ], + [ + "\u2581gobernaci\u00f3n", + -14.523300170898438 + ], + [ + "renier", + -14.523343086242676 + ], + [ + "onferr", + -14.52334976196289 + ], + [ + "\u2581variabel", + -14.523350715637209 + ], + [ + "nms", + -14.523351669311523 + ], + [ + "\u2581Wikisource", + -14.523351669311523 + ], + [ + "\u2581insurg", + -14.523358345031738 + ], + [ + "bjectivit\u00e9", + -14.523388862609863 + ], + [ + "\u2581Technikfolgenab", + -14.523406982421877 + ], + [ + "\u2581ceramiche", + -14.523409843444824 + ], + [ + "\u2581consumato", + -14.523423194885254 + ], + [ + "NSAttributed", + -14.523427963256836 + ], + [ + "milia", + -14.523473739624023 + ], + [ + "t\u00e4uschen", + -14.523489952087402 + ], + [ + "\u2581impulsada", + -14.523496627807615 + ], + [ + "\u2581quadratische", + -14.523527145385742 + ], + [ + "materia", + -14.523540496826172 + ], + [ + "\u2581intervalli", + -14.523547172546388 + ], + [ + "\u2581medicinali", + -14.523576736450195 + ], + [ + "\u2581overheden", + -14.523585319519045 + ], + [ + "\u2581Meulen", + -14.523648262023926 + ], + [ + "erwaard", + -14.523649215698242 + ], + [ + "\u2581stock\u00e9", + -14.523653984069824 + ], + [ + "mandante", + -14.523673057556152 + ], + [ + "\u2581Eigenart", + -14.523681640625 + ], + [ + "\u2581fugge", + -14.52368450164795 + ], + [ + "\u2581aantreden", + -14.523685455322266 + ], + [ + "Kreuzfahrtschiff", + -14.523691177368164 + ], + [ + "\u2581metastas", + -14.523723602294922 + ], + [ + "\u2581Basilika", + -14.523724555969238 + ], + [ + "\u2581d\u00e9limit\u00e9", + -14.52372932434082 + ], + [ + "classifica", + -14.5237398147583 + ], + [ + "nexion", + -14.523748397827148 + ], + [ + "Adolf", + -14.523785591125488 + ], + [ + "\u2581vivamente", + -14.523798942565918 + ], + [ + "Ferdinand", + -14.523802757263184 + ], + [ + "\u2581d\u00e9bordement", + -14.523804664611816 + ], + [ + "\u2581Statuen", + -14.523855209350586 + ], + [ + "\u2581slavi", + -14.523868560791016 + ], + [ + "Predictor", + -14.523896217346191 + ], + [ + "\u2581arregla", + -14.523897171020508 + ], + [ + "\u2581consagrada", + -14.523907661437988 + ], + [ + "libopencv", + -14.523921966552734 + ], + [ + "\u2581nichtlineare", + -14.523937225341797 + ], + [ + "Produto", + -14.523958206176758 + ], + [ + "\u2581ideol\u00f3gico", + -14.523961067199709 + ], + [ + "\u2581gelblich", + -14.523998260498049 + ], + [ + "\u2581ofereceu", + -14.524028778076172 + ], + [ + "\u2581macabr", + -14.524032592773438 + ], + [ + "hampton", + -14.52403736114502 + ], + [ + "\u2581disparado", + -14.524046897888184 + ], + [ + "\u2581Heik", + -14.524065017700195 + ], + [ + "Golf", + -14.52408504486084 + ], + [ + "\u2581cadr", + -14.52409839630127 + ], + [ + "\u2581Amid", + -14.524121284484863 + ], + [ + "mafia", + -14.52413845062256 + ], + [ + "\u2581Alfaro", + -14.524179458618164 + ], + [ + "\u2581Heureusement", + -14.524184226989746 + ], + [ + "\u2581zweifellos", + -14.524184226989746 + ], + [ + "Ethereum", + -14.524187088012695 + ], + [ + "ellana", + -14.524191856384276 + ], + [ + "uaderni", + -14.524213790893556 + ], + [ + "\u2581rufi", + -14.524232864379885 + ], + [ + "\u2581compart\u00eda", + -14.524250984191896 + ], + [ + "ecedor", + -14.524255752563477 + ], + [ + "\u2581rapimento", + -14.524273872375488 + ], + [ + "\u2581Schulungs", + -14.524297714233398 + ], + [ + "forcelabels", + -14.524321556091309 + ], + [ + "spend", + -14.52435302734375 + ], + [ + "\u2581Castil", + -14.52435302734375 + ], + [ + "rieu", + -14.524365425109863 + ], + [ + "\u2581emmen\u00e9", + -14.524405479431152 + ], + [ + "\u2581Maura", + -14.524429321289062 + ], + [ + "\u2581verzoen", + -14.524469375610352 + ], + [ + "\u2581\u00fcbergeordneten", + -14.524483680725098 + ], + [ + "PFL", + -14.524545669555664 + ], + [ + "\u2581uitbreiden", + -14.524550437927246 + ], + [ + "\u2581temendo", + -14.524563789367676 + ], + [ + "MARKE", + -14.52456760406494 + ], + [ + "isselle", + -14.52457332611084 + ], + [ + "\u2581Hendr", + -14.524618148803713 + ], + [ + "anwalts", + -14.524622917175291 + ], + [ + "Pr\u00edncipe", + -14.52463150024414 + ], + [ + "\u2581Constable", + -14.524645805358888 + ], + [ + "effacer", + -14.524673461914062 + ], + [ + "ntercommunalit\u00e9", + -14.524677276611328 + ], + [ + "couple", + -14.524681091308594 + ], + [ + "\u2581apparsa", + -14.524682998657228 + ], + [ + "r\u00fcmm", + -14.5247163772583 + ], + [ + "\u2581repouss\u00e9", + -14.524718284606934 + ], + [ + "\u2581Steuerberater", + -14.524720191955566 + ], + [ + "\u2581versatile", + -14.524731636047363 + ], + [ + "thnicity", + -14.524740219116213 + ], + [ + "iscano", + -14.524773597717283 + ], + [ + "Gatwick", + -14.524782180786133 + ], + [ + "nantiomer", + -14.524855613708496 + ], + [ + "\u2581salma", + -14.524859428405762 + ], + [ + "irlande", + -14.524862289428713 + ], + [ + "\u2581Vanill", + -14.524901390075684 + ], + [ + "\u2581Hepat", + -14.524927139282228 + ], + [ + "ksandr", + -14.52492904663086 + ], + [ + "\u2581Auster", + -14.524935722351074 + ], + [ + "celeration", + -14.524946212768556 + ], + [ + "\u2581Urbanismo", + -14.524998664855955 + ], + [ + "greifbar", + -14.525023460388184 + ], + [ + "anweisungen", + -14.525036811828612 + ], + [ + "Notwehr", + -14.525042533874512 + ], + [ + "epita", + -14.525057792663574 + ], + [ + "Workbook", + -14.525096893310549 + ], + [ + "\u2581Begegnungen", + -14.525103569030762 + ], + [ + "\u2581Escribi\u00f3", + -14.525111198425291 + ], + [ + "\u2581goedkope", + -14.525147438049316 + ], + [ + "\u2581comprend\u00eda", + -14.525155067443848 + ], + [ + "limitano", + -14.52515983581543 + ], + [ + "g\u00e4rtner", + -14.52517032623291 + ], + [ + "nijverheid", + -14.525171279907228 + ], + [ + "\u2581negotiated", + -14.525171279907228 + ], + [ + "\u2581Aproximadamente", + -14.525172233581545 + ], + [ + "stufung", + -14.525178909301758 + ], + [ + "l\u00edvi", + -14.525187492370604 + ], + [ + "\u2581medewerking", + -14.525191307067873 + ], + [ + "\u2581Schlauch", + -14.525221824645996 + ], + [ + "peranza", + -14.525228500366213 + ], + [ + "Murr", + -14.525243759155272 + ], + [ + "pept", + -14.52524757385254 + ], + [ + "\u2581whichever", + -14.525264739990234 + ], + [ + "\u2581Reflections", + -14.525274276733398 + ], + [ + "\u2581comuta", + -14.525279998779297 + ], + [ + "atado", + -14.52530002593994 + ], + [ + "Gewonnen", + -14.525306701660156 + ], + [ + "sanit\u00e1ri", + -14.525309562683104 + ], + [ + "\u2581explicativ", + -14.525361061096191 + ], + [ + "\u2581esorta", + -14.525415420532228 + ], + [ + "\u2581obvio", + -14.525424003601074 + ], + [ + "humer", + -14.52546501159668 + ], + [ + "\u2581opgegaan", + -14.525465965270996 + ], + [ + "pflanze", + -14.525467872619627 + ], + [ + "Azienda", + -14.525518417358398 + ], + [ + "tzki", + -14.525541305541992 + ], + [ + "\u2581Strou", + -14.525546073913574 + ], + [ + "avella", + -14.525550842285156 + ], + [ + "immutabil", + -14.52556037902832 + ], + [ + "\u2581empu", + -14.525561332702637 + ], + [ + "bediende", + -14.525639533996582 + ], + [ + "\u2581neerland", + -14.525647163391112 + ], + [ + "\u2581uitgeleend", + -14.52566623687744 + ], + [ + "\u2581alum\u00ednio", + -14.525672912597656 + ], + [ + "arbeitspl\u00e4tze", + -14.525674819946287 + ], + [ + "\u2581plaintiff", + -14.525675773620604 + ], + [ + "\u2581andernfalls", + -14.525680541992188 + ], + [ + "Gaz", + -14.525711059570312 + ], + [ + "acabada", + -14.525712013244627 + ], + [ + "\u2581Liquidation", + -14.52573585510254 + ], + [ + "\u2581heerste", + -14.525742530822754 + ], + [ + "Stendal", + -14.5257568359375 + ], + [ + "\u2581Generierung", + -14.525758743286133 + ], + [ + "\u2581Lisso", + -14.52577018737793 + ], + [ + "\u2581reconstru\u00edd", + -14.52578353881836 + ], + [ + "\u2581funcionaba", + -14.525789260864258 + ], + [ + "\u2581espalhadas", + -14.525798797607422 + ], + [ + "cedente", + -14.5258150100708 + ], + [ + "stateful", + -14.525846481323242 + ], + [ + "\u2581spunto", + -14.525860786437988 + ], + [ + "\u2581cativ", + -14.525863647460938 + ], + [ + "diesem", + -14.52587604522705 + ], + [ + "haku", + -14.52588176727295 + ], + [ + "\u2581Billion", + -14.5259370803833 + ], + [ + "\u2581BaseStyle", + -14.525946617126465 + ], + [ + "riv\u00e9leven", + -14.52596950531006 + ], + [ + "pkgname", + -14.525971412658691 + ], + [ + "vectorize", + -14.526002883911133 + ], + [ + "\u2581obvia", + -14.526045799255373 + ], + [ + "\u2581Arbeitsamt", + -14.5260591506958 + ], + [ + "\u2581soigner", + -14.526067733764648 + ], + [ + "cayo", + -14.526083946228027 + ], + [ + "enacting", + -14.526150703430176 + ], + [ + "ccioni", + -14.52615451812744 + ], + [ + "Formicinae", + -14.526158332824709 + ], + [ + "ducale", + -14.526185035705566 + ], + [ + "\u2581yogurt", + -14.526198387145996 + ], + [ + "wikilivre", + -14.526199340820312 + ], + [ + "\u2581capacitaci\u00f3n", + -14.526226997375488 + ], + [ + "PIA", + -14.526233673095703 + ], + [ + "einlagen", + -14.526252746582031 + ], + [ + "\u2581Entzug", + -14.526254653930664 + ], + [ + "\u2581ondernemend", + -14.52627658843994 + ], + [ + "\u2581trompeta", + -14.52629566192627 + ], + [ + "\u2581MasterCard", + -14.526309967041016 + ], + [ + "\u2581GraphicsBox", + -14.52631950378418 + ], + [ + "conociendo", + -14.526328086853027 + ], + [ + "\u2581slipper", + -14.526342391967772 + ], + [ + "CurrentValue", + -14.526349067687988 + ], + [ + "Economia", + -14.526366233825684 + ], + [ + "sensitiz", + -14.526369094848633 + ], + [ + "\u00e4ler", + -14.526382446289062 + ], + [ + "\u2581camerier", + -14.52643585205078 + ], + [ + "milit\u00e4rische", + -14.526456832885742 + ], + [ + "\u2581Decide", + -14.526456832885742 + ], + [ + "\u2581Subjektive", + -14.526467323303224 + ], + [ + "iordan", + -14.5264892578125 + ], + [ + "\u2581concile", + -14.526507377624512 + ], + [ + "lbanesi", + -14.52656078338623 + ], + [ + "\u2581zerleg", + -14.526591300964355 + ], + [ + "\u2581Historischen", + -14.52659797668457 + ], + [ + "\u2581mixta", + -14.526605606079102 + ], + [ + "\u2581Offenbarung", + -14.52660846710205 + ], + [ + "duisit", + -14.526622772216797 + ], + [ + "\u2581Vertraulichkeit", + -14.526652336120604 + ], + [ + "\u2581terracotta", + -14.526652336120604 + ], + [ + "\u2581Rodin", + -14.526663780212402 + ], + [ + "\u2581Lusaka", + -14.526710510253906 + ], + [ + "\u2581excepciones", + -14.52672290802002 + ], + [ + "\u2581chatte", + -14.526735305786133 + ], + [ + "\u2581interessar", + -14.526739120483398 + ], + [ + "\u2581Massif", + -14.526771545410156 + ], + [ + "huisvesting", + -14.526788711547852 + ], + [ + "\u2581Wasserhaushalt", + -14.526813507080078 + ], + [ + "crescido", + -14.526815414428713 + ], + [ + "scritti", + -14.526827812194824 + ], + [ + "NSRange", + -14.526845932006836 + ], + [ + "tremare", + -14.526869773864746 + ], + [ + "\u2581promocionar", + -14.526894569396973 + ], + [ + "ignies", + -14.526898384094238 + ], + [ + "\u2581Mittleren", + -14.526899337768556 + ], + [ + "\u2581derivazione", + -14.526906967163086 + ], + [ + "gait", + -14.526914596557615 + ], + [ + "avro", + -14.526920318603516 + ], + [ + "Brugge", + -14.526931762695312 + ], + [ + "\u2581scettic", + -14.526957511901855 + ], + [ + "\u2581Gnade", + -14.52699089050293 + ], + [ + "urgency", + -14.52699851989746 + ], + [ + "\u2581ankn\u00fcpfen", + -14.527003288269045 + ], + [ + "Hadamar", + -14.527013778686523 + ], + [ + "kushima", + -14.527024269104004 + ], + [ + "\u2581Schleier", + -14.527050018310549 + ], + [ + "importazione", + -14.527053833007812 + ], + [ + "Crawl", + -14.527073860168455 + ], + [ + "\u2581Tiroler", + -14.52707862854004 + ], + [ + "\u2581convertito", + -14.527084350585938 + ], + [ + "lkerrechtliche", + -14.52708911895752 + ], + [ + "\u2581Interessenten", + -14.527121543884276 + ], + [ + "egawatt", + -14.52712631225586 + ], + [ + "\u2581sofrido", + -14.527134895324709 + ], + [ + "\u2581speeches", + -14.527145385742188 + ], + [ + "\u2581Inszenierung", + -14.527146339416504 + ], + [ + "\u2581pozz", + -14.527169227600098 + ], + [ + "\u2581screamed", + -14.527179718017578 + ], + [ + "\u2581Chaca", + -14.527180671691896 + ], + [ + "\u2581geram", + -14.527181625366213 + ], + [ + "\u2581creus\u00e9", + -14.527192115783691 + ], + [ + "\u2581remuneration", + -14.527265548706056 + ], + [ + "\u2581Recueil", + -14.527271270751951 + ], + [ + "GroupVersion", + -14.5272855758667 + ], + [ + "opencontainers", + -14.5272855758667 + ], + [ + "itani", + -14.527288436889648 + ], + [ + "\u2581Camboya", + -14.527313232421877 + ], + [ + "oppe", + -14.527342796325684 + ], + [ + "\u2581fanti", + -14.527348518371582 + ], + [ + "\u2581exotische", + -14.527360916137695 + ], + [ + "\u2581Widerspr\u00fcche", + -14.527377128601074 + ], + [ + "OUL", + -14.52737808227539 + ], + [ + "\u2581Margi", + -14.527400016784668 + ], + [ + "\u2581Grasset", + -14.527400970458984 + ], + [ + "\u2581repleta", + -14.527414321899414 + ], + [ + "chuelo", + -14.527438163757324 + ], + [ + "\u2581Clou", + -14.52744483947754 + ], + [ + "uploader", + -14.527469635009766 + ], + [ + "libcurl", + -14.527482986450195 + ], + [ + "ulling", + -14.527485847473145 + ], + [ + "orales", + -14.527493476867676 + ], + [ + "discovered", + -14.52750301361084 + ], + [ + "kristallisier", + -14.52751636505127 + ], + [ + "sektion", + -14.527549743652344 + ], + [ + "bieg", + -14.527595520019531 + ], + [ + "sbeschr\u00e4nkung", + -14.527617454528809 + ], + [ + "\u2581cat\u00e9goris\u00e9e", + -14.52764129638672 + ], + [ + "\u2581esp\u00e9cime", + -14.52764129638672 + ], + [ + "incarnazione", + -14.527645111083984 + ], + [ + "terschie", + -14.527647972106934 + ], + [ + "\u2581incentrato", + -14.527649879455566 + ], + [ + "eycloak", + -14.5276517868042 + ], + [ + "ovana", + -14.527655601501465 + ], + [ + "raspberry", + -14.527655601501465 + ], + [ + "\u2581Stretto", + -14.527669906616213 + ], + [ + "Ekkehar", + -14.52768325805664 + ], + [ + "ALC", + -14.527698516845703 + ], + [ + "\u2581sfugge", + -14.527717590332031 + ], + [ + "\u2581senschaft", + -14.527729034423828 + ], + [ + "carina", + -14.527732849121094 + ], + [ + "\u2581Mellon", + -14.527783393859863 + ], + [ + "staticClass", + -14.52781581878662 + ], + [ + "\u2581Neubauten", + -14.527828216552734 + ], + [ + "flushed", + -14.527861595153809 + ], + [ + "pallet", + -14.527875900268556 + ], + [ + "\u2581Spende", + -14.527877807617188 + ], + [ + "\u2581Grign", + -14.527878761291504 + ], + [ + "\u2581dominierende", + -14.52791976928711 + ], + [ + "oce\u00e1nic", + -14.528023719787598 + ], + [ + "patologic", + -14.528051376342772 + ], + [ + "appare", + -14.528060913085938 + ], + [ + "\u2581Mittler", + -14.52806282043457 + ], + [ + "betrouwbaar", + -14.528132438659668 + ], + [ + "\u2581Volvi\u00f3", + -14.528136253356934 + ], + [ + "\u2581Hori", + -14.528153419494627 + ], + [ + "\u2581ehrenamtlich", + -14.528154373168944 + ], + [ + "\u2581rencontra", + -14.52816677093506 + ], + [ + "\u2581pressur", + -14.528178215026855 + ], + [ + "Consider", + -14.528182983398438 + ], + [ + "\u2581transparencia", + -14.528200149536133 + ], + [ + "\u2581imperatori", + -14.528204917907717 + ], + [ + "\u2581Schlamm", + -14.528237342834473 + ], + [ + "\u2581realizar\u00e1", + -14.52824592590332 + ], + [ + "\u2581anorganische", + -14.52825164794922 + ], + [ + "\u2581Diner", + -14.528252601623535 + ], + [ + "\u2581Namensgeber", + -14.52829360961914 + ], + [ + "\u2581Gerb", + -14.528312683105469 + ], + [ + "\u2581gelehrt", + -14.528313636779783 + ], + [ + "karakter", + -14.52831745147705 + ], + [ + "\u2581gracios", + -14.528338432312012 + ], + [ + "\u2581Europawahl", + -14.528380393981934 + ], + [ + "nachfolge", + -14.528393745422363 + ], + [ + "\u2581sospesa", + -14.528449058532717 + ], + [ + "\u2581sottopor", + -14.52847671508789 + ], + [ + "STC", + -14.528524398803713 + ], + [ + "zord", + -14.528529167175291 + ], + [ + "\u2581itinerante", + -14.528552055358888 + ], + [ + "cirkel", + -14.528604507446287 + ], + [ + "laatste", + -14.5286226272583 + ], + [ + "\u2581Durmstrang", + -14.528631210327148 + ], + [ + "\u2581minhaExcecao", + -14.528632164001465 + ], + [ + "Fenetre", + -14.528642654418944 + ], + [ + "\u2581gloves", + -14.528661727905272 + ], + [ + "\u2581Laktat", + -14.528664588928224 + ], + [ + "\u2581cleavage", + -14.528675079345703 + ], + [ + "\u2581Kreditanstalt", + -14.528678894042969 + ], + [ + "\u2581Stange", + -14.528742790222168 + ], + [ + "traditional", + -14.5287504196167 + ], + [ + "eratin", + -14.528767585754396 + ], + [ + "fennig", + -14.528767585754396 + ], + [ + "\u2581Atemweg", + -14.52878761291504 + ], + [ + "Utilization", + -14.52881145477295 + ], + [ + "idrogeno", + -14.52881145477295 + ], + [ + "nomiya", + -14.528822898864746 + ], + [ + "\u2581gocci", + -14.52884292602539 + ], + [ + "\u2581desertic", + -14.528849601745604 + ], + [ + "ngensis", + -14.528857231140137 + ], + [ + "graciado", + -14.528874397277832 + ], + [ + "\u2581Carmona", + -14.52887725830078 + ], + [ + "ometria", + -14.528881072998049 + ], + [ + "\u2581raide", + -14.528923034667969 + ], + [ + "\u2581Anthology", + -14.52895164489746 + ], + [ + "LAD", + -14.52896499633789 + ], + [ + "\u2581conf\u00ed", + -14.528973579406738 + ], + [ + "\u2581architettonica", + -14.52898406982422 + ], + [ + "\u2581arame", + -14.529007911682127 + ], + [ + "rdernden", + -14.529012680053713 + ], + [ + "\u2581guitarist", + -14.529086112976074 + ], + [ + "\u2581achteraf", + -14.52910327911377 + ], + [ + "\u2581voorkwam", + -14.52910614013672 + ], + [ + "\u2581medi\u00e1tic", + -14.529107093811035 + ], + [ + "\u2581Suspe", + -14.529111862182615 + ], + [ + "intellij", + -14.529126167297363 + ], + [ + "\u2581Bengkulu", + -14.529126167297363 + ], + [ + "Inconsolata", + -14.529128074645996 + ], + [ + "\u2581Porzellan", + -14.529128074645996 + ], + [ + "\u2581geliefd", + -14.529151916503906 + ], + [ + "\u2581biliar", + -14.529160499572754 + ], + [ + "generaci\u00f3n", + -14.529172897338867 + ], + [ + "\u2581percibir", + -14.529176712036133 + ], + [ + "\u2581publicamente", + -14.529186248779297 + ], + [ + "wahlleiter", + -14.529194831848145 + ], + [ + "\u2581Abfertigung", + -14.529215812683104 + ], + [ + "holera", + -14.529224395751951 + ], + [ + "\u2581Exci", + -14.529229164123535 + ], + [ + "\u2581Schiedsgericht", + -14.52924346923828 + ], + [ + "\u2581cogni", + -14.529245376586914 + ], + [ + "\u2581cinquantaine", + -14.529254913330078 + ], + [ + "\u2581vaci", + -14.529264450073242 + ], + [ + "ARIS", + -14.52927589416504 + ], + [ + "\u2581Imprim", + -14.529281616210938 + ], + [ + "klee", + -14.529284477233888 + ], + [ + "\u2581Alvaro", + -14.529298782348633 + ], + [ + "\u2581interliga", + -14.529318809509276 + ], + [ + "\u2581abzustellen", + -14.529335021972656 + ], + [ + "\u2581gemeldeten", + -14.529342651367188 + ], + [ + "krin", + -14.529415130615234 + ], + [ + "CFA", + -14.52942180633545 + ], + [ + "\u2581gigantische", + -14.529448509216309 + ], + [ + "\u2581Chromosomen", + -14.529525756835938 + ], + [ + "Emma", + -14.529549598693848 + ], + [ + "\u2581ordenadores", + -14.529556274414062 + ], + [ + "\u2581potesta", + -14.529566764831545 + ], + [ + "\u2581universally", + -14.529569625854492 + ], + [ + "\u2581Vedere", + -14.52958869934082 + ], + [ + "\u2581Gazet", + -14.52960205078125 + ], + [ + "\u2581deepest", + -14.529610633850098 + ], + [ + "cytosi", + -14.529620170593262 + ], + [ + "DEPRECATED", + -14.529621124267578 + ], + [ + "\u2581Sp\u00e4taussiedler", + -14.529622077941896 + ], + [ + "\u2581exjugador", + -14.529622077941896 + ], + [ + "\u2581passaporti", + -14.529623985290527 + ], + [ + "WIR", + -14.529626846313477 + ], + [ + "\u2581vollzieht", + -14.529641151428224 + ], + [ + "\u2581critic\u00f3", + -14.529648780822754 + ], + [ + "\u2581escoc\u00e9s", + -14.529666900634766 + ], + [ + "\u2581pulga", + -14.529688835144045 + ], + [ + "\u2581indecis", + -14.52968978881836 + ], + [ + "said", + -14.529701232910156 + ], + [ + "\u2581Berlijnse", + -14.529702186584473 + ], + [ + "bereitgestellten", + -14.529717445373535 + ], + [ + "\u2581sch\u00e4fts", + -14.529749870300291 + ], + [ + "\u2581colaborativo", + -14.52975845336914 + ], + [ + "Atelier", + -14.52977466583252 + ], + [ + "\u2581stimm", + -14.529778480529783 + ], + [ + "\u2581Ferrocarriles", + -14.529784202575684 + ], + [ + "auder", + -14.529800415039062 + ], + [ + "peculative", + -14.52980136871338 + ], + [ + "philic", + -14.52980613708496 + ], + [ + "\u2581saisit", + -14.52981662750244 + ], + [ + "\u2581Costumes", + -14.529826164245604 + ], + [ + "rries", + -14.529834747314451 + ], + [ + "\u2581guanc", + -14.529854774475098 + ], + [ + "loqu", + -14.529889106750488 + ], + [ + "ossessiv", + -14.52989673614502 + ], + [ + "\u2581sollev", + -14.52990436553955 + ], + [ + "aurai", + -14.529945373535156 + ], + [ + "\u2581movida", + -14.529958724975586 + ], + [ + "\u2581clich\u00e9", + -14.529973983764648 + ], + [ + "\u2581Fazi", + -14.530014991760254 + ], + [ + "\u2581Terrace", + -14.530014991760254 + ], + [ + "FEAT", + -14.530036926269531 + ], + [ + "l\u00fchen", + -14.530068397521973 + ], + [ + "\u2581dispatched", + -14.53007698059082 + ], + [ + "ValueOf", + -14.530106544494627 + ], + [ + "\u2581authentiek", + -14.530117988586426 + ], + [ + "\u2581injusta", + -14.530123710632324 + ], + [ + "\u2581souvient", + -14.530123710632324 + ], + [ + "\u2581Romanov", + -14.53013801574707 + ], + [ + "BaselinePosition", + -14.530156135559082 + ], + [ + "\u2581saisonal", + -14.530156135559082 + ], + [ + "tendeva", + -14.530174255371094 + ], + [ + "\u2581monitoraggio", + -14.530217170715332 + ], + [ + "eufor", + -14.530220985412598 + ], + [ + "\u2581Antragsgegner", + -14.530288696289062 + ], + [ + "\u2581Garci", + -14.530301094055176 + ], + [ + "Profiler", + -14.530314445495604 + ], + [ + "\u2581Diab", + -14.530391693115234 + ], + [ + "\u2581bulgarische", + -14.53043270111084 + ], + [ + "regressive", + -14.530439376831056 + ], + [ + "\u2581Filialen", + -14.530485153198242 + ], + [ + "\u2581discriminati", + -14.530487060546877 + ], + [ + "\u2581J\u00fcng", + -14.530506134033203 + ], + [ + "\u2581penalidade", + -14.530570030212402 + ], + [ + "\u2581sbagliata", + -14.53058624267578 + ], + [ + "\u2581Redond", + -14.530588150024414 + ], + [ + "nolimits", + -14.53058910369873 + ], + [ + "ganar", + -14.530596733093262 + ], + [ + "\u2581Pharao", + -14.530596733093262 + ], + [ + "\u2581sovietiche", + -14.530613899230955 + ], + [ + "\u2581Constellation", + -14.530614852905272 + ], + [ + "\u2581fl\u00e4chendeckend", + -14.530620574951172 + ], + [ + "\u2581Derbyshire", + -14.530627250671388 + ], + [ + "Claire", + -14.530632972717283 + ], + [ + "\u2581permanecen", + -14.53064250946045 + ], + [ + "errang", + -14.530658721923828 + ], + [ + "\u2581holand\u00e9s", + -14.53068733215332 + ], + [ + "\u2581flauto", + -14.530733108520508 + ], + [ + "ANDER", + -14.530735969543455 + ], + [ + "\u2581Abge", + -14.530738830566406 + ], + [ + "oncho", + -14.530747413635254 + ], + [ + "\u2581chaqueta", + -14.530749320983888 + ], + [ + "\u2581conquest", + -14.530765533447266 + ], + [ + "TestData", + -14.530780792236328 + ], + [ + "\u2581lethal", + -14.530834197998049 + ], + [ + "tendit", + -14.530837059020996 + ], + [ + "jamos", + -14.530838966369627 + ], + [ + "\u2581Schnabel", + -14.53090763092041 + ], + [ + "LBA", + -14.530961990356444 + ], + [ + "\u2581elterlichen", + -14.530985832214355 + ], + [ + "\u2581Vez", + -14.530988693237305 + ], + [ + "\u2581Erneu", + -14.531011581420898 + ], + [ + "urga", + -14.531014442443848 + ], + [ + "\u2581didattica", + -14.53110122680664 + ], + [ + "\u2581Kimberley", + -14.531109809875488 + ], + [ + "Gaddafi", + -14.531110763549805 + ], + [ + "\u2581incerteza", + -14.531110763549805 + ], + [ + "semaphore", + -14.531112670898438 + ], + [ + "Ternana", + -14.53112506866455 + ], + [ + "\u2581Marlowe", + -14.5311279296875 + ], + [ + "Redshift", + -14.531136512756348 + ], + [ + "Spanish", + -14.53113842010498 + ], + [ + "\u2581geestelijken", + -14.531206130981444 + ], + [ + "bottomrule", + -14.531230926513672 + ], + [ + "\u2581Commentaires", + -14.531231880187988 + ], + [ + "Weekday", + -14.531232833862305 + ], + [ + "conhecido", + -14.531232833862305 + ], + [ + "\u2581mangelnder", + -14.531243324279783 + ], + [ + "\u2581reemplazada", + -14.531268119812012 + ], + [ + "\u2581gimnasio", + -14.531277656555176 + ], + [ + "\u2581Aragones", + -14.53128147125244 + ], + [ + "\u2581geringerem", + -14.53128719329834 + ], + [ + "\u2581Gamble", + -14.531289100646973 + ], + [ + "\u2581desejava", + -14.531296730041504 + ], + [ + "implique", + -14.53132152557373 + ], + [ + "Tr\u00e4ger", + -14.531330108642578 + ], + [ + "\u2581residua", + -14.53134822845459 + ], + [ + "afferra", + -14.531416893005373 + ], + [ + "Anschluss", + -14.531436920166016 + ], + [ + "\u2581rimang", + -14.531448364257812 + ], + [ + "\u2581Fremdenverkehr", + -14.531455993652344 + ], + [ + "\u2581rappelant", + -14.531458854675291 + ], + [ + "\u2581Becca", + -14.531546592712402 + ], + [ + "protoreflect", + -14.5315523147583 + ], + [ + "editie", + -14.531557083129885 + ], + [ + "ankung", + -14.531559944152832 + ], + [ + "arezza", + -14.53156280517578 + ], + [ + "icoltura", + -14.531578063964844 + ], + [ + "\u2581prigionia", + -14.531608581542969 + ], + [ + "\u2581tendencies", + -14.531617164611816 + ], + [ + "\u2581Schwu", + -14.531682968139648 + ], + [ + "duire", + -14.531733512878418 + ], + [ + "Gordon", + -14.531752586364746 + ], + [ + "\u2581Divenne", + -14.53175926208496 + ], + [ + "\u2581Stum", + -14.531818389892578 + ], + [ + "prozessuale", + -14.531871795654297 + ], + [ + "\u00e9gales", + -14.531889915466309 + ], + [ + "\u2581Eunice", + -14.531923294067385 + ], + [ + "catcher", + -14.531927108764648 + ], + [ + "\u2581ignorat", + -14.531928062438965 + ], + [ + "serviceAccount", + -14.53193473815918 + ], + [ + "\u2581celebridades", + -14.531967163085938 + ], + [ + "elevata", + -14.53200912475586 + ], + [ + "ervaring", + -14.532020568847656 + ], + [ + "itrate", + -14.532031059265137 + ], + [ + "knife", + -14.532031059265137 + ], + [ + "weegt", + -14.532039642333984 + ], + [ + "legde", + -14.5320463180542 + ], + [ + "negaci\u00f3n", + -14.53205108642578 + ], + [ + "\u2581irregolari", + -14.532052040100098 + ], + [ + "nonciation", + -14.532075881958008 + ], + [ + "\u2581beschlagnahmt", + -14.532103538513184 + ], + [ + "\u2581trasparenza", + -14.532103538513184 + ], + [ + "\u2581Khalifa", + -14.532108306884766 + ], + [ + "\u2581simpat\u00eda", + -14.532112121582031 + ], + [ + "framing", + -14.53211498260498 + ], + [ + "\u2581Rollstuhl", + -14.53211784362793 + ], + [ + "determination", + -14.5321626663208 + ], + [ + "\u2581Archaeology", + -14.53218936920166 + ], + [ + "\u2581sparare", + -14.53220558166504 + ], + [ + "\u2581thuisland", + -14.532217979431152 + ], + [ + "\u2581monarque", + -14.532218933105469 + ], + [ + "\u2581costitutiv", + -14.53222942352295 + ], + [ + "\u2581Mansion", + -14.532230377197266 + ], + [ + "gating", + -14.53226375579834 + ], + [ + "\u2581emigrati", + -14.532310485839844 + ], + [ + "\u2581Summa", + -14.53231143951416 + ], + [ + "\u2581menhang", + -14.532360076904297 + ], + [ + "composing", + -14.532441139221191 + ], + [ + "itante", + -14.532444953918455 + ], + [ + "\u2581convoqu\u00e9", + -14.532464981079102 + ], + [ + "gyptolog", + -14.532492637634276 + ], + [ + "\u2581baluar", + -14.53252410888672 + ], + [ + "tinct", + -14.532530784606934 + ], + [ + "\u2581evacuation", + -14.532538414001465 + ], + [ + "ANNO", + -14.532549858093262 + ], + [ + "\u2581remanescentes", + -14.532572746276855 + ], + [ + "choro", + -14.532590866088867 + ], + [ + "\u2581Stimmzettel", + -14.532602310180664 + ], + [ + "\u2581gekroond", + -14.532605171203612 + ], + [ + "\u2581bacini", + -14.532637596130373 + ], + [ + "onymus", + -14.532649993896484 + ], + [ + "garage", + -14.5326566696167 + ], + [ + "bezoek", + -14.532681465148926 + ], + [ + "\u2581Aleksej", + -14.53270149230957 + ], + [ + "\u2581entsch\u00e4dig", + -14.532709121704102 + ], + [ + "\u2581F\u00fcllung", + -14.532715797424316 + ], + [ + "Noise", + -14.532724380493164 + ], + [ + "\u2581medidor", + -14.532754898071287 + ], + [ + "Berliner", + -14.532766342163086 + ], + [ + "\u2581sacerdo", + -14.532766342163086 + ], + [ + "\u2581fotografo", + -14.53289794921875 + ], + [ + "\u2581raggiungerl", + -14.53294563293457 + ], + [ + "bilitado", + -14.532967567443848 + ], + [ + "\u2581\u00e9mergent", + -14.532976150512695 + ], + [ + "zeni", + -14.53298282623291 + ], + [ + "\u2581Conca", + -14.532992362976074 + ], + [ + "hospi", + -14.533019065856934 + ], + [ + "\u2581estuvieran", + -14.533071517944336 + ], + [ + "weel", + -14.533084869384766 + ], + [ + "deskundige", + -14.53309726715088 + ], + [ + "\u2581d\u00e9voil\u00e9", + -14.533102989196776 + ], + [ + "\u2581cucine", + -14.53310489654541 + ], + [ + "\u2581comodamente", + -14.533110618591309 + ], + [ + "\u2581milanesi", + -14.533114433288574 + ], + [ + "\u2581Gl\u00fccksspiel", + -14.533116340637209 + ], + [ + "\u2581Theobald", + -14.533124923706056 + ], + [ + "\u2581indirettamente", + -14.533156394958496 + ], + [ + "vestitionskosten", + -14.53318214416504 + ], + [ + "\u2581Datentr\u00e4ger", + -14.533242225646973 + ], + [ + "nregung", + -14.533243179321287 + ], + [ + "\u2581Bereinigung", + -14.533302307128906 + ], + [ + "efficienc", + -14.533316612243652 + ], + [ + "\u2581studentesc", + -14.533323287963867 + ], + [ + "allegri", + -14.53334617614746 + ], + [ + "\u2581abnimmt", + -14.533348083496094 + ], + [ + "\u2581cartesiano", + -14.533357620239258 + ], + [ + "\u2581appetite", + -14.533395767211914 + ], + [ + "Making", + -14.533419609069824 + ], + [ + "natch", + -14.533421516418455 + ], + [ + "\u2581Dini", + -14.533438682556152 + ], + [ + "readFile", + -14.533439636230469 + ], + [ + "\u2581Passei", + -14.533446311950684 + ], + [ + "bourgeois", + -14.533454895019531 + ], + [ + "Uitvoer", + -14.533464431762695 + ], + [ + "uglia", + -14.533501625061035 + ], + [ + "orelli", + -14.53353786468506 + ], + [ + "Matchless", + -14.5335693359375 + ], + [ + "InvisibleSpace", + -14.533595085144045 + ], + [ + "\u2581Pristimantis", + -14.533595085144045 + ], + [ + "\u2581prosp\u00e9rit\u00e9", + -14.533597946166992 + ], + [ + "\u2581Herausgegeben", + -14.533599853515623 + ], + [ + "vereinfachung", + -14.53360652923584 + ], + [ + "\u2581n\u00e4chtliche", + -14.533618927001951 + ], + [ + "\u2581logistique", + -14.533648490905762 + ], + [ + "ortic", + -14.533679008483888 + ], + [ + "cinese", + -14.53368091583252 + ], + [ + "\u2581Woodstock", + -14.533685684204102 + ], + [ + "\u2581beseft", + -14.533685684204102 + ], + [ + "\u2581utilizaban", + -14.533690452575684 + ], + [ + "paw", + -14.533696174621582 + ], + [ + "RITE", + -14.533719062805176 + ], + [ + "\u2581corregir", + -14.533736228942873 + ], + [ + "\u2581unfamiliar", + -14.533751487731934 + ], + [ + "\u2581gesuit", + -14.53375244140625 + ], + [ + "marital", + -14.533812522888184 + ], + [ + "\u2581Cultiv", + -14.53382396697998 + ], + [ + "fluoride", + -14.53382682800293 + ], + [ + "\u2581Paga", + -14.53390407562256 + ], + [ + "aroon", + -14.53391456604004 + ], + [ + "\u2581simulacr", + -14.53393840789795 + ], + [ + "\u2581Heracles", + -14.53394603729248 + ], + [ + "Kommunikation", + -14.533975601196287 + ], + [ + "ocitos", + -14.534005165100098 + ], + [ + "NotIn", + -14.53404140472412 + ], + [ + "dossier", + -14.534063339233398 + ], + [ + "\u2581Maser", + -14.53407382965088 + ], + [ + "\u2581ricavat", + -14.534082412719728 + ], + [ + "\u2581Contempor", + -14.534101486206056 + ], + [ + "icentenario", + -14.534111976623535 + ], + [ + "jaag", + -14.534112930297852 + ], + [ + "\u2581Karneval", + -14.534114837646484 + ], + [ + "\u2581raschen", + -14.5341157913208 + ], + [ + "\u2581Pined", + -14.53411865234375 + ], + [ + "\u2581Polnisch", + -14.534161567687988 + ], + [ + "ogenous", + -14.534178733825684 + ], + [ + "\u2581conformit\u00e9", + -14.534209251403809 + ], + [ + "\u2581basketballer", + -14.534226417541504 + ], + [ + "\u2581Bouch", + -14.534316062927246 + ], + [ + "\u2581nutritional", + -14.53435516357422 + ], + [ + "SPAN", + -14.534395217895508 + ], + [ + "pegado", + -14.534401893615724 + ], + [ + "SCHAFT", + -14.534411430358888 + ], + [ + "\u2581estudada", + -14.534415245056152 + ], + [ + "\u2581apoyaba", + -14.534472465515137 + ], + [ + "Isomer", + -14.534518241882324 + ], + [ + "Papier", + -14.534564971923828 + ], + [ + "\u2581Minne", + -14.534607887268066 + ], + [ + "\u2581impetuos", + -14.534610748291016 + ], + [ + "\u2581transparant", + -14.534624099731444 + ], + [ + "flicted", + -14.534674644470217 + ], + [ + "\u2581Mattei", + -14.53468132019043 + ], + [ + "\u2581nachgeordneten", + -14.534686088562012 + ], + [ + "Exclusion", + -14.534692764282228 + ], + [ + "\u2581en\u00e9rgic", + -14.534710884094238 + ], + [ + "\u2581paletes", + -14.53471565246582 + ], + [ + "cenni", + -14.534750938415527 + ], + [ + "\u2581desvanec", + -14.534750938415527 + ], + [ + "\u2581dottorato", + -14.534770011901855 + ], + [ + "\u2581arrende", + -14.534774780273438 + ], + [ + "\u2581ouvr", + -14.534777641296388 + ], + [ + "\u2581d\u00e9port\u00e9", + -14.534829139709473 + ], + [ + "\u2581Levit", + -14.534844398498535 + ], + [ + "\u2581belofte", + -14.534878730773926 + ], + [ + "\u2581informale", + -14.534884452819824 + ], + [ + "\u2581Navios", + -14.534899711608888 + ], + [ + "\u2581profitti", + -14.53493595123291 + ], + [ + "\u2581cuaderno", + -14.534967422485352 + ], + [ + "ikker", + -14.535037994384766 + ], + [ + "\u2581shining", + -14.53504467010498 + ], + [ + "\u2581traseira", + -14.535049438476562 + ], + [ + "\u2581entsetz", + -14.535051345825195 + ], + [ + "\u2581Flac", + -14.535057067871094 + ], + [ + "apposita", + -14.53508758544922 + ], + [ + "\u2581nephew", + -14.535089492797852 + ], + [ + "COVER", + -14.535090446472168 + ], + [ + "\u2581toponimi", + -14.535093307495115 + ], + [ + "Culicidae", + -14.535094261169434 + ], + [ + "beschouwing", + -14.535107612609863 + ], + [ + "\u2581Macri", + -14.535112380981444 + ], + [ + "rschot", + -14.53513240814209 + ], + [ + "\u2581prepost", + -14.53514289855957 + ], + [ + "\u2581difendersi", + -14.535161972045898 + ], + [ + "comercializaci\u00f3n", + -14.535167694091797 + ], + [ + "\u2581patrimoniale", + -14.535173416137695 + ], + [ + "\u2581beleefde", + -14.535189628601074 + ], + [ + "\u2581sonre\u00ed", + -14.53520393371582 + ], + [ + "\u2581Gucci", + -14.535208702087402 + ], + [ + "\u2581Cresp", + -14.53522777557373 + ], + [ + "\u2581tortuga", + -14.535279273986816 + ], + [ + "\u2581Krie", + -14.5353422164917 + ], + [ + "\u2581lottare", + -14.53534984588623 + ], + [ + "\u2581Martiri", + -14.535390853881836 + ], + [ + "Bedarf", + -14.53541374206543 + ], + [ + "municipal", + -14.535426139831545 + ], + [ + "\u2581hispani", + -14.535440444946287 + ], + [ + "seeker", + -14.535455703735352 + ], + [ + "aggon", + -14.535475730895996 + ], + [ + "\u2581Missile", + -14.535537719726562 + ], + [ + "enslotte", + -14.535541534423828 + ], + [ + "Helsinki", + -14.535555839538574 + ], + [ + "geschoven", + -14.535573959350586 + ], + [ + "\u2581Ortodoxa", + -14.535587310791016 + ], + [ + "\u2581Ehrendoktor", + -14.535588264465332 + ], + [ + "\u2581veinticinco", + -14.535590171813965 + ], + [ + "\u2581conjetura", + -14.535595893859863 + ], + [ + "\u2581Nordirland", + -14.535597801208496 + ], + [ + "\u2581equatorial", + -14.535605430603027 + ], + [ + "\u2581Trabalhadores", + -14.53561019897461 + ], + [ + "\u2581aglomerado", + -14.535615921020508 + ], + [ + "pock", + -14.535638809204102 + ], + [ + "\u2581enlarged", + -14.53567600250244 + ], + [ + "archeologia", + -14.53571605682373 + ], + [ + "\u2581Crocke", + -14.535719871520996 + ], + [ + "urken", + -14.535738945007324 + ], + [ + "\u2581r\u00e9pondant", + -14.53575611114502 + ], + [ + "\u2581Pietr", + -14.535758972167969 + ], + [ + "\u2581installieren", + -14.535764694213867 + ], + [ + "\u2581recolecta", + -14.535767555236816 + ], + [ + "Girone", + -14.53578281402588 + ], + [ + "starren", + -14.535801887512209 + ], + [ + "\u2581blanque", + -14.535810470581056 + ], + [ + "\u2581menac\u00e9e", + -14.53586196899414 + ], + [ + "\u2581Rentenanpassung", + -14.535866737365724 + ], + [ + "Freeze", + -14.53589153289795 + ], + [ + "\u2581Trabalh", + -14.535892486572266 + ], + [ + "apitulation", + -14.535897254943848 + ], + [ + "TIONS", + -14.535901069641112 + ], + [ + "\u2581rodado", + -14.535911560058594 + ], + [ + "Istanbul", + -14.535931587219238 + ], + [ + "\u2581prefir", + -14.535937309265137 + ], + [ + "nsayista", + -14.535955429077148 + ], + [ + "F\u00fchrer", + -14.535987854003906 + ], + [ + "holesterin", + -14.53599739074707 + ], + [ + "Antibes", + -14.536069869995115 + ], + [ + "\u2581exercising", + -14.536086082458496 + ], + [ + "\u2581Implications", + -14.536087989807127 + ], + [ + "synagoge", + -14.536094665527344 + ], + [ + "\u2581advento", + -14.536141395568848 + ], + [ + "FIGURE", + -14.53614902496338 + ], + [ + "\u2581bloccati", + -14.53614902496338 + ], + [ + "\u2581banker", + -14.536158561706545 + ], + [ + "\u2581Konformit\u00e4t", + -14.536198616027832 + ], + [ + "rmliche", + -14.536213874816896 + ], + [ + "\u2581essayist", + -14.536240577697754 + ], + [ + "\u2581acquitt", + -14.53625202178955 + ], + [ + "\u2581versprach", + -14.536255836486816 + ], + [ + "\u2581Provin", + -14.536270141601562 + ], + [ + "Abfallwirtschaft", + -14.536287307739258 + ], + [ + "mittance", + -14.536293029785156 + ], + [ + "\u2581psiche", + -14.536312103271484 + ], + [ + "\u2581Palladio", + -14.536314010620115 + ], + [ + "\u2581emilian", + -14.536316871643066 + ], + [ + "maxdepth", + -14.53637409210205 + ], + [ + "\u2581patrioti", + -14.536396026611328 + ], + [ + "EDITOR", + -14.53639793395996 + ], + [ + "\u2581bollit", + -14.536436080932615 + ], + [ + "\u2581Mackay", + -14.536443710327148 + ], + [ + "\u2581raciste", + -14.536465644836426 + ], + [ + "ur\u00fcckhaltung", + -14.536469459533691 + ], + [ + "\u2581acabaron", + -14.536493301391602 + ], + [ + "stermann", + -14.536520957946776 + ], + [ + "\u2581herstellt", + -14.536541938781738 + ], + [ + "\u2581Vogl", + -14.536547660827637 + ], + [ + "Living", + -14.53660011291504 + ], + [ + "\u2581olimpico", + -14.53665542602539 + ], + [ + "\u2581Identi", + -14.53668975830078 + ], + [ + "\u2581taalkundige", + -14.53671169281006 + ], + [ + "\u2581regagn", + -14.53671646118164 + ], + [ + "lupa", + -14.536731719970703 + ], + [ + "\u2581hereditari", + -14.536733627319336 + ], + [ + "\u2581respondent", + -14.53674602508545 + ], + [ + "\u2581Auror", + -14.53676414489746 + ], + [ + "\u2581advisory", + -14.53677463531494 + ], + [ + "\u2581Rappelons", + -14.536778450012209 + ], + [ + "\u2581cantores", + -14.536785125732422 + ], + [ + "abfertigung", + -14.53679370880127 + ], + [ + "attrezzatura", + -14.536808967590332 + ], + [ + "ORK", + -14.536890983581545 + ], + [ + "\u2581restringir", + -14.536913871765137 + ], + [ + "amaika", + -14.53691864013672 + ], + [ + "predeci", + -14.536951065063477 + ], + [ + "tendenti", + -14.536989212036133 + ], + [ + "\u2581separ\u00f3", + -14.53700828552246 + ], + [ + "\u2581Serin", + -14.537019729614258 + ], + [ + "ampio", + -14.537030220031738 + ], + [ + "szollkontingent", + -14.537042617797852 + ], + [ + "DISTRIBUTION", + -14.53707790374756 + ], + [ + "ugrundelegung", + -14.537084579467772 + ], + [ + "\u2581Onthophagus", + -14.537084579467772 + ], + [ + "\u2581Bef\u00fcrwort", + -14.53708553314209 + ], + [ + "Uninstall", + -14.537087440490724 + ], + [ + "\u2581p\u00f3stuma", + -14.537092208862305 + ], + [ + "\u2581Bl\u00e4ttern", + -14.537095069885254 + ], + [ + "\u2581d\u00e9sespoir", + -14.53710651397705 + ], + [ + "\u2581extor", + -14.537114143371582 + ], + [ + "\u2581achterhalen", + -14.537129402160645 + ], + [ + "\u2581frowned", + -14.537168502807615 + ], + [ + "\u2581Mountainbiken", + -14.537226676940918 + ], + [ + "IVER", + -14.53722858428955 + ], + [ + "pidemiology", + -14.537254333496094 + ], + [ + "dammen", + -14.53725528717041 + ], + [ + "\u2581Optimis", + -14.537264823913574 + ], + [ + "\u2581Jenner", + -14.537310600280762 + ], + [ + "quattr", + -14.537312507629396 + ], + [ + "inadeguat", + -14.537327766418455 + ], + [ + "\u2581matrimoniale", + -14.537352561950684 + ], + [ + "JOIN", + -14.53736686706543 + ], + [ + "Fetcher", + -14.537394523620604 + ], + [ + "\u2581scintilla", + -14.53740119934082 + ], + [ + "neville", + -14.537415504455566 + ], + [ + "AspectRatio", + -14.53743839263916 + ], + [ + "Registrar", + -14.537446022033691 + ], + [ + "\u2581confondere", + -14.537450790405272 + ], + [ + "\u2581publiquement", + -14.537463188171388 + ], + [ + "rampton", + -14.537466049194336 + ], + [ + "\u2581africane", + -14.537477493286133 + ], + [ + "ordonn\u00e9e", + -14.537484169006348 + ], + [ + "\u2581acerto", + -14.537500381469728 + ], + [ + "Gemeindeverb\u00e4nde", + -14.537508964538574 + ], + [ + "\u2581Eventualmente", + -14.53758430480957 + ], + [ + "\u2581Indra", + -14.537590026855469 + ], + [ + "\u2581chronologique", + -14.537596702575684 + ], + [ + "subequations", + -14.53761386871338 + ], + [ + "\u2581Kissinger", + -14.53762912750244 + ], + [ + "\u2581conferimento", + -14.53762912750244 + ], + [ + "\u2581defeating", + -14.537639617919922 + ], + [ + "putsch", + -14.537653923034668 + ], + [ + "\u2581rivolse", + -14.5376615524292 + ], + [ + "\u2581moltissime", + -14.537662506103516 + ], + [ + "governa", + -14.537766456604004 + ], + [ + "\u2581Neurosci", + -14.537775993347168 + ], + [ + "\u2581Verifikation", + -14.537778854370115 + ], + [ + "\u2581Trev", + -14.537832260131836 + ], + [ + "\u2581Seleuc", + -14.537845611572266 + ], + [ + "\u2581r\u00e9p\u00e9ta", + -14.537849426269531 + ], + [ + "\u2581influye", + -14.537864685058594 + ], + [ + "\u2581Carthage", + -14.537879943847656 + ], + [ + "\u2581knopen", + -14.537886619567873 + ], + [ + "rested", + -14.5379638671875 + ], + [ + "privateKey", + -14.53805160522461 + ], + [ + "legalit\u00e0", + -14.538071632385254 + ], + [ + "\u2581corv", + -14.538071632385254 + ], + [ + "\u2581palcoscenico", + -14.538084030151367 + ], + [ + "\u2581Gebr", + -14.53809642791748 + ], + [ + "\u2581amaldi", + -14.53810977935791 + ], + [ + "Wachstum", + -14.538115501403809 + ], + [ + "\u2581Altamira", + -14.538124084472656 + ], + [ + "\u2581donaci\u00f3n", + -14.538125991821287 + ], + [ + "konferenzen", + -14.538156509399414 + ], + [ + "\u2581spingere", + -14.53819179534912 + ], + [ + "\u2581penitenz", + -14.538198471069336 + ], + [ + "\u2581recopilaci\u00f3n", + -14.538204193115234 + ], + [ + "akht", + -14.538219451904297 + ], + [ + "\u2581interativo", + -14.538222312927246 + ], + [ + "\u2581nupcia", + -14.53822898864746 + ], + [ + "\u2581convenciones", + -14.53827667236328 + ], + [ + "\u2581expediciones", + -14.53827667236328 + ], + [ + "gedeutet", + -14.538301467895508 + ], + [ + "\u2581stanco", + -14.53831386566162 + ], + [ + "\u2581Residencia", + -14.538335800170898 + ], + [ + "pr\u00e4zi", + -14.538341522216797 + ], + [ + "\u2581videogame", + -14.538347244262695 + ], + [ + "tropica", + -14.538355827331545 + ], + [ + "\u2581sedersi", + -14.538414001464844 + ], + [ + "Shoot", + -14.538423538208008 + ], + [ + "\u2581uniformemente", + -14.53843593597412 + ], + [ + "PADD", + -14.53846836090088 + ], + [ + "\u2581hydrocarbon", + -14.538482666015623 + ], + [ + "\u2581allj\u00e4hrlich", + -14.538506507873535 + ], + [ + "\u2581persegu", + -14.538517951965332 + ], + [ + "besch\u00e4digte", + -14.538518905639648 + ], + [ + "veling", + -14.53853988647461 + ], + [ + "\u2581Allmusic", + -14.538549423217772 + ], + [ + "\u2581Steuerreform", + -14.538558959960938 + ], + [ + "\u2581gamb", + -14.538568496704102 + ], + [ + "\u2581Landesteil", + -14.538583755493164 + ], + [ + "\u2581Maximiliaan", + -14.538583755493164 + ], + [ + "Istruzione", + -14.53858470916748 + ], + [ + "\u2581affluenti", + -14.538585662841797 + ], + [ + "\u2581implacable", + -14.53858757019043 + ], + [ + "\u2581fumetto", + -14.538589477539062 + ], + [ + "\u2581Lutheran", + -14.538591384887695 + ], + [ + "\u2581cronologia", + -14.538593292236328 + ], + [ + "\u2581messicana", + -14.538597106933594 + ], + [ + "\u2581reliably", + -14.53860855102539 + ], + [ + "\u2581Marchese", + -14.538661003112791 + ], + [ + "straten", + -14.538663864135742 + ], + [ + "\u2581crib", + -14.538683891296388 + ], + [ + "\u2581Carnival", + -14.53869342803955 + ], + [ + "courent", + -14.538719177246094 + ], + [ + "\u2581islamiste", + -14.538753509521484 + ], + [ + "\u2581exemplary", + -14.538779258728027 + ], + [ + "Uiterlijk", + -14.538790702819824 + ], + [ + "\u2581callejer", + -14.538798332214355 + ], + [ + "\u2581Sigrid", + -14.538801193237305 + ], + [ + "\u00fcttel", + -14.538804054260254 + ], + [ + "organisent", + -14.538818359375 + ], + [ + "berghe", + -14.538819313049316 + ], + [ + "\u2581bottega", + -14.53884983062744 + ], + [ + "Serra", + -14.538863182067873 + ], + [ + "\u2581Verweigerung", + -14.538872718811035 + ], + [ + "\u2581extinct", + -14.538904190063477 + ], + [ + "\u2581genezen", + -14.538926124572754 + ], + [ + "\u2581preoccupato", + -14.538942337036133 + ], + [ + "\u2581cr\u00e9ature", + -14.53897190093994 + ], + [ + "\u2581arrastr", + -14.538989067077637 + ], + [ + "\u2581affermava", + -14.539013862609863 + ], + [ + "\u2581stalls", + -14.539054870605469 + ], + [ + "\u2581Audenaerde", + -14.539084434509276 + ], + [ + "\u2581Faixa", + -14.539087295532228 + ], + [ + "SOFT", + -14.53909969329834 + ], + [ + "\u2581somato", + -14.539105415344238 + ], + [ + "sichtigen", + -14.53913402557373 + ], + [ + "\u2581saniert", + -14.539154052734377 + ], + [ + "\u2581recevr", + -14.5391845703125 + ], + [ + "\u2581proporzioni", + -14.539213180541992 + ], + [ + "\u2581Avev", + -14.539224624633787 + ], + [ + "standby", + -14.539230346679688 + ], + [ + "Anglo", + -14.53925609588623 + ], + [ + "\u2581Pirelli", + -14.539263725280762 + ], + [ + "\u2581spicco", + -14.539289474487305 + ], + [ + "verleihung", + -14.539292335510254 + ], + [ + "fitto", + -14.539314270019531 + ], + [ + "iphon", + -14.53933048248291 + ], + [ + "erezo", + -14.539331436157228 + ], + [ + "\u2581obtienen", + -14.539342880249023 + ], + [ + "\u2581ansteigende", + -14.539361953735352 + ], + [ + "\u2581inediti", + -14.539365768432615 + ], + [ + "Sampdoria", + -14.539366722106934 + ], + [ + "usammenlegung", + -14.539369583129885 + ], + [ + "\u2581curate", + -14.539402961730955 + ], + [ + "vendr\u00eda", + -14.53941535949707 + ], + [ + "\u2581doganali", + -14.539420127868652 + ], + [ + "abbel", + -14.539457321166992 + ], + [ + "\u2581aiuter", + -14.539487838745115 + ], + [ + "onfalon", + -14.53950023651123 + ], + [ + "\u2581Flexi", + -14.53956699371338 + ], + [ + "\u2581Dipinti", + -14.539587020874023 + ], + [ + "D\u00fcr", + -14.539591789245604 + ], + [ + "\u2581uitgekomen", + -14.539597511291504 + ], + [ + "avit\u00e0", + -14.53960132598877 + ], + [ + "\u2581ocurr\u00eda", + -14.539605140686035 + ], + [ + "ambik", + -14.539613723754885 + ], + [ + "ResourceName", + -14.539618492126465 + ], + [ + "\u2581Ewigkeit", + -14.539621353149414 + ], + [ + "\u2581Magu", + -14.539633750915527 + ], + [ + "etimologia", + -14.539644241333008 + ], + [ + "\u2581Vannes", + -14.539698600769045 + ], + [ + "\u2581busque", + -14.53970432281494 + ], + [ + "\u00e9cile", + -14.539711952209473 + ], + [ + "motivation", + -14.539730072021484 + ], + [ + "\u2581operati", + -14.53976058959961 + ], + [ + "edged", + -14.53976821899414 + ], + [ + "izismus", + -14.539777755737305 + ], + [ + "\u00e1rtico", + -14.539796829223633 + ], + [ + "duisent", + -14.53981113433838 + ], + [ + "homogen", + -14.539813041687012 + ], + [ + "\u2581apontam", + -14.539817810058594 + ], + [ + "\u2581ricordate", + -14.539827346801758 + ], + [ + "\u2581lointaine", + -14.539840698242188 + ], + [ + "\u2581beliebtesten", + -14.5398588180542 + ], + [ + "torpede", + -14.539868354797363 + ], + [ + "siedono", + -14.539909362792969 + ], + [ + "\u2581ragn", + -14.53991985321045 + ], + [ + "mb\u00f3", + -14.539934158325195 + ], + [ + "\u2581ru\u00eddo", + -14.53995418548584 + ], + [ + "\u2581onderteken", + -14.539979934692385 + ], + [ + "ponha", + -14.540006637573242 + ], + [ + "mutet", + -14.540013313293455 + ], + [ + "\u2581Trakt", + -14.540019989013672 + ], + [ + "terdisziplin\u00e4re", + -14.540026664733888 + ], + [ + "\u2581dubla", + -14.540040016174316 + ], + [ + "locazione", + -14.540046691894531 + ], + [ + "\u2581tr\u00e1gica", + -14.540085792541504 + ], + [ + "\u2581scuderi", + -14.540088653564451 + ], + [ + "\u2581Trotski", + -14.54016399383545 + ], + [ + "\u2581costarricense", + -14.540185928344728 + ], + [ + "\u2581Winnie", + -14.54019546508789 + ], + [ + "ur\u00fcckweisung", + -14.540205001831056 + ], + [ + "morragi", + -14.540209770202637 + ], + [ + "OLLE", + -14.540242195129396 + ], + [ + "conoscibile", + -14.540242195129396 + ], + [ + "RESERVE", + -14.540253639221191 + ], + [ + "\u2581richiam", + -14.540263175964355 + ], + [ + "\u2581usciva", + -14.54031753540039 + ], + [ + "Dove", + -14.54033374786377 + ], + [ + "TIA", + -14.540375709533691 + ], + [ + "heimat", + -14.540379524230955 + ], + [ + "\u2581Vitell", + -14.54038429260254 + ], + [ + "\u2581onthul", + -14.54038429260254 + ], + [ + "\u2581derselbe", + -14.540406227111816 + ], + [ + "quella", + -14.540407180786133 + ], + [ + "spalte", + -14.540417671203612 + ], + [ + "buchung", + -14.540483474731444 + ], + [ + "\u2581nackte", + -14.540529251098633 + ], + [ + "\u2581atacaron", + -14.540567398071287 + ], + [ + "\u2581Concorde", + -14.540576934814451 + ], + [ + "\u2581Pyramidellidae", + -14.54058837890625 + ], + [ + "\u2581macrophages", + -14.5405912399292 + ], + [ + "herrlich", + -14.540604591369627 + ], + [ + "\u2581Figueira", + -14.54062271118164 + ], + [ + "voqu\u00e9", + -14.54068660736084 + ], + [ + "\u2581vertikal", + -14.540690422058104 + ], + [ + "magnetism", + -14.540699005126951 + ], + [ + "\u2581d\u00e9fil\u00e9", + -14.540699005126951 + ], + [ + "\u2581trentina", + -14.54074764251709 + ], + [ + "\u2581Chiede", + -14.540749549865724 + ], + [ + "\u2581H\u00e4mato", + -14.540757179260254 + ], + [ + "\u2581perteneci", + -14.540759086608888 + ], + [ + "\u2581militarmente", + -14.54078197479248 + ], + [ + "moralis", + -14.54078769683838 + ], + [ + "permeable", + -14.54079818725586 + ], + [ + "\u2581compartilha", + -14.540806770324709 + ], + [ + "\u2581Vangeli", + -14.540828704833984 + ], + [ + "ursachen", + -14.540881156921388 + ], + [ + "\u2581Instanzen", + -14.540905952453612 + ], + [ + "\u2581r\u00e9pondent", + -14.540995597839355 + ], + [ + "\u2581underwater", + -14.541007041931152 + ], + [ + "\u2581Marcelino", + -14.541034698486328 + ], + [ + "etterkunde", + -14.541064262390137 + ], + [ + "\u2581Ferienwohnungen", + -14.541091918945312 + ], + [ + "\u2581aprisiona", + -14.541092872619627 + ], + [ + "uschel", + -14.541104316711426 + ], + [ + "argile", + -14.54112720489502 + ], + [ + "\u2581Pless", + -14.541159629821776 + ], + [ + "\u2581grondstoffen", + -14.541159629821776 + ], + [ + "\u2581Savign", + -14.54116153717041 + ], + [ + "\u2581hydraulique", + -14.541163444519045 + ], + [ + "Walburg", + -14.541165351867676 + ], + [ + "\u2581pulv", + -14.541177749633787 + ], + [ + "eighton", + -14.54118537902832 + ], + [ + "\u2581Surtout", + -14.541186332702637 + ], + [ + "Magento", + -14.5412015914917 + ], + [ + "\u2581Lazzaro", + -14.541203498840332 + ], + [ + "Wilson", + -14.54120635986328 + ], + [ + "\u2581inspirar", + -14.541213989257812 + ], + [ + "\u2581paramilitar", + -14.541214942932127 + ], + [ + "streckung", + -14.541221618652344 + ], + [ + "Observed", + -14.541229248046877 + ], + [ + "skaliert", + -14.541231155395508 + ], + [ + "ploy", + -14.541234970092772 + ], + [ + "SetName", + -14.541241645812988 + ], + [ + "\u2581apostolico", + -14.541259765625 + ], + [ + "\u2581Gerencia", + -14.541261672973633 + ], + [ + "\u2581desativad", + -14.54128074645996 + ], + [ + "\u2581autoritaire", + -14.541302680969238 + ], + [ + "\u2581sinf\u00f3nic", + -14.541329383850098 + ], + [ + "Intercept", + -14.541356086730955 + ], + [ + "akelaar", + -14.541382789611816 + ], + [ + "\u2581competenti", + -14.541385650634766 + ], + [ + "\u2581inviol", + -14.541386604309082 + ], + [ + "\u2581bottegh", + -14.54145622253418 + ], + [ + "\u2581Murg", + -14.541462898254396 + ], + [ + "\u2581Eugeni", + -14.54152011871338 + ], + [ + "\u2581Koster", + -14.54154109954834 + ], + [ + "prozentige", + -14.541553497314451 + ], + [ + "ThirdParty", + -14.541580200195312 + ], + [ + "\u2581Hathaway", + -14.54158878326416 + ], + [ + "agriculteurs", + -14.541589736938477 + ], + [ + "\u2581Konfrontation", + -14.541589736938477 + ], + [ + "\u2581Giacarta", + -14.541595458984377 + ], + [ + "\u2581canadesi", + -14.541596412658691 + ], + [ + "\u2581colaboraciones", + -14.541614532470703 + ], + [ + "\u2581empfahl", + -14.541617393493652 + ], + [ + "\u2581Seifert", + -14.541690826416016 + ], + [ + "\u2581Mandate", + -14.54169464111328 + ], + [ + "cciatorpediniere", + -14.541695594787598 + ], + [ + "Rick", + -14.541718482971191 + ], + [ + "\u2581H\u00fct", + -14.54173469543457 + ], + [ + "\u2581Relativity", + -14.541735649108888 + ], + [ + "\u2581portavano", + -14.54173755645752 + ], + [ + "gendorf", + -14.541760444641112 + ], + [ + "\u2581propongono", + -14.541760444641112 + ], + [ + "treuen", + -14.541791915893556 + ], + [ + "\u2581Permessi", + -14.541791915893556 + ], + [ + "\u2581Urk", + -14.541792869567873 + ], + [ + "\u2581eingreifen", + -14.541794776916504 + ], + [ + "\u2581dodelijk", + -14.5418119430542 + ], + [ + "quieran", + -14.541813850402832 + ], + [ + "\u2581farao", + -14.541818618774414 + ], + [ + "\u2581macell", + -14.541851043701172 + ], + [ + "\u2581Antarktis", + -14.541860580444336 + ], + [ + "\u2581Strafproze", + -14.541874885559082 + ], + [ + "\u2581civica", + -14.54188060760498 + ], + [ + "ABL", + -14.541881561279297 + ], + [ + "\u2581entgegengesetzt", + -14.541910171508787 + ], + [ + "gemeinsam", + -14.541939735412598 + ], + [ + "\u2581Mugabe", + -14.541955947875977 + ], + [ + "segregation", + -14.541984558105469 + ], + [ + "\u2581excesiva", + -14.541993141174316 + ], + [ + "Staff", + -14.542004585266112 + ], + [ + "\u2581fonctionnalit\u00e9", + -14.542009353637695 + ], + [ + "oriano", + -14.542030334472656 + ], + [ + "\u2581crescent", + -14.542031288146973 + ], + [ + "\u2581beloning", + -14.542035102844238 + ], + [ + "\u2581fortschreitende", + -14.542046546936035 + ], + [ + "\u2581propagand", + -14.542048454284668 + ], + [ + "\u2581z\u00e4hlten", + -14.5420503616333 + ], + [ + "\u2581Svalbard", + -14.542091369628906 + ], + [ + "\u2581Wittelsbach", + -14.542091369628906 + ], + [ + "ingiustizia", + -14.542094230651855 + ], + [ + "\u2581Giardino", + -14.542097091674805 + ], + [ + "Calibration", + -14.542157173156738 + ], + [ + "\u2581impotente", + -14.542159080505373 + ], + [ + "\u2581informou", + -14.542187690734863 + ], + [ + "\u2581viaggiate", + -14.542208671569824 + ], + [ + "\u2581bevrijden", + -14.542222023010254 + ], + [ + "\u2581ausf\u00fchrlicher", + -14.542232513427734 + ], + [ + "\u2581Urd", + -14.542254447937012 + ], + [ + "\u2581Sechste", + -14.542255401611328 + ], + [ + "\u2581raquet", + -14.542274475097656 + ], + [ + "\u2581Formulierungen", + -14.542283058166504 + ], + [ + "Decoration", + -14.542285919189451 + ], + [ + "n\u00fctzig", + -14.542313575744627 + ], + [ + "\u2581McCu", + -14.542332649230955 + ], + [ + "\u2581d\u00e9noncer", + -14.542344093322754 + ], + [ + "\u2581sbarra", + -14.542366027832031 + ], + [ + "\u2581Moir", + -14.542366981506348 + ], + [ + "secuci\u00f3n", + -14.542377471923828 + ], + [ + "schwell", + -14.542386054992676 + ], + [ + "\u2581afspraak", + -14.54240608215332 + ], + [ + "\u2581bambol", + -14.5424165725708 + ], + [ + "\u2581fermati", + -14.542448043823242 + ], + [ + "venute", + -14.542450904846191 + ], + [ + "walter", + -14.542489051818848 + ], + [ + "\u2581cereales", + -14.542490005493164 + ], + [ + "\u2581aanvulling", + -14.54253387451172 + ], + [ + "tagnation", + -14.542534828186035 + ], + [ + "sistette", + -14.5425386428833 + ], + [ + "conventional", + -14.542559623718262 + ], + [ + "\u2581exploradores", + -14.542559623718262 + ], + [ + "\u2581arranc", + -14.54256534576416 + ], + [ + "Araneidae", + -14.542594909667969 + ], + [ + "\u2581Bestimmtheit", + -14.542594909667969 + ], + [ + "Adelsgeschlecht", + -14.542604446411133 + ], + [ + "\u2581kalksteen", + -14.542606353759766 + ], + [ + "substitution", + -14.542610168457031 + ], + [ + "\u2581ukrainischen", + -14.542617797851562 + ], + [ + "llustreerd", + -14.542619705200195 + ], + [ + "\u2581vulcanic", + -14.542630195617676 + ], + [ + "Arnold", + -14.54263401031494 + ], + [ + "\u2581Stillegung", + -14.542649269104004 + ], + [ + "\u2581abordagens", + -14.54265022277832 + ], + [ + "\u2581organizacional", + -14.54266357421875 + ], + [ + "Liverpool", + -14.542665481567385 + ], + [ + "pleura", + -14.542681694030762 + ], + [ + "heersende", + -14.542684555053713 + ], + [ + "\u2581savage", + -14.542685508728027 + ], + [ + "\u2581Atkins", + -14.542718887329102 + ], + [ + "ruggen", + -14.542719841003418 + ], + [ + "\u2581taquilla", + -14.542719841003418 + ], + [ + "\u2581prolific", + -14.542773246765137 + ], + [ + "ublado", + -14.542807579040527 + ], + [ + "\u2581Mysterio", + -14.54287338256836 + ], + [ + "\u2581fondarono", + -14.542882919311523 + ], + [ + "\u2581iniziati", + -14.542902946472168 + ], + [ + "arlsbad", + -14.542906761169434 + ], + [ + "appendTo", + -14.542916297912598 + ], + [ + "\u2581kenmerkende", + -14.542916297912598 + ], + [ + "sitta", + -14.54291820526123 + ], + [ + "\u2581liberais", + -14.542973518371582 + ], + [ + "\u2581abrangente", + -14.542977333068848 + ], + [ + "d\u00e9sirable", + -14.542994499206545 + ], + [ + "\u2581Scra", + -14.543010711669922 + ], + [ + "\u2581accettati", + -14.543030738830566 + ], + [ + "\u2581Histologi", + -14.543041229248049 + ], + [ + "ABR", + -14.543062210083008 + ], + [ + "seguito", + -14.543082237243652 + ], + [ + "\u2581Alighieri", + -14.543095588684082 + ], + [ + "\u2581Marriott", + -14.543095588684082 + ], + [ + "\u2581Verzinsung", + -14.543096542358398 + ], + [ + "\u2581piacciono", + -14.543096542358398 + ], + [ + "\u2581subcontinente", + -14.543096542358398 + ], + [ + "\u2581Thrac", + -14.543097496032717 + ], + [ + "\u2581concentrata", + -14.543102264404297 + ], + [ + "publiek", + -14.543105125427246 + ], + [ + "\u2581travessia", + -14.543108940124512 + ], + [ + "\u2581Marjorie", + -14.543113708496094 + ], + [ + "\u2581Bernab\u00e9", + -14.543136596679688 + ], + [ + "\u2581litigation", + -14.543155670166016 + ], + [ + "\u2581Possibilit", + -14.543158531188965 + ], + [ + "\u2581albergue", + -14.543176651000977 + ], + [ + "\u2581s\u00e9par\u00e9ment", + -14.543211936950684 + ], + [ + "\u2581repentino", + -14.543243408203123 + ], + [ + "stuurman", + -14.543261528015137 + ], + [ + "\u2581Morelia", + -14.543267250061035 + ], + [ + "\u2581Sarato", + -14.543270111083984 + ], + [ + "Meisterschaft", + -14.543274879455566 + ], + [ + "\u2581remport\u00e9e", + -14.543286323547363 + ], + [ + "\u2581Jarvis", + -14.543288230895996 + ], + [ + "\u2581investitori", + -14.543307304382324 + ], + [ + "waltungsgerichts", + -14.543323516845703 + ], + [ + "\u2581asimila", + -14.54332447052002 + ], + [ + "\u2581dispiega", + -14.543340682983398 + ], + [ + "\u2581sedili", + -14.543341636657717 + ], + [ + "\u2581indirecte", + -14.543343544006348 + ], + [ + "\u2581contestation", + -14.543347358703612 + ], + [ + "erlein", + -14.543349266052246 + ], + [ + "ermeer", + -14.543416976928713 + ], + [ + "Nitro", + -14.543424606323242 + ], + [ + "Beteiligung", + -14.543450355529783 + ], + [ + "\u2581McLa", + -14.543460845947266 + ], + [ + "\u2581Peder", + -14.543463706970217 + ], + [ + "Winnaar", + -14.543477058410645 + ], + [ + "\u2581whoever", + -14.543498039245604 + ], + [ + "\u2581imaginamos", + -14.543499946594238 + ], + [ + "tigri", + -14.543534278869627 + ], + [ + "\u2581destined", + -14.543538093566896 + ], + [ + "\u2581Sperma", + -14.543569564819336 + ], + [ + "\u2581caserne", + -14.543584823608398 + ], + [ + "AspNetCore", + -14.54359245300293 + ], + [ + "\u2581architetture", + -14.543598175048828 + ], + [ + "\u2581partecipando", + -14.543598175048828 + ], + [ + "\u2581sostituisce", + -14.543604850769045 + ], + [ + "\u2581depositado", + -14.543633460998535 + ], + [ + "\u2581reassur", + -14.543670654296877 + ], + [ + "\u2581pratiquant", + -14.54368019104004 + ], + [ + "\u2581worthwhile", + -14.54368019104004 + ], + [ + "mettez", + -14.543691635131836 + ], + [ + "\u2581Garga", + -14.54371452331543 + ], + [ + "scensi\u00f3n", + -14.543740272521973 + ], + [ + "elbaar", + -14.543757438659668 + ], + [ + "\u2581rievoca", + -14.543805122375488 + ], + [ + "\u2581combattu", + -14.54383659362793 + ], + [ + "AccessKey", + -14.543850898742676 + ], + [ + "ificaciones", + -14.543869018554688 + ], + [ + "\u2581Dupuis", + -14.543893814086914 + ], + [ + "nefeld", + -14.543914794921877 + ], + [ + "\u2581compradores", + -14.543916702270508 + ], + [ + "\u2581fulmine", + -14.543964385986328 + ], + [ + "FEE", + -14.544018745422363 + ], + [ + "\u2581plancha", + -14.54404640197754 + ], + [ + "\u2581exportaciones", + -14.544062614440918 + ], + [ + "\u2581routinely", + -14.544063568115234 + ], + [ + "\u2581ordening", + -14.544108390808104 + ], + [ + "\u2581zeitgem\u00e4", + -14.544121742248535 + ], + [ + "\u2581beruft", + -14.544142723083496 + ], + [ + "butta", + -14.544147491455078 + ], + [ + "Lorenz", + -14.54417610168457 + ], + [ + "\u2581aggregato", + -14.544180870056152 + ], + [ + "\u2581aplaud", + -14.544197082519531 + ], + [ + "\u2581serran", + -14.544212341308594 + ], + [ + "reatinin", + -14.544215202331545 + ], + [ + "\u2581abgesch", + -14.544229507446287 + ], + [ + "\u2581Projekttr\u00e4ger", + -14.544232368469238 + ], + [ + "\u2581perpetrat", + -14.544233322143556 + ], + [ + "\u2581informaciones", + -14.54425048828125 + ], + [ + "\u2581cominciava", + -14.544259071350098 + ], + [ + "\u2581Neutralit\u00e4t", + -14.544278144836426 + ], + [ + "fortbildung", + -14.544304847717283 + ], + [ + "\u2581Cutter", + -14.54439926147461 + ], + [ + "\u2581bouwwerken", + -14.54443073272705 + ], + [ + "regularizer", + -14.54443645477295 + ], + [ + "\u2581verschiedenste", + -14.544438362121582 + ], + [ + "\u2581Drents", + -14.54444408416748 + ], + [ + "\u2581poursuiv", + -14.54444980621338 + ], + [ + "extrud", + -14.544456481933594 + ], + [ + "\u2581Vendi", + -14.54447078704834 + ], + [ + "Corona", + -14.544498443603516 + ], + [ + "sumida", + -14.54450511932373 + ], + [ + "\u2581Belangen", + -14.544507026672363 + ], + [ + "emancipazione", + -14.544514656066896 + ], + [ + "\u2581omosessuali", + -14.544584274291992 + ], + [ + "CTP", + -14.544600486755373 + ], + [ + "\u2581Enunciado", + -14.54460334777832 + ], + [ + "\u2581subterr\u00e1nea", + -14.54460620880127 + ], + [ + "\u2581sollievo", + -14.544607162475586 + ], + [ + "\u2581Gemeinwohl", + -14.5446138381958 + ], + [ + "mutig", + -14.54464626312256 + ], + [ + "\u00e4hlung", + -14.544717788696287 + ], + [ + "\u2581Francesc", + -14.544730186462402 + ], + [ + "\u2581Auburn", + -14.544734001159668 + ], + [ + "striata", + -14.544760704040527 + ], + [ + "\u2581Reng", + -14.544782638549805 + ], + [ + "\u2581ginocchia", + -14.544784545898438 + ], + [ + "\u2581fl\u00e4chendeckende", + -14.544819831848145 + ], + [ + "gewonnen", + -14.544822692871094 + ], + [ + "justiz", + -14.544849395751951 + ], + [ + "\u2581equipaggi", + -14.544879913330078 + ], + [ + "\u2581repetici\u00f3n", + -14.544882774353027 + ], + [ + "\u2581Bardi", + -14.544904708862305 + ], + [ + "\u2581humanista", + -14.544906616210938 + ], + [ + "\u2581mierda", + -14.544909477233888 + ], + [ + "NATO", + -14.544916152954102 + ], + [ + "\u2581lirica", + -14.544919967651367 + ], + [ + "couture", + -14.544937133789062 + ], + [ + "\u2581demjenigen", + -14.544983863830566 + ], + [ + "\u2581provocan", + -14.5449857711792 + ], + [ + "tag\u00f3nico", + -14.545096397399902 + ], + [ + "\u2581Tbilissi", + -14.545106887817385 + ], + [ + "\u2581biv", + -14.545110702514648 + ], + [ + "\u2581Corinth", + -14.545113563537598 + ], + [ + "\u2581Tarquini", + -14.545113563537598 + ], + [ + "\u2581Verwendete", + -14.545117378234863 + ], + [ + "\u2581Rubrik", + -14.545137405395508 + ], + [ + "\u2581Ultramar", + -14.545153617858888 + ], + [ + "\u2581estiment", + -14.545169830322266 + ], + [ + "adena", + -14.545205116271973 + ], + [ + "\u2581supranational", + -14.545245170593262 + ], + [ + "\u2581mestrado", + -14.545248031616213 + ], + [ + "\u2581macar", + -14.545262336730955 + ], + [ + "\u2581creatieve", + -14.545270919799805 + ], + [ + "\u2581Erw\u00e4rmung", + -14.545323371887209 + ], + [ + "\u2581maigre", + -14.545323371887209 + ], + [ + "\u2581Kelt", + -14.545328140258787 + ], + [ + "\u2581vassall", + -14.54533863067627 + ], + [ + "\u2581mantello", + -14.545339584350586 + ], + [ + "\u2581Janice", + -14.545373916625977 + ], + [ + "\u2581ertragen", + -14.545377731323242 + ], + [ + "\u2581Gasperi", + -14.545392036437988 + ], + [ + "Captain", + -14.54543399810791 + ], + [ + "\u2581cre\u00edan", + -14.545435905456545 + ], + [ + "Buddhismus", + -14.54549503326416 + ], + [ + "\u2581Reut", + -14.545540809631348 + ], + [ + "\u2581Sultanat", + -14.545546531677246 + ], + [ + "\u2581arreca", + -14.545560836791992 + ], + [ + "physiologie", + -14.545561790466309 + ], + [ + "\u2581Jesuiten", + -14.545570373535156 + ], + [ + "\u2581alg\u00e9rienne", + -14.545577049255373 + ], + [ + "gewoon", + -14.545594215393066 + ], + [ + "\u2581unabweisbar", + -14.545610427856444 + ], + [ + "Westerwald", + -14.54562759399414 + ], + [ + "lightgray", + -14.545697212219238 + ], + [ + "\u2581memoriz", + -14.545714378356934 + ], + [ + "beschreibungen", + -14.54572868347168 + ], + [ + "riegel", + -14.545747756958008 + ], + [ + "oceen", + -14.545814514160156 + ], + [ + "\u2581weitergef\u00fchrt", + -14.545814514160156 + ], + [ + "\u2581feststeh", + -14.545822143554688 + ], + [ + "\u2581scaturi", + -14.545873641967772 + ], + [ + "\u2581Philosophen", + -14.545881271362305 + ], + [ + "\u2581Malacca", + -14.54589557647705 + ], + [ + "\u2581incluent", + -14.545905113220217 + ], + [ + "\u2581pensadores", + -14.545912742614746 + ], + [ + "OMC", + -14.545936584472656 + ], + [ + "\u2581Thorpe", + -14.545961380004885 + ], + [ + "\u2581condann", + -14.54600715637207 + ], + [ + "EBP", + -14.546031951904297 + ], + [ + "\u2581Wimmer", + -14.546038627624512 + ], + [ + "olidae", + -14.546052932739258 + ], + [ + "\u2581iraniano", + -14.546053886413574 + ], + [ + "difice", + -14.54609203338623 + ], + [ + "Subsystem", + -14.546101570129396 + ], + [ + "\u2581Synchronisation", + -14.546113967895508 + ], + [ + "\u2581desacuerdo", + -14.546116828918455 + ], + [ + "\u2581Descamps", + -14.546117782592772 + ], + [ + "\u2581bisognava", + -14.54612159729004 + ], + [ + "sicherten", + -14.546124458312988 + ], + [ + "\u2581diputada", + -14.546137809753418 + ], + [ + "\u2581Ratzinger", + -14.546156883239746 + ], + [ + "\u2581allesamt", + -14.546162605285645 + ], + [ + "Swagger", + -14.54616641998291 + ], + [ + "uebrada", + -14.546185493469238 + ], + [ + "\u2581Phyllis", + -14.546196937561035 + ], + [ + "\u2581forecasting", + -14.5462007522583 + ], + [ + "ceduta", + -14.54620361328125 + ], + [ + "\u2581verhuisd", + -14.54620361328125 + ], + [ + "\u2581Gefrier", + -14.546236991882324 + ], + [ + "\u2581miocardi", + -14.546244621276855 + ], + [ + "\u2581Reportage", + -14.546246528625488 + ], + [ + "mineermotten", + -14.54625129699707 + ], + [ + "\u2581afgevoerd", + -14.546270370483398 + ], + [ + "\u2581Jahrestag", + -14.546281814575195 + ], + [ + "vermittler", + -14.546283721923828 + ], + [ + "\u2581senhora", + -14.546290397644045 + ], + [ + "\u2581elogiad", + -14.546320915222168 + ], + [ + "bedding", + -14.546358108520508 + ], + [ + "\u2581inverter", + -14.546382904052734 + ], + [ + "klier", + -14.546408653259276 + ], + [ + "SIBLE", + -14.546424865722656 + ], + [ + "rypto", + -14.546483039855955 + ], + [ + "\u2581Fernbus", + -14.546544075012209 + ], + [ + "enthalten", + -14.546551704406738 + ], + [ + "\u2581Colima", + -14.546600341796877 + ], + [ + "\u2581innumerables", + -14.546618461608888 + ], + [ + "\u2581Pr\u00e4dikat", + -14.546619415283203 + ], + [ + "\u2581prestigieuze", + -14.546619415283203 + ], + [ + "\u2581kolommen", + -14.54662036895752 + ], + [ + "klappe", + -14.54664134979248 + ], + [ + "Honor", + -14.546667098999023 + ], + [ + "\u2581befreundet", + -14.546672821044922 + ], + [ + "experiente", + -14.54667854309082 + ], + [ + "\u2581diversificada", + -14.546683311462402 + ], + [ + "\u2581occasionali", + -14.54668426513672 + ], + [ + "\u2581Barent", + -14.54669189453125 + ], + [ + "benutzung", + -14.546697616577148 + ], + [ + "ignar", + -14.54672908782959 + ], + [ + "spoorlijn", + -14.546759605407717 + ], + [ + "\u2581meinsam", + -14.54678726196289 + ], + [ + "WRAPPER", + -14.546791076660156 + ], + [ + "\u2581Vermei", + -14.546796798706056 + ], + [ + "\u2581Bolesla", + -14.546828269958496 + ], + [ + "Beschrijving", + -14.546830177307127 + ], + [ + "\u2581vollstreck", + -14.546839714050291 + ], + [ + "Categorie", + -14.546886444091797 + ], + [ + "\u2581proportionnelle", + -14.54691219329834 + ], + [ + "\u2581envahiss", + -14.546913146972656 + ], + [ + "\u2581arcilla", + -14.546926498413086 + ], + [ + "\u2581padiglion", + -14.546930313110352 + ], + [ + "\u2581trevas", + -14.546953201293944 + ], + [ + "\u2581alterazioni", + -14.546996116638184 + ], + [ + "DTLS", + -14.547009468078612 + ], + [ + "\u2581Hyg", + -14.54701805114746 + ], + [ + "lichtungsstelle", + -14.547057151794434 + ], + [ + "\u2581simultan\u00e9", + -14.54705810546875 + ], + [ + "\u2581Caracol", + -14.547062873840332 + ], + [ + "hrift", + -14.547080039978027 + ], + [ + "Village", + -14.547106742858888 + ], + [ + "\u2581Verletzte", + -14.547107696533203 + ], + [ + "\u2581veranschaulicht", + -14.547122955322266 + ], + [ + "\u2581Atrizes", + -14.547126770019531 + ], + [ + "eirinha", + -14.547130584716797 + ], + [ + "\u2581F\u00edsico", + -14.547131538391112 + ], + [ + "suivit", + -14.547142028808594 + ], + [ + "\u2581riempire", + -14.547143936157228 + ], + [ + "\u2581cadeaux", + -14.54714584350586 + ], + [ + "hiek", + -14.547168731689451 + ], + [ + "\u2581Ariadn", + -14.547168731689451 + ], + [ + "\u2581Klop", + -14.547170639038086 + ], + [ + "\u2581trasmessi", + -14.547176361083984 + ], + [ + "movente", + -14.547179222106934 + ], + [ + "\u2581exportiert", + -14.547179222106934 + ], + [ + "\u2581pittoric", + -14.547179222106934 + ], + [ + "\u2581Trinken", + -14.547191619873049 + ], + [ + "niper", + -14.547194480895996 + ], + [ + "\u2581mandolin", + -14.547203063964844 + ], + [ + "\u2581ricavato", + -14.547236442565918 + ], + [ + "\u2581respectable", + -14.547239303588867 + ], + [ + "AAB", + -14.547245025634766 + ], + [ + "\u2581Tierhaltung", + -14.547259330749512 + ], + [ + "\u2581opposte", + -14.54727840423584 + ], + [ + "\u2581patologie", + -14.547308921813965 + ], + [ + "\u2581Bepaal", + -14.54736614227295 + ], + [ + "\u2581zool\u00f3gico", + -14.547374725341797 + ], + [ + "drong", + -14.547466278076172 + ], + [ + "\u2581bugg", + -14.547483444213867 + ], + [ + "\u2581distribuita", + -14.547517776489258 + ], + [ + "\u2581notoriedad", + -14.54752254486084 + ], + [ + "\u2581aterroriza", + -14.54757022857666 + ], + [ + "\u2581vergogn", + -14.547582626342772 + ], + [ + "nthalpie", + -14.547605514526367 + ], + [ + "\u2581mediamente", + -14.547618865966797 + ], + [ + "scrap", + -14.54763412475586 + ], + [ + "\u2581xrange", + -14.547635078430176 + ], + [ + "\u2581ignorado", + -14.547687530517578 + ], + [ + "Facade", + -14.547728538513184 + ], + [ + "\u2581incentivar", + -14.547739028930664 + ], + [ + "\u2581ospedalier", + -14.547757148742676 + ], + [ + "\u2581pascolo", + -14.547759056091309 + ], + [ + "AAR", + -14.547783851623535 + ], + [ + "\u2581triad", + -14.5477876663208 + ], + [ + "\u2581Ciri", + -14.547849655151367 + ], + [ + "\u2581mesti", + -14.547849655151367 + ], + [ + "ariz", + -14.54786491394043 + ], + [ + "WithDefault", + -14.547869682312012 + ], + [ + "lilla", + -14.547884941101074 + ], + [ + "soprano", + -14.547904014587402 + ], + [ + "\u2581Bili", + -14.547907829284668 + ], + [ + "Gew", + -14.547911643981934 + ], + [ + "\u2581tritura", + -14.547924995422363 + ], + [ + "\u2581accolta", + -14.547934532165527 + ], + [ + "situa", + -14.547935485839844 + ], + [ + "takking", + -14.547938346862791 + ], + [ + "\u2581fabriqu\u00e9e", + -14.54794979095459 + ], + [ + "\u2581scommess", + -14.547998428344728 + ], + [ + "\u2581silencioso", + -14.548004150390623 + ], + [ + "typeOf", + -14.548012733459473 + ], + [ + "\u2581Endothel", + -14.548019409179688 + ], + [ + "\u2581gef\u00fchlt", + -14.548027992248535 + ], + [ + "\u2581muziekalbum", + -14.548040390014648 + ], + [ + "lkerungsentwickl", + -14.548076629638672 + ], + [ + "\u2581croato", + -14.548091888427734 + ], + [ + "\u2581erwachsenen", + -14.54810619354248 + ], + [ + "\u2581persecuzione", + -14.548125267028809 + ], + [ + "munis", + -14.54813003540039 + ], + [ + "\u2581Marlborough", + -14.548131942749023 + ], + [ + "\u2581parrocchie", + -14.548131942749023 + ], + [ + "\u2581facilitado", + -14.548148155212402 + ], + [ + "\u2581geografiche", + -14.548150062561035 + ], + [ + "\u2581rem\u00e9dio", + -14.548157691955566 + ], + [ + "\u2581cofundador", + -14.54819393157959 + ], + [ + "Encrypted", + -14.548195838928224 + ], + [ + "\u2581Morrone", + -14.548206329345703 + ], + [ + "\u2581einbringen", + -14.54822063446045 + ], + [ + "\u2581Bhu", + -14.548221588134766 + ], + [ + "\u2581Diversas", + -14.548242568969728 + ], + [ + "stitucionais", + -14.54826831817627 + ], + [ + "disso", + -14.548312187194824 + ], + [ + "\u2581praktischer", + -14.54831600189209 + ], + [ + "localVarHttp", + -14.548343658447266 + ], + [ + "lainen", + -14.548348426818848 + ], + [ + "getContent", + -14.548379898071287 + ], + [ + "ubbio", + -14.548392295837402 + ], + [ + "\u2581preclude", + -14.5483980178833 + ], + [ + "\u2581praticato", + -14.548407554626465 + ], + [ + "\u2581mortalidade", + -14.548418998718262 + ], + [ + "fferente", + -14.54842472076416 + ], + [ + "\u2581feminismo", + -14.548447608947754 + ], + [ + "ERRE", + -14.548473358154297 + ], + [ + "\u2581mescolat", + -14.548480033874512 + ], + [ + "\u2581mountainous", + -14.548495292663574 + ], + [ + "\u2581suscit\u00e9", + -14.548498153686523 + ], + [ + "\u2581Policia", + -14.548612594604492 + ], + [ + "\u2581Konfession", + -14.548636436462402 + ], + [ + "\u2581craindre", + -14.548636436462402 + ], + [ + "\u2581denomin\u00f3", + -14.548651695251465 + ], + [ + "\u2581inaccurate", + -14.548656463623049 + ], + [ + "\u2581esclavo", + -14.548661231994627 + ], + [ + "\u2581Sintra", + -14.54867172241211 + ], + [ + "\u2581Saman", + -14.548686027526855 + ], + [ + "\u2581Villaggi", + -14.548726081848145 + ], + [ + "\u2581angenehme", + -14.54872703552246 + ], + [ + "\u2581podremos", + -14.548731803894045 + ], + [ + "atuba", + -14.54873752593994 + ], + [ + "\u2581Steuereinnahmen", + -14.548739433288574 + ], + [ + "\u00e4lle", + -14.548750877380373 + ], + [ + "\u2581regimi", + -14.54877471923828 + ], + [ + "Electric", + -14.548778533935549 + ], + [ + "glossary", + -14.54878044128418 + ], + [ + "arcoma", + -14.54881191253662 + ], + [ + "coltura", + -14.54881477355957 + ], + [ + "\u2581Soko", + -14.548818588256836 + ], + [ + "\u2581monoid", + -14.548824310302734 + ], + [ + "\u2581Hochstift", + -14.548840522766112 + ], + [ + "gezogene", + -14.54889965057373 + ], + [ + "henmeter", + -14.548901557922363 + ], + [ + "burgemeester", + -14.548910140991213 + ], + [ + "\u2581alfabetiza", + -14.54892349243164 + ], + [ + "\u2581prepagat", + -14.548933029174805 + ], + [ + "\u2581Severino", + -14.548968315124512 + ], + [ + "ICHE", + -14.54897117614746 + ], + [ + "solved", + -14.548998832702637 + ], + [ + "Communication", + -14.54900360107422 + ], + [ + "\u2581\u00fcbergegangen", + -14.549010276794434 + ], + [ + "\u2581arruola", + -14.549057960510254 + ], + [ + "\u2581exagera", + -14.549072265625 + ], + [ + "Vogel", + -14.549117088317873 + ], + [ + "\u2581Actividades", + -14.549144744873049 + ], + [ + "\u2581hindern", + -14.549190521240234 + ], + [ + "\u2581distribuite", + -14.549217224121094 + ], + [ + "\u2581juniores", + -14.549230575561523 + ], + [ + "grown", + -14.54923152923584 + ], + [ + "\u2581meteorologiche", + -14.549239158630373 + ], + [ + "michel", + -14.54926300048828 + ], + [ + "\u2581Loll", + -14.549267768859863 + ], + [ + "eleganza", + -14.549270629882812 + ], + [ + "reg\u00f3n", + -14.549277305603027 + ], + [ + "backoff", + -14.549280166625977 + ], + [ + "\u2581citro", + -14.549304008483888 + ], + [ + "\u2581Wahlbeteiligung", + -14.549307823181152 + ], + [ + "\u2581gemell", + -14.549312591552734 + ], + [ + "\u2581Gobernadores", + -14.549317359924316 + ], + [ + "sprekende", + -14.54935073852539 + ], + [ + "Vrijdag", + -14.549354553222656 + ], + [ + "szeugnis", + -14.549357414245604 + ], + [ + "rthogonal", + -14.549372673034668 + ], + [ + "\u2581Downing", + -14.54940128326416 + ], + [ + "\u2581Estrei", + -14.54943561553955 + ], + [ + "\u2581Dynamical", + -14.549444198608398 + ], + [ + "\u2581allevat", + -14.549450874328612 + ], + [ + "lasco", + -14.549555778503418 + ], + [ + "arrant", + -14.549565315246582 + ], + [ + "organized", + -14.549579620361328 + ], + [ + "\u2581Kenntnisstand", + -14.54959201812744 + ], + [ + "covering", + -14.54963207244873 + ], + [ + "\u2581Rh\u00e9nanie", + -14.549649238586426 + ], + [ + "\u2581Emergenc", + -14.549654960632324 + ], + [ + "\u2581encontr\u00e9", + -14.549654960632324 + ], + [ + "\u2581Brotherhood", + -14.549657821655272 + ], + [ + "\u2581Weinstein", + -14.549662590026855 + ], + [ + "karton", + -14.549675941467283 + ], + [ + "agamento", + -14.549683570861816 + ], + [ + "\u2581Mandal", + -14.54969882965088 + ], + [ + "\u2581governava", + -14.549702644348145 + ], + [ + "OLOGI", + -14.549718856811523 + ], + [ + "Beihilferegelung", + -14.549722671508787 + ], + [ + "\u2581posicionar", + -14.549728393554688 + ], + [ + "torpille", + -14.549739837646484 + ], + [ + "\u2581Diret\u00f3rio", + -14.549739837646484 + ], + [ + "bullying", + -14.549749374389648 + ], + [ + "FontColor", + -14.549778938293455 + ], + [ + "\u2581basilar", + -14.5498046875 + ], + [ + "schr\u00e4nkte", + -14.549880027770996 + ], + [ + "eroemd", + -14.54988956451416 + ], + [ + "integrit\u00e0", + -14.549921035766602 + ], + [ + "\u2581lasciarono", + -14.549934387207031 + ], + [ + "\u2581Edgard", + -14.549941062927246 + ], + [ + "intraprende", + -14.54994773864746 + ], + [ + "ilderung", + -14.549967765808104 + ], + [ + "\u2581Neuerungen", + -14.549972534179688 + ], + [ + "tasten", + -14.55000114440918 + ], + [ + "\u2581ricoperta", + -14.55006217956543 + ], + [ + "uvio", + -14.550094604492188 + ], + [ + "\u2581asesinada", + -14.55009651184082 + ], + [ + "\u2581descarta", + -14.5501070022583 + ], + [ + "\u2581trigonometric", + -14.550121307373049 + ], + [ + "acrylat", + -14.550140380859377 + ], + [ + "Fibroblasten", + -14.550158500671388 + ], + [ + "\u2581corrett", + -14.550159454345703 + ], + [ + "omosessualit\u00e0", + -14.55017375946045 + ], + [ + "klaver", + -14.55018711090088 + ], + [ + "Cellar", + -14.55019474029541 + ], + [ + "\u2581sustituto", + -14.550203323364258 + ], + [ + "\u2581consulente", + -14.550236701965332 + ], + [ + "fixado", + -14.550264358520508 + ], + [ + "aufdie", + -14.55028247833252 + ], + [ + "Executing", + -14.550312042236328 + ], + [ + "\u2581emprender", + -14.5503568649292 + ], + [ + "\u2581Dirige", + -14.55036735534668 + ], + [ + "\u2581Battisti", + -14.550381660461426 + ], + [ + "\u2581tunisien", + -14.550389289855955 + ], + [ + "gobernador", + -14.550445556640623 + ], + [ + "\u2581D\u00e9cors", + -14.550445556640623 + ], + [ + "Designer", + -14.55045223236084 + ], + [ + "asiatische", + -14.550457000732422 + ], + [ + "\u2581Einheimische", + -14.550477981567385 + ], + [ + "diacon", + -14.55050277709961 + ], + [ + "\u2581Gabriella", + -14.550503730773926 + ], + [ + "ongfestival", + -14.55057430267334 + ], + [ + "\u2581formulierten", + -14.550577163696287 + ], + [ + "\u2581incorporato", + -14.550596237182615 + ], + [ + "\u2581empirica", + -14.550628662109377 + ], + [ + "\u2581beheben", + -14.550655364990234 + ], + [ + "Hewitson", + -14.5506591796875 + ], + [ + "\u2581criptografad", + -14.5506591796875 + ], + [ + "\u2581Intellectual", + -14.550661087036133 + ], + [ + "acquirent", + -14.550671577453612 + ], + [ + "\u2581landbouwer", + -14.550700187683104 + ], + [ + "exponential", + -14.550708770751951 + ], + [ + "ogging", + -14.550711631774902 + ], + [ + "gew\u00e4chse", + -14.55071258544922 + ], + [ + "Geist", + -14.550827026367188 + ], + [ + "Kog", + -14.550835609436035 + ], + [ + "JsonProperty", + -14.550840377807615 + ], + [ + "\u2581Tanque", + -14.55086612701416 + ], + [ + "\u2581univariate", + -14.55088233947754 + ], + [ + "\u2581rassembl", + -14.55088710784912 + ], + [ + "\u2581prolonger", + -14.550888061523438 + ], + [ + "suchungen", + -14.550899505615234 + ], + [ + "\u2581ciec", + -14.55095386505127 + ], + [ + "\u2581niedrigem", + -14.55095672607422 + ], + [ + "il\u00e1tero", + -14.550975799560549 + ], + [ + "oglossum", + -14.550978660583496 + ], + [ + "\u2581nationalism", + -14.551005363464355 + ], + [ + "\u2581fortunate", + -14.55105686187744 + ], + [ + "nition", + -14.551064491271973 + ], + [ + "LISTEN", + -14.551085472106934 + ], + [ + "\u2581bereitstellen", + -14.5510892868042 + ], + [ + "\u2581edilizi", + -14.551111221313477 + ], + [ + "perturbed", + -14.551146507263184 + ], + [ + "\u2581Internat", + -14.551159858703612 + ], + [ + "\u2581Sinonimia", + -14.551165580749512 + ], + [ + "\u2581Dursley", + -14.551172256469728 + ], + [ + "\u2581noodzaak", + -14.551172256469728 + ], + [ + "Automated", + -14.551173210144045 + ], + [ + "\u2581p\u00e9niten", + -14.551193237304688 + ], + [ + "documentaire", + -14.551197052001951 + ], + [ + "\u2581Tasman", + -14.551202774047852 + ], + [ + "\u2581estendeva", + -14.551204681396484 + ], + [ + "produktivit\u00e4t", + -14.551209449768066 + ], + [ + "\u2581Razz", + -14.551225662231444 + ], + [ + "CHRO", + -14.551228523254396 + ], + [ + "Besoldung", + -14.551230430603027 + ], + [ + "\u2581Elternzeit", + -14.55124282836914 + ], + [ + "direita", + -14.551321983337402 + ], + [ + "\u2581autostradali", + -14.551321983337402 + ], + [ + "\u2581Schelling", + -14.5513277053833 + ], + [ + "\u2581problematica", + -14.551342010498049 + ], + [ + "\u2581protester", + -14.551355361938477 + ], + [ + "\u2581Templa", + -14.551362037658691 + ], + [ + "\u2581Lesbian", + -14.55136775970459 + ], + [ + "\u2581troupeau", + -14.551368713378906 + ], + [ + "Finanzierung", + -14.551371574401855 + ], + [ + "zuschl\u00e4ge", + -14.551384925842283 + ], + [ + "\u2581Alleati", + -14.55142307281494 + ], + [ + "\u2581blanchi", + -14.551426887512209 + ], + [ + "\u2581Gestern", + -14.551447868347168 + ], + [ + "\u2581circulating", + -14.551450729370115 + ], + [ + "\u2581esserne", + -14.551453590393066 + ], + [ + "\u2581restituzione", + -14.551453590393066 + ], + [ + "\u2581Mindestens", + -14.551464080810549 + ], + [ + "\u2581picar", + -14.551465034484863 + ], + [ + "stufa", + -14.551484107971191 + ], + [ + "\u2581adottat", + -14.551511764526367 + ], + [ + "\u2581tangential", + -14.551542282104492 + ], + [ + "interessato", + -14.551572799682615 + ], + [ + "\u2581irrespective", + -14.551591873168944 + ], + [ + "daptaciones", + -14.551603317260742 + ], + [ + "ggetti", + -14.551616668701172 + ], + [ + "stangen", + -14.551618576049805 + ], + [ + "\u2581baccalaur\u00e9at", + -14.55167293548584 + ], + [ + "\u2581empreendimento", + -14.55167293548584 + ], + [ + "favicon", + -14.551682472229004 + ], + [ + "\u2581Estadounidense", + -14.551688194274902 + ], + [ + "kuni", + -14.5516939163208 + ], + [ + "\u2581Krater", + -14.55174160003662 + ], + [ + "\u2581Wandlung", + -14.551748275756836 + ], + [ + "\u2581Ocean\u00eda", + -14.551750183105469 + ], + [ + "pendenza", + -14.551756858825684 + ], + [ + "declared", + -14.551765441894531 + ], + [ + "\u2581bienvenida", + -14.55176830291748 + ], + [ + "\u2581contenga", + -14.55176830291748 + ], + [ + "\u2581Gesamtwert", + -14.551815032958984 + ], + [ + "\u2581minimalist", + -14.551819801330566 + ], + [ + "\u2581communicated", + -14.55184555053711 + ], + [ + "\u2581asceti", + -14.55190658569336 + ], + [ + "LastName", + -14.551941871643066 + ], + [ + "\u2581assimil\u00e9", + -14.551941871643066 + ], + [ + "\u2581verdichtet", + -14.551974296569824 + ], + [ + "usammentreffen", + -14.551981925964355 + ], + [ + "danze", + -14.551998138427734 + ], + [ + "\u2581abzielen", + -14.552006721496582 + ], + [ + "\u2581Cabal", + -14.552014350891112 + ], + [ + "wehrt", + -14.552064895629885 + ], + [ + "arr\u00e9", + -14.552116394042969 + ], + [ + "\u2581soltera", + -14.55214023590088 + ], + [ + "Nazaire", + -14.55217742919922 + ], + [ + "\u2581vingers", + -14.552178382873535 + ], + [ + "\u2581\u00fcberw\u00e4ltig", + -14.552181243896484 + ], + [ + "\u2581d\u00e9clench\u00e9", + -14.55219268798828 + ], + [ + "\u2581Surgery", + -14.552193641662598 + ], + [ + "\u2581napoletano", + -14.552213668823242 + ], + [ + "\u2581erneuerbare", + -14.55222511291504 + ], + [ + "\u2581complicaciones", + -14.552271842956545 + ], + [ + "adensis", + -14.552313804626465 + ], + [ + "\u2581arcan", + -14.552364349365234 + ], + [ + "houdelijk", + -14.552366256713867 + ], + [ + "edging", + -14.55242919921875 + ], + [ + "Aprilia", + -14.55246639251709 + ], + [ + "oratore", + -14.552468299865724 + ], + [ + "\u2581scontat", + -14.552486419677734 + ], + [ + "\u2581enfrentado", + -14.552490234375 + ], + [ + "Beratung", + -14.552515029907228 + ], + [ + "\u2581patrocinado", + -14.552523612976074 + ], + [ + "\u2581Metallica", + -14.552535057067873 + ], + [ + "\u2581livra", + -14.552567481994627 + ], + [ + "\u2581Eigenheim", + -14.552579879760742 + ], + [ + "\u2581artefactos", + -14.552587509155272 + ], + [ + "chtung", + -14.552618980407717 + ], + [ + "\u2581Assunto", + -14.552621841430664 + ], + [ + "redu", + -14.552637100219728 + ], + [ + "\u2581Pfla", + -14.55263900756836 + ], + [ + "\u2581prononc\u00e9e", + -14.552657127380373 + ], + [ + "\u2581doscientos", + -14.55265998840332 + ], + [ + "Harmattan", + -14.55268669128418 + ], + [ + "\u2581reazionari", + -14.55268669128418 + ], + [ + "\u2581Steinmetz", + -14.552688598632812 + ], + [ + "\u2581Beschlagnahme", + -14.552689552307127 + ], + [ + "contentInset", + -14.55270767211914 + ], + [ + "PIT", + -14.552708625793455 + ], + [ + "berland", + -14.552732467651367 + ], + [ + "kinson", + -14.552752494812012 + ], + [ + "\u2581voetbaltrainer", + -14.55275535583496 + ], + [ + "polysaccharide", + -14.552756309509276 + ], + [ + "\u2581travagli", + -14.552756309509276 + ], + [ + "ennesim", + -14.552837371826172 + ], + [ + "\u2581competitor", + -14.552842140197754 + ], + [ + "\u2581Verschiebungen", + -14.552845001220703 + ], + [ + "\u2581permanecido", + -14.552845001220703 + ], + [ + "\u2581foremost", + -14.552851676940918 + ], + [ + "\u00e9sio", + -14.552867889404297 + ], + [ + "\u2581\u00fcberlegte", + -14.552871704101562 + ], + [ + "\u2581multilingu", + -14.55287742614746 + ], + [ + "\u2581Rheuma", + -14.552885055541992 + ], + [ + "\u2581mercantili", + -14.552892684936523 + ], + [ + "citoyennet\u00e9", + -14.552922248840332 + ], + [ + "\u2581planifi", + -14.552938461303713 + ], + [ + "\u2581adicionando", + -14.552956581115724 + ], + [ + "\u2581descontento", + -14.552967071533203 + ], + [ + "getreu", + -14.55300521850586 + ], + [ + "Inspector", + -14.553035736083984 + ], + [ + "\u2581liberate", + -14.553067207336426 + ], + [ + "\u2581castiga", + -14.55306911468506 + ], + [ + "\u2581Devemos", + -14.553088188171388 + ], + [ + "arancio", + -14.55312442779541 + ], + [ + "remises", + -14.55312442779541 + ], + [ + "gelegenheiten", + -14.553168296813965 + ], + [ + "Guarulhos", + -14.553194046020508 + ], + [ + "\u2581Lyceum", + -14.55320167541504 + ], + [ + "\u2581artisanale", + -14.553202629089355 + ], + [ + "\u2581Coutinho", + -14.553216934204102 + ], + [ + "\u2581derhalve", + -14.553296089172363 + ], + [ + "\u2581dodelijke", + -14.553304672241213 + ], + [ + "\u2581intensif", + -14.5533447265625 + ], + [ + "h\u00e4l", + -14.553353309631348 + ], + [ + "\u2581Vigili", + -14.553412437438965 + ], + [ + "akoff", + -14.553447723388672 + ], + [ + "Promote", + -14.55345344543457 + ], + [ + "\u2581accontenta", + -14.55346393585205 + ], + [ + "usatzversorgung", + -14.553464889526367 + ], + [ + "\u2581Stip", + -14.553475379943848 + ], + [ + "\u00e4si", + -14.553506851196287 + ], + [ + "\u2581departing", + -14.553561210632324 + ], + [ + "aramente", + -14.553596496582031 + ], + [ + "\u2581elenchi", + -14.553624153137209 + ], + [ + "\u2581scivol", + -14.553629875183104 + ], + [ + "CLICK", + -14.553653717041016 + ], + [ + "\u2581Nazar\u00e9", + -14.553667068481444 + ], + [ + "\u2581congregation", + -14.553674697875977 + ], + [ + "acetam", + -14.553686141967772 + ], + [ + "\u2581verhandel", + -14.55369758605957 + ], + [ + "Cath\u00e9drale", + -14.553701400756836 + ], + [ + "\u2581preenchido", + -14.553701400756836 + ], + [ + "\u2581vicissitud", + -14.553701400756836 + ], + [ + "soriasis", + -14.553703308105469 + ], + [ + "\u2581crociere", + -14.553703308105469 + ], + [ + "\u00e4mt", + -14.553706169128418 + ], + [ + "\u2581gestoppt", + -14.553706169128418 + ], + [ + "\u2581Waalwijk", + -14.55371379852295 + ], + [ + "Lothringen", + -14.55372714996338 + ], + [ + "multiline", + -14.553729057312012 + ], + [ + "infrastruttura", + -14.553733825683594 + ], + [ + "DIRNAME", + -14.553767204284668 + ], + [ + "versnellingsbak", + -14.55379581451416 + ], + [ + "CNA", + -14.553803443908691 + ], + [ + "\u2581floresce", + -14.553820610046388 + ], + [ + "\u2581Eintragungen", + -14.55385971069336 + ], + [ + "District", + -14.553865432739258 + ], + [ + "\u2581Dioniso", + -14.553871154785156 + ], + [ + "opatia", + -14.553927421569824 + ], + [ + "\u00e9pouser", + -14.553936958312988 + ], + [ + "\u2581ripristina", + -14.553939819335938 + ], + [ + "truder", + -14.553974151611328 + ], + [ + "magistra", + -14.553977012634276 + ], + [ + "valenza", + -14.554019927978516 + ], + [ + "\u2581estabelecendo", + -14.554020881652832 + ], + [ + "hitch", + -14.554075241088867 + ], + [ + "molto", + -14.5540771484375 + ], + [ + "\u2581Sabino", + -14.5540771484375 + ], + [ + "intersected", + -14.554089546203612 + ], + [ + "\u2581interazioni", + -14.554146766662598 + ], + [ + "\u2581usaram", + -14.554155349731444 + ], + [ + "\u2581atenua", + -14.55416202545166 + ], + [ + "\u2581Keiner", + -14.554168701171877 + ], + [ + "Aur\u00e9lien", + -14.554190635681152 + ], + [ + "Herman", + -14.554208755493164 + ], + [ + "\u2581Ger\u00fcchte", + -14.55420970916748 + ], + [ + "Paar", + -14.554211616516112 + ], + [ + "\u2581terrific", + -14.554299354553224 + ], + [ + "acabe", + -14.554313659667969 + ], + [ + "\u2581erradica", + -14.554322242736816 + ], + [ + "\u2581Interessante", + -14.554325103759766 + ], + [ + "\u2581B\u00fcndel", + -14.554326057434082 + ], + [ + "\u2581Tabletten", + -14.554330825805664 + ], + [ + "\u2581sneuvelde", + -14.554330825805664 + ], + [ + "\u2581enfatizar", + -14.554341316223145 + ], + [ + "basenet", + -14.554357528686523 + ], + [ + "\u2581verlaufenden", + -14.554357528686523 + ], + [ + "\u2581Campingplatz", + -14.554365158081056 + ], + [ + "\u2581funebre", + -14.554390907287598 + ], + [ + "\u2581Sommigen", + -14.554436683654783 + ], + [ + "pectrometer", + -14.55445957183838 + ], + [ + "\u2581Publicado", + -14.554471015930176 + ], + [ + "ransponder", + -14.554516792297363 + ], + [ + "ephal", + -14.554521560668944 + ], + [ + "Instrumentation", + -14.554557800292969 + ], + [ + "\u2581relatividad", + -14.554563522338867 + ], + [ + "\u2581actualizado", + -14.55457878112793 + ], + [ + "concepi", + -14.554593086242676 + ], + [ + "\u2581noleggiat", + -14.554625511169434 + ], + [ + "\u2581alinhad", + -14.554627418518066 + ], + [ + "jsonpath", + -14.554715156555176 + ], + [ + "\u2581egipcia", + -14.554718017578123 + ], + [ + "Djibouti", + -14.55471897125244 + ], + [ + "\u2581Leptoceridae", + -14.55471897125244 + ], + [ + "\u2581paludos", + -14.554720878601074 + ], + [ + "\u2581cinematograf", + -14.554723739624023 + ], + [ + "\u2581quechua", + -14.554739952087402 + ], + [ + "\u2581zwavel", + -14.554747581481934 + ], + [ + "\u2581scattare", + -14.554813385009766 + ], + [ + "\u2581kiezer", + -14.55483055114746 + ], + [ + "\u2581Consultado", + -14.554842948913574 + ], + [ + "\u2581ambachts", + -14.55484676361084 + ], + [ + "\u2581multilateral", + -14.554855346679688 + ], + [ + "kolon", + -14.554891586303713 + ], + [ + "\u2581T\u00fcrkisch", + -14.554908752441406 + ], + [ + "ruimten", + -14.554911613464355 + ], + [ + "Debian", + -14.554914474487305 + ], + [ + "Think", + -14.554938316345217 + ], + [ + "\u2581verstop", + -14.554954528808594 + ], + [ + "escorte", + -14.554973602294922 + ], + [ + "\u2581omschrijving", + -14.554988861083984 + ], + [ + "\u2581Kunsthalle", + -14.554994583129885 + ], + [ + "mortem", + -14.5549955368042 + ], + [ + "missari", + -14.555033683776855 + ], + [ + "TextAppearance", + -14.555039405822754 + ], + [ + "\u2581messieurs", + -14.555063247680664 + ], + [ + "\u2581Waldgebiet", + -14.555094718933104 + ], + [ + "Committe", + -14.55512523651123 + ], + [ + "\u2581Organisator", + -14.555130004882812 + ], + [ + "prothese", + -14.55514907836914 + ], + [ + "weapon", + -14.555168151855469 + ], + [ + "arsk", + -14.555177688598633 + ], + [ + "\u2581\u00e9quilibr\u00e9", + -14.555184364318848 + ], + [ + "\u2581onderging", + -14.55519199371338 + ], + [ + "urved", + -14.555193901062012 + ], + [ + "Huge", + -14.555213928222656 + ], + [ + "uagliarella", + -14.555225372314451 + ], + [ + "\u2581Littor", + -14.55522632598877 + ], + [ + "\u2581allergic", + -14.555231094360352 + ], + [ + "\u2581utilisons", + -14.555234909057615 + ], + [ + "Alguien", + -14.555265426635742 + ], + [ + "\u2581fossiele", + -14.55526638031006 + ], + [ + "\u2581Schiavo", + -14.555305480957031 + ], + [ + "\u2581Komplement", + -14.55533504486084 + ], + [ + "\u2581gatil", + -14.555352210998535 + ], + [ + "munter", + -14.555362701416016 + ], + [ + "\u2581furious", + -14.555363655090332 + ], + [ + "\u2581Passagen", + -14.55537223815918 + ], + [ + "\u2581var\u00edan", + -14.555374145507812 + ], + [ + "\u2581limon", + -14.555386543273926 + ], + [ + "ahorra", + -14.555420875549316 + ], + [ + "\u2581wertvoll", + -14.555448532104492 + ], + [ + "\u2581determinam", + -14.555453300476074 + ], + [ + "fibro", + -14.55547046661377 + ], + [ + "\u2581ber\u00fcck", + -14.555482864379885 + ], + [ + "\u2581contribuido", + -14.555519104003906 + ], + [ + "\u2581Andante", + -14.555524826049805 + ], + [ + "ausdruck", + -14.555543899536133 + ], + [ + "\u2581beleidig", + -14.55556869506836 + ], + [ + "\u2581verwen", + -14.555572509765623 + ], + [ + "illeux", + -14.555654525756836 + ], + [ + "\u2581intersti", + -14.555696487426758 + ], + [ + "oesj", + -14.55569839477539 + ], + [ + "spotism", + -14.55573272705078 + ], + [ + "\u2581amichevoli", + -14.555734634399414 + ], + [ + "\u2581Ather", + -14.555737495422363 + ], + [ + "\u2581manzo", + -14.555739402770996 + ], + [ + "tumpf", + -14.555768013000488 + ], + [ + "\u2581Florin", + -14.555776596069336 + ], + [ + "\u2581Vint", + -14.555784225463867 + ], + [ + "\u2581vorschlagen", + -14.55579662322998 + ], + [ + "\u2581Stiefel", + -14.555826187133787 + ], + [ + "\u2581impuls\u00f3", + -14.555830955505373 + ], + [ + "eidler", + -14.5558443069458 + ], + [ + "maduras", + -14.55587673187256 + ], + [ + "peaux", + -14.555925369262695 + ], + [ + "\u2581ver\u00fcbt", + -14.555928230285645 + ], + [ + "\u2581relitt", + -14.556000709533691 + ], + [ + "ozyt", + -14.556010246276855 + ], + [ + "rutscht", + -14.55601978302002 + ], + [ + "\u2581Gal\u00e1", + -14.556037902832031 + ], + [ + "otoxin", + -14.556041717529297 + ], + [ + "\u2581ninety", + -14.55606174468994 + ], + [ + "Refine", + -14.5560941696167 + ], + [ + "\u2581Scheff", + -14.55610466003418 + ], + [ + "phoneNumber", + -14.556107521057127 + ], + [ + "geworden", + -14.556109428405762 + ], + [ + "uadrant", + -14.556122779846191 + ], + [ + "duciendo", + -14.55612564086914 + ], + [ + "\u2581heftigen", + -14.55612850189209 + ], + [ + "\u2581Evalu", + -14.556139945983888 + ], + [ + "\u2581Pristina", + -14.556145668029783 + ], + [ + "\u2581poetico", + -14.556172370910645 + ], + [ + "\u2581groben", + -14.556201934814451 + ], + [ + "\u2581Puni", + -14.556209564208984 + ], + [ + "PageIndex", + -14.556217193603516 + ], + [ + "\u2581Liaoning", + -14.55624294281006 + ], + [ + "\u2581ausnahmslos", + -14.55624294281006 + ], + [ + "\u2581Lekt\u00fcre", + -14.556243896484377 + ], + [ + "\u2581Tecnol\u00f3gica", + -14.556243896484377 + ], + [ + "\u2581quelquefois", + -14.556243896484377 + ], + [ + "\u2581Whistler", + -14.556248664855955 + ], + [ + "\u2581T\u00e4nzer", + -14.55625057220459 + ], + [ + "\u2581Igualdad", + -14.556276321411133 + ], + [ + "\u2581humanitari", + -14.556279182434082 + ], + [ + "\u2581d\u00e9signant", + -14.556320190429688 + ], + [ + "FieldDescriptor", + -14.556328773498535 + ], + [ + "\u2581Cite", + -14.556340217590332 + ], + [ + "\u2581Bastille", + -14.556344032287598 + ], + [ + "tmpfile", + -14.55637264251709 + ], + [ + "ResultsCell", + -14.556394577026367 + ], + [ + "\u2581capell", + -14.556396484375 + ], + [ + "\u2581prolong\u00e9e", + -14.556428909301758 + ], + [ + "\u2581Valerian", + -14.556453704833984 + ], + [ + "\u2581Takashi", + -14.556463241577148 + ], + [ + "rising", + -14.556466102600098 + ], + [ + "\u2581Sabati", + -14.55648136138916 + ], + [ + "adherin", + -14.55648422241211 + ], + [ + "\u2581Empirische", + -14.55650234222412 + ], + [ + "\u2581Palis", + -14.556503295898438 + ], + [ + "\u2581Erman", + -14.556504249572754 + ], + [ + "schulte", + -14.556543350219728 + ], + [ + "identifie", + -14.556548118591309 + ], + [ + "Interje", + -14.55655288696289 + ], + [ + "\u2581Eslov", + -14.556559562683104 + ], + [ + "\u2581desempenhar", + -14.556591987609863 + ], + [ + "oomerang", + -14.556632995605469 + ], + [ + "Chief", + -14.556648254394531 + ], + [ + "\u2581dialoghi", + -14.556648254394531 + ], + [ + "\u2581respalda", + -14.556659698486328 + ], + [ + "\u2581ilustre", + -14.556683540344238 + ], + [ + "absch\u00e4tzung", + -14.55668830871582 + ], + [ + "\u2581Humbert", + -14.55669116973877 + ], + [ + "PTA", + -14.556719779968262 + ], + [ + "loadBalancer", + -14.55675220489502 + ], + [ + "recognizable", + -14.55675220489502 + ], + [ + "\u2581Gl\u00e4ubigen", + -14.55675220489502 + ], + [ + "\u2581Sch\u00e4uble", + -14.556753158569336 + ], + [ + "acek", + -14.55677604675293 + ], + [ + "ottimizza", + -14.55677604675293 + ], + [ + "\u2581sujeita", + -14.556792259216309 + ], + [ + "interdisciplinar", + -14.556806564331056 + ], + [ + "stieke", + -14.556844711303713 + ], + [ + "psilon", + -14.556849479675291 + ], + [ + "\u2581intercetta", + -14.556849479675291 + ], + [ + "propaganda", + -14.556922912597656 + ], + [ + "\u2581streckte", + -14.55693531036377 + ], + [ + "\u2581escara", + -14.556960105895996 + ], + [ + "\u2581estallar", + -14.556962013244627 + ], + [ + "AMER", + -14.557024002075195 + ], + [ + "\u2581herausge", + -14.55703067779541 + ], + [ + "\u2581constelaci\u00f3n", + -14.557035446166992 + ], + [ + "\u2581hypoxi", + -14.557048797607422 + ], + [ + "\u2581gekost", + -14.5570650100708 + ], + [ + "\u2581finalizaci\u00f3n", + -14.557086944580078 + ], + [ + "sentgelte", + -14.557135581970217 + ], + [ + "knick", + -14.557173728942873 + ], + [ + "Comprehensive", + -14.55726146697998 + ], + [ + "\u2581Tijuca", + -14.557262420654297 + ], + [ + "\u2581hospedeiro", + -14.557262420654297 + ], + [ + "\u2581prematura", + -14.557283401489258 + ], + [ + "\u2581genero", + -14.55728530883789 + ], + [ + "\u2581rendici\u00f3n", + -14.55730438232422 + ], + [ + "\u2581traducida", + -14.55730438232422 + ], + [ + "\u2581posguerra", + -14.557312965393066 + ], + [ + "\u2581absolvieren", + -14.5573148727417 + ], + [ + "\u2581Staatsregierung", + -14.557333946228027 + ], + [ + "\u2581resalta", + -14.557400703430176 + ], + [ + "\u2581irlandaise", + -14.55742359161377 + ], + [ + "\u2581eloquent", + -14.557438850402832 + ], + [ + "\u2581Prostata", + -14.557448387145996 + ], + [ + "leftmargin", + -14.55746078491211 + ], + [ + "\u2581wussten", + -14.55747890472412 + ], + [ + "Spirit", + -14.55751609802246 + ], + [ + "\u2581Ocorre", + -14.557530403137209 + ], + [ + "\u2581bedarfsgerechte", + -14.55754566192627 + ], + [ + "\u2581infuria", + -14.5575532913208 + ], + [ + "actualmente", + -14.557555198669434 + ], + [ + "ceaan", + -14.557561874389648 + ], + [ + "\u2581illustr\u00e9e", + -14.55756664276123 + ], + [ + "\u2581viability", + -14.55756664276123 + ], + [ + "\u2581punitiv", + -14.557570457458496 + ], + [ + "\u2581Eingriffen", + -14.557572364807127 + ], + [ + "\u2581Monaster", + -14.557574272155762 + ], + [ + "\u2581digging", + -14.557576179504396 + ], + [ + "\u2581rivalit\u00e9", + -14.557577133178713 + ], + [ + "\u2581Marzi", + -14.557646751403809 + ], + [ + "altipian", + -14.557700157165527 + ], + [ + "cciolo", + -14.557732582092283 + ], + [ + "unzi", + -14.557732582092283 + ], + [ + "\u2581sogenannter", + -14.557746887207031 + ], + [ + "\u2581Semanti", + -14.557751655578612 + ], + [ + "\u2581rationelle", + -14.55776309967041 + ], + [ + "Eccellenza", + -14.557771682739258 + ], + [ + "\u2581Vergn\u00fcgen", + -14.557771682739258 + ], + [ + "\u2581detecci\u00f3n", + -14.557777404785156 + ], + [ + "\u2581Antig\u00fcedad", + -14.557779312133787 + ], + [ + "\u2581v\u00e9g\u00e9taux", + -14.557788848876951 + ], + [ + "\u2581zweckgebundenen", + -14.55778980255127 + ], + [ + "\u2581P\u00e9tain", + -14.557802200317385 + ], + [ + "\u2581Geschick", + -14.557811737060549 + ], + [ + "nourish", + -14.557825088500977 + ], + [ + "\u2581aceit", + -14.557836532592772 + ], + [ + "arrangiament", + -14.557870864868164 + ], + [ + "\u2581Gregorius", + -14.557886123657228 + ], + [ + "\u2581renvoyer", + -14.55792236328125 + ], + [ + "\u2581cartilage", + -14.557924270629885 + ], + [ + "Suiza", + -14.55793285369873 + ], + [ + "caille", + -14.557981491088867 + ], + [ + "\u2581quicker", + -14.558015823364258 + ], + [ + "amoros", + -14.558042526245115 + ], + [ + "\u2581malerische", + -14.558070182800291 + ], + [ + "\u2581Lender", + -14.558087348937988 + ], + [ + "\u2581Scandal", + -14.558095932006836 + ], + [ + "\u2581proced\u00eda", + -14.558122634887695 + ], + [ + "aliased", + -14.558167457580566 + ], + [ + "dolphin", + -14.558194160461426 + ], + [ + "magro", + -14.558210372924805 + ], + [ + "\u2581disordine", + -14.55824089050293 + ], + [ + "\u2581selezionati", + -14.55824851989746 + ], + [ + "Aurivillius", + -14.558281898498535 + ], + [ + "gedroogd", + -14.558281898498535 + ], + [ + "\u2581Dinast\u00eda", + -14.558281898498535 + ], + [ + "\u2581Gilmour", + -14.558281898498535 + ], + [ + "\u2581elicotteri", + -14.558281898498535 + ], + [ + "\u2581reprenant", + -14.558281898498535 + ], + [ + "\u2581Tobacco", + -14.558282852172852 + ], + [ + "\u2581navolging", + -14.558282852172852 + ], + [ + "\u2581Uitgezonderd", + -14.558287620544434 + ], + [ + "\u2581c\u00e9sped", + -14.558290481567385 + ], + [ + "\u2581bellissime", + -14.558297157287598 + ], + [ + "\u2581tributario", + -14.558297157287598 + ], + [ + "FirstResponder", + -14.558302879333496 + ], + [ + "Stencil", + -14.558302879333496 + ], + [ + "\u2581Medikation", + -14.558303833007812 + ], + [ + "\u2581Asylantrag", + -14.558308601379396 + ], + [ + "\u2581dikkopjes", + -14.55832576751709 + ], + [ + "\u2581imbarcar", + -14.558326721191406 + ], + [ + "\u2581weakened", + -14.558332443237305 + ], + [ + "\u2581piaceri", + -14.558347702026367 + ], + [ + "calzo", + -14.558357238769531 + ], + [ + "PREV", + -14.558371543884276 + ], + [ + "\u2581verticalmente", + -14.558375358581545 + ], + [ + "\u00e9rol", + -14.55837631225586 + ], + [ + "\u2581impeccab", + -14.558392524719238 + ], + [ + "\u2581voga", + -14.558402061462402 + ], + [ + "bezi", + -14.55840301513672 + ], + [ + "\u2581Aktion\u00e4r", + -14.558415412902832 + ], + [ + "atl\u00e1n", + -14.558417320251465 + ], + [ + "\u2581dividem", + -14.558456420898438 + ], + [ + "bediening", + -14.558459281921388 + ], + [ + "\u2581Lebensstil", + -14.558473587036133 + ], + [ + "cevant", + -14.558477401733398 + ], + [ + "spanner", + -14.558504104614258 + ], + [ + "\u2581exploit\u00e9e", + -14.558542251586914 + ], + [ + "Kreditinstituten", + -14.55855941772461 + ], + [ + "stufungen", + -14.558623313903809 + ], + [ + "\u2581secolari", + -14.558639526367188 + ], + [ + "\u2581uitstekend", + -14.558661460876465 + ], + [ + "\u2581basisschool", + -14.558673858642578 + ], + [ + "Promo", + -14.558677673339844 + ], + [ + "\u2581trecento", + -14.558690071105955 + ], + [ + "\u2581Bolsh", + -14.558711051940918 + ], + [ + "\u2581unverbindlich", + -14.558712005615234 + ], + [ + "\u2581esistevano", + -14.558760643005373 + ], + [ + "\u2581Sekt", + -14.558788299560549 + ], + [ + "\u2581altopiani", + -14.558792114257812 + ], + [ + "CONTROLLER", + -14.558810234069824 + ], + [ + "\u2581foregoing", + -14.558810234069824 + ], + [ + "\u2581Borgonha", + -14.558815956115724 + ], + [ + "Leak", + -14.55881690979004 + ], + [ + "rmida", + -14.55882740020752 + ], + [ + "wanzig", + -14.558882713317873 + ], + [ + "Hongarije", + -14.558884620666504 + ], + [ + "\u2581prosperity", + -14.558890342712402 + ], + [ + "\u2581teilnahm", + -14.558894157409668 + ], + [ + "\u2581Haust\u00fcr", + -14.5589017868042 + ], + [ + "\u2581Physiologie", + -14.55890655517578 + ], + [ + "igheim", + -14.558937072753906 + ], + [ + "\u2581Ripley", + -14.55896282196045 + ], + [ + "\u2581entend\u00eda", + -14.558990478515623 + ], + [ + "\u2581producirse", + -14.55899715423584 + ], + [ + "\u2581Cabri", + -14.559100151062012 + ], + [ + "KNOW", + -14.559101104736328 + ], + [ + "Colombe", + -14.559118270874023 + ], + [ + "\u2581Malac", + -14.559144020080566 + ], + [ + "schwingung", + -14.55915069580078 + ], + [ + "stattet", + -14.559232711791992 + ], + [ + "edificazione", + -14.5592622756958 + ], + [ + "\u2581pr\u00e9f\u00e9rer", + -14.559266090393066 + ], + [ + "w\u00e4hlten", + -14.559268951416016 + ], + [ + "\u2581multipli\u00e9", + -14.559284210205078 + ], + [ + "CANDIDATE", + -14.55930233001709 + ], + [ + "\u2581narcissistic", + -14.55930233001709 + ], + [ + "\u2581Anschauung", + -14.559313774108888 + ], + [ + "\u2581riguardi", + -14.559322357177734 + ], + [ + "\u2581Veritas", + -14.559341430664062 + ], + [ + "erholt", + -14.55935764312744 + ], + [ + "\u2581clim\u00e1tica", + -14.55937671661377 + ], + [ + "\u2581Sch\u00e4rf", + -14.559456825256348 + ], + [ + "\u2581Linkspartei", + -14.559504508972168 + ], + [ + "evedo", + -14.55950927734375 + ], + [ + "\u2581soumission", + -14.559511184692385 + ], + [ + "erkenntnis", + -14.559518814086914 + ], + [ + "\u2581eighty", + -14.55951976776123 + ], + [ + "M\u00fcnster", + -14.55953884124756 + ], + [ + "INCI", + -14.559550285339355 + ], + [ + "\u2581Kalm", + -14.559550285339355 + ], + [ + "\u2581rinforza", + -14.55955696105957 + ], + [ + "\u2581Evelin", + -14.559575080871582 + ], + [ + "querystring", + -14.559581756591797 + ], + [ + "\u2581Leiterin", + -14.559587478637695 + ], + [ + "villi", + -14.559592247009276 + ], + [ + "evoked", + -14.559602737426758 + ], + [ + "\u2581jealous", + -14.559610366821287 + ], + [ + "\u2581symbolisch", + -14.559613227844238 + ], + [ + "\u2581alternada", + -14.5596284866333 + ], + [ + "\u2581Heyn", + -14.559646606445312 + ], + [ + "\u2581geometrischen", + -14.559647560119627 + ], + [ + "\u2581esagerat", + -14.559662818908691 + ], + [ + "\u2581d\u00e9duire", + -14.559674263000488 + ], + [ + "tagsabgeordneter", + -14.559701919555664 + ], + [ + "\u2581colonialismo", + -14.559724807739258 + ], + [ + "evisi\u00f3n", + -14.55976676940918 + ], + [ + "\u2581Eenmaal", + -14.559783935546877 + ], + [ + "criture", + -14.559792518615724 + ], + [ + "\u2581Daseinsvorsorge", + -14.559812545776367 + ], + [ + "\u2581Enlightenment", + -14.559812545776367 + ], + [ + "\u2581engagieren", + -14.559819221496582 + ], + [ + "mittente", + -14.559836387634276 + ], + [ + "\u2581crescono", + -14.559849739074709 + ], + [ + "gepackt", + -14.559865951538086 + ], + [ + "\u2581supportive", + -14.559870719909668 + ], + [ + "\u2581sabotage", + -14.559874534606934 + ], + [ + "Philadelphia", + -14.559879302978516 + ], + [ + "\u2581Kreide", + -14.559968948364258 + ], + [ + "\u2581identificata", + -14.559972763061523 + ], + [ + "\u2581striat", + -14.55997371673584 + ], + [ + "mindestens", + -14.55998420715332 + ], + [ + "\u2581radicais", + -14.56001091003418 + ], + [ + "icaux", + -14.560030937194824 + ], + [ + "esteem", + -14.56003761291504 + ], + [ + "Lexikon", + -14.560050964355469 + ], + [ + "morphin", + -14.56009578704834 + ], + [ + "BED", + -14.560107231140137 + ], + [ + "glicer", + -14.560133934020996 + ], + [ + "\u2581sotterraneo", + -14.560138702392578 + ], + [ + "Telefon", + -14.560154914855955 + ], + [ + "reveal", + -14.56016445159912 + ], + [ + "pistool", + -14.56021785736084 + ], + [ + "m\u00fcd", + -14.5602445602417 + ], + [ + "VERTICAL", + -14.56032371520996 + ], + [ + "\u2581an\u00e9cdota", + -14.56032371520996 + ], + [ + "\u2581baggage", + -14.560332298278809 + ], + [ + "\u2581verwondingen", + -14.560341835021973 + ], + [ + "\u2581Appro", + -14.560365676879885 + ], + [ + "imaging", + -14.56037712097168 + ], + [ + "portpark", + -14.560379981994627 + ], + [ + "\u2581educatieve", + -14.560385704040527 + ], + [ + "\u2581beigesetzt", + -14.56039047241211 + ], + [ + "rigir", + -14.560395240783691 + ], + [ + "SearchResult", + -14.56042194366455 + ], + [ + "vevi", + -14.5604248046875 + ], + [ + "\u2581Gerichtsver", + -14.560434341430664 + ], + [ + "\u2581Masque", + -14.560436248779297 + ], + [ + "\u2581miracoli", + -14.560450553894045 + ], + [ + "Operazione", + -14.560545921325684 + ], + [ + "uragano", + -14.560553550720217 + ], + [ + "\u2581dreidimensional", + -14.560555458068848 + ], + [ + "urging", + -14.560580253601074 + ], + [ + "\u2581collaborateur", + -14.560606002807615 + ], + [ + "\u2581permitir\u00eda", + -14.560659408569336 + ], + [ + "odge", + -14.560667991638184 + ], + [ + "stilista", + -14.560674667358398 + ], + [ + "\u2581Aldi", + -14.56070041656494 + ], + [ + "\u2581unterbleib", + -14.560728073120115 + ], + [ + "\u2581Desmo", + -14.560739517211914 + ], + [ + "\u2581eenvoudiger", + -14.560745239257812 + ], + [ + "\u2581substitut", + -14.560787200927734 + ], + [ + "bitare", + -14.560824394226074 + ], + [ + "SCHEDULE", + -14.560832023620604 + ], + [ + "\u2581circumvent", + -14.560839653015137 + ], + [ + "\u2581limestone", + -14.56084156036377 + ], + [ + "\u2581encerrada", + -14.56085205078125 + ], + [ + "\u2581courriel", + -14.5608549118042 + ], + [ + "Likelihood", + -14.560873031616213 + ], + [ + "instagram", + -14.560874938964844 + ], + [ + "uoghi", + -14.56087589263916 + ], + [ + "abst\u00e4nde", + -14.560911178588867 + ], + [ + "\u2581guerriero", + -14.560924530029297 + ], + [ + "\u2581Shakira", + -14.560928344726562 + ], + [ + "antiquit\u00e9", + -14.560952186584473 + ], + [ + "\u2581Gesch\u00e4ftsbedarf", + -14.560952186584473 + ], + [ + "\u2581allontanarsi", + -14.561002731323242 + ], + [ + "heater", + -14.56100368499756 + ], + [ + "MachineScaleSet", + -14.561017990112305 + ], + [ + "Marktordnung", + -14.561029434204102 + ], + [ + "\u2581unterbreiten", + -14.561043739318848 + ], + [ + "\u2581Behavioral", + -14.561046600341797 + ], + [ + "appartien", + -14.561047554016112 + ], + [ + "\u2581meditaci\u00f3n", + -14.561052322387695 + ], + [ + "udienza", + -14.56106185913086 + ], + [ + "Nikola", + -14.561073303222656 + ], + [ + "tclsqlite", + -14.561098098754885 + ], + [ + "GIO", + -14.561100959777832 + ], + [ + "\u2581Fenton", + -14.561134338378906 + ], + [ + "mmand", + -14.56114387512207 + ], + [ + "\u2581Hormone", + -14.56114387512207 + ], + [ + "Tennessee", + -14.561166763305664 + ], + [ + "iallo", + -14.561171531677246 + ], + [ + "\u2581einzubringen", + -14.561213493347168 + ], + [ + "kkum", + -14.561236381530762 + ], + [ + "\u2581oscill", + -14.561291694641112 + ], + [ + "\u2581sconosciuti", + -14.561347007751465 + ], + [ + "\u2581Photovoltaik", + -14.56134796142578 + ], + [ + "\u2581chiacchiera", + -14.56134796142578 + ], + [ + "\u2581soggette", + -14.56134796142578 + ], + [ + "glycol", + -14.56135082244873 + ], + [ + "\u2581coop\u00e9rative", + -14.561351776123049 + ], + [ + "\u2581festividad", + -14.561351776123049 + ], + [ + "\u2581Aussichten", + -14.561352729797363 + ], + [ + "MyClass", + -14.56135368347168 + ], + [ + "\u2581kruidachtige", + -14.561354637145996 + ], + [ + "\u2581kennenlernen", + -14.561366081237791 + ], + [ + "\u2581unterschrieben", + -14.561370849609377 + ], + [ + "\u2581\u00e9ducatif", + -14.561383247375488 + ], + [ + "\u2581Knaben", + -14.56138801574707 + ], + [ + "\u2581surpreso", + -14.56138801574707 + ], + [ + "her\u00f3is", + -14.561426162719728 + ], + [ + "actical", + -14.561427116394045 + ], + [ + "\u2581Cheney", + -14.561445236206056 + ], + [ + "\u2581gl\u00e4nz", + -14.5614652633667 + ], + [ + "\u2581quadrata", + -14.561467170715332 + ], + [ + "\u2581Domiti", + -14.561480522155762 + ], + [ + "Augsburg", + -14.561498641967772 + ], + [ + "Subview", + -14.561519622802734 + ], + [ + "\u2581transposition", + -14.561561584472656 + ], + [ + "authored", + -14.561569213867188 + ], + [ + "overty", + -14.561569213867188 + ], + [ + "\u2581motivaci\u00f3n", + -14.5615873336792 + ], + [ + "ocyanat", + -14.561596870422363 + ], + [ + "\u2581H\u00e4ndlern", + -14.56163501739502 + ], + [ + "\u2581Plaine", + -14.56164836883545 + ], + [ + "\u2581absc", + -14.56166648864746 + ], + [ + "\u2581aanpassing", + -14.561700820922852 + ], + [ + "cantaba", + -14.561705589294434 + ], + [ + "\u2581chiamando", + -14.561725616455078 + ], + [ + "HttpRequest", + -14.561729431152344 + ], + [ + "clinical", + -14.56173610687256 + ], + [ + "\u2581h\u00e4uslichen", + -14.561753273010254 + ], + [ + "abrechnung", + -14.56176471710205 + ], + [ + "produit", + -14.561779975891112 + ], + [ + "\u2581Wendung", + -14.561786651611328 + ], + [ + "\u2581einzuholen", + -14.561798095703123 + ], + [ + "\u2581anhaltenden", + -14.561816215515137 + ], + [ + "lotz", + -14.561822891235352 + ], + [ + "\u2581Cicer\u00f3n", + -14.56185817718506 + ], + [ + "\u2581Elfenbein", + -14.56185817718506 + ], + [ + "\u2581Rafferty", + -14.56185817718506 + ], + [ + "\u2581gerangschikt", + -14.56185817718506 + ], + [ + "\u2581konstitutiv", + -14.561859130859377 + ], + [ + "\u2581Peirce", + -14.56186580657959 + ], + [ + "\u2581strspn", + -14.56186580657959 + ], + [ + "\u2581insegnamenti", + -14.56186866760254 + ], + [ + "\u2581dominer", + -14.56187915802002 + ], + [ + "CircleFill", + -14.561884880065918 + ], + [ + "intenzionat", + -14.56188678741455 + ], + [ + "\u2581Atrium", + -14.5618896484375 + ], + [ + "\u2581Goslar", + -14.56190299987793 + ], + [ + "schleunig", + -14.561904907226562 + ], + [ + "\u2581latinoamericana", + -14.561907768249512 + ], + [ + "tainable", + -14.56192684173584 + ], + [ + "\u2581expor", + -14.561928749084473 + ], + [ + "\u2581befahrbar", + -14.561936378479004 + ], + [ + "\u2581Vorfahren", + -14.561942100524902 + ], + [ + "\u2581Phelps", + -14.561957359313965 + ], + [ + "\u2581Confederazione", + -14.56199550628662 + ], + [ + "\u2581moros", + -14.562000274658203 + ], + [ + "\u2581vieillard", + -14.562058448791504 + ], + [ + "endocrin", + -14.562067031860352 + ], + [ + "\u2581bewirtschaftet", + -14.562073707580566 + ], + [ + "\u00e1sia", + -14.562081336975098 + ], + [ + "ombok", + -14.56208610534668 + ], + [ + "\u2581Schepen", + -14.562088966369627 + ], + [ + "mimeType", + -14.562124252319336 + ], + [ + "\u2581puritan", + -14.562148094177246 + ], + [ + "\u2581corolla", + -14.562161445617676 + ], + [ + "\u2581telefonata", + -14.56218719482422 + ], + [ + "\u2581confonde", + -14.562195777893066 + ], + [ + "\u2581Grappa", + -14.562207221984863 + ], + [ + "\u2581trucco", + -14.562207221984863 + ], + [ + "ahra", + -14.56222438812256 + ], + [ + "\u2581McNeil", + -14.562233924865724 + ], + [ + "eink\u00fcnfte", + -14.562240600585938 + ], + [ + "\u2581radun", + -14.562250137329102 + ], + [ + "\u2581nippon", + -14.562261581420898 + ], + [ + "ebraico", + -14.562295913696287 + ], + [ + "Selbstverst\u00e4ndni", + -14.562362670898438 + ], + [ + "\u2581restricting", + -14.56236743927002 + ], + [ + "Papilio", + -14.562372207641602 + ], + [ + "\u2581esplicito", + -14.562374114990234 + ], + [ + "Nuova", + -14.562395095825195 + ], + [ + "Benjamin", + -14.56243896484375 + ], + [ + "\u2581subraya", + -14.562442779541016 + ], + [ + "\u2581Peripherie", + -14.562451362609863 + ], + [ + "\u2581pedestal", + -14.562458038330078 + ], + [ + "\u2581Bouchard", + -14.562467575073242 + ], + [ + "\u2581puntaje", + -14.56251621246338 + ], + [ + "autopsia", + -14.56253147125244 + ], + [ + "\u2581angefallen", + -14.562536239624023 + ], + [ + "baldi", + -14.56260108947754 + ], + [ + "derlin", + -14.562603950500488 + ], + [ + "gegraben", + -14.56263256072998 + ], + [ + "wettbewerbsf\u00e4hig", + -14.562655448913574 + ], + [ + "\u2581cunh", + -14.562662124633787 + ], + [ + "\u2581evidenz", + -14.562676429748535 + ], + [ + "kundliche", + -14.562677383422852 + ], + [ + "Anfang", + -14.562681198120115 + ], + [ + "aranda", + -14.562718391418455 + ], + [ + "cchetto", + -14.562726020812988 + ], + [ + "\u2581afterward", + -14.562762260437012 + ], + [ + "sperger", + -14.562763214111328 + ], + [ + "elliptic", + -14.562769889831545 + ], + [ + "bjektivit\u00e4t", + -14.562788963317873 + ], + [ + "accolti", + -14.562823295593262 + ], + [ + "\u2581Tamp", + -14.562832832336426 + ], + [ + "\u2581coca\u00edna", + -14.562888145446776 + ], + [ + "tretenden", + -14.56289291381836 + ], + [ + "\u2581Shara", + -14.562898635864258 + ], + [ + "\u2581risveglio", + -14.562902450561523 + ], + [ + "\u2581keurvorst", + -14.562911033630373 + ], + [ + "\u00e9reux", + -14.56291675567627 + ], + [ + "honest", + -14.562943458557127 + ], + [ + "\u2581Modellprojekt", + -14.562949180603027 + ], + [ + "Fiorentina", + -14.562957763671877 + ], + [ + "pobre", + -14.562962532043455 + ], + [ + "spaltung", + -14.562984466552734 + ], + [ + "\u2581Modellversuch", + -14.56298828125 + ], + [ + "tilis", + -14.56307315826416 + ], + [ + "\u2581carbonio", + -14.563091278076172 + ], + [ + "\u2581sticking", + -14.563119888305664 + ], + [ + "\u2581muraille", + -14.563128471374512 + ], + [ + "imbal", + -14.563182830810549 + ], + [ + "cubierto", + -14.563185691833496 + ], + [ + "\u2581Wilb", + -14.563188552856444 + ], + [ + "\u2581refuta", + -14.563191413879396 + ], + [ + "\u2581sensaciones", + -14.56322956085205 + ], + [ + "Kampf", + -14.563273429870604 + ], + [ + "\u2581enzymati", + -14.563273429870604 + ], + [ + "\u2581vig\u00e9simo", + -14.563286781311035 + ], + [ + "\u2581fertilizer", + -14.563297271728516 + ], + [ + "\u2581Anf\u00e4nge", + -14.563339233398438 + ], + [ + "\u2581ruined", + -14.563340187072754 + ], + [ + "\u2581Pyramiden", + -14.563355445861816 + ], + [ + "\u2581schenkte", + -14.563355445861816 + ], + [ + "\u2581econ\u00f3micamente", + -14.563365936279297 + ], + [ + "\u2581ripetizione", + -14.563365936279297 + ], + [ + "initialisation", + -14.563376426696776 + ], + [ + "schandaal", + -14.563395500183104 + ], + [ + "caya", + -14.56340217590332 + ], + [ + "\u2581doodgeschoten", + -14.563410758972168 + ], + [ + "\u2581Cheyenne", + -14.563420295715332 + ], + [ + "Granula", + -14.563436508178713 + ], + [ + "\u2581litiga", + -14.56344223022461 + ], + [ + "\u2581Adelphi", + -14.563458442687988 + ], + [ + "\u2581clasificaciones", + -14.56346035003662 + ], + [ + "arsupi", + -14.563462257385254 + ], + [ + "ri\u00e9", + -14.563496589660645 + ], + [ + "\u2581romanticismo", + -14.56350803375244 + ], + [ + "ancellable", + -14.563525199890137 + ], + [ + "\u2581gestrigen", + -14.56356430053711 + ], + [ + "\u2581respiratoire", + -14.56357192993164 + ], + [ + "\u2581signorina", + -14.563581466674805 + ], + [ + "\u2581clemen", + -14.563636779785156 + ], + [ + "SVC", + -14.563652992248535 + ], + [ + "orribile", + -14.563687324523926 + ], + [ + "llamada", + -14.563698768615724 + ], + [ + "bladeren", + -14.56371021270752 + ], + [ + "\u2581Ocidente", + -14.563735961914062 + ], + [ + "\u2581maniche", + -14.563796997070312 + ], + [ + "\u2581corrige", + -14.563798904418944 + ], + [ + "\u2581honestly", + -14.563815116882324 + ], + [ + "\u2581mayormente", + -14.563882827758787 + ], + [ + "\u2581Niss", + -14.563898086547852 + ], + [ + "etIamPolicy", + -14.563907623291016 + ], + [ + "\u2581sarc\u00f3fago", + -14.563909530639648 + ], + [ + "\u2581doblaje", + -14.563910484313965 + ], + [ + "\u2581Janvier", + -14.563959121704102 + ], + [ + "\u2581convenu", + -14.563969612121582 + ], + [ + "sprengt", + -14.564000129699709 + ], + [ + "\u2581Redner", + -14.56401538848877 + ], + [ + "eleskop", + -14.564043998718262 + ], + [ + "\u2581prelat", + -14.564067840576172 + ], + [ + "Mannschaft", + -14.564085960388184 + ], + [ + "affection", + -14.564095497131348 + ], + [ + "legden", + -14.564096450805664 + ], + [ + "\u2581geboden", + -14.56410789489746 + ], + [ + "\u2581rajouter", + -14.564108848571776 + ], + [ + "\u2581ouderen", + -14.564116477966309 + ], + [ + "k\u00fchlung", + -14.56412124633789 + ], + [ + "\u2581Christof", + -14.564139366149902 + ], + [ + "\u2581inventaris", + -14.564201354980469 + ], + [ + "\u2581buitenste", + -14.564221382141112 + ], + [ + "pezzo", + -14.564248085021973 + ], + [ + "\u2581receber\u00e1", + -14.564250946044922 + ], + [ + "Generalsekret\u00e4r", + -14.564255714416504 + ], + [ + "\u2581weithin", + -14.564276695251465 + ], + [ + "omasti", + -14.564326286315918 + ], + [ + "\u2581tyranni", + -14.564346313476562 + ], + [ + "guier", + -14.56435203552246 + ], + [ + "\u2581ahorrar", + -14.564358711242676 + ], + [ + "\u2581Umweltrat", + -14.56436252593994 + ], + [ + "\u2581Galois", + -14.56441593170166 + ], + [ + "\u2581lim\u00edtrofe", + -14.56442165374756 + ], + [ + "ing\u00e9nierie", + -14.56442642211914 + ], + [ + "Anaconda", + -14.564431190490724 + ], + [ + "\u2581Agglomerat", + -14.564433097839355 + ], + [ + "deflate", + -14.56444263458252 + ], + [ + "R\u00fc", + -14.564447402954102 + ], + [ + "\u2581chatead", + -14.564476013183594 + ], + [ + "\u2581Bayeux", + -14.56447982788086 + ], + [ + "\u2581Goldsmith", + -14.564496040344238 + ], + [ + "\u2581regresaron", + -14.564510345458984 + ], + [ + "\u2581sembrerebbe", + -14.564510345458984 + ], + [ + "aletas", + -14.564555168151855 + ], + [ + "\u2581Institui", + -14.56458568572998 + ], + [ + "\u2581confuta", + -14.564597129821776 + ], + [ + "\u2581remerci", + -14.564610481262209 + ], + [ + "\u2581dividere", + -14.564626693725586 + ], + [ + "perron", + -14.564648628234863 + ], + [ + "\u2581fissure", + -14.564651489257812 + ], + [ + "featuring", + -14.564669609069824 + ], + [ + "\u2581Dimitr", + -14.56468677520752 + ], + [ + "accolte", + -14.56469440460205 + ], + [ + "atoll", + -14.564708709716797 + ], + [ + "\u2581fundamente", + -14.564794540405272 + ], + [ + "\u2581Bauspar", + -14.564802169799805 + ], + [ + "\u2581facciano", + -14.564874649047852 + ], + [ + "\u2581Kanzel", + -14.5648775100708 + ], + [ + "\u2581arbustiv", + -14.564897537231444 + ], + [ + "ileno", + -14.564900398254396 + ], + [ + "\u2581Lenkungs", + -14.56493091583252 + ], + [ + "\u2581Tranc", + -14.564933776855469 + ], + [ + "\u2581guarigione", + -14.564936637878418 + ], + [ + "\u2581dienstregeling", + -14.56496238708496 + ], + [ + "\u2581Hawker", + -14.564963340759276 + ], + [ + "Verified", + -14.565056800842283 + ], + [ + "\u2581teoricamente", + -14.565082550048828 + ], + [ + "\u2581tratarse", + -14.56514835357666 + ], + [ + "\u2581voerden", + -14.565159797668455 + ], + [ + "Denk", + -14.565199851989746 + ], + [ + "\u2581Bharat", + -14.565220832824709 + ], + [ + "\u2581adquiri", + -14.565266609191896 + ], + [ + "gebauten", + -14.56529712677002 + ], + [ + "\u2581Taiwanese", + -14.565306663513184 + ], + [ + "\u2581Eisner", + -14.565315246582031 + ], + [ + "\u2581Einspar", + -14.565343856811523 + ], + [ + "zusammenh\u00e4ngende", + -14.565364837646484 + ], + [ + "\u2581opositor", + -14.56537628173828 + ], + [ + "uraci\u00f3n", + -14.565390586853027 + ], + [ + "\u2581olvide", + -14.565444946289062 + ], + [ + "\u2581gedomineerd", + -14.565447807312012 + ], + [ + "\u2581majuscule", + -14.565447807312012 + ], + [ + "\u2581protagonismo", + -14.565447807312012 + ], + [ + "\u2581conf\u00e9r", + -14.565465927124023 + ], + [ + "\u2581Niederl\u00e4nder", + -14.56548023223877 + ], + [ + "\u2581gleichg\u00fcltig", + -14.565481185913086 + ], + [ + "\u2581mafioso", + -14.5654878616333 + ], + [ + "DefaultValue", + -14.565512657165527 + ], + [ + "\u2581eucario", + -14.56551742553711 + ], + [ + "triste", + -14.56556510925293 + ], + [ + "\u2581bague", + -14.565566062927246 + ], + [ + "\u2581Bundesarbeits", + -14.565670013427734 + ], + [ + "\u2581premessa", + -14.565675735473633 + ], + [ + "\u2581discriminate", + -14.565691947937012 + ], + [ + "\u2581informando", + -14.56570053100586 + ], + [ + "\u2581aufgefunden", + -14.565707206726074 + ], + [ + "autoriser", + -14.56570816040039 + ], + [ + "incapacit\u00e9", + -14.565715789794922 + ], + [ + "\u2581Jell", + -14.565715789794922 + ], + [ + "vertegenwoordigt", + -14.565720558166504 + ], + [ + "zhan", + -14.565726280212402 + ], + [ + "\u2581configurada", + -14.56574821472168 + ], + [ + "\u2581Olt", + -14.565749168395996 + ], + [ + "\u2581Podol", + -14.565770149230955 + ], + [ + "\u2581Stadtwerke", + -14.565790176391602 + ], + [ + "schweif", + -14.565815925598145 + ], + [ + "\u2581programmeren", + -14.565866470336914 + ], + [ + "\u2581R\u00e4uber", + -14.56588077545166 + ], + [ + "\u2581Nationalstra", + -14.565910339355469 + ], + [ + "\u00e9lecteur", + -14.565912246704102 + ], + [ + "\u2581Tarifvertr\u00e4ge", + -14.56594181060791 + ], + [ + "\u2581Triunfo", + -14.565962791442873 + ], + [ + "\u2581Gal\u00e1pagos", + -14.565963745117188 + ], + [ + "\u2581d\u00e9gag\u00e9", + -14.56596851348877 + ], + [ + "\u2581illustriert", + -14.56596851348877 + ], + [ + "autovettur", + -14.565978050231934 + ], + [ + "\u2581reticul", + -14.56598663330078 + ], + [ + "podidae", + -14.565996170043944 + ], + [ + "\u2581recreated", + -14.56600284576416 + ], + [ + "\u2581melted", + -14.56603717803955 + ], + [ + "\u2581aspettando", + -14.566045761108398 + ], + [ + "\u2581concettual", + -14.566094398498535 + ], + [ + "\u2581Lebenssituation", + -14.566095352172852 + ], + [ + "\u2581corrig\u00e9", + -14.566095352172852 + ], + [ + "\u2581Milh", + -14.566113471984863 + ], + [ + "akko", + -14.566155433654783 + ], + [ + "\u00e9cima", + -14.566168785095217 + ], + [ + "\u2581laiss\u00e9e", + -14.566267013549805 + ], + [ + "\u2581Abadia", + -14.5662841796875 + ], + [ + "\u2581betrat", + -14.5662841796875 + ], + [ + "erordentlichen", + -14.56628704071045 + ], + [ + "affrontent", + -14.566329002380373 + ], + [ + "r\u00fcckstellung", + -14.56635284423828 + ], + [ + "\u2581bi\u00f3logo", + -14.566394805908203 + ], + [ + "giuri", + -14.566402435302734 + ], + [ + "\u2581Geschw", + -14.566420555114746 + ], + [ + "\u2581Desenvolve", + -14.566454887390137 + ], + [ + "Delantero", + -14.566462516784668 + ], + [ + "\u2581tourment", + -14.566465377807615 + ], + [ + "omloop", + -14.566475868225098 + ], + [ + "\u2581sch\u00e4tzungsweise", + -14.56647777557373 + ], + [ + "\u2581chimenea", + -14.56648063659668 + ], + [ + "\u2581Ostseek\u00fcste", + -14.566485404968262 + ], + [ + "\u2581Barroco", + -14.566499710083008 + ], + [ + "\u2581gem\u00fctliche", + -14.566513061523438 + ], + [ + "expansive", + -14.566514015197754 + ], + [ + "\u2581fading", + -14.566519737243652 + ], + [ + "\u2581Leitf\u00e4higkeit", + -14.56654453277588 + ], + [ + "\u2581aftreden", + -14.566591262817385 + ], + [ + "Agrar", + -14.5665922164917 + ], + [ + "\u2581limitant", + -14.566655158996582 + ], + [ + "agarre", + -14.566658020019531 + ], + [ + "geschriebenen", + -14.566683769226074 + ], + [ + "\u2581Lebenswelt", + -14.566702842712402 + ], + [ + "Normalization", + -14.566713333129885 + ], + [ + "Transit", + -14.566728591918944 + ], + [ + "deliver", + -14.566731452941896 + ], + [ + "berufung", + -14.566734313964844 + ], + [ + "\u2581hambr", + -14.56676197052002 + ], + [ + "lark", + -14.566773414611816 + ], + [ + "lausur", + -14.566814422607422 + ], + [ + "vloeien", + -14.56682586669922 + ], + [ + "Pascal", + -14.566908836364746 + ], + [ + "urfen", + -14.5669527053833 + ], + [ + "resilience", + -14.566988945007324 + ], + [ + "\u2581rebaptis\u00e9", + -14.566990852355955 + ], + [ + "\u2581ecossistema", + -14.566991806030272 + ], + [ + "\u2581prouv\u00e9", + -14.56699562072754 + ], + [ + "\u2581Barbier", + -14.567017555236816 + ], + [ + "duchessa", + -14.567020416259766 + ], + [ + "\u2581scoprono", + -14.56702995300293 + ], + [ + "\u2581Hieruit", + -14.56705379486084 + ], + [ + "\u2581collaboratore", + -14.56707000732422 + ], + [ + "cit\u00f3", + -14.567137718200684 + ], + [ + "\u2581terugtrekken", + -14.567143440246582 + ], + [ + "\u2581belegering", + -14.56715965270996 + ], + [ + "ilke", + -14.56717586517334 + ], + [ + "casing", + -14.567180633544922 + ], + [ + "\u2581abstrata", + -14.567187309265137 + ], + [ + "brood", + -14.5671968460083 + ], + [ + "\u2581Catarinense", + -14.567241668701172 + ], + [ + "\u2581Vornamen", + -14.567288398742676 + ], + [ + "AccountId", + -14.567304611206056 + ], + [ + "mikroskopie", + -14.56731128692627 + ], + [ + "stichus", + -14.567355155944824 + ], + [ + "ignait", + -14.567387580871582 + ], + [ + "uebra", + -14.56739902496338 + ], + [ + "\u2581exist\u00e9", + -14.5674467086792 + ], + [ + "\u2581praticado", + -14.56745433807373 + ], + [ + "\u2581collinari", + -14.567456245422363 + ], + [ + "\u2581ferr\u00e9e", + -14.567498207092283 + ], + [ + "ferrata", + -14.567501068115234 + ], + [ + "\u2581Gemeinsamkeiten", + -14.5675048828125 + ], + [ + "\u2581Kattowitz", + -14.5675048828125 + ], + [ + "\u2581comptoir", + -14.567513465881348 + ], + [ + "Alca", + -14.567522048950195 + ], + [ + "\u2581kinderboeken", + -14.567523002624512 + ], + [ + "\u2581Transaktions", + -14.567524909973145 + ], + [ + "autilus", + -14.567533493041992 + ], + [ + "Tactics", + -14.567543983459473 + ], + [ + "\u2581inaugur\u00e9e", + -14.567569732666016 + ], + [ + "\u2581tentazione", + -14.567581176757812 + ], + [ + "\u2581preguntaba", + -14.567584037780762 + ], + [ + "pr\u00fcfbar", + -14.567659378051758 + ], + [ + "\u2581Normand\u00eda", + -14.567662239074709 + ], + [ + "ekto", + -14.567704200744627 + ], + [ + "\u2581Lutte", + -14.567708969116213 + ], + [ + "ickle", + -14.567709922790527 + ], + [ + "\u2581natation", + -14.567723274230955 + ], + [ + "\u2581overnemen", + -14.567737579345703 + ], + [ + "\u2581falava", + -14.567741394042969 + ], + [ + "\u2581syllabe", + -14.567753791809082 + ], + [ + "\u2581Klammer", + -14.567776679992676 + ], + [ + "ac\u00e9t", + -14.567815780639648 + ], + [ + "\u2581Grabung", + -14.567835807800291 + ], + [ + "\u2581Mula", + -14.56787395477295 + ], + [ + "\u2581fallece", + -14.56788158416748 + ], + [ + "\u2581marrow", + -14.567890167236328 + ], + [ + "izzano", + -14.56790256500244 + ], + [ + "\u2581Cogn", + -14.567914009094238 + ], + [ + "\u2581Citadel", + -14.567936897277832 + ], + [ + "\u2581Behinderter", + -14.56797981262207 + ], + [ + "berzeugungen", + -14.56801414489746 + ], + [ + "\u2581Rosetta", + -14.568015098571776 + ], + [ + "Aniversario", + -14.56801986694336 + ], + [ + "\u2581Arch\u00e4ologe", + -14.56801986694336 + ], + [ + "\u2581endeavor", + -14.568022727966309 + ], + [ + "\u2581transmisiones", + -14.568028450012209 + ], + [ + "\u2581Interactions", + -14.568034172058104 + ], + [ + "\u2581sindacale", + -14.56804656982422 + ], + [ + "\u2581literair", + -14.568111419677734 + ], + [ + "\u2581Bonito", + -14.568113327026367 + ], + [ + "valise", + -14.568167686462402 + ], + [ + "gewoond", + -14.568201065063477 + ], + [ + "Wisconsin", + -14.56820297241211 + ], + [ + "\u2581consumare", + -14.568239212036133 + ], + [ + "\u2581gloriosa", + -14.568248748779297 + ], + [ + "auberer", + -14.56825065612793 + ], + [ + "Moviment", + -14.568263053894045 + ], + [ + "\u2581miners", + -14.568272590637209 + ], + [ + "\u2581Barlow", + -14.56829071044922 + ], + [ + "\u2581Bugg", + -14.568300247192385 + ], + [ + "quidad", + -14.568306922912598 + ], + [ + "\u2581persero", + -14.568326950073242 + ], + [ + "benzene", + -14.568351745605469 + ], + [ + "Hollywood", + -14.568354606628418 + ], + [ + "SDF", + -14.56836986541748 + ], + [ + "\u2581bienvenu", + -14.568418502807615 + ], + [ + "broeder", + -14.56844711303711 + ], + [ + "bemannte", + -14.568486213684082 + ], + [ + "\u2581erkundig", + -14.568506240844728 + ], + [ + "orinth", + -14.568526268005373 + ], + [ + "\u00e9riode", + -14.568532943725586 + ], + [ + "\u2581Graub\u00fcnden", + -14.568535804748535 + ], + [ + "\u2581electrolyte", + -14.568538665771484 + ], + [ + "\u2581Mombasa", + -14.568540573120115 + ], + [ + "\u2581Whilst", + -14.568552017211914 + ], + [ + "\u2581inzichten", + -14.568561553955078 + ], + [ + "\u2581F\u00e4h", + -14.568563461303713 + ], + [ + "\u2581S\u00e9g", + -14.568571090698242 + ], + [ + "\u2581avremo", + -14.56858253479004 + ], + [ + "\u2581Personalausweis", + -14.568584442138672 + ], + [ + "elitis", + -14.568586349487305 + ], + [ + "\u2581Agustin", + -14.568588256835938 + ], + [ + "\u2581int\u00e9gralement", + -14.568588256835938 + ], + [ + "autentica", + -14.56860065460205 + ], + [ + "Elizabeth", + -14.568607330322266 + ], + [ + "nalti", + -14.568610191345217 + ], + [ + "rruzione", + -14.568615913391112 + ], + [ + "pr\u00e4gung", + -14.568621635437012 + ], + [ + "\u2581recaptur", + -14.56863784790039 + ], + [ + "cssnano", + -14.568643569946287 + ], + [ + "\u2581exercit", + -14.568653106689451 + ], + [ + "\u2581inspiriert", + -14.568675994873049 + ], + [ + "\u2581precipitaciones", + -14.568695068359377 + ], + [ + "\u2581profumi", + -14.568713188171388 + ], + [ + "\u2581farblose", + -14.568755149841309 + ], + [ + "\u2581tortilla", + -14.568787574768066 + ], + [ + "\u2581teaches", + -14.568802833557127 + ], + [ + "bedienstete", + -14.568807601928713 + ], + [ + "lewski", + -14.568875312805176 + ], + [ + "lfw", + -14.56888198852539 + ], + [ + "\u2581Polla", + -14.568890571594238 + ], + [ + "lanidae", + -14.56890106201172 + ], + [ + "\u2581d\u00e9nonc\u00e9", + -14.568921089172363 + ], + [ + "\u2581sistematiza", + -14.56894874572754 + ], + [ + "\u2581sollevato", + -14.568988800048828 + ], + [ + "\u00e9minent", + -14.568991661071776 + ], + [ + "affranchi", + -14.56899642944336 + ], + [ + "\u2581interactiv", + -14.569029808044434 + ], + [ + "PubMedCrossRef", + -14.569050788879396 + ], + [ + "eMeuGameCanvas", + -14.569050788879396 + ], + [ + "\u2581relutante", + -14.569053649902344 + ], + [ + "inetes", + -14.569069862365724 + ], + [ + "\u2581artilheiro", + -14.569108963012695 + ], + [ + "\u2581nicarag", + -14.569116592407228 + ], + [ + "\u2581excluye", + -14.56912326812744 + ], + [ + "\u2581regulatorische", + -14.569130897521973 + ], + [ + "ziehende", + -14.569185256958008 + ], + [ + "transmit", + -14.56918716430664 + ], + [ + "ragging", + -14.569196701049805 + ], + [ + "zarra", + -14.569198608398438 + ], + [ + "\u2581Eckpunkte", + -14.569201469421388 + ], + [ + "reeuw", + -14.56922435760498 + ], + [ + "Assurance", + -14.569235801696776 + ], + [ + "\u2581d\u00e9tenteur", + -14.56925106048584 + ], + [ + "behinderung", + -14.569280624389648 + ], + [ + "\u2581introducida", + -14.569306373596191 + ], + [ + "\u2581consolidaci\u00f3n", + -14.569313049316406 + ], + [ + "elected", + -14.56931495666504 + ], + [ + "Feuer", + -14.569360733032228 + ], + [ + "ppingen", + -14.569365501403809 + ], + [ + "charg\u00e9", + -14.56936740875244 + ], + [ + "\u2581Struck", + -14.569384574890137 + ], + [ + "scritta", + -14.5693941116333 + ], + [ + "\u2581costituivano", + -14.56942653656006 + ], + [ + "thae", + -14.56951141357422 + ], + [ + "\u2581Coordination", + -14.569517135620115 + ], + [ + "\u2581steigendem", + -14.569523811340332 + ], + [ + "\u2581Schlange", + -14.569530487060549 + ], + [ + "produced", + -14.56955623626709 + ], + [ + "\u2581Gim\u00e9nez", + -14.56956672668457 + ], + [ + "IfNeeded", + -14.569576263427734 + ], + [ + "compliance", + -14.569621086120604 + ], + [ + "\u2581standpoint", + -14.569623947143556 + ], + [ + "Giocatore", + -14.569640159606934 + ], + [ + "\u2581Fatto", + -14.56966495513916 + ], + [ + "\u2581soeben", + -14.569696426391602 + ], + [ + "\u2581soccorr", + -14.56970500946045 + ], + [ + "iathlon", + -14.569707870483398 + ], + [ + "\u2581incarcerat", + -14.569722175598145 + ], + [ + "\u2581jumper", + -14.569730758666992 + ], + [ + "\u2581exactitud", + -14.569812774658203 + ], + [ + "\u2581plaatselijk", + -14.569948196411133 + ], + [ + "minaci\u00f3n", + -14.569969177246094 + ], + [ + "\u2581Medisch", + -14.570005416870115 + ], + [ + "pedic", + -14.570056915283203 + ], + [ + "\u2581anoche", + -14.570060729980469 + ], + [ + "COMPIL", + -14.570064544677734 + ], + [ + "\u2581motociclisti", + -14.570082664489746 + ], + [ + "\u2581intelectuais", + -14.570083618164062 + ], + [ + "\u2581matematici", + -14.570083618164062 + ], + [ + "\u2581innovazioni", + -14.57008457183838 + ], + [ + "Huidige", + -14.570091247558594 + ], + [ + "\u2581ottengono", + -14.570094108581545 + ], + [ + "\u2581vesic", + -14.570106506347656 + ], + [ + "anfragen", + -14.570124626159668 + ], + [ + "thickness", + -14.570125579833984 + ], + [ + "teniamo", + -14.570178985595703 + ], + [ + "\u2581f\u00e9oda", + -14.5701904296875 + ], + [ + "\u2581reminisc", + -14.570197105407717 + ], + [ + "uurman", + -14.570263862609863 + ], + [ + "\u2581Hospi", + -14.57027530670166 + ], + [ + "rifying", + -14.570277214050291 + ], + [ + "rukken", + -14.570303916931152 + ], + [ + "Stazione", + -14.570306777954102 + ], + [ + "\u2581Ritratt", + -14.570343017578123 + ], + [ + "\u2581illustrato", + -14.570366859436035 + ], + [ + "\u2581hesitate", + -14.57040309906006 + ], + [ + "\u2581syndicale", + -14.57041072845459 + ], + [ + "vidu", + -14.570448875427246 + ], + [ + "tological", + -14.570467948913574 + ], + [ + "\u2581multiplicado", + -14.57047176361084 + ], + [ + "\u2581originou", + -14.570481300354004 + ], + [ + "ujin", + -14.570486068725586 + ], + [ + "\u2581legendario", + -14.570536613464355 + ], + [ + "\u2581c\u00e9l\u00e9brer", + -14.570542335510254 + ], + [ + "\u2581ramen\u00e9", + -14.570573806762695 + ], + [ + "Garantenstellung", + -14.570598602294922 + ], + [ + "\u2581contundente", + -14.570598602294922 + ], + [ + "\u2581unwesentlich", + -14.570602416992188 + ], + [ + "punycode", + -14.57061004638672 + ], + [ + "\u2581ensambla", + -14.570611000061035 + ], + [ + "\u2581vehement", + -14.570619583129885 + ], + [ + "\u2581Synod", + -14.570629119873049 + ], + [ + "\u2581Menschenw\u00fcrde", + -14.570649147033691 + ], + [ + "occorso", + -14.570687294006348 + ], + [ + "\u2581larghe", + -14.57077693939209 + ], + [ + "\u2581Manuscrit", + -14.570783615112305 + ], + [ + "\u2581Amsterd", + -14.570788383483888 + ], + [ + "\u2581livestock", + -14.57082176208496 + ], + [ + "\u2581Schnur", + -14.570840835571287 + ], + [ + "\u2581speichert", + -14.57087516784668 + ], + [ + "berlagerung", + -14.57090187072754 + ], + [ + "\u2581soortaanduiding", + -14.570917129516602 + ], + [ + "\u2581Unruhe", + -14.570927619934082 + ], + [ + "\u2581ricoverat", + -14.570962905883787 + ], + [ + "\u2581Aufenthaltsort", + -14.570967674255373 + ], + [ + "\u2581assumido", + -14.570971488952637 + ], + [ + "ausfuhr", + -14.571022033691406 + ], + [ + "einsetzen", + -14.571070671081545 + ], + [ + "\u2581f\u00e9ri", + -14.571086883544922 + ], + [ + "\u2581ocuparon", + -14.571097373962402 + ], + [ + "Aufbau", + -14.571118354797363 + ], + [ + "korrespondierend", + -14.57111930847168 + ], + [ + "sopotami", + -14.571126937866213 + ], + [ + "Searching", + -14.571128845214844 + ], + [ + "nationalspieler", + -14.571131706237791 + ], + [ + "\u2581Tancred", + -14.571155548095703 + ], + [ + "\u2581maximis", + -14.571168899536133 + ], + [ + "\u2581Giacob", + -14.571174621582031 + ], + [ + "\u2581\u00fcberregionalen", + -14.571227073669434 + ], + [ + "\u2581Prisoner", + -14.571228981018066 + ], + [ + "\u2581crayon", + -14.571231842041016 + ], + [ + "drukkelijk", + -14.571233749389648 + ], + [ + "tributi", + -14.571236610412598 + ], + [ + "\u2581vacill", + -14.571242332458496 + ], + [ + "\u2581investing", + -14.571243286132812 + ], + [ + "\u2581cocher", + -14.571249008178713 + ], + [ + "geschut", + -14.571250915527344 + ], + [ + "nipresente", + -14.571258544921877 + ], + [ + "\u2581faubourg", + -14.571261405944824 + ], + [ + "Teutoni", + -14.571263313293455 + ], + [ + "ommandeur", + -14.571282386779783 + ], + [ + "Miami", + -14.571283340454102 + ], + [ + "Mevrouw", + -14.57130527496338 + ], + [ + "\u2581R\u00e9gional", + -14.571306228637695 + ], + [ + "aguen", + -14.57132625579834 + ], + [ + "\u2581Storico", + -14.571333885192873 + ], + [ + "\u2581mixtape", + -14.571369171142578 + ], + [ + "\u2581promociona", + -14.571383476257324 + ], + [ + "schutzmittel", + -14.571395874023438 + ], + [ + "\u2581Cornet", + -14.571403503417969 + ], + [ + "emengd", + -14.571435928344728 + ], + [ + "\u2581R\u00fcckmeldung", + -14.571447372436523 + ], + [ + "\u2581r\u00e9vis", + -14.57146453857422 + ], + [ + "\u2581Bibliothec", + -14.571478843688965 + ], + [ + "\u2581comprometida", + -14.571526527404783 + ], + [ + "mesur\u00e9e", + -14.571531295776367 + ], + [ + "\u2581chiamavano", + -14.571555137634276 + ], + [ + "\u2581invitan", + -14.571560859680176 + ], + [ + "\u2581Beroep", + -14.571578025817873 + ], + [ + "\u2581Alarc\u00f3n", + -14.571632385253906 + ], + [ + "\u00e9l\u00e9vation", + -14.571633338928224 + ], + [ + "\u2581Sondrio", + -14.571635246276855 + ], + [ + "\u2581Vorstandes", + -14.571640968322754 + ], + [ + "\u2581naturgem\u00e4", + -14.571651458740234 + ], + [ + "assorbimento", + -14.57166576385498 + ], + [ + "schmier", + -14.57167911529541 + ], + [ + "hylogeny", + -14.57169246673584 + ], + [ + "\u2581trahison", + -14.571698188781738 + ], + [ + "\u2581vincolo", + -14.57170581817627 + ], + [ + "\u2581satelliti", + -14.57170867919922 + ], + [ + "\u2581marittima", + -14.571712493896484 + ], + [ + "SETTING", + -14.571739196777344 + ], + [ + "izarse", + -14.571763038635254 + ], + [ + "\u2581sudditi", + -14.571763038635254 + ], + [ + "Vlaams", + -14.571767807006836 + ], + [ + "\u2581moslim", + -14.57177448272705 + ], + [ + "affolla", + -14.57180404663086 + ], + [ + "\u2581insulator", + -14.571826934814451 + ], + [ + "PTE", + -14.571850776672363 + ], + [ + "sepolcro", + -14.571884155273438 + ], + [ + "Marian", + -14.571891784667969 + ], + [ + "\u2581afetada", + -14.571900367736816 + ], + [ + "MMM", + -14.571910858154297 + ], + [ + "Autorit\u00e9", + -14.571919441223145 + ], + [ + "\u2581Liberalism", + -14.571927070617676 + ], + [ + "\u2581asturiano", + -14.571959495544434 + ], + [ + "Trois", + -14.57196044921875 + ], + [ + "\u2581pronunciation", + -14.571969985961914 + ], + [ + "Naumann", + -14.571988105773926 + ], + [ + "\u2581voleur", + -14.572011947631836 + ], + [ + "\u2581\u00e4hnel", + -14.572084426879885 + ], + [ + "roving", + -14.572158813476562 + ], + [ + "\u2581Vergehen", + -14.572168350219728 + ], + [ + "\u2581Mittelmeerraum", + -14.572200775146484 + ], + [ + "\u2581verminderten", + -14.572226524353027 + ], + [ + "Volta", + -14.572230339050291 + ], + [ + "\u2581vencida", + -14.572237014770508 + ], + [ + "\u2581equestr", + -14.57225513458252 + ], + [ + "maketitle", + -14.572264671325684 + ], + [ + "\u2581Pfanne", + -14.572265625 + ], + [ + "\u2581notaire", + -14.57227611541748 + ], + [ + "legua", + -14.57227897644043 + ], + [ + "indignation", + -14.572305679321287 + ], + [ + "\u2581bipla", + -14.572310447692873 + ], + [ + "\u2581arqueol\u00f3gica", + -14.572347640991213 + ], + [ + "Cycli", + -14.572355270385742 + ], + [ + "\u2581trabalhado", + -14.572367668151855 + ], + [ + "equilibrado", + -14.572413444519045 + ], + [ + "\u2581baralho", + -14.572431564331056 + ], + [ + "jordani", + -14.572487831115724 + ], + [ + "gegr\u00fcndet", + -14.572537422180176 + ], + [ + "\u2581isolant", + -14.572587966918944 + ], + [ + "\u00e4nken", + -14.57259750366211 + ], + [ + "Scanning", + -14.572604179382324 + ], + [ + "\u2581apostolique", + -14.57260513305664 + ], + [ + "\u2581akoestische", + -14.572667121887209 + ], + [ + "\u2581dissonan", + -14.572667121887209 + ], + [ + "urkunden", + -14.572669982910156 + ], + [ + "menuItem", + -14.572681427001951 + ], + [ + "THO", + -14.572747230529783 + ], + [ + "Concurrency", + -14.57275676727295 + ], + [ + "\u2581Arbeitsteilung", + -14.572758674621582 + ], + [ + "generating", + -14.572775840759276 + ], + [ + "\u2581locataire", + -14.57280445098877 + ], + [ + "\u2581Grossman", + -14.572834968566896 + ], + [ + "dorata", + -14.572871208190918 + ], + [ + "\u2581importiert", + -14.572874069213867 + ], + [ + "ualcosa", + -14.572887420654297 + ], + [ + "\u2581Bundesbesoldung", + -14.57291030883789 + ], + [ + "typically", + -14.57291316986084 + ], + [ + "EndTime", + -14.572921752929688 + ], + [ + "\u2581Bisdom", + -14.572925567626951 + ], + [ + "Kamera", + -14.572928428649902 + ], + [ + "\u2581Conecta", + -14.5729341506958 + ], + [ + "\u2581emigrar", + -14.572956085205078 + ], + [ + "\u2581estrenar", + -14.572957992553713 + ], + [ + "\u2581manipulaci\u00f3n", + -14.57298755645752 + ], + [ + "\u2581persuader", + -14.572990417480469 + ], + [ + "\u2581primates", + -14.572992324829102 + ], + [ + "\u2581colorati", + -14.57302951812744 + ], + [ + "blijvende", + -14.573031425476074 + ], + [ + "\u2581Nuk", + -14.573038101196287 + ], + [ + "\u2581getopts", + -14.573060989379885 + ], + [ + "eifer", + -14.573067665100098 + ], + [ + "Summari", + -14.57306957244873 + ], + [ + "\u2581fissare", + -14.573074340820312 + ], + [ + "\u2581Chauss", + -14.573075294494627 + ], + [ + "consolidate", + -14.573168754577637 + ], + [ + "\u2581Trennungsgeld", + -14.573185920715332 + ], + [ + "\u2581mordid", + -14.573192596435549 + ], + [ + "icista", + -14.573202133178713 + ], + [ + "\u2581Ovidio", + -14.57320499420166 + ], + [ + "\u2581Steelers", + -14.57320499420166 + ], + [ + "\u2581FALS", + -14.573237419128418 + ], + [ + "AINT", + -14.573275566101074 + ], + [ + "\u2581Jubilee", + -14.573283195495604 + ], + [ + "Indochine", + -14.573334693908691 + ], + [ + "\u2581modelled", + -14.573338508605955 + ], + [ + "\u2581Formaldehyd", + -14.573393821716309 + ], + [ + "workbook", + -14.573406219482422 + ], + [ + "\u2581pesetas", + -14.5734281539917 + ], + [ + "teleport", + -14.573441505432127 + ], + [ + "rieben", + -14.573458671569824 + ], + [ + "getallen", + -14.573494911193848 + ], + [ + "curie", + -14.57349967956543 + ], + [ + "combination", + -14.573515892028809 + ], + [ + "\u2581suburbio", + -14.573543548583984 + ], + [ + "klingel", + -14.57355499267578 + ], + [ + "\u2581d\u00e9ment", + -14.573558807373049 + ], + [ + "\u2581metido", + -14.573593139648438 + ], + [ + "\u2581t\u00e9r", + -14.573631286621094 + ], + [ + "\u2581Lenno", + -14.57365894317627 + ], + [ + "zesse", + -14.57366943359375 + ], + [ + "\u2581mangrove", + -14.573686599731444 + ], + [ + "\u2581intellektuell", + -14.573702812194824 + ], + [ + "SubscriptBox", + -14.573721885681152 + ], + [ + "\u2581retirou", + -14.57372760772705 + ], + [ + "\u2581interstate", + -14.573771476745604 + ], + [ + "\u2581emplean", + -14.573801040649414 + ], + [ + "visent", + -14.573819160461426 + ], + [ + "ger\u00fcst", + -14.573829650878906 + ], + [ + "\u2581membra", + -14.57383155822754 + ], + [ + "ascenseur", + -14.573833465576172 + ], + [ + "\u2581maschere", + -14.573853492736816 + ], + [ + "\u2581selecciona", + -14.573885917663574 + ], + [ + "puissance", + -14.573891639709473 + ], + [ + "\u2581Ricciard", + -14.573892593383787 + ], + [ + "\u2581tempor\u00e4re", + -14.5739107131958 + ], + [ + "\u2581apaixonado", + -14.573941230773926 + ], + [ + "\u2581nachkommen", + -14.573967933654783 + ], + [ + "\u2581overleef", + -14.574004173278809 + ], + [ + "ivilrecht", + -14.574007034301758 + ], + [ + "donado", + -14.574019432067873 + ], + [ + "lar\u00edn", + -14.574021339416504 + ], + [ + "g\u00e9nic", + -14.574089050292969 + ], + [ + "\u2581treinar", + -14.574153900146484 + ], + [ + "\u2581novedades", + -14.574162483215332 + ], + [ + "\u2581Ahmadinejad", + -14.574219703674316 + ], + [ + "\u2581abwechselnd", + -14.574222564697266 + ], + [ + "\u2581m\u00e1rgenes", + -14.574222564697266 + ], + [ + "\u2581recri", + -14.57422924041748 + ], + [ + "\u2581Gladstone", + -14.574240684509276 + ], + [ + "parata", + -14.574246406555176 + ], + [ + "\u2581sapess", + -14.574254035949709 + ], + [ + "\u2581Analyst", + -14.5742826461792 + ], + [ + "\u2581gravures", + -14.574285507202148 + ], + [ + "aunting", + -14.574302673339844 + ], + [ + "\u2581matanza", + -14.57430934906006 + ], + [ + "\u2581Masken", + -14.574373245239258 + ], + [ + "\u2581sfilat", + -14.57441234588623 + ], + [ + "havi", + -14.574414253234863 + ], + [ + "\u2581forzada", + -14.574423789978027 + ], + [ + "\u2581Russi", + -14.574471473693848 + ], + [ + "Francesco", + -14.574488639831545 + ], + [ + "druppel", + -14.574501991271973 + ], + [ + "\u2581disfraz", + -14.574515342712402 + ], + [ + "B\u00fcro", + -14.574527740478516 + ], + [ + "\u2581Giunta", + -14.57458782196045 + ], + [ + "\u2581argenti", + -14.574654579162598 + ], + [ + "luent", + -14.574674606323242 + ], + [ + "Authenticated", + -14.574687957763672 + ], + [ + "\u2581fichaje", + -14.574692726135254 + ], + [ + "\u2581Kugeln", + -14.574705123901367 + ], + [ + "documentElement", + -14.574713706970217 + ], + [ + "codeURIComponent", + -14.57473373413086 + ], + [ + "Libertad", + -14.574739456176758 + ], + [ + "\u2581oblig", + -14.574747085571287 + ], + [ + "NewErrParam", + -14.574748039245604 + ], + [ + "\u2581Kathryn", + -14.574748992919922 + ], + [ + "\u2581d\u00e9ploy", + -14.574748992919922 + ], + [ + "\u2581Transformers", + -14.574752807617188 + ], + [ + "\u2581inspireren", + -14.57475757598877 + ], + [ + "\u2581Glycer", + -14.574762344360352 + ], + [ + "l\u00fcft", + -14.574769973754885 + ], + [ + "\u2581basquete", + -14.574771881103516 + ], + [ + "\u2581Frida", + -14.574772834777832 + ], + [ + "\u2581Ideally", + -14.574789047241213 + ], + [ + "identifica", + -14.574790000915527 + ], + [ + "\u2581praec", + -14.57484531402588 + ], + [ + "Bleeker", + -14.574849128723145 + ], + [ + "\u2581favela", + -14.574849128723145 + ], + [ + "\u2581remportant", + -14.57485294342041 + ], + [ + "StringVar", + -14.57485580444336 + ], + [ + "\u2581carnevale", + -14.574877738952637 + ], + [ + "\u2581freue", + -14.57489776611328 + ], + [ + "\u2581Tenis", + -14.574905395507812 + ], + [ + "ulotte", + -14.574906349182127 + ], + [ + "CFCF", + -14.574914932250977 + ], + [ + "rangi", + -14.57492446899414 + ], + [ + "\u2581imaginario", + -14.574929237365724 + ], + [ + "volatile", + -14.57494831085205 + ], + [ + "OOO", + -14.574951171875 + ], + [ + "onite", + -14.574968338012695 + ], + [ + "ssurez", + -14.57503604888916 + ], + [ + "\u2581requerem", + -14.575055122375488 + ], + [ + "\u2581acercaba", + -14.57505989074707 + ], + [ + "\u2581Folgerungen", + -14.575063705444336 + ], + [ + "\u2581huella", + -14.57511043548584 + ], + [ + "\u2581Drittl\u00e4nder", + -14.5751371383667 + ], + [ + "fascista", + -14.575159072875977 + ], + [ + "\u2581Glat", + -14.575194358825684 + ], + [ + "nculo", + -14.57524585723877 + ], + [ + "dienststellen", + -14.575247764587402 + ], + [ + "\u2581Antiguidade", + -14.575257301330566 + ], + [ + "\u2581Tandvlinders", + -14.575257301330566 + ], + [ + "\u2581altviool", + -14.575257301330566 + ], + [ + "\u2581notori\u00e9t\u00e9", + -14.575257301330566 + ], + [ + "Lymphom", + -14.57528305053711 + ], + [ + "\u2581Rindern", + -14.575286865234377 + ], + [ + "\u2581barranco", + -14.57530117034912 + ], + [ + "\u2581risali", + -14.575322151184082 + ], + [ + "\u2581inspanningen", + -14.575324058532717 + ], + [ + "Initiate", + -14.575329780578612 + ], + [ + "OECD", + -14.575331687927246 + ], + [ + "\u2581anzuwendenden", + -14.575360298156738 + ], + [ + "\u2581subsequence", + -14.575392723083496 + ], + [ + "\u2581redistribution", + -14.575433731079102 + ], + [ + "L\u00e9on", + -14.575514793395996 + ], + [ + "Nunca", + -14.575539588928224 + ], + [ + "\u2581berucht", + -14.575553894042969 + ], + [ + "\u2581interrompere", + -14.57557487487793 + ], + [ + "\u2581astratto", + -14.575611114501951 + ], + [ + "\u2581verdachten", + -14.575631141662598 + ], + [ + "Miramar", + -14.575651168823242 + ], + [ + "fernen", + -14.575654029846191 + ], + [ + "\u2581viscon", + -14.575684547424316 + ], + [ + "\u2581Fichten", + -14.575687408447266 + ], + [ + "jasmine", + -14.575700759887695 + ], + [ + "\u2581acusada", + -14.57573127746582 + ], + [ + "\u2581verwies", + -14.575735092163086 + ], + [ + "sichtslos", + -14.575757026672363 + ], + [ + "supra", + -14.575757026672363 + ], + [ + "\u2581ingaggia", + -14.57577419281006 + ], + [ + "\u2581Hodgson", + -14.575776100158691 + ], + [ + "\u2581klavecimbel", + -14.575776100158691 + ], + [ + "aviglia", + -14.575777053833008 + ], + [ + "\u2581Contempor\u00e1neo", + -14.575777053833008 + ], + [ + "\u2581apelidad", + -14.575782775878906 + ], + [ + "\u2581Diskografie", + -14.575790405273438 + ], + [ + "\u2581troveranno", + -14.575803756713867 + ], + [ + "\u2581Vespasiano", + -14.575817108154297 + ], + [ + "MBRE", + -14.575820922851562 + ], + [ + "\u2581verloofd", + -14.575834274291992 + ], + [ + "\u2581productivit\u00e9", + -14.57584285736084 + ], + [ + "uyant", + -14.575854301452637 + ], + [ + "\u2581Wilma", + -14.575857162475586 + ], + [ + "\u2581olfativo", + -14.575860023498535 + ], + [ + "\u2581UIGraphics", + -14.575927734375 + ], + [ + "\u2581Geheimnisse", + -14.575946807861328 + ], + [ + "\u2581diventate", + -14.576008796691896 + ], + [ + "\u2581espande", + -14.576011657714844 + ], + [ + "\u2581deelwoord", + -14.576014518737791 + ], + [ + "\u2581Emiraten", + -14.57602596282959 + ], + [ + "\u2581Verifique", + -14.576045036315918 + ], + [ + "\u2581strengthened", + -14.576053619384766 + ], + [ + "\u2581societal", + -14.576116561889648 + ], + [ + "\u2581settecentesc", + -14.576153755187988 + ], + [ + "\u2581tremble", + -14.576166152954102 + ], + [ + "\u2581uitkomsten", + -14.576189041137695 + ], + [ + "agganci", + -14.576239585876465 + ], + [ + "\u2581Mandi", + -14.57624626159668 + ], + [ + "Bandwidth", + -14.576274871826172 + ], + [ + "\u2581provis\u00f3ri", + -14.576295852661133 + ], + [ + "\u2581Camonica", + -14.576298713684082 + ], + [ + "choppe", + -14.576308250427246 + ], + [ + "\u2581stragrande", + -14.576321601867676 + ], + [ + "\u2581vermochte", + -14.57634449005127 + ], + [ + "imino", + -14.576361656188965 + ], + [ + "\u2581liberata", + -14.57638168334961 + ], + [ + "unbind", + -14.576398849487305 + ], + [ + "\u2581Clovis", + -14.576431274414062 + ], + [ + "ReadFile", + -14.576433181762695 + ], + [ + "Mahon", + -14.576443672180176 + ], + [ + "\u2581rientrano", + -14.576449394226074 + ], + [ + "\u2581Menzi", + -14.576467514038086 + ], + [ + "ettino", + -14.576475143432615 + ], + [ + "voeden", + -14.5764799118042 + ], + [ + "\u2581espont\u00e1nea", + -14.576489448547363 + ], + [ + "\u2581ricordata", + -14.576512336730955 + ], + [ + "\u2581Berufst\u00e4tigkeit", + -14.576519012451172 + ], + [ + "Aqu\u00ed", + -14.576528549194336 + ], + [ + "\u2581Pandemi", + -14.576533317565918 + ], + [ + "spezies", + -14.576553344726562 + ], + [ + "Jules", + -14.576557159423828 + ], + [ + "\u2581Serbe", + -14.576595306396484 + ], + [ + "engendrer", + -14.576678276062012 + ], + [ + "\u2581arrojar", + -14.57673168182373 + ], + [ + "\u2581survol", + -14.576737403869627 + ], + [ + "\u2581allineat", + -14.576769828796388 + ], + [ + "obster", + -14.576777458190918 + ], + [ + "ibbon", + -14.57677936553955 + ], + [ + "\u2581Fleury", + -14.5767822265625 + ], + [ + "\u2581attentif", + -14.576783180236816 + ], + [ + "\u2581riforni", + -14.576794624328612 + ], + [ + "\u2581unbefristete", + -14.57681655883789 + ], + [ + "UGE", + -14.576821327209473 + ], + [ + "\u2581Tripp", + -14.576822280883787 + ], + [ + "\u2581din\u00e1mico", + -14.576823234558104 + ], + [ + "elevazione", + -14.576833724975586 + ], + [ + "\u2581examin\u00e9", + -14.576838493347168 + ], + [ + "lavan", + -14.576839447021484 + ], + [ + "\u2581artiestennaam", + -14.576841354370115 + ], + [ + "\u2581desesperaci\u00f3n", + -14.57684326171875 + ], + [ + "academy", + -14.5768461227417 + ], + [ + "\u2581toneelstukken", + -14.576881408691406 + ], + [ + "\u2581Motiven", + -14.576906204223633 + ], + [ + "Overlap", + -14.576918601989746 + ], + [ + "\u2581naufragio", + -14.576931953430176 + ], + [ + "\u2581Kirill", + -14.5769624710083 + ], + [ + "\u2581Airline", + -14.576972007751465 + ], + [ + "glycos", + -14.576982498168944 + ], + [ + "at\u00f3mico", + -14.576985359191896 + ], + [ + "\u2581Baugewerbe", + -14.57700538635254 + ], + [ + "\u2581argumentando", + -14.577019691467283 + ], + [ + "lectrochemical", + -14.577092170715332 + ], + [ + "\u2581Spirou", + -14.57710075378418 + ], + [ + "\u2581riscattato", + -14.577108383178713 + ], + [ + "\u2581gregg", + -14.577109336853027 + ], + [ + "\u2581Intelig", + -14.577187538146973 + ], + [ + "\u2581numerado", + -14.577189445495604 + ], + [ + "\u2581verviel", + -14.577189445495604 + ], + [ + "fernverkehr", + -14.577190399169922 + ], + [ + "phod", + -14.57720947265625 + ], + [ + "astral", + -14.577216148376465 + ], + [ + "Liebe", + -14.577226638793944 + ], + [ + "\u2581rep\u00e9r\u00e9", + -14.577241897583008 + ], + [ + "rezca", + -14.577248573303224 + ], + [ + "b\u00fch", + -14.57725429534912 + ], + [ + "ollegium", + -14.577260971069336 + ], + [ + "\u2581diurno", + -14.577260971069336 + ], + [ + "\u2581beneficiary", + -14.577335357666016 + ], + [ + "\u2581petroleum", + -14.57734203338623 + ], + [ + "\u2581atteignent", + -14.577347755432127 + ], + [ + "Octobre", + -14.577349662780762 + ], + [ + "\u2581fronteriza", + -14.577363014221191 + ], + [ + "\u2581brouillard", + -14.577394485473633 + ], + [ + "OWER", + -14.57739543914795 + ], + [ + "assali", + -14.577399253845217 + ], + [ + "ystein", + -14.577422142028809 + ], + [ + "\u2581Verschlei", + -14.57742691040039 + ], + [ + "aneda", + -14.577459335327148 + ], + [ + "\u2581Resign", + -14.57748794555664 + ], + [ + "\u2581dimensionality", + -14.57750129699707 + ], + [ + "\u2581futile", + -14.577503204345703 + ], + [ + "ucumber", + -14.577522277832031 + ], + [ + "\u2581subjug", + -14.577522277832031 + ], + [ + "lli\u00e9s", + -14.577533721923828 + ], + [ + "\u2581hablaban", + -14.577536582946776 + ], + [ + "\u2581Sprinter", + -14.577567100524902 + ], + [ + "NotEqual", + -14.577570915222168 + ], + [ + "\u2581clustered", + -14.577576637268066 + ], + [ + "\u2581desafia", + -14.577594757080078 + ], + [ + "\u2581Colectiv", + -14.577631950378418 + ], + [ + "Fusion", + -14.577662467956545 + ], + [ + "vitess", + -14.57769775390625 + ], + [ + "Verunreinigungen", + -14.57775592803955 + ], + [ + "\u2581levenslang", + -14.57778263092041 + ], + [ + "wieso", + -14.577784538269045 + ], + [ + "\u2581criticada", + -14.577788352966309 + ], + [ + "llevo", + -14.577814102172852 + ], + [ + "\u2581steekmuggen", + -14.57781982421875 + ], + [ + "\u2581Medusa", + -14.57782745361328 + ], + [ + "Jura", + -14.577853202819824 + ], + [ + "JENKINS", + -14.577856063842772 + ], + [ + "bjetividad", + -14.577860832214355 + ], + [ + "\u2581documentati", + -14.577860832214355 + ], + [ + "\u2581Stefania", + -14.577868461608888 + ], + [ + "\u2581brasilianischen", + -14.577884674072266 + ], + [ + "\u2581Redonda", + -14.577886581420898 + ], + [ + "\u2581sancties", + -14.577926635742188 + ], + [ + "\u2581Haddad", + -14.57797145843506 + ], + [ + "CGG", + -14.578039169311523 + ], + [ + "gesetzliche", + -14.578073501586914 + ], + [ + "simulatie", + -14.578100204467772 + ], + [ + "UDIO", + -14.578132629394531 + ], + [ + "\u2581pr\u00e9vio", + -14.578133583068848 + ], + [ + "\u2581ricorrente", + -14.578133583068848 + ], + [ + "fourth", + -14.578140258789062 + ], + [ + "SIMULAT", + -14.578166961669922 + ], + [ + "Satisf", + -14.578177452087402 + ], + [ + "\u2581Granville", + -14.578179359436035 + ], + [ + "\u2581Brutus", + -14.57819366455078 + ], + [ + "pachtet", + -14.578208923339844 + ], + [ + "Vertig", + -14.57825756072998 + ], + [ + "RAGE", + -14.578272819519045 + ], + [ + "rainer", + -14.578299522399902 + ], + [ + "\u2581Margu", + -14.578302383422852 + ], + [ + "roger", + -14.578322410583496 + ], + [ + "\u2581convirtiendo", + -14.578335762023926 + ], + [ + "\u2581catheter", + -14.578347206115724 + ], + [ + "bommenwerper", + -14.578374862670898 + ], + [ + "\u2581bemanningsleden", + -14.578374862670898 + ], + [ + "Tachinidae", + -14.578378677368164 + ], + [ + "opbouw", + -14.578383445739746 + ], + [ + "\u2581caraibic", + -14.578405380249023 + ], + [ + "\u2581rechthoekige", + -14.57843017578125 + ], + [ + "married", + -14.578439712524414 + ], + [ + "\u2581salgono", + -14.578474044799805 + ], + [ + "\u2581Abschlag", + -14.57847785949707 + ], + [ + "klarheit", + -14.578495025634766 + ], + [ + "\u2581colloque", + -14.578497886657717 + ], + [ + "\u2581documentata", + -14.57850456237793 + ], + [ + "\u2581concentrano", + -14.578514099121094 + ], + [ + "\u2581\u00e9pousa", + -14.578521728515623 + ], + [ + "concrete", + -14.578545570373535 + ], + [ + "\u2581impacted", + -14.578546524047852 + ], + [ + "\u2581Larkin", + -14.578553199768066 + ], + [ + "\u2581placent", + -14.578568458557127 + ], + [ + "\u2581Onderste", + -14.578571319580078 + ], + [ + "\u2581conceb", + -14.578580856323242 + ], + [ + "\u2581agarrar", + -14.578627586364746 + ], + [ + "Bonus", + -14.578646659851074 + ], + [ + "\u2581Ehrenb\u00fcrger", + -14.578646659851074 + ], + [ + "kritischen", + -14.578662872314451 + ], + [ + "\u2581doppiata", + -14.578678131103516 + ], + [ + "\u2581impliqu\u00e9e", + -14.578704833984377 + ], + [ + "\u2581spontaneously", + -14.578710556030272 + ], + [ + "\u2581kosmische", + -14.578763961791992 + ], + [ + "ffentli", + -14.578764915466309 + ], + [ + "\u2581rispos", + -14.578774452209473 + ], + [ + "cluindo", + -14.57878589630127 + ], + [ + "tchev", + -14.578795433044434 + ], + [ + "TEU", + -14.578831672668455 + ], + [ + "\u2581montra", + -14.578839302062988 + ], + [ + "draggable", + -14.578850746154783 + ], + [ + "\u2581parrain", + -14.578869819641112 + ], + [ + "\u2581riapert", + -14.57888889312744 + ], + [ + "\u2581bretonne", + -14.578893661499023 + ], + [ + "akzeptabel", + -14.578895568847656 + ], + [ + "\u2581resurrecci\u00f3n", + -14.578895568847656 + ], + [ + "\u2581Parrocchi", + -14.578897476196287 + ], + [ + "\u2581sensori", + -14.578898429870604 + ], + [ + "gomphus", + -14.578899383544922 + ], + [ + "\u2581civiele", + -14.578902244567873 + ], + [ + "\u2581Turchi", + -14.578907012939451 + ], + [ + "\u2581beweert", + -14.57891845703125 + ], + [ + "Anderson", + -14.5789213180542 + ], + [ + "berth", + -14.57892608642578 + ], + [ + "peerDependencies", + -14.578940391540527 + ], + [ + "\u2581Kreditkarten", + -14.578962326049805 + ], + [ + "\u2581afghanischen", + -14.578977584838867 + ], + [ + "\u2581controverso", + -14.579029083251951 + ], + [ + "\u2581avval", + -14.57905101776123 + ], + [ + "\u2581Trigon", + -14.579119682312012 + ], + [ + "Bezug", + -14.57913303375244 + ], + [ + "\u2581fluye", + -14.579134941101074 + ], + [ + "dinamico", + -14.579216957092283 + ], + [ + "\u2581Cyst", + -14.579249382019045 + ], + [ + "ypography", + -14.579264640808104 + ], + [ + "\u2581komiek", + -14.579279899597168 + ], + [ + "\u2581sofist", + -14.57933521270752 + ], + [ + "\u2581Fring", + -14.579338073730469 + ], + [ + "\u2581Umstieg", + -14.579339981079102 + ], + [ + "dija", + -14.579368591308594 + ], + [ + "\u2581milice", + -14.579375267028809 + ], + [ + "\u2581Orwell", + -14.579394340515137 + ], + [ + "\u2581defend\u00eda", + -14.579400062561035 + ], + [ + "reisenden", + -14.579404830932615 + ], + [ + "bouwkund", + -14.579412460327148 + ], + [ + "\u2581Scooby", + -14.579415321350098 + ], + [ + "\u2581desempleo", + -14.579416275024414 + ], + [ + "\u2581Gentleman", + -14.57941722869873 + ], + [ + "\u2581Dendrobium", + -14.579419136047363 + ], + [ + "\u2581optimizing", + -14.579419136047363 + ], + [ + "\u2581Eleitoral", + -14.57942008972168 + ], + [ + "sspielr\u00e4ume", + -14.579435348510742 + ], + [ + "anthem", + -14.57943630218506 + ], + [ + "bovenop", + -14.579462051391602 + ], + [ + "Consistent", + -14.579463005065918 + ], + [ + "Bezetting", + -14.579466819763184 + ], + [ + "\u2581proph\u00e9ti", + -14.579489707946776 + ], + [ + "\u2581automobilistico", + -14.57952117919922 + ], + [ + "\u2581Territ\u00f3rio", + -14.579532623291016 + ], + [ + "\u2581fourniture", + -14.57953643798828 + ], + [ + "dec\u00eda", + -14.579540252685549 + ], + [ + "trayal", + -14.579543113708496 + ], + [ + "glaubw\u00fcrdig", + -14.579544067382812 + ], + [ + "olifant", + -14.579560279846191 + ], + [ + "\u2581caminha", + -14.579560279846191 + ], + [ + "\u2581succhi", + -14.579570770263672 + ], + [ + "\u2581sweeping", + -14.579594612121582 + ], + [ + "\u2581agrarische", + -14.579641342163086 + ], + [ + "\u2581Villegas", + -14.579691886901855 + ], + [ + "inconscient", + -14.579703330993652 + ], + [ + "Bingen", + -14.579741477966309 + ], + [ + "\u2581fortalece", + -14.579742431640623 + ], + [ + "\u2581Manrique", + -14.579751014709473 + ], + [ + "erberos", + -14.5797700881958 + ], + [ + "\u2581eternamente", + -14.579788208007812 + ], + [ + "cubierta", + -14.579795837402344 + ], + [ + "erschlagen", + -14.579800605773926 + ], + [ + "\u2581relleno", + -14.579837799072266 + ], + [ + "haltiger", + -14.579852104187012 + ], + [ + "\u2581diskrete", + -14.579853057861328 + ], + [ + "\u2581cadera", + -14.57988452911377 + ], + [ + "nalgesi", + -14.579934120178224 + ], + [ + "ssacar\u00eddeos", + -14.579937934875488 + ], + [ + "\u2581Rehabilitierung", + -14.579937934875488 + ], + [ + "\u2581kompensieren", + -14.579937934875488 + ], + [ + "\u2581motociclett", + -14.579937934875488 + ], + [ + "Diagnosis", + -14.579938888549805 + ], + [ + "\u2581Peruzzi", + -14.579955101013184 + ], + [ + "\u2581sostituendo", + -14.57995891571045 + ], + [ + "Privat", + -14.579959869384766 + ], + [ + "\u2581razziale", + -14.57998275756836 + ], + [ + "gleichbehandlung", + -14.57999038696289 + ], + [ + "\u2581Gattungen", + -14.57999038696289 + ], + [ + "\u2581Circulation", + -14.58000373840332 + ], + [ + "\u2581abbilden", + -14.580026626586914 + ], + [ + "\u2581nouvellement", + -14.580026626586914 + ], + [ + "\u2581incertaine", + -14.580044746398926 + ], + [ + "\u2581congr\u00e9gation", + -14.580058097839355 + ], + [ + "argtypes", + -14.580072402954102 + ], + [ + "\u2581comprid", + -14.58009910583496 + ], + [ + "\u2581l\u00edrico", + -14.580102920532228 + ], + [ + "Vektor", + -14.580144882202148 + ], + [ + "Failover", + -14.58014965057373 + ], + [ + "nstatt", + -14.580154418945312 + ], + [ + "\u2581intensiviert", + -14.580154418945312 + ], + [ + "Ignoring", + -14.580175399780272 + ], + [ + "\u2581diminuindo", + -14.580184936523438 + ], + [ + "\u2581ricevendo", + -14.580192565917969 + ], + [ + "\u2581Bennet", + -14.580242156982422 + ], + [ + "flogen", + -14.580273628234863 + ], + [ + "\u2581gewapende", + -14.580339431762695 + ], + [ + "\u2581encarregado", + -14.580350875854492 + ], + [ + "\u2581acroba", + -14.580431938171388 + ], + [ + "ulmana", + -14.580438613891602 + ], + [ + "nukle", + -14.58045768737793 + ], + [ + "beamter", + -14.580467224121094 + ], + [ + "\u2581estall\u00f3", + -14.580474853515623 + ], + [ + "\u2581outdated", + -14.580482482910156 + ], + [ + "\u2581Brighi", + -14.580483436584473 + ], + [ + "\u2581verrassend", + -14.580484390258787 + ], + [ + "\u2581anticamente", + -14.580498695373535 + ], + [ + "\u2581Versandkosten", + -14.58051300048828 + ], + [ + "HTTPStatusCode", + -14.580520629882812 + ], + [ + "vermeidung", + -14.580521583557127 + ], + [ + "\u2581implant\u00e9e", + -14.580528259277344 + ], + [ + "Weilburg", + -14.580561637878418 + ], + [ + "\u2581Teilst\u00fcck", + -14.580625534057615 + ], + [ + "affetta", + -14.580660820007324 + ], + [ + "\u2581svilupparsi", + -14.580679893493652 + ], + [ + "\u2581Benign", + -14.580710411071776 + ], + [ + "canci\u00f3n", + -14.58072280883789 + ], + [ + "\u2581Ver\u00f3nica", + -14.58072566986084 + ], + [ + "Healthy", + -14.580745697021484 + ], + [ + "\u2581Schand", + -14.580801963806152 + ], + [ + "\u2581rilasciata", + -14.58080768585205 + ], + [ + "c\u00edo", + -14.58083724975586 + ], + [ + "meeting", + -14.58085823059082 + ], + [ + "ershausen", + -14.580866813659668 + ], + [ + "\u2581suavemente", + -14.5808687210083 + ], + [ + "\u2581Britannic", + -14.580894470214844 + ], + [ + "\u2581daarover", + -14.580903053283691 + ], + [ + "\u2581rombo", + -14.580928802490234 + ], + [ + "practical", + -14.58094882965088 + ], + [ + "\u2581b\u00e9lico", + -14.580968856811523 + ], + [ + "\u2581muzikaal", + -14.58098030090332 + ], + [ + "Ancestor", + -14.58098316192627 + ], + [ + "cib\u00eda", + -14.58100700378418 + ], + [ + "\u2581Vegetari", + -14.581008911132812 + ], + [ + "\u2581koralen", + -14.581008911132812 + ], + [ + "\u2581incisioni", + -14.581010818481444 + ], + [ + "chique", + -14.581027030944824 + ], + [ + "\u2581Reliqui", + -14.581073760986328 + ], + [ + "Dissertation", + -14.581084251403809 + ], + [ + "\u2581azimuth", + -14.581093788146973 + ], + [ + "eitreihe", + -14.581114768981934 + ], + [ + "\u2581Partnerschaften", + -14.581128120422363 + ], + [ + "cerus", + -14.58116340637207 + ], + [ + "getreden", + -14.581178665161133 + ], + [ + "\u2581pisan", + -14.581199645996094 + ], + [ + "\u2581kenmerkt", + -14.581204414367676 + ], + [ + "\u2581Absprachen", + -14.581215858459473 + ], + [ + "schiet", + -14.581241607666016 + ], + [ + "Bolivia", + -14.58125114440918 + ], + [ + "cobi", + -14.581258773803713 + ], + [ + "schikking", + -14.581299781799316 + ], + [ + "jesu", + -14.581304550170898 + ], + [ + "FAN", + -14.581323623657228 + ], + [ + "\u2581metaf\u00edsica", + -14.58136749267578 + ], + [ + "\u2581linguistiche", + -14.581371307373049 + ], + [ + "\u2581Drey", + -14.58140468597412 + ], + [ + "r\u00fcben", + -14.581411361694336 + ], + [ + "\u2581penos", + -14.581449508666992 + ], + [ + "jita", + -14.581451416015623 + ], + [ + "Matrices", + -14.58145809173584 + ], + [ + "\u2581esparci", + -14.581475257873535 + ], + [ + "\u2581v\u00edspera", + -14.581503868103027 + ], + [ + "\u2581Eichst\u00e4tt", + -14.581509590148926 + ], + [ + "\u2581astronom\u00eda", + -14.581513404846191 + ], + [ + "schifffahrt", + -14.581515312194824 + ], + [ + "tractable", + -14.581517219543455 + ], + [ + "\u2581Middlesex", + -14.581528663635254 + ], + [ + "\u2581Capitania", + -14.581533432006836 + ], + [ + "anthologie", + -14.581537246704102 + ], + [ + "Squared", + -14.581551551818848 + ], + [ + "\u2581provid", + -14.581646919250488 + ], + [ + "\u2581Aussch\u00fcttung", + -14.58165454864502 + ], + [ + "\u2581entabla", + -14.5816650390625 + ], + [ + "\u2581Federica", + -14.58167839050293 + ], + [ + "\u2581finalizando", + -14.581682205200195 + ], + [ + "\u2581Lynd", + -14.581684112548828 + ], + [ + "\u2581ressentir", + -14.581689834594728 + ], + [ + "\u2581Safi", + -14.58175277709961 + ], + [ + "affirme", + -14.581758499145508 + ], + [ + "\u2581fileira", + -14.581767082214355 + ], + [ + "\u2581innovant", + -14.581775665283203 + ], + [ + "\u2581liebevoll", + -14.581789016723633 + ], + [ + "Staking", + -14.581806182861328 + ], + [ + "Decrypt", + -14.58181858062744 + ], + [ + "\u2581finanze", + -14.581820487976074 + ], + [ + "utopsie", + -14.581822395324709 + ], + [ + "Lille", + -14.581849098205566 + ], + [ + "\u2581Preste", + -14.581883430480955 + ], + [ + "\u2581padrino", + -14.58189296722412 + ], + [ + "zipiert", + -14.581954002380373 + ], + [ + "\u2581stalini", + -14.5819730758667 + ], + [ + "\u2581panique", + -14.581988334655762 + ], + [ + "ettorato", + -14.582012176513672 + ], + [ + "ATCH", + -14.582024574279783 + ], + [ + "\u2581Maggi", + -14.58203125 + ], + [ + "\u2581adherence", + -14.582037925720217 + ], + [ + "ALO", + -14.582051277160645 + ], + [ + "\u2581sprinkle", + -14.582051277160645 + ], + [ + "\u2581investigado", + -14.582053184509276 + ], + [ + "Animating", + -14.582058906555176 + ], + [ + "CONNECTED", + -14.582060813903809 + ], + [ + "ider\u00f3", + -14.582128524780272 + ], + [ + "\u2581esperanto", + -14.582133293151855 + ], + [ + "tamanho", + -14.582147598266602 + ], + [ + "\u2581cazador", + -14.582180976867676 + ], + [ + "udique", + -14.582194328308104 + ], + [ + "\u2581unternahm", + -14.582204818725586 + ], + [ + "Posterior", + -14.58225154876709 + ], + [ + "\u2581Ambulan", + -14.58225440979004 + ], + [ + "\u2581diferenci", + -14.582262992858888 + ], + [ + "\u2581conduzid", + -14.582269668579102 + ], + [ + "individuazione", + -14.58228874206543 + ], + [ + "propagating", + -14.58229160308838 + ], + [ + "\u2581Hebung", + -14.582313537597656 + ], + [ + "rritation", + -14.582318305969238 + ], + [ + "\u2581respingere", + -14.582357406616213 + ], + [ + "\u2581geschildert", + -14.58237361907959 + ], + [ + "bilh", + -14.582374572753906 + ], + [ + "staunen", + -14.58239459991455 + ], + [ + "\u2581Sociais", + -14.582425117492676 + ], + [ + "\u2581Beschuldigte", + -14.582430839538574 + ], + [ + "Rundfahrt", + -14.582479476928713 + ], + [ + "\u2581espalhar", + -14.582489967346191 + ], + [ + "\u2581Hiervon", + -14.58249855041504 + ], + [ + "kking", + -14.582538604736328 + ], + [ + "\u2581tegemoet", + -14.582547187805176 + ], + [ + "\u2581gourmet", + -14.58255100250244 + ], + [ + "\u2581crudelt\u00e0", + -14.58255386352539 + ], + [ + "\u2581Gegenseitigkeit", + -14.582559585571287 + ], + [ + "nshaw", + -14.582564353942873 + ], + [ + "Handshake", + -14.582571029663086 + ], + [ + "\u2581mausoleo", + -14.58257293701172 + ], + [ + "abr\u00e1", + -14.582595825195312 + ], + [ + "\u2581Humanist", + -14.582595825195312 + ], + [ + "Kulmbach", + -14.582606315612791 + ], + [ + "\u2581boyfriend", + -14.582622528076172 + ], + [ + "\u2581septentrionale", + -14.582661628723145 + ], + [ + "\u2581Dodgers", + -14.582677841186523 + ], + [ + "trainable", + -14.582697868347168 + ], + [ + "\u2581profund", + -14.582718849182127 + ], + [ + "\u2581pol\u00edticamente", + -14.582724571228027 + ], + [ + "EDO", + -14.582772254943848 + ], + [ + "\u2581Stravinsky", + -14.582791328430176 + ], + [ + "\u2581triggering", + -14.582807540893556 + ], + [ + "\u2581enviaron", + -14.58282470703125 + ], + [ + "\u2581mensheid", + -14.58283233642578 + ], + [ + "\u2581Maestr\u00eda", + -14.582833290100098 + ], + [ + "eentje", + -14.582839965820312 + ], + [ + "\u2581assembleia", + -14.582844734191896 + ], + [ + "\u2581Handschuh", + -14.582845687866213 + ], + [ + "\u2581capillary", + -14.58284854888916 + ], + [ + "\u2581spectroscopic", + -14.58285427093506 + ], + [ + "telier", + -14.582877159118652 + ], + [ + "Erweiterung", + -14.58288288116455 + ], + [ + "\u2581harmoniz", + -14.582927703857422 + ], + [ + "\u2581Mostar", + -14.582965850830078 + ], + [ + "Twitter", + -14.582977294921877 + ], + [ + "arzneimittel", + -14.582990646362305 + ], + [ + "explosif", + -14.582999229431152 + ], + [ + "\u2581Dustin", + -14.5830078125 + ], + [ + "\u2581rechthoekig", + -14.583027839660645 + ], + [ + "AGEN", + -14.583069801330566 + ], + [ + "\u2581Katholiken", + -14.583072662353516 + ], + [ + "uitslagen", + -14.583086013793944 + ], + [ + "rapace", + -14.583090782165527 + ], + [ + "\u2581entfallenden", + -14.583094596862791 + ], + [ + "\u2581piccante", + -14.58310317993164 + ], + [ + "\u2581r\u00e9\u00e9dit", + -14.58310317993164 + ], + [ + "\u2581Doorverwijzing", + -14.58310890197754 + ], + [ + "\u2581Verschwinden", + -14.58313274383545 + ], + [ + "\u2581progressif", + -14.583197593688965 + ], + [ + "\u2581vorzeitigen", + -14.583210945129396 + ], + [ + "URLString", + -14.583247184753418 + ], + [ + "\u2581selettiv", + -14.583257675170898 + ], + [ + "\u2581tirato", + -14.58326530456543 + ], + [ + "\u2581troppe", + -14.583277702331545 + ], + [ + "Harris", + -14.583301544189451 + ], + [ + "\u2581continuer\u00e0", + -14.583377838134766 + ], + [ + "\u2581desaparecida", + -14.583381652832031 + ], + [ + "\u2581Cavallo", + -14.583383560180664 + ], + [ + "gnuno", + -14.583420753479004 + ], + [ + "decimais", + -14.583425521850586 + ], + [ + "verkocht", + -14.58344841003418 + ], + [ + "volumin", + -14.583452224731444 + ], + [ + "colano", + -14.583497047424316 + ], + [ + "\u2581actuaba", + -14.58352279663086 + ], + [ + "appalt", + -14.583547592163086 + ], + [ + "\u2581Therapeut", + -14.583548545837402 + ], + [ + "\u2581casser", + -14.583551406860352 + ], + [ + "Firenze", + -14.583559036254885 + ], + [ + "\u2581cusp", + -14.58357048034668 + ], + [ + "ffleur", + -14.583584785461426 + ], + [ + "\u2581impront", + -14.583584785461426 + ], + [ + "\u2581atmosph\u00e9rique", + -14.583593368530272 + ], + [ + "\u2581bevorzugen", + -14.583593368530272 + ], + [ + "szenarien", + -14.583595275878906 + ], + [ + "\u2581S\u00fcdostasien", + -14.583595275878906 + ], + [ + "\u2581siehst", + -14.583641052246094 + ], + [ + "zarista", + -14.583651542663574 + ], + [ + "lastIndex", + -14.583670616149902 + ], + [ + "chisme", + -14.583685874938965 + ], + [ + "\u2581Landebahn", + -14.583706855773926 + ], + [ + "Pase", + -14.583722114562988 + ], + [ + "\u2581curador", + -14.583746910095217 + ], + [ + "\u2581Bauland", + -14.583758354187012 + ], + [ + "\u2581trabajaban", + -14.583788871765137 + ], + [ + "\u2581Inquisi", + -14.583809852600098 + ], + [ + "Unimplemented", + -14.583821296691896 + ], + [ + "Distr", + -14.583827018737791 + ], + [ + "\u2581zustehenden", + -14.58384132385254 + ], + [ + "Ausschuss", + -14.583852767944336 + ], + [ + "Contributor", + -14.583879470825195 + ], + [ + "\u2581debbano", + -14.58393383026123 + ], + [ + "\u2581Sch\u00fclerin", + -14.583940505981444 + ], + [ + "\u2581cortesan", + -14.583962440490724 + ], + [ + "\u2581Teolog\u00eda", + -14.584001541137695 + ], + [ + "\u2581contrariamente", + -14.584024429321287 + ], + [ + "strow", + -14.584026336669922 + ], + [ + "TICS", + -14.5840425491333 + ], + [ + "individualismo", + -14.584084510803224 + ], + [ + "\u2581viticole", + -14.584121704101562 + ], + [ + "\u2581Lituanie", + -14.584123611450195 + ], + [ + "\u2581Krekels", + -14.584129333496094 + ], + [ + "\u2581Berman", + -14.584165573120115 + ], + [ + "\u2581tunneling", + -14.584189414978027 + ], + [ + "\u2581predominant", + -14.58420753479004 + ], + [ + "EWE", + -14.584214210510254 + ], + [ + "rauschen", + -14.584226608276367 + ], + [ + "\u2581accorse", + -14.584229469299316 + ], + [ + "\u2581collier", + -14.584229469299316 + ], + [ + "\u2581verdadeiramente", + -14.58427619934082 + ], + [ + "Substrat", + -14.584285736083984 + ], + [ + "\u2581G\u00e9n\u00e9ralement", + -14.584293365478516 + ], + [ + "cetera", + -14.584300994873049 + ], + [ + "\u2581Spezifikation", + -14.58434009552002 + ], + [ + "opodidae", + -14.584342002868652 + ], + [ + "Oxy", + -14.584351539611816 + ], + [ + "\u2581photographier", + -14.584359169006348 + ], + [ + "\u2581celebraciones", + -14.58436107635498 + ], + [ + "\u2581infectado", + -14.58438205718994 + ], + [ + "ommissariat", + -14.584410667419434 + ], + [ + "ysosom", + -14.584428787231444 + ], + [ + "zelnen", + -14.584429740905762 + ], + [ + "\u2581estendere", + -14.584452629089355 + ], + [ + "\u2581centrifuge", + -14.584498405456545 + ], + [ + "\u2581bent\u00f3nico", + -14.58454418182373 + ], + [ + "hoofden", + -14.584571838378906 + ], + [ + "\u2581chiudendo", + -14.584575653076172 + ], + [ + "\u2581Dramatic", + -14.584579467773438 + ], + [ + "\u2581compactado", + -14.584586143493652 + ], + [ + "\u2581cinere", + -14.58459186553955 + ], + [ + "Inclusion", + -14.584603309631348 + ], + [ + "\u2581troppa", + -14.58460521697998 + ], + [ + "ferendo", + -14.58461093902588 + ], + [ + "\u2581vengo", + -14.584624290466309 + ], + [ + "\u2581Wildcat", + -14.584630012512209 + ], + [ + "\u2581conservant", + -14.584632873535156 + ], + [ + "\u2581pr\u00e9judice", + -14.584639549255373 + ], + [ + "\u2581aggiornamenti", + -14.58464527130127 + ], + [ + "PIPESTATUS", + -14.5846586227417 + ], + [ + "\u2581computacionais", + -14.5846586227417 + ], + [ + "\u2581fluttua", + -14.5846586227417 + ], + [ + "\u2581peanut", + -14.58466625213623 + ], + [ + "\u2581vitorios", + -14.584671974182127 + ], + [ + "\u2581ouvertement", + -14.584709167480469 + ], + [ + "\u2581imputati", + -14.584724426269531 + ], + [ + "arrington", + -14.58473777770996 + ], + [ + "\u2581ochr", + -14.58475399017334 + ], + [ + "ollverwaltung", + -14.584798812866213 + ], + [ + "ncapsulation", + -14.584805488586426 + ], + [ + "xymatrix", + -14.58481788635254 + ], + [ + "orentin", + -14.584819793701172 + ], + [ + "rdinatie", + -14.584839820861816 + ], + [ + "\u2581accroch\u00e9", + -14.58487606048584 + ], + [ + "edempt", + -14.584887504577637 + ], + [ + "\u2581assomm", + -14.584891319274902 + ], + [ + "naturais", + -14.584940910339355 + ], + [ + "\u2581avvolto", + -14.584946632385254 + ], + [ + "\u2581mediation", + -14.584970474243164 + ], + [ + "\u2581tripla", + -14.584999084472656 + ], + [ + "\u2581wettbewerbliche", + -14.5850248336792 + ], + [ + "naher", + -14.585046768188477 + ], + [ + "\u2581Bildende", + -14.585091590881348 + ], + [ + "\u2581sirena", + -14.58513069152832 + ], + [ + "\u2581cordiale", + -14.585132598876951 + ], + [ + "\u2581Linder", + -14.58513641357422 + ], + [ + "\u2581gemarkeerd", + -14.585166931152344 + ], + [ + "ic\u00f3rnio", + -14.58517360687256 + ], + [ + "neurysm", + -14.585187911987305 + ], + [ + "NodeType", + -14.585212707519531 + ], + [ + "\u2581parliamo", + -14.585216522216797 + ], + [ + "ython", + -14.58522891998291 + ], + [ + "\u2581hometown", + -14.585247993469238 + ], + [ + "\u2581riesca", + -14.585251808166504 + ], + [ + "Kombination", + -14.585256576538086 + ], + [ + "keyedBy", + -14.585278511047363 + ], + [ + "loxa", + -14.58527946472168 + ], + [ + "\u2581Marra", + -14.585294723510742 + ], + [ + "\u2581Sacrament", + -14.585299491882324 + ], + [ + "\u2581laureato", + -14.585309028625488 + ], + [ + "\u2581riguardava", + -14.585329055786133 + ], + [ + "\u2581Subsequent", + -14.58537769317627 + ], + [ + "branded", + -14.58540153503418 + ], + [ + "\u2581kompakte", + -14.58541202545166 + ], + [ + "\u2581Brownian", + -14.58543300628662 + ], + [ + "\u2581Protezione", + -14.58543300628662 + ], + [ + "\u2581Fierro", + -14.585468292236328 + ], + [ + "\u2581Rosales", + -14.58549976348877 + ], + [ + "\u2581Patronus", + -14.585512161254885 + ], + [ + "\u2581adequadamente", + -14.585526466369627 + ], + [ + "rderungsmittel", + -14.585527420043944 + ], + [ + "\u2581alucina", + -14.585556983947754 + ], + [ + "tzinger", + -14.58560562133789 + ], + [ + "\u2581trocado", + -14.585653305053713 + ], + [ + "rovingi", + -14.58566188812256 + ], + [ + "\u2581einhalten", + -14.585667610168455 + ], + [ + "\u2581Gesch\u00e4digten", + -14.585671424865724 + ], + [ + "LOGGING", + -14.585684776306152 + ], + [ + "\u2581cuisini", + -14.585688591003418 + ], + [ + "disons", + -14.585702896118164 + ], + [ + "\u2581battent", + -14.585710525512695 + ], + [ + "\u2581morphologische", + -14.585710525512695 + ], + [ + "\u2581sbocco", + -14.58571720123291 + ], + [ + "\u2581c\u00edvico", + -14.58574104309082 + ], + [ + "\u2581hintereinander", + -14.585747718811035 + ], + [ + "\u2581sguardi", + -14.58576202392578 + ], + [ + "graphicx", + -14.585821151733398 + ], + [ + "\u2581Brandschutz", + -14.58582592010498 + ], + [ + "\u2581dipint", + -14.585841178894045 + ], + [ + "ackathon", + -14.58592128753662 + ], + [ + "loglevel", + -14.5859375 + ], + [ + "\u2581n\u00e9glige", + -14.585954666137695 + ], + [ + "\u2581perdant", + -14.5860013961792 + ], + [ + "yrie", + -14.586002349853516 + ], + [ + "happy", + -14.586040496826172 + ], + [ + "\u2581manuais", + -14.58606243133545 + ], + [ + "vertaling", + -14.58608341217041 + ], + [ + "\u2581nadelen", + -14.58608341217041 + ], + [ + "gewehr", + -14.586097717285156 + ], + [ + "revolutie", + -14.586097717285156 + ], + [ + "\u2581suposto", + -14.586119651794434 + ], + [ + "\u2581Amtsbezeichnung", + -14.586127281188965 + ], + [ + "OnError", + -14.586148262023926 + ], + [ + "enten\u00e1rio", + -14.586175918579102 + ], + [ + "\u2581remate", + -14.58617877960205 + ], + [ + "affu", + -14.58619499206543 + ], + [ + "Accelerator", + -14.586211204528809 + ], + [ + "\u2581paraissent", + -14.586233139038086 + ], + [ + "\u2581inschrijvingen", + -14.58623504638672 + ], + [ + "\u2581Voivodato", + -14.586238861083984 + ], + [ + "eased", + -14.58625030517578 + ], + [ + "\u2581dicevano", + -14.586268424987791 + ], + [ + "\u2581berretto", + -14.586270332336426 + ], + [ + "reloaded", + -14.586274147033691 + ], + [ + "\u2581tiranno", + -14.58628273010254 + ], + [ + "Additive", + -14.58628749847412 + ], + [ + "\u2581proposti", + -14.58629035949707 + ], + [ + "\u2581Joch", + -14.586299896240234 + ], + [ + "\u00e1rabe", + -14.58630084991455 + ], + [ + "\u2581governative", + -14.58630084991455 + ], + [ + "\u2581Hackett", + -14.58631420135498 + ], + [ + "\u2581anatomische", + -14.586320877075195 + ], + [ + "\u2581colpevoli", + -14.586333274841309 + ], + [ + "\u2581traveller", + -14.586338996887209 + ], + [ + "\u2581hautement", + -14.58634090423584 + ], + [ + "nderungsgesetz", + -14.58635139465332 + ], + [ + "inhalten", + -14.586360931396484 + ], + [ + "\u2581zusammensetzt", + -14.58637237548828 + ], + [ + "\u2581battelli", + -14.58641529083252 + ], + [ + "\u2581mitgebracht", + -14.586417198181152 + ], + [ + "\u2581contagia", + -14.58642292022705 + ], + [ + "\u2581Olivares", + -14.586560249328612 + ], + [ + "\u2581estrangula", + -14.58658218383789 + ], + [ + "\u2581Chinch", + -14.586587905883787 + ], + [ + "gewohnheiten", + -14.58661651611328 + ], + [ + "\u2581Abruzz", + -14.586642265319824 + ], + [ + "\u2581Contrar", + -14.586662292480469 + ], + [ + "\u2581cliffs", + -14.586712837219238 + ], + [ + "\u2581evidenziato", + -14.586731910705566 + ], + [ + "\u2581Atho", + -14.586737632751465 + ], + [ + "\u2581pr\u00e9tention", + -14.586739540100098 + ], + [ + "UTR", + -14.58675479888916 + ], + [ + "FOREACH", + -14.586762428283691 + ], + [ + "\u2581destinat\u00e1rio", + -14.586763381958008 + ], + [ + "beben", + -14.58676815032959 + ], + [ + "\u2581bobsle", + -14.58677101135254 + ], + [ + "\u2581Verbond", + -14.586785316467283 + ], + [ + "\u2581especia", + -14.58678913116455 + ], + [ + "\u2581Bekijken", + -14.586828231811523 + ], + [ + "\u2581cisterna", + -14.586872100830078 + ], + [ + "ssoci\u00e9", + -14.586874961853027 + ], + [ + "\u2581Drehmoment", + -14.58687686920166 + ], + [ + "\u2581reticulat", + -14.586878776550291 + ], + [ + "alpinism", + -14.586907386779783 + ], + [ + "Corresponding", + -14.586926460266112 + ], + [ + "\u2581Forni", + -14.58693790435791 + ], + [ + "\u2581bespreken", + -14.586954116821287 + ], + [ + "\u2581vedevano", + -14.58696174621582 + ], + [ + "rinda", + -14.586966514587402 + ], + [ + "\u2581sabiendo", + -14.5870361328125 + ], + [ + "\u2581renforc\u00e9", + -14.587038040161133 + ], + [ + "Frequenz", + -14.587090492248535 + ], + [ + "\u2581satiric", + -14.587098121643066 + ], + [ + "readdir", + -14.587112426757812 + ], + [ + "oyote", + -14.587140083312988 + ], + [ + "\u2581kunststof", + -14.587148666381836 + ], + [ + "effor", + -14.587151527404783 + ], + [ + "\u2581kombinierten", + -14.587206840515137 + ], + [ + "\u2581Ravensburg", + -14.587215423583984 + ], + [ + "\u2581medeoprichter", + -14.587261199951172 + ], + [ + "\u2581Criaturas", + -14.587263107299805 + ], + [ + "\u2581nascoste", + -14.58726692199707 + ], + [ + "\u2581D\u00fcsseldorfer", + -14.58728313446045 + ], + [ + "\u2581einzustufen", + -14.587288856506348 + ], + [ + "ipolar", + -14.587292671203612 + ], + [ + "\u2581logistische", + -14.587295532226562 + ], + [ + "\u2581requisita", + -14.587319374084473 + ], + [ + "\u2581Bril", + -14.587325096130373 + ], + [ + "Treiber", + -14.587346076965332 + ], + [ + "\u2581Bahrein", + -14.587347030639648 + ], + [ + "osauria", + -14.587364196777344 + ], + [ + "\u2581biochemical", + -14.587369918823242 + ], + [ + "puy", + -14.587372779846191 + ], + [ + "lisario", + -14.58737850189209 + ], + [ + "\u2581sobrepasa", + -14.587398529052734 + ], + [ + "\u2581extra\u00eddo", + -14.587401390075684 + ], + [ + "\u2581triennal", + -14.58740520477295 + ], + [ + "disease", + -14.587420463562012 + ], + [ + "\u2581Jaipur", + -14.58743381500244 + ], + [ + "\u2581sentencing", + -14.587447166442873 + ], + [ + "lisible", + -14.58746337890625 + ], + [ + "\u2581refinado", + -14.587464332580566 + ], + [ + "\u2581doubling", + -14.587480545043944 + ], + [ + "\u2581avviata", + -14.58750057220459 + ], + [ + "Parlament", + -14.58755588531494 + ], + [ + "\u2581ultrapassar", + -14.587575912475586 + ], + [ + "\u2581bronc", + -14.587576866149902 + ], + [ + "\u2581ospitava", + -14.587578773498535 + ], + [ + "nabling", + -14.58759880065918 + ], + [ + "calibration", + -14.587624549865724 + ], + [ + "rafra", + -14.587650299072266 + ], + [ + "\u2581uitbrengen", + -14.58765983581543 + ], + [ + "\u2581avvolt", + -14.587668418884276 + ], + [ + "\u2581alhoewel", + -14.58769416809082 + ], + [ + "\u2581rapero", + -14.587702751159668 + ], + [ + "Colorado", + -14.587745666503906 + ], + [ + "ienza", + -14.587750434875488 + ], + [ + "\u2581Tabar", + -14.587780952453612 + ], + [ + "\u2581Universities", + -14.58780574798584 + ], + [ + "\u2581morrido", + -14.58781909942627 + ], + [ + "tabularnewline", + -14.587835311889648 + ], + [ + "\u2581suggerit", + -14.587835311889648 + ], + [ + "\u2581scus", + -14.587903022766112 + ], + [ + "uctor", + -14.58790397644043 + ], + [ + "\u2581asignar", + -14.58790397644043 + ], + [ + "halbjahr", + -14.587933540344238 + ], + [ + "gesp\u00fclt", + -14.58796215057373 + ], + [ + "\u2581pagher", + -14.587972640991213 + ], + [ + "\u2581Corinne", + -14.58797836303711 + ], + [ + "\u2581dedicaba", + -14.588017463684082 + ], + [ + "\u2581Parthen", + -14.588037490844728 + ], + [ + "icott", + -14.588052749633787 + ], + [ + "Formatted", + -14.588056564331056 + ], + [ + "leihe", + -14.58806324005127 + ], + [ + "anzini", + -14.588071823120115 + ], + [ + "uirinale", + -14.58807373046875 + ], + [ + "ceiver", + -14.588091850280762 + ], + [ + "\u2581transf\u00e9r\u00e9e", + -14.588096618652344 + ], + [ + "\u2581Moust", + -14.58811378479004 + ], + [ + "\u2581purport", + -14.588114738464355 + ], + [ + "cyclique", + -14.588128089904783 + ], + [ + "hist\u00f3ria", + -14.588168144226074 + ], + [ + "COST", + -14.588177680969238 + ], + [ + "enrode", + -14.588178634643556 + ], + [ + "ResourceGroup", + -14.58819580078125 + ], + [ + "Authorize", + -14.588205337524414 + ], + [ + "\u2581bek\u00e4mpft", + -14.588224411010742 + ], + [ + "\u2581Karmel", + -14.58823299407959 + ], + [ + "oedel", + -14.588244438171388 + ], + [ + "wahrheit", + -14.58828830718994 + ], + [ + "\u2581cracked", + -14.588298797607422 + ], + [ + "STAMP", + -14.58830738067627 + ], + [ + "\u2581difensivo", + -14.588312149047852 + ], + [ + "\u2581envergadura", + -14.588312149047852 + ], + [ + "\u2581euskera", + -14.588312149047852 + ], + [ + "\u2581Bukarest", + -14.588313102722168 + ], + [ + "\u2581burocracia", + -14.588315963745115 + ], + [ + "\u2581conduisent", + -14.588321685791016 + ], + [ + "\u2581Glieder", + -14.588345527648926 + ], + [ + "tachel", + -14.588356018066406 + ], + [ + "\u2581loisir", + -14.58836555480957 + ], + [ + "\u2581Osserva", + -14.588376998901367 + ], + [ + "\u2581Anl\u00e4sse", + -14.58840274810791 + ], + [ + "\u2581Aktualit\u00e4t", + -14.588438034057615 + ], + [ + "\u2581gancho", + -14.588454246520996 + ], + [ + "\u2581disgra", + -14.588510513305664 + ], + [ + "\u2581Prosop", + -14.588530540466309 + ], + [ + "\u2581Lanta", + -14.588568687438965 + ], + [ + "\u2581submete", + -14.588583946228027 + ], + [ + "\u2581snorkeling", + -14.588630676269531 + ], + [ + "cifrado", + -14.58868408203125 + ], + [ + "Court", + -14.588699340820312 + ], + [ + "\u2581t\u00edpicamente", + -14.588705062866213 + ], + [ + "geworpen", + -14.58884048461914 + ], + [ + "\u2581Bewilligt", + -14.588848114013672 + ], + [ + "\u2581eseguite", + -14.58885669708252 + ], + [ + "\u2581Emmerich", + -14.588868141174316 + ], + [ + "\u2581Meeresspiegel", + -14.588875770568848 + ], + [ + "\u2581Nukleotid", + -14.58889389038086 + ], + [ + "\u2581escoc", + -14.588927268981934 + ], + [ + "\u2581Bohnen", + -14.588932037353516 + ], + [ + "fascismo", + -14.58895778656006 + ], + [ + "\u2581\u00e9piscopal", + -14.588958740234377 + ], + [ + "Reuse", + -14.58896827697754 + ], + [ + "marcada", + -14.58896827697754 + ], + [ + "unowned", + -14.589000701904297 + ], + [ + "\u2581complace", + -14.589037895202637 + ], + [ + "\u2581costui", + -14.589070320129396 + ], + [ + "\u2581meaningless", + -14.589101791381836 + ], + [ + "\u2581Erleichterungen", + -14.589152336120604 + ], + [ + "gratie", + -14.589168548583984 + ], + [ + "\u2581Plenar", + -14.58920192718506 + ], + [ + "\u2581excentricidad", + -14.589216232299805 + ], + [ + "\u2581integralmente", + -14.589218139648438 + ], + [ + "corrupt", + -14.58923053741455 + ], + [ + "\u2581richiamato", + -14.589258193969728 + ], + [ + "newtheorem", + -14.58926010131836 + ], + [ + "\u2581aprendo", + -14.589262962341309 + ], + [ + "ecumeni", + -14.589268684387209 + ], + [ + "\u00e1pi", + -14.58928394317627 + ], + [ + "\u2581exigindo", + -14.58930206298828 + ], + [ + "fuhrerstattungen", + -14.58930778503418 + ], + [ + "\u2581entregou", + -14.589312553405762 + ], + [ + "ef\u00ed", + -14.589320182800291 + ], + [ + "estimer", + -14.58932113647461 + ], + [ + "\u00e4mmerung", + -14.589388847351074 + ], + [ + "\u2581affretta", + -14.589394569396973 + ], + [ + "\u2581freiheitlich", + -14.589420318603516 + ], + [ + "\u2581versandt", + -14.589466094970703 + ], + [ + "\u2581scheidet", + -14.58946704864502 + ], + [ + "magnetismo", + -14.589488983154297 + ], + [ + "\u2581Asthma", + -14.589509963989258 + ], + [ + "thuiswedstrijden", + -14.589513778686523 + ], + [ + "\u2581definimos", + -14.589521408081056 + ], + [ + "coti", + -14.589540481567385 + ], + [ + "\u2581Schnap", + -14.589584350585938 + ], + [ + "\u2581Viernes", + -14.589601516723633 + ], + [ + "gouvernementales", + -14.589619636535645 + ], + [ + "\u2581Vach", + -14.589637756347656 + ], + [ + "vorgesetzte", + -14.589638710021973 + ], + [ + "\u2581realiteit", + -14.589683532714844 + ], + [ + "\u2581peaked", + -14.589730262756348 + ], + [ + "tennistoernooi", + -14.589736938476562 + ], + [ + "represented", + -14.589750289916992 + ], + [ + "pechos", + -14.58975601196289 + ], + [ + "\u2581Hooper", + -14.589770317077637 + ], + [ + "\u2581remotely", + -14.589791297912598 + ], + [ + "\u2581palustr", + -14.58981704711914 + ], + [ + "\u2581ricevi", + -14.589818954467772 + ], + [ + "\u2581Bessel", + -14.58982276916504 + ], + [ + "\u2581lasciarsi", + -14.589873313903809 + ], + [ + "\u2581Nunavut", + -14.589890480041504 + ], + [ + "\u2581Fl\u00e1vio", + -14.58989715576172 + ], + [ + "\u2581produttivit\u00e0", + -14.58989715576172 + ], + [ + "\u2581modelagem", + -14.589902877807615 + ], + [ + "\u2581latitudine", + -14.589910507202148 + ], + [ + "\u2581werkloosheid", + -14.58991813659668 + ], + [ + "\u2581iberica", + -14.589922904968262 + ], + [ + "\u2581Morla", + -14.589927673339844 + ], + [ + "pf\u00e4lzische", + -14.58993148803711 + ], + [ + "\u2581trilog\u00eda", + -14.589932441711426 + ], + [ + "thermometer", + -14.58995532989502 + ], + [ + "\u2581advantageous", + -14.59001350402832 + ], + [ + "Entente", + -14.59002685546875 + ], + [ + "\u2581Diodor", + -14.5900297164917 + ], + [ + "\u2581Espinh", + -14.59006118774414 + ], + [ + "\u2581Tragf\u00e4higkeit", + -14.590062141418455 + ], + [ + "par\u00e1vel", + -14.590115547180176 + ], + [ + "orifice", + -14.5901460647583 + ], + [ + "\u2581demografischen", + -14.590147972106934 + ], + [ + "\u2581remportent", + -14.5902099609375 + ], + [ + "\u2581steuerrechtlich", + -14.5902099609375 + ], + [ + "phle", + -14.590237617492676 + ], + [ + "\u2581Bundeszentrale", + -14.590262413024902 + ], + [ + "\u2581aufgeh", + -14.59027862548828 + ], + [ + "\u2581tempeste", + -14.59031581878662 + ], + [ + "\u2581Esportiv", + -14.590337753295898 + ], + [ + "\u2581seguidor", + -14.590337753295898 + ], + [ + "\u2581moderately", + -14.590365409851074 + ], + [ + "\u2581stabilisieren", + -14.590396881103516 + ], + [ + "lat\u00e9raux", + -14.59041690826416 + ], + [ + "\u2581Farmacie", + -14.590417861938477 + ], + [ + "eclissi", + -14.590420722961426 + ], + [ + "\u2581Valenzuela", + -14.590421676635742 + ], + [ + "\u2581unbiased", + -14.59042263031006 + ], + [ + "\u2581ensinamentos", + -14.590423583984377 + ], + [ + "\u2581competidor", + -14.590425491333008 + ], + [ + "\u2581debbono", + -14.590431213378906 + ], + [ + "\u2581Spinnen", + -14.590436935424805 + ], + [ + "Vermerken", + -14.590439796447754 + ], + [ + "\u2581Chaba", + -14.590469360351562 + ], + [ + "\u2581Einwand", + -14.59047508239746 + ], + [ + "chasing", + -14.59052848815918 + ], + [ + "sparsity", + -14.590624809265137 + ], + [ + "\u2581mandando", + -14.590672492980955 + ], + [ + "alidae", + -14.590688705444336 + ], + [ + "\u2581untersagen", + -14.590758323669434 + ], + [ + "\u2581Sunda", + -14.59076976776123 + ], + [ + "ostomus", + -14.59079647064209 + ], + [ + "Cabe", + -14.590858459472656 + ], + [ + "Berechnung", + -14.590872764587402 + ], + [ + "atinaje", + -14.590893745422363 + ], + [ + "contain", + -14.590893745422363 + ], + [ + "\u2581Pharmacol", + -14.590897560119627 + ], + [ + "ULATION", + -14.590900421142578 + ], + [ + "OCD", + -14.590912818908691 + ], + [ + "\u2581Bompiani", + -14.590944290161133 + ], + [ + "\u2581Gloucestershire", + -14.590944290161133 + ], + [ + "\u2581automovilismo", + -14.590944290161133 + ], + [ + "primida", + -14.590946197509766 + ], + [ + "ioecesis", + -14.590951919555664 + ], + [ + "\u2581prosecute", + -14.590951919555664 + ], + [ + "\u2581gevangenschap", + -14.590996742248535 + ], + [ + "wiederhergestell", + -14.591004371643066 + ], + [ + "tribuy\u00f3", + -14.59103012084961 + ], + [ + "iemen", + -14.591034889221191 + ], + [ + "\u2581karaok", + -14.591038703918455 + ], + [ + "tony", + -14.591062545776367 + ], + [ + "\u2581falang", + -14.591062545776367 + ], + [ + "\u2581Scali", + -14.591068267822266 + ], + [ + "\u2581centrodestra", + -14.591073989868164 + ], + [ + "egierungsvorlage", + -14.59109115600586 + ], + [ + "\u2581perpetuo", + -14.591096878051758 + ], + [ + "\u2581Jacqu", + -14.59111499786377 + ], + [ + "unternehmerische", + -14.59113311767578 + ], + [ + "\u2581talented", + -14.591144561767578 + ], + [ + "\u2581criollo", + -14.591175079345703 + ], + [ + "m\u00e4ssig", + -14.591181755065918 + ], + [ + "\u2581Rani", + -14.591182708740234 + ], + [ + "\u2581compensaci\u00f3n", + -14.591209411621094 + ], + [ + "blasten", + -14.59123706817627 + ], + [ + "\u2581culminante", + -14.591245651245115 + ], + [ + "\u2581\")\"}]}],", + -14.59125804901123 + ], + [ + "\u2581accompani", + -14.591285705566406 + ], + [ + "p\u00e4die", + -14.591296195983888 + ], + [ + "potam", + -14.591299057006836 + ], + [ + "\u2581floc", + -14.591300964355469 + ], + [ + "gestel", + -14.591301918029783 + ], + [ + "\u2581reflejan", + -14.59131908416748 + ], + [ + "\u2581vetri", + -14.591323852539062 + ], + [ + "Pink", + -14.591411590576172 + ], + [ + "\u2581emittiert", + -14.591438293457031 + ], + [ + "\u2581P\u00e4dagoge", + -14.591470718383787 + ], + [ + "\u2581Verweildauer", + -14.591470718383787 + ], + [ + "\u2581intermitente", + -14.591470718383787 + ], + [ + "\u2581trag\u00e9dia", + -14.591470718383787 + ], + [ + "gearchiveerd", + -14.591473579406738 + ], + [ + "\u2581psiquiatra", + -14.591473579406738 + ], + [ + "beschleunigung", + -14.59149932861328 + ], + [ + "shelves", + -14.591517448425291 + ], + [ + "\u2581riparazione", + -14.59151840209961 + ], + [ + "\u2581r\u00fcckw\u00e4rt", + -14.591522216796877 + ], + [ + "opprime", + -14.59152889251709 + ], + [ + "\u2581asignaci\u00f3n", + -14.59155559539795 + ], + [ + "regenerator", + -14.591572761535645 + ], + [ + "\u2581grossesse", + -14.59164047241211 + ], + [ + "\u2581op\u00e9rationnelle", + -14.591659545898438 + ], + [ + "\u2581enjoyable", + -14.591670989990234 + ], + [ + "\u2581\u00e9rig\u00e9e", + -14.591704368591309 + ], + [ + "ndiga", + -14.591727256774902 + ], + [ + "\u2581origin\u00e1rio", + -14.591744422912598 + ], + [ + "indietro", + -14.591747283935549 + ], + [ + "\u2581Warschauer", + -14.591790199279783 + ], + [ + "\u2581Bestia", + -14.591791152954102 + ], + [ + "\u2581Periodismo", + -14.591797828674316 + ], + [ + "Linguistic", + -14.591862678527832 + ], + [ + "arraybuffer", + -14.59187126159668 + ], + [ + "ertino", + -14.591875076293944 + ], + [ + "utler", + -14.591879844665527 + ], + [ + "\u2581consueto", + -14.591886520385742 + ], + [ + "Morgan", + -14.59189224243164 + ], + [ + "recuent", + -14.59194564819336 + ], + [ + "\u2581cruzando", + -14.59197235107422 + ], + [ + "\u2581best\u00fcnde", + -14.591996192932127 + ], + [ + "\u2581C\u00e1tedra", + -14.591998100280762 + ], + [ + "\u2581Stonehenge", + -14.591998100280762 + ], + [ + "BOOTSTRAP", + -14.591999053955078 + ], + [ + "\u2581Externas", + -14.592000007629396 + ], + [ + "regui", + -14.592004776000977 + ], + [ + "angestellte", + -14.59200954437256 + ], + [ + "\u2581Bouterse", + -14.592011451721191 + ], + [ + "spoken", + -14.592033386230469 + ], + [ + "\u2581mantenha", + -14.592034339904783 + ], + [ + "etidae", + -14.592041969299316 + ], + [ + "irov", + -14.592066764831545 + ], + [ + "blivio", + -14.592082023620604 + ], + [ + "ammon", + -14.592083930969238 + ], + [ + "headless", + -14.592095375061035 + ], + [ + "viste", + -14.592101097106934 + ], + [ + "\u2581erroneous", + -14.592101097106934 + ], + [ + "akjes", + -14.59212875366211 + ], + [ + "indemn", + -14.592135429382324 + ], + [ + "\u2581llamativ", + -14.59214210510254 + ], + [ + "\u2581confec", + -14.59222412109375 + ], + [ + "\u2581buyers", + -14.592236518859863 + ], + [ + "mischia", + -14.59227466583252 + ], + [ + "seguran", + -14.592299461364746 + ], + [ + "\u2581manciata", + -14.592327117919922 + ], + [ + "lspinnen", + -14.592330932617188 + ], + [ + "terreno", + -14.592344284057615 + ], + [ + "\u2581calice", + -14.592344284057615 + ], + [ + "\u2581Valda", + -14.592363357543944 + ], + [ + "\u2581Tierversuche", + -14.592367172241213 + ], + [ + "\u2581procurava", + -14.59238338470459 + ], + [ + "Alianza", + -14.59242343902588 + ], + [ + "sediado", + -14.592449188232422 + ], + [ + "\u2581aspett", + -14.592453956604004 + ], + [ + "Breakpoint", + -14.592467308044434 + ], + [ + "termezzo", + -14.592472076416016 + ], + [ + "\u2581Spoorwegen", + -14.59252643585205 + ], + [ + "\u2581limitrofe", + -14.59252643585205 + ], + [ + "\u2581verbintenis", + -14.59252643585205 + ], + [ + "\u2581pagod", + -14.592531204223633 + ], + [ + "Donat", + -14.592554092407228 + ], + [ + "\u2581verziert", + -14.592554092407228 + ], + [ + "\u2581pusill", + -14.592616081237791 + ], + [ + "sonenkraftwagen", + -14.592618942260742 + ], + [ + "\u2581alternatively", + -14.592625617980955 + ], + [ + "\u2581Khaled", + -14.592653274536133 + ], + [ + "\u2581Arseni", + -14.592665672302246 + ], + [ + "Hosting", + -14.592677116394045 + ], + [ + "\u2581Hafenstadt", + -14.592693328857422 + ], + [ + "\u2581charismati", + -14.592693328857422 + ], + [ + "getBuild", + -14.59270191192627 + ], + [ + "\u2581Portion", + -14.592706680297852 + ], + [ + "IET", + -14.59272003173828 + ], + [ + "sticta", + -14.59275722503662 + ], + [ + "\u2581Biolog\u00eda", + -14.592824935913086 + ], + [ + "manente", + -14.59285831451416 + ], + [ + "\u2581Anstrengung", + -14.592875480651855 + ], + [ + "\u2581Vertragsstaates", + -14.592878341674805 + ], + [ + "\u2581Amberes", + -14.592883110046388 + ], + [ + "\u2581Transitional", + -14.592890739440918 + ], + [ + "assado", + -14.592941284179688 + ], + [ + "\u2581prestando", + -14.59294891357422 + ], + [ + "\u2581conteneur", + -14.592989921569824 + ], + [ + "\u2581Caruso", + -14.59299659729004 + ], + [ + "\u2581Wohnh\u00e4user", + -14.593018531799316 + ], + [ + "\u2581geklasseerd", + -14.593056678771973 + ], + [ + "\u2581verwickelt", + -14.593059539794922 + ], + [ + "\u2581cuarteto", + -14.59307098388672 + ], + [ + "\u2581mastering", + -14.593079566955566 + ], + [ + "hilanthrop", + -14.593084335327148 + ], + [ + "\u2581Unschuld", + -14.593084335327148 + ], + [ + "\u2581Irregular", + -14.593096733093262 + ], + [ + "\u2581Klippe", + -14.593098640441896 + ], + [ + "\u2581autoritario", + -14.59311580657959 + ], + [ + "\u2581Logarithm", + -14.593141555786133 + ], + [ + "opgericht", + -14.593153953552246 + ], + [ + "\u2581precedut", + -14.593153953552246 + ], + [ + "\u2581Gewerbeordnung", + -14.59315586090088 + ], + [ + "\u2581verpasste", + -14.59315586090088 + ], + [ + "\u2581enfraquece", + -14.593157768249512 + ], + [ + "\u2581centr\u00e9", + -14.59323024749756 + ], + [ + "\u2581paraguay", + -14.593280792236328 + ], + [ + "\u2581Lyonnais", + -14.59329891204834 + ], + [ + "matta", + -14.593301773071287 + ], + [ + "\u2581potentiellement", + -14.593360900878906 + ], + [ + "\u2581optics", + -14.593372344970703 + ], + [ + "st\u00fctzen", + -14.593385696411133 + ], + [ + "\u2581Pasco", + -14.593412399291992 + ], + [ + "\u2581nutriment", + -14.593428611755373 + ], + [ + "\u2581Barrera", + -14.593453407287598 + ], + [ + "icaceae", + -14.593476295471191 + ], + [ + "\u2581Innenausschu", + -14.59347915649414 + ], + [ + "\u2581Nikol\u00e1", + -14.59354305267334 + ], + [ + "\u2581zanzare", + -14.593544960021973 + ], + [ + "pillen", + -14.593568801879885 + ], + [ + "ucalyptus", + -14.593582153320312 + ], + [ + "\u2581enciclop\u00e9di", + -14.593583106994627 + ], + [ + "neeuw", + -14.593587875366213 + ], + [ + "\u2581spiccano", + -14.593588829040527 + ], + [ + "\u2581inszeniert", + -14.593589782714844 + ], + [ + "\u2581kindly", + -14.593591690063477 + ], + [ + "\u2581unanimidad", + -14.593610763549805 + ], + [ + "\u2581horizontaal", + -14.59361457824707 + ], + [ + "\u2581Unterkiefer", + -14.593618392944336 + ], + [ + "\u2581Etage", + -14.59363079071045 + ], + [ + "Koreaans", + -14.59368133544922 + ], + [ + "\u2581riuscir\u00e0", + -14.593685150146484 + ], + [ + "rocco", + -14.593688011169434 + ], + [ + "\u00e9loignement", + -14.5936918258667 + ], + [ + "subjekt", + -14.593713760375977 + ], + [ + "Capri", + -14.593742370605469 + ], + [ + "\u2581munizioni", + -14.593768119812012 + ], + [ + "mochi", + -14.593795776367188 + ], + [ + "ypho", + -14.593802452087402 + ], + [ + "Unpack", + -14.593829154968262 + ], + [ + "\u2581paradoxal", + -14.593835830688477 + ], + [ + "establecimientos", + -14.593850135803224 + ], + [ + "Turnier", + -14.593894958496094 + ], + [ + "\u2581globular", + -14.593899726867676 + ], + [ + "encephal", + -14.593912124633787 + ], + [ + "inventer", + -14.59394645690918 + ], + [ + "\u2581Riforma", + -14.593953132629396 + ], + [ + "\u2581Sensation", + -14.593966484069824 + ], + [ + "Pile", + -14.593985557556152 + ], + [ + "\u2581nieders\u00e4chsisch", + -14.593993186950684 + ], + [ + "berfall", + -14.594005584716797 + ], + [ + "ERMAN", + -14.594006538391112 + ], + [ + "\u2581annualmente", + -14.59400749206543 + ], + [ + "\u2581homicidio", + -14.594051361083984 + ], + [ + "\u2581Grundwehrdienst", + -14.594110488891602 + ], + [ + "\u2581Begeisterung", + -14.594111442565918 + ], + [ + "\u2581acr\u00e9scimo", + -14.594111442565918 + ], + [ + "\u2581uitsterven", + -14.594111442565918 + ], + [ + "\u2581cespugli", + -14.594117164611816 + ], + [ + "\u2581pierden", + -14.59414005279541 + ], + [ + "\u2581Vachey", + -14.594145774841309 + ], + [ + "\u2581moeilijkheden", + -14.59415340423584 + ], + [ + "spugna", + -14.594161987304688 + ], + [ + "diefstal", + -14.59417724609375 + ], + [ + "sudoers", + -14.594189643859863 + ], + [ + "empoisonn", + -14.594191551208496 + ], + [ + "\u2581publicist", + -14.594191551208496 + ], + [ + "\u2581Clapton", + -14.59420108795166 + ], + [ + "Anbieter", + -14.594204902648926 + ], + [ + "\u2581mapea", + -14.594232559204102 + ], + [ + "voorraden", + -14.594247817993164 + ], + [ + "\u2581animati", + -14.594260215759276 + ], + [ + "\u2581eilandje", + -14.594261169433594 + ], + [ + "\u2581delinquent", + -14.594285011291504 + ], + [ + "Renten", + -14.594290733337402 + ], + [ + "geh\u00e4u", + -14.594297409057615 + ], + [ + "\u2581fluctuat", + -14.59431266784668 + ], + [ + "\u2581neurologische", + -14.594353675842283 + ], + [ + "l\u00e4nglich", + -14.59435749053955 + ], + [ + "\u2581Sexualit\u00e4t", + -14.594361305236816 + ], + [ + "\u2581maquette", + -14.594364166259766 + ], + [ + "\u2581translitera", + -14.59438419342041 + ], + [ + "\u2581mortais", + -14.594451904296877 + ], + [ + "\u2581Aprendiz", + -14.594454765319824 + ], + [ + "lijster", + -14.594525337219238 + ], + [ + "KeyTy", + -14.59458351135254 + ], + [ + "\u2581Traveller", + -14.594602584838867 + ], + [ + "\u2581superpos", + -14.59461784362793 + ], + [ + "\u2581einzigartig", + -14.59462547302246 + ], + [ + "accroissement", + -14.59465503692627 + ], + [ + "\u2581adjuvant", + -14.594660758972168 + ], + [ + "Annunzio", + -14.59466552734375 + ], + [ + "\u2581vertente", + -14.594690322875977 + ], + [ + "haushaltsplan", + -14.59470272064209 + ], + [ + "\u2581Castri", + -14.594711303710938 + ], + [ + "\u2581vivieron", + -14.594712257385254 + ], + [ + "\u2581Klebe", + -14.594724655151367 + ], + [ + "\u2581hippie", + -14.594732284545898 + ], + [ + "\u2581trasladada", + -14.594732284545898 + ], + [ + "\u2581istanze", + -14.594748497009276 + ], + [ + "\u2581Totschlag", + -14.594783782958984 + ], + [ + "\u2581onderdrukk", + -14.594831466674805 + ], + [ + "industrielle", + -14.594841957092283 + ], + [ + "\u2581allround", + -14.594842910766602 + ], + [ + "\u2581Agassi", + -14.594849586486816 + ], + [ + "\u2581Kunstmuseum", + -14.594879150390623 + ], + [ + "Luhmann", + -14.59488010406494 + ], + [ + "frequente", + -14.594905853271484 + ], + [ + "\u2581Landesgrenze", + -14.59492301940918 + ], + [ + "wyer", + -14.594928741455078 + ], + [ + "soziologie", + -14.59493637084961 + ], + [ + "FEN", + -14.595006942749023 + ], + [ + "\u2581Manzana", + -14.595041275024414 + ], + [ + "KKK", + -14.595060348510742 + ], + [ + "\u2581d\u00edgito", + -14.59506893157959 + ], + [ + "veraging", + -14.595115661621094 + ], + [ + "\u2581beoogd", + -14.595134735107422 + ], + [ + "\u2581Beanstandung", + -14.595169067382812 + ], + [ + "\u2581escocesa", + -14.595181465148926 + ], + [ + "\u2581polytechnique", + -14.595184326171877 + ], + [ + "fillColor", + -14.595192909240724 + ], + [ + "\u2581sugg\u00e9r\u00e9", + -14.595196723937988 + ], + [ + "\u2581vigencia", + -14.59522819519043 + ], + [ + "\u2581Efecto", + -14.595263481140137 + ], + [ + "\u2581Gherard", + -14.595272064208984 + ], + [ + "\u2581Liberec", + -14.595292091369627 + ], + [ + "\u2581esserlo", + -14.59530258178711 + ], + [ + "\u2581factions", + -14.595318794250488 + ], + [ + "clavo", + -14.595328330993652 + ], + [ + "\u2581bendici\u00f3n", + -14.5953369140625 + ], + [ + "\u2581queixa", + -14.595345497131348 + ], + [ + "Succeed", + -14.59535312652588 + ], + [ + "\u2581trasformati", + -14.595369338989258 + ], + [ + "\u2581Duquesa", + -14.595383644104004 + ], + [ + "Ordinal", + -14.595389366149902 + ], + [ + "\u2581collect\u00e9", + -14.595399856567385 + ], + [ + "Pr\u00fcfungsleistung", + -14.59540843963623 + ], + [ + "\u2581Mischungen", + -14.595451354980469 + ], + [ + "ONTA", + -14.595452308654783 + ], + [ + "\u2581grasse", + -14.595494270324709 + ], + [ + "gradig", + -14.59549617767334 + ], + [ + "hsl", + -14.595499992370604 + ], + [ + "ENDO", + -14.595524787902832 + ], + [ + "liang", + -14.59555721282959 + ], + [ + "\u2581julgar", + -14.595561027526855 + ], + [ + "\u2581amalgama", + -14.59559726715088 + ], + [ + "fundament", + -14.595622062683104 + ], + [ + "Spezia", + -14.595654487609863 + ], + [ + "rostaglandin", + -14.595697402954102 + ], + [ + "\u2581artefatos", + -14.595698356628418 + ], + [ + "\u2581manufactura", + -14.595698356628418 + ], + [ + "\u2581riconosciute", + -14.595698356628418 + ], + [ + "\u2581ziekenhuizen", + -14.595703125 + ], + [ + "\u2581Baumwoll", + -14.595709800720217 + ], + [ + "\u2581instant\u00e1nea", + -14.595714569091797 + ], + [ + "\u2581cidadania", + -14.595715522766112 + ], + [ + "cencio", + -14.595733642578123 + ], + [ + "Presented", + -14.595799446105955 + ], + [ + "Kwartfinale", + -14.595818519592283 + ], + [ + "\u2581dirigirse", + -14.595918655395508 + ], + [ + "\u2581conurba", + -14.595922470092772 + ], + [ + "gesundheitsamt", + -14.595924377441406 + ], + [ + "framebox", + -14.59595775604248 + ], + [ + "\u2581cavalaria", + -14.595966339111328 + ], + [ + "differenzen", + -14.595979690551758 + ], + [ + "Schwartz", + -14.596059799194336 + ], + [ + "\u2581atingida", + -14.59611988067627 + ], + [ + "\u2581Individuelle", + -14.59618091583252 + ], + [ + "ICR", + -14.59620475769043 + ], + [ + "Enumeration", + -14.596231460571287 + ], + [ + "\u2581einzuschr\u00e4nken", + -14.596231460571287 + ], + [ + "\u2581Proche", + -14.596236228942873 + ], + [ + "\u2581Lucrezia", + -14.59624195098877 + ], + [ + "\u2581verbuch", + -14.596245765686035 + ], + [ + "\u2581Glenea", + -14.596257209777832 + ], + [ + "unterk\u00fcnfte", + -14.59627914428711 + ], + [ + "orseshoe", + -14.596330642700195 + ], + [ + "bibitem", + -14.596332550048828 + ], + [ + "\u2581Pinacoteca", + -14.596343040466309 + ], + [ + "t\u00f3grafo", + -14.596349716186523 + ], + [ + "\u2581Bergoglio", + -14.596369743347168 + ], + [ + "NUMER", + -14.596370697021484 + ], + [ + "peche", + -14.596373558044434 + ], + [ + "\u2581Modest", + -14.596378326416016 + ], + [ + "\u2581berust", + -14.596379280090332 + ], + [ + "IAC", + -14.596392631530762 + ], + [ + "\u2581Interims", + -14.59642505645752 + ], + [ + "\u2581innocu", + -14.596436500549316 + ], + [ + "\u2581verlicht", + -14.59646224975586 + ], + [ + "\u2581Afrodit", + -14.596465110778809 + ], + [ + "\u2581Pasi\u00f3n", + -14.596482276916504 + ], + [ + "eissner", + -14.596490859985352 + ], + [ + "\u2581Tobi", + -14.596491813659668 + ], + [ + "\u2581planche", + -14.596532821655272 + ], + [ + "nglewood", + -14.596565246582031 + ], + [ + "CommonMark", + -14.596569061279297 + ], + [ + "\u2581Regres\u00f3", + -14.596597671508787 + ], + [ + "feindlichen", + -14.596602439880373 + ], + [ + "\u2581soggiorni", + -14.596625328063965 + ], + [ + "erschlie", + -14.596641540527344 + ], + [ + "hotmail", + -14.596641540527344 + ], + [ + "rat\u00e9", + -14.596675872802734 + ], + [ + "\u2581Corridor", + -14.596689224243164 + ], + [ + "\u2581geschrapt", + -14.596757888793944 + ], + [ + "\u2581reprennent", + -14.596757888793944 + ], + [ + "\u2581samenvoeging", + -14.596757888793944 + ], + [ + "\u2581encerrou", + -14.596758842468262 + ], + [ + "\u2581thailandesi", + -14.596759796142578 + ], + [ + "peritoneal", + -14.596760749816896 + ], + [ + "Lucches", + -14.596766471862791 + ], + [ + "\u2581Sportspeople", + -14.596782684326172 + ], + [ + "Artenvielfalt", + -14.596810340881348 + ], + [ + "Backof", + -14.596816062927246 + ], + [ + "\u2581Dimanche", + -14.59682559967041 + ], + [ + "\u2581technician", + -14.596854209899902 + ], + [ + "\u2581Denkschrift", + -14.596884727478027 + ], + [ + "\u2581nazionalismo", + -14.596905708312988 + ], + [ + "cathode", + -14.59690761566162 + ], + [ + "\u2581sfuggit", + -14.596915245056152 + ], + [ + "\u2581Honori", + -14.596942901611328 + ], + [ + "\u2581landgenoot", + -14.596964836120604 + ], + [ + "\u2581origin\u00f3", + -14.596965789794922 + ], + [ + "Altitude", + -14.597002029418944 + ], + [ + "w\u00e4hrend", + -14.597018241882324 + ], + [ + "eyser", + -14.597030639648438 + ], + [ + "\u2581Schleusen", + -14.597042083740234 + ], + [ + "\u2581obsol", + -14.59709644317627 + ], + [ + "olontari", + -14.59710693359375 + ], + [ + "OTI", + -14.597115516662598 + ], + [ + "\u2581affich\u00e9e", + -14.597147941589355 + ], + [ + "\u2581penseur", + -14.597160339355469 + ], + [ + "\u2581fragilit", + -14.597200393676758 + ], + [ + "undicesim", + -14.597213745117188 + ], + [ + "guidelines", + -14.597216606140137 + ], + [ + "RIF", + -14.597222328186035 + ], + [ + "REPUBLI", + -14.597233772277832 + ], + [ + "\u2581Botanische", + -14.597262382507324 + ], + [ + "\u2581proiettili", + -14.597288131713867 + ], + [ + "\u2581menzogna", + -14.597289085388184 + ], + [ + "CALLBACK", + -14.597299575805664 + ], + [ + "modulation", + -14.597310066223145 + ], + [ + "\u2581contribuiscono", + -14.59731101989746 + ], + [ + "\u2581seminal", + -14.59732151031494 + ], + [ + "\u2581Waldfr\u00fcchte", + -14.597322463989258 + ], + [ + "\u2581bobine", + -14.597356796264648 + ], + [ + "\u2581ideally", + -14.59737491607666 + ], + [ + "Historie", + -14.597376823425291 + ], + [ + "\u2581pierda", + -14.597392082214355 + ], + [ + "\u2581verwachtingen", + -14.59740161895752 + ], + [ + "\u00edmenes", + -14.59740924835205 + ], + [ + "Beratungsstellen", + -14.597413063049316 + ], + [ + "prendiendo", + -14.597436904907228 + ], + [ + "georgi", + -14.597454071044922 + ], + [ + "\u2581Abmessungen", + -14.597466468811035 + ], + [ + "\u2581avisado", + -14.597479820251465 + ], + [ + "gefangenen", + -14.597490310668944 + ], + [ + "\u2581Elettr", + -14.597535133361816 + ], + [ + "\u2581faraon", + -14.597537994384766 + ], + [ + "unstable", + -14.597543716430664 + ], + [ + "praktiken", + -14.597591400146484 + ], + [ + "\u2581Nand", + -14.597633361816406 + ], + [ + "ryok", + -14.59765625 + ], + [ + "\u2581appr\u00e9hend", + -14.597664833068848 + ], + [ + "\u2581Researchers", + -14.59766674041748 + ], + [ + "\u2581presenteren", + -14.59767246246338 + ], + [ + "\u2581Kleist", + -14.597689628601074 + ], + [ + "l\u00f3ria", + -14.59770679473877 + ], + [ + "\u2581Aumenta", + -14.597712516784668 + ], + [ + "\u2581Pascoe", + -14.59772777557373 + ], + [ + "missbr\u00e4uchlich", + -14.597734451293944 + ], + [ + "\u2581difundida", + -14.597750663757324 + ], + [ + "\u2581Leonora", + -14.597796440124512 + ], + [ + "Incomplete", + -14.59782600402832 + ], + [ + "\u2581dissoluzione", + -14.597867965698242 + ], + [ + "ascensore", + -14.597885131835938 + ], + [ + "\u2581masturbation", + -14.597885131835938 + ], + [ + "mustern", + -14.597887992858888 + ], + [ + "\u2581Schwimmer", + -14.597899436950684 + ], + [ + "BeanFactory", + -14.597904205322266 + ], + [ + "\u2581Novellino", + -14.597908973693848 + ], + [ + "\u2581jugoslav", + -14.59795379638672 + ], + [ + "\u2581diarrea", + -14.597954750061035 + ], + [ + "rbitrary", + -14.597978591918944 + ], + [ + "\u2581trabalhador", + -14.597997665405272 + ], + [ + "\u2581cresciut", + -14.59800624847412 + ], + [ + "abnahme", + -14.598034858703612 + ], + [ + "\u2581rodeaba", + -14.59803867340088 + ], + [ + "eepAlive", + -14.59804630279541 + ], + [ + "\u2581ricordando", + -14.598060607910156 + ], + [ + "\u2581Newspaper", + -14.598067283630373 + ], + [ + "SetOptions", + -14.598084449768066 + ], + [ + "Competici\u00f3n", + -14.598118782043455 + ], + [ + "\u2581ventura", + -14.59814167022705 + ], + [ + "basePath", + -14.598162651062012 + ], + [ + "CreateTime", + -14.598241806030272 + ], + [ + "\u2581focola", + -14.598249435424805 + ], + [ + "ungskosten", + -14.598265647888184 + ], + [ + "inclinazione", + -14.598310470581056 + ], + [ + "\u2581Stavro", + -14.5983304977417 + ], + [ + "\u00e1vid", + -14.598340034484863 + ], + [ + "\u2581durader", + -14.598341941833496 + ], + [ + "\u2581Crac\u00f3via", + -14.598349571228027 + ], + [ + "\u2581sistem\u00e1tico", + -14.598349571228027 + ], + [ + "\u2581waarnemingen", + -14.598349571228027 + ], + [ + "\u2581Inici\u00f3", + -14.598371505737305 + ], + [ + "int\u00e9grit\u00e9", + -14.598376274108888 + ], + [ + "rickshaw", + -14.598379135131836 + ], + [ + "gestehen", + -14.598398208618164 + ], + [ + "ullseye", + -14.598400115966797 + ], + [ + "Wetenschappelijk", + -14.598414421081545 + ], + [ + "\u2581Kampala", + -14.59846305847168 + ], + [ + "SCHI", + -14.598480224609377 + ], + [ + "avesse", + -14.598491668701172 + ], + [ + "\u2581acumulada", + -14.598495483398438 + ], + [ + "\u2581ambientato", + -14.598498344421388 + ], + [ + "Altro", + -14.598504066467283 + ], + [ + "\u2581Cornelio", + -14.598505020141602 + ], + [ + "conduit", + -14.598536491394045 + ], + [ + "\u2581Gemischt", + -14.598580360412598 + ], + [ + "\u2581distinguishing", + -14.598583221435549 + ], + [ + "\u2581Miliz", + -14.598602294921877 + ], + [ + "osher", + -14.59861946105957 + ], + [ + "\u2581hundid", + -14.59864902496338 + ], + [ + "allais", + -14.59866428375244 + ], + [ + "Kunden", + -14.598670959472656 + ], + [ + "\u2581raggiunsero", + -14.598671913146973 + ], + [ + "\u2581giungendo", + -14.598688125610352 + ], + [ + "uelga", + -14.598699569702148 + ], + [ + "Penta", + -14.598731994628906 + ], + [ + "inflammatorische", + -14.598740577697754 + ], + [ + "Police", + -14.59874153137207 + ], + [ + "\u2581precaria", + -14.598817825317385 + ], + [ + "Syri", + -14.598825454711914 + ], + [ + "Mus\u00e9e", + -14.598851203918455 + ], + [ + "\u2581iranische", + -14.598867416381836 + ], + [ + "serci\u00f3n", + -14.598880767822266 + ], + [ + "\u2581geslachtscellen", + -14.598881721496582 + ], + [ + "\u2581Varanasi", + -14.598884582519531 + ], + [ + "LinkedList", + -14.598889350891112 + ], + [ + "\u2581onderzijde", + -14.598907470703123 + ], + [ + "Ghislain", + -14.59892463684082 + ], + [ + "bewegen", + -14.598928451538086 + ], + [ + "\u2581gareggia", + -14.598934173583984 + ], + [ + "ugged", + -14.5989408493042 + ], + [ + "\u2581contenida", + -14.598953247070312 + ], + [ + "\u2581Homens", + -14.598960876464844 + ], + [ + "\u2581Kenntnisnahme", + -14.598965644836426 + ], + [ + "\u2581Peruvia", + -14.5989990234375 + ], + [ + "\u2581Insula", + -14.59904670715332 + ], + [ + "\u2581dunkler", + -14.599051475524902 + ], + [ + "\u2581Obergeschoss", + -14.599058151245115 + ], + [ + "\u2581senhores", + -14.5990629196167 + ], + [ + "sverzerrungen", + -14.599081039428713 + ], + [ + "\u2581armario", + -14.59909439086914 + ], + [ + "\u2581Gesamtvolumen", + -14.599116325378418 + ], + [ + "\u2581strinse", + -14.599117279052734 + ], + [ + "\u2581conhecia", + -14.599140167236328 + ], + [ + "\u2581Benzol", + -14.599180221557615 + ], + [ + "ometr\u00eda", + -14.59918212890625 + ], + [ + "Automatically", + -14.599225997924805 + ], + [ + "atorisch", + -14.599233627319336 + ], + [ + "\u2581habitations", + -14.59924602508545 + ], + [ + "\u2581Waschen", + -14.599248886108398 + ], + [ + "Oligo", + -14.599262237548828 + ], + [ + "terrain", + -14.5993013381958 + ], + [ + "trooper", + -14.599329948425291 + ], + [ + "vorsteher", + -14.599335670471191 + ], + [ + "\u2581guadagnato", + -14.599371910095217 + ], + [ + "\u2581Redding", + -14.599398612976074 + ], + [ + "Accoglienza", + -14.599411964416504 + ], + [ + "\u2581herabgesetzt", + -14.599420547485352 + ], + [ + "Carousel", + -14.599421501159668 + ], + [ + "\u2581Arafat", + -14.59946632385254 + ], + [ + "incubator", + -14.599470138549805 + ], + [ + "\u2581Staatsexamen", + -14.599481582641602 + ], + [ + "\u2581regolato", + -14.59950828552246 + ], + [ + "\u2581leaked", + -14.59951877593994 + ], + [ + "Scheich", + -14.599526405334473 + ], + [ + "skyline", + -14.599555015563965 + ], + [ + "\u2581Godfried", + -14.599579811096191 + ], + [ + "sacos", + -14.599580764770508 + ], + [ + "CONN", + -14.599647521972656 + ], + [ + "textLabel", + -14.599665641784668 + ], + [ + "\u2581Neugier", + -14.5996675491333 + ], + [ + "siglo", + -14.59970474243164 + ], + [ + "\u2581iniciaram", + -14.599714279174805 + ], + [ + "Nachrichten", + -14.599721908569336 + ], + [ + "Normalized", + -14.59972858428955 + ], + [ + "poblaci\u00f3n", + -14.599746704101562 + ], + [ + "\u2581excluid", + -14.599783897399902 + ], + [ + "maschi", + -14.599786758422852 + ], + [ + "omodoro", + -14.599842071533203 + ], + [ + "\u2581marce", + -14.599842071533203 + ], + [ + "\u2581Hebammen", + -14.599893569946287 + ], + [ + "\u2581refusent", + -14.599897384643556 + ], + [ + "Rechtsgrundlagen", + -14.599933624267578 + ], + [ + "\u2581analisa", + -14.599937438964844 + ], + [ + "enc\u00e9phal", + -14.599942207336426 + ], + [ + "\u2581Polinesia", + -14.599957466125488 + ], + [ + "\u2581hurle", + -14.599970817565918 + ], + [ + "choki", + -14.599995613098145 + ], + [ + "zyk", + -14.600013732910156 + ], + [ + "\u2581Comincia", + -14.600034713745115 + ], + [ + "\u2581Chapada", + -14.600057601928713 + ], + [ + "\u2581reafirma", + -14.600064277648926 + ], + [ + "\u2581philosophi", + -14.600077629089355 + ], + [ + "Gemisch", + -14.60008144378662 + ], + [ + "\u2581aufgehalten", + -14.600106239318848 + ], + [ + "eitel", + -14.600136756896973 + ], + [ + "investimento", + -14.600138664245604 + ], + [ + "CheckResponse", + -14.600152969360352 + ], + [ + "computation", + -14.600152969360352 + ], + [ + "pfand", + -14.600207328796388 + ], + [ + "\u2581Fallstudien", + -14.60025691986084 + ], + [ + "\u2581aufgefallen", + -14.600263595581056 + ], + [ + "\u2581Basketballspiel", + -14.600275993347168 + ], + [ + "\u2581Abreise", + -14.600295066833496 + ], + [ + "Dock", + -14.60030460357666 + ], + [ + "migrator", + -14.600306510925291 + ], + [ + "accroche", + -14.60032558441162 + ], + [ + "stheorien", + -14.600327491760254 + ], + [ + "lysat", + -14.60036277770996 + ], + [ + "\u2581Lipari", + -14.600381851196287 + ], + [ + "\u2581concessi", + -14.600393295288086 + ], + [ + "\u2581publicando", + -14.60039520263672 + ], + [ + "\u2581depreda", + -14.600404739379885 + ], + [ + "nsenada", + -14.600408554077148 + ], + [ + "\u2581restoring", + -14.60041332244873 + ], + [ + "pennin", + -14.600424766540527 + ], + [ + "\u2581Openbare", + -14.600427627563477 + ], + [ + "\u2581sufr\u00eda", + -14.600433349609377 + ], + [ + "\u2581Piccadilly", + -14.600475311279297 + ], + [ + "\u2581Sc\u00e9nariste", + -14.600475311279297 + ], + [ + "\u2581oberfl\u00e4chlich", + -14.600475311279297 + ], + [ + "encefal", + -14.600481033325195 + ], + [ + "\u2581Flugl\u00e4rm", + -14.600494384765623 + ], + [ + "\u2581leibliche", + -14.600499153137209 + ], + [ + "ssade", + -14.600509643554688 + ], + [ + "\u2581quociente", + -14.60052490234375 + ], + [ + "\u2581gewerblicher", + -14.6005277633667 + ], + [ + "tra\u00eda", + -14.600552558898926 + ], + [ + "\u2581Peloponneso", + -14.600582122802734 + ], + [ + "\u2581methodological", + -14.600608825683594 + ], + [ + "\u2581Dognin", + -14.60060977935791 + ], + [ + "\u2581Lampung", + -14.6006441116333 + ], + [ + "compatibilit\u00e9", + -14.600671768188477 + ], + [ + "aspra", + -14.600700378417969 + ], + [ + "\u2581violentamente", + -14.600704193115234 + ], + [ + "\u2581M\u00e9dici", + -14.600707054138184 + ], + [ + "\u2581senaat", + -14.600714683532717 + ], + [ + "vincono", + -14.60072135925293 + ], + [ + "\u2581Symptomen", + -14.6007719039917 + ], + [ + "ol\u00f3nia", + -14.600790023803713 + ], + [ + "\u2581cedette", + -14.600811004638672 + ], + [ + "\u2581feministische", + -14.600811004638672 + ], + [ + "\u2581Krankheitsbild", + -14.60081958770752 + ], + [ + "\u2581alivio", + -14.600825309753418 + ], + [ + "konstellationen", + -14.600831985473633 + ], + [ + "Abbeville", + -14.60085105895996 + ], + [ + "\u2581injusto", + -14.60085391998291 + ], + [ + "\u2581d\u00e9coupage", + -14.600859642028809 + ], + [ + "\u2581monet\u00e1ri", + -14.600907325744627 + ], + [ + "vertir", + -14.600912094116213 + ], + [ + "\u2581rubar", + -14.600930213928224 + ], + [ + "\u2581lievit", + -14.600932121276855 + ], + [ + "\u2581Anleihen", + -14.600939750671388 + ], + [ + "\u2581Rosco", + -14.600940704345703 + ], + [ + "l\u00e9ments", + -14.600947380065918 + ], + [ + "OCC", + -14.600957870483398 + ], + [ + "UserAgent", + -14.60096836090088 + ], + [ + "\u2581Volksschule", + -14.60100269317627 + ], + [ + "Olocausto", + -14.601007461547852 + ], + [ + "\u2581geconfronteerd", + -14.601007461547852 + ], + [ + "ajuste", + -14.601008415222168 + ], + [ + "\u2581bouwden", + -14.601014137268066 + ], + [ + "identit\u00e4t", + -14.601033210754396 + ], + [ + "\u2581desaponta", + -14.60103702545166 + ], + [ + "\u2581trott", + -14.601056098937988 + ], + [ + "lisant", + -14.601059913635254 + ], + [ + "\u2581graduarse", + -14.601061820983888 + ], + [ + "\u2581preparativos", + -14.60106372833252 + ], + [ + "surrezione", + -14.601064682006836 + ], + [ + "STRUCT", + -14.601066589355469 + ], + [ + "\u2581invertida", + -14.601085662841797 + ], + [ + "verteil", + -14.601110458374023 + ], + [ + "Padre", + -14.60111141204834 + ], + [ + "\u2581devastating", + -14.601176261901855 + ], + [ + "distribui", + -14.601178169250488 + ], + [ + "\u2581Botany", + -14.601183891296388 + ], + [ + "\u2581dotada", + -14.60122776031494 + ], + [ + "\u2581ritenuti", + -14.601234436035156 + ], + [ + "\u2581Mahara", + -14.601242065429688 + ], + [ + "\u2581Shanxi", + -14.60124397277832 + ], + [ + "\u2581coup\u00e9e", + -14.60125732421875 + ], + [ + "\u2581diadema", + -14.601287841796877 + ], + [ + "\u2581derivante", + -14.601303100585938 + ], + [ + "\u2581loosely", + -14.601304054260254 + ], + [ + "unterneh", + -14.601336479187012 + ], + [ + "\u2581ribelle", + -14.601400375366213 + ], + [ + "\u2581voorkant", + -14.60143756866455 + ], + [ + "el\u00f3gio", + -14.60145664215088 + ], + [ + "quage", + -14.601463317871094 + ], + [ + "\u2581Ballester", + -14.601499557495115 + ], + [ + "nemis", + -14.601518630981444 + ], + [ + "\u2581tempted", + -14.60152530670166 + ], + [ + "\u2581Bemerkenswert", + -14.601539611816406 + ], + [ + "\u2581Opportunit\u00e0", + -14.601539611816406 + ], + [ + "\u2581vorzubeugen", + -14.601539611816406 + ], + [ + "\u2581Fusarium", + -14.601542472839355 + ], + [ + "schossen", + -14.601543426513672 + ], + [ + "\u2581Empresarial", + -14.601547241210938 + ], + [ + "clutter", + -14.601566314697266 + ], + [ + "tochter", + -14.601643562316896 + ], + [ + "\u2581Tryp", + -14.601652145385742 + ], + [ + "lustra", + -14.601676940917969 + ], + [ + "\u2581Compet", + -14.601692199707031 + ], + [ + "str\u00e4nde", + -14.601794242858888 + ], + [ + "\u2581handtekening", + -14.601819038391112 + ], + [ + "tenez", + -14.601853370666504 + ], + [ + "\u2581frammenta", + -14.60186004638672 + ], + [ + "\u2581stipendio", + -14.60189723968506 + ], + [ + "RequestMethod", + -14.601929664611816 + ], + [ + "armate", + -14.601935386657717 + ], + [ + "\u2581appreso", + -14.601957321166992 + ], + [ + "\u2581Wesentlich", + -14.601968765258787 + ], + [ + "Szene", + -14.601991653442385 + ], + [ + "Germ", + -14.601994514465332 + ], + [ + "r\u00fcckst\u00e4nde", + -14.602055549621582 + ], + [ + "\u2581Saline", + -14.602065086364746 + ], + [ + "\u2581Abstecher", + -14.602078437805176 + ], + [ + "\u2581Raimond", + -14.60208225250244 + ], + [ + "bekwaam", + -14.602084159851074 + ], + [ + "\u2581motorcoureur", + -14.602110862731934 + ], + [ + "\u2581Bruy", + -14.60219383239746 + ], + [ + "\u2581tradurre", + -14.602231979370115 + ], + [ + "sysconfig", + -14.602234840393066 + ], + [ + "\u2581flic", + -14.602251052856444 + ], + [ + "\u2581oitav", + -14.602274894714355 + ], + [ + "\u2581Signpost", + -14.602300643920898 + ], + [ + "Beschluss", + -14.602327346801758 + ], + [ + "\u2581d\u00e9clarant", + -14.602383613586426 + ], + [ + "\u2581Diante", + -14.6024169921875 + ], + [ + "redshift", + -14.602435111999512 + ], + [ + "\u2581Erscheinungen", + -14.602441787719728 + ], + [ + "\u2581visiva", + -14.602476119995115 + ], + [ + "yssa", + -14.602554321289062 + ], + [ + "manov", + -14.60258674621582 + ], + [ + "\u2581Roofvliegen", + -14.602605819702148 + ], + [ + "\u2581homosexuelle", + -14.602605819702148 + ], + [ + "\u2581Belehrung", + -14.602608680725098 + ], + [ + "ReturnValue", + -14.602612495422363 + ], + [ + "avra", + -14.602643013000488 + ], + [ + "\u2581frecuenta", + -14.60265827178955 + ], + [ + "\u2581Steinmeier", + -14.602670669555664 + ], + [ + "ravada", + -14.602686882019045 + ], + [ + "\u2581rotula", + -14.602693557739258 + ], + [ + "\u2581craque", + -14.60269832611084 + ], + [ + "\u2581plebiscito", + -14.602709770202637 + ], + [ + "korf", + -14.602720260620115 + ], + [ + "\u2581captivit", + -14.602724075317385 + ], + [ + "immigr\u00e9", + -14.602738380432127 + ], + [ + "locution", + -14.602742195129396 + ], + [ + "\u2581crois\u00e9e", + -14.602745056152344 + ], + [ + "\u2581donjon", + -14.602758407592772 + ], + [ + "\u00e9rac", + -14.602765083312988 + ], + [ + "errHandler", + -14.60276985168457 + ], + [ + "\u2581einladen", + -14.602778434753418 + ], + [ + "regente", + -14.602826118469238 + ], + [ + "\u2581provozier", + -14.602863311767578 + ], + [ + "ECLA", + -14.602885246276855 + ], + [ + "\u2581Progr", + -14.602900505065918 + ], + [ + "ificante", + -14.602911949157717 + ], + [ + "\u2581Penang", + -14.602912902832031 + ], + [ + "nippet", + -14.602914810180664 + ], + [ + "richtlijn", + -14.602916717529297 + ], + [ + "\u2581\"----------", + -14.602933883666992 + ], + [ + "\u2581auftauchen", + -14.602943420410156 + ], + [ + "\u2581Hamp", + -14.602950096130373 + ], + [ + "\u2581respiratoria", + -14.60301685333252 + ], + [ + "kang", + -14.60307788848877 + ], + [ + "tranne", + -14.603084564208984 + ], + [ + "sistematicamente", + -14.603135108947754 + ], + [ + "\u2581c\u00e9libataire", + -14.60313892364502 + ], + [ + "\u2581gr\u00e1tis", + -14.60313892364502 + ], + [ + "\u2581sup\u00e9riorit\u00e9", + -14.603140830993652 + ], + [ + "\u2581inmediaciones", + -14.603145599365234 + ], + [ + "\u2581rachat", + -14.603158950805664 + ], + [ + "\u2581Descubrimiento", + -14.60317039489746 + ], + [ + "\u2581erstaunt", + -14.603172302246094 + ], + [ + "\u2581Kartellbeh", + -14.603179931640623 + ], + [ + "\u2581intricate", + -14.603181838989258 + ], + [ + "College", + -14.603206634521484 + ], + [ + "\u2581Kerkrade", + -14.6032075881958 + ], + [ + "addetto", + -14.60321807861328 + ], + [ + "Tierarzneimittel", + -14.603219985961914 + ], + [ + "\u2581Hayley", + -14.603224754333496 + ], + [ + "\u2581angelehnt", + -14.603230476379396 + ], + [ + "\u2581sequentially", + -14.603233337402344 + ], + [ + "naartoe", + -14.60324001312256 + ], + [ + "\u2581Nirvana", + -14.60326862335205 + ], + [ + "\u2581lanciata", + -14.603327751159668 + ], + [ + "\u2581Urqu", + -14.60334300994873 + ], + [ + "Polonia", + -14.603347778320312 + ], + [ + "\u2581marmor", + -14.603349685668944 + ], + [ + "resizebox", + -14.603487968444824 + ], + [ + "oquette", + -14.603500366210938 + ], + [ + "\u2581Luciana", + -14.603570938110352 + ], + [ + "Included", + -14.60358428955078 + ], + [ + "\u2581Lawyer", + -14.603586196899414 + ], + [ + "\u2581furieu", + -14.60358715057373 + ], + [ + "\u2581angezogen", + -14.603601455688477 + ], + [ + "\u2581subventions", + -14.60360336303711 + ], + [ + "\u2581effac", + -14.603607177734377 + ], + [ + "\u2581naturaliste", + -14.603618621826172 + ], + [ + "rechtzuerhalten", + -14.603672981262209 + ], + [ + "\u2581Heterogenit\u00e4t", + -14.603672981262209 + ], + [ + "\u2581Leuchtturm", + -14.603672981262209 + ], + [ + "\u2581Infraestructura", + -14.603676795959473 + ], + [ + "Hochwasserschutz", + -14.603683471679688 + ], + [ + "\u2581ciliegi", + -14.603687286376951 + ], + [ + "\u2581hazardous", + -14.603694915771484 + ], + [ + "\u2581Einfl\u00fcssen", + -14.60371208190918 + ], + [ + "Atletic", + -14.603731155395508 + ], + [ + "\u2581aprovech\u00f3", + -14.60375690460205 + ], + [ + "\u2581geweten", + -14.603808403015137 + ], + [ + "weckm\u00e4", + -14.60381031036377 + ], + [ + "\u2581gestation", + -14.603837966918944 + ], + [ + "\u2581disappearance", + -14.603911399841309 + ], + [ + "\u2581Feldkirch", + -14.60391902923584 + ], + [ + "ICAN", + -14.603919982910156 + ], + [ + "\u2581rectifica", + -14.603939056396484 + ], + [ + "\u2581wikibook", + -14.603959083557127 + ], + [ + "landscape", + -14.603975296020508 + ], + [ + "\u2581Orbi", + -14.603985786437988 + ], + [ + "\u2581Bedeu", + -14.604002952575684 + ], + [ + "\u2581finanziato", + -14.604074478149414 + ], + [ + "acc\u00e9l\u00e9rer", + -14.604096412658691 + ], + [ + "\u2581Malaya", + -14.604096412658691 + ], + [ + "duty", + -14.604133605957031 + ], + [ + "ctypedef", + -14.60415744781494 + ], + [ + "onderstel", + -14.604175567626951 + ], + [ + "\u2581Imprensa", + -14.604207038879396 + ], + [ + "\u2581maturit\u00e9", + -14.604207038879396 + ], + [ + "sylva", + -14.604256629943848 + ], + [ + "getDate", + -14.604268074035645 + ], + [ + "\u2581outskirts", + -14.60427951812744 + ], + [ + "\u2581demolizione", + -14.604300498962402 + ], + [ + "\u2581Vittore", + -14.60430908203125 + ], + [ + "adness", + -14.604314804077148 + ], + [ + "\u2581Limo", + -14.60432243347168 + ], + [ + "geeignet", + -14.604358673095703 + ], + [ + "\u2581Clarkson", + -14.604362487792969 + ], + [ + "\u2581svoltare", + -14.604389190673828 + ], + [ + "faga", + -14.604411125183104 + ], + [ + "Leistung", + -14.604424476623535 + ], + [ + "onjugate", + -14.604427337646484 + ], + [ + "unterst\u00fct", + -14.60443878173828 + ], + [ + "Suppression", + -14.604443550109863 + ], + [ + "\u00e1vio", + -14.60450267791748 + ], + [ + "Ricardo", + -14.604521751403809 + ], + [ + "\u2581elaborati", + -14.604525566101074 + ], + [ + "\u2581vertreiben", + -14.604525566101074 + ], + [ + "bassist", + -14.604528427124023 + ], + [ + "\u2581mostrar\u00e1", + -14.604546546936035 + ], + [ + "\u2581giuste", + -14.604580879211426 + ], + [ + "Canis", + -14.604585647583008 + ], + [ + "dimexpr", + -14.60461139678955 + ], + [ + "Vereinbarung", + -14.604623794555664 + ], + [ + "incoming", + -14.604626655578612 + ], + [ + "\u2581Anthem", + -14.60464572906494 + ], + [ + "\u00e9faite", + -14.604726791381836 + ], + [ + "\u2581trof\u00e9u", + -14.604741096496582 + ], + [ + "\u2581tegenhanger", + -14.604743003845217 + ], + [ + "\u2581Emilie", + -14.604788780212402 + ], + [ + "\u2581minist\u00e9rio", + -14.604799270629885 + ], + [ + "FEA", + -14.604823112487791 + ], + [ + "\u2581modificati", + -14.604823112487791 + ], + [ + "\u2581Freising", + -14.604825973510742 + ], + [ + "\u2581beschlo", + -14.60487174987793 + ], + [ + "gierungsentwurfs", + -14.60487461090088 + ], + [ + "\u2581periferiche", + -14.604876518249512 + ], + [ + "\u2581thromb", + -14.604890823364258 + ], + [ + "\u2581dourada", + -14.60489559173584 + ], + [ + "arenko", + -14.604935646057127 + ], + [ + "\u2581asymptot", + -14.604937553405762 + ], + [ + "\u2581Kicker", + -14.604968070983888 + ], + [ + "Anomalie", + -14.604984283447266 + ], + [ + "\u2581fl\u00fcchtige", + -14.60500431060791 + ], + [ + "\u2581carencia", + -14.60500717163086 + ], + [ + "hygienische", + -14.60501766204834 + ], + [ + "\u2581remoti", + -14.6050386428833 + ], + [ + "Kloster", + -14.605055809020996 + ], + [ + "PASSW", + -14.605079650878906 + ], + [ + "\u2581cheapest", + -14.60513687133789 + ], + [ + "\u2581riuscir", + -14.60513687133789 + ], + [ + "naugh", + -14.605151176452637 + ], + [ + "indeterminate", + -14.605175971984863 + ], + [ + "\u2581circolano", + -14.60517692565918 + ], + [ + "sebbene", + -14.605191230773926 + ], + [ + "linch", + -14.605195045471191 + ], + [ + "tombe", + -14.60521125793457 + ], + [ + "\u2581albic", + -14.605252265930176 + ], + [ + "\u2581Siding", + -14.605253219604492 + ], + [ + "\u2581Calatrava", + -14.60527515411377 + ], + [ + "\u2581Granulozyten", + -14.60527515411377 + ], + [ + "ABSTRACT", + -14.605283737182615 + ], + [ + "giunte", + -14.605287551879885 + ], + [ + "\u2581Abbiat", + -14.605321884155272 + ], + [ + "\u2581Kollege", + -14.605352401733398 + ], + [ + "plora", + -14.605354309082031 + ], + [ + "Cerro", + -14.605409622192385 + ], + [ + "\u2581pedirle", + -14.605409622192385 + ], + [ + "\u2581follet", + -14.605429649353027 + ], + [ + "arayan", + -14.605443954467772 + ], + [ + "f\u00e4nger", + -14.60547924041748 + ], + [ + "intensiv", + -14.605481147766112 + ], + [ + "Escola", + -14.605485916137695 + ], + [ + "pr\u00e9fecture", + -14.60548973083496 + ], + [ + "loyer", + -14.605521202087402 + ], + [ + "\u2581cristaux", + -14.605527877807615 + ], + [ + "\u2581Leistungstr\u00e4ger", + -14.605531692504885 + ], + [ + "Narrativ", + -14.60553741455078 + ], + [ + "\u2581provin", + -14.605619430541992 + ], + [ + "phonic", + -14.605627059936523 + ], + [ + "\u2581d\u00e9l\u00e9gu\u00e9e", + -14.605805397033691 + ], + [ + "\u2581semblaient", + -14.605810165405272 + ], + [ + "\u2581m\u00fchsam", + -14.60581111907959 + ], + [ + "\u2581sustantivo", + -14.605812072753906 + ], + [ + "\u2581voldaan", + -14.60581398010254 + ], + [ + "Abschlussbericht", + -14.60587215423584 + ], + [ + "\u2581cherheit", + -14.605880737304688 + ], + [ + "\u2581ausbreite", + -14.605890274047852 + ], + [ + "\u2581Nachkriegszeit", + -14.605895042419434 + ], + [ + "\u2581Minderj\u00e4hrige", + -14.605950355529783 + ], + [ + "ros\u00e9", + -14.605956077575684 + ], + [ + "\u2581zugestanden", + -14.605966567993164 + ], + [ + "\u2581cessar", + -14.605996131896973 + ], + [ + "\u2581derivata", + -14.606000900268556 + ], + [ + "\u2581Larissa", + -14.606026649475098 + ], + [ + "ForTest", + -14.606042861938477 + ], + [ + "\u2581reflejad", + -14.606080055236816 + ], + [ + "\u2581cebol", + -14.606083869934082 + ], + [ + "\u2581pertenceu", + -14.606133460998535 + ], + [ + "\u2581defendia", + -14.606162071228027 + ], + [ + "produzierende", + -14.60616397857666 + ], + [ + "\u2581travee", + -14.606182098388672 + ], + [ + "\u2581Gelehrten", + -14.606196403503418 + ], + [ + "\u2581sexueller", + -14.606218338012695 + ], + [ + "\u2581ottennero", + -14.606219291687012 + ], + [ + "\u2581patriott", + -14.606224060058594 + ], + [ + "\u2581proietta", + -14.60627269744873 + ], + [ + "\u2581dinasti", + -14.60629940032959 + ], + [ + "\u2581comercialmente", + -14.606304168701172 + ], + [ + "endlichen", + -14.606308937072754 + ], + [ + "blazen", + -14.606332778930664 + ], + [ + "vender", + -14.606345176696776 + ], + [ + "\u2581synapses", + -14.606345176696776 + ], + [ + "\u2581snoe", + -14.606355667114258 + ], + [ + "\u2581gesch\u00e4ftlichen", + -14.606362342834473 + ], + [ + "\u2581leersto", + -14.606369018554688 + ], + [ + "\u2581flooded", + -14.606385231018066 + ], + [ + "\u2581Tanta", + -14.606386184692385 + ], + [ + "\u2581entierro", + -14.60640811920166 + ], + [ + "\u2581Fazendo", + -14.60642147064209 + ], + [ + "\u2581Hortens", + -14.60647201538086 + ], + [ + "\u2581ovejas", + -14.606489181518556 + ], + [ + "chlorin", + -14.606491088867188 + ], + [ + "ongrois", + -14.606502532958984 + ], + [ + "r\u00fcmmung", + -14.606512069702148 + ], + [ + "Guillem", + -14.606524467468262 + ], + [ + "lossing", + -14.60653305053711 + ], + [ + "stechen", + -14.606538772583008 + ], + [ + "\u2581repetitive", + -14.606562614440918 + ], + [ + "k\u00fcrzen", + -14.60656452178955 + ], + [ + "\u2581trasformarsi", + -14.606568336486816 + ], + [ + "\u2581registradores", + -14.606579780578612 + ], + [ + "eichner", + -14.60661792755127 + ], + [ + "\u2581Donaldson", + -14.606630325317385 + ], + [ + "\u2581mevrouw", + -14.60666275024414 + ], + [ + "\u2581Mammo", + -14.606663703918455 + ], + [ + "\u2581saremo", + -14.606666564941406 + ], + [ + "\u2581grammaticale", + -14.606697082519531 + ], + [ + "Strahlung", + -14.606717109680176 + ], + [ + "minipass", + -14.606760025024414 + ], + [ + "\u2581desgasta", + -14.606810569763184 + ], + [ + "\u2581zangstem", + -14.606813430786133 + ], + [ + "\u2581riverain", + -14.60683536529541 + ], + [ + "\u2581erwogen", + -14.606840133666992 + ], + [ + "\u2581staatshoofd", + -14.6068696975708 + ], + [ + "eerbaar", + -14.606870651245115 + ], + [ + "EWS", + -14.606873512268066 + ], + [ + "\u2581Wadden", + -14.606879234313965 + ], + [ + "\u2581Alc\u00e1ntara", + -14.60688018798828 + ], + [ + "\u2581Buurtschap", + -14.606889724731444 + ], + [ + "\u2581Castellana", + -14.60690975189209 + ], + [ + "universit\u00e4t", + -14.606958389282228 + ], + [ + "gelandet", + -14.606998443603516 + ], + [ + "\u2581blaz", + -14.60700798034668 + ], + [ + "\u2581hablamos", + -14.607008934020996 + ], + [ + "\u2581estendida", + -14.607012748718262 + ], + [ + "\u2581abzeichne", + -14.607037544250488 + ], + [ + "\u2581V\u00e1squez", + -14.607038497924805 + ], + [ + "upernatural", + -14.607051849365234 + ], + [ + "ttiene", + -14.607053756713867 + ], + [ + "\u2581wollt", + -14.607111930847168 + ], + [ + "\u2581focalizza", + -14.607114791870115 + ], + [ + "\u2581tripartit", + -14.607128143310549 + ], + [ + "UTER", + -14.607221603393556 + ], + [ + "\u2581suggerire", + -14.607271194458008 + ], + [ + "wired", + -14.607287406921388 + ], + [ + "trapt", + -14.607316970825195 + ], + [ + "\u2581comprehend", + -14.607322692871094 + ], + [ + "iz\u00e1", + -14.607377052307127 + ], + [ + "\u2581portafoglio", + -14.607381820678713 + ], + [ + "\u2581geglaubt", + -14.607416152954102 + ], + [ + "\u2581gezorgd", + -14.607418060302734 + ], + [ + "\u2581Bolivarian", + -14.60743808746338 + ], + [ + "\u2581Lillian", + -14.607458114624023 + ], + [ + "sorpti", + -14.607476234436035 + ], + [ + "\u2581artesanos", + -14.607499122619627 + ], + [ + "\u2581commodo", + -14.607499122619627 + ], + [ + "\u2581lacustre", + -14.607505798339844 + ], + [ + "\u2581Nephro", + -14.607522010803224 + ], + [ + "reduzierung", + -14.607538223266602 + ], + [ + "openssh", + -14.60756492614746 + ], + [ + "\u2581Emeritus", + -14.60756492614746 + ], + [ + "gments", + -14.607568740844728 + ], + [ + "\u2581nazionalisti", + -14.607571601867676 + ], + [ + "adeIn", + -14.60759449005127 + ], + [ + "\u2581Ericsson", + -14.607606887817385 + ], + [ + "Sonderregelungen", + -14.607633590698242 + ], + [ + "\u2581patronage", + -14.607641220092772 + ], + [ + "\u2581sudanes", + -14.607654571533203 + ], + [ + "\u2581Domeni", + -14.607660293579102 + ], + [ + "\u2581faremo", + -14.60768222808838 + ], + [ + "\u2581Bernardin", + -14.607695579528809 + ], + [ + "minence", + -14.607699394226074 + ], + [ + "ousseau", + -14.607738494873049 + ], + [ + "attrvalue", + -14.607745170593262 + ], + [ + "idole", + -14.60775661468506 + ], + [ + "\u2581Pantanal", + -14.607778549194336 + ], + [ + "BIL", + -14.607816696166992 + ], + [ + "Justin", + -14.607831954956056 + ], + [ + "carnos", + -14.607845306396484 + ], + [ + "\u2581bandido", + -14.607864379882812 + ], + [ + "\u2581conceptuel", + -14.60787582397461 + ], + [ + "\u2581involucrada", + -14.607892990112305 + ], + [ + "ONNE", + -14.607894897460938 + ], + [ + "\u2581impersonal", + -14.607903480529783 + ], + [ + "\u2581registrano", + -14.607925415039062 + ], + [ + "\u2581arreda", + -14.607945442199709 + ], + [ + "pharmazeutischen", + -14.607952117919922 + ], + [ + "\u2581Innocenti", + -14.607954025268556 + ], + [ + "bewussten", + -14.6079683303833 + ], + [ + "\u2581coronado", + -14.607973098754885 + ], + [ + "\u2581convivenza", + -14.607975006103516 + ], + [ + "\u2581Keyser", + -14.60798454284668 + ], + [ + "\u2581erfreu", + -14.607989311218262 + ], + [ + "geruch", + -14.607990264892578 + ], + [ + "\u2581repetitiv", + -14.608004570007324 + ], + [ + "\u2581observatorio", + -14.60800552368164 + ], + [ + "\u2581hydraulic", + -14.608009338378906 + ], + [ + "\u2581someter", + -14.608014106750488 + ], + [ + "Lambertus", + -14.608061790466309 + ], + [ + "formazioni", + -14.60806941986084 + ], + [ + "yloxy", + -14.608070373535156 + ], + [ + "installent", + -14.608078002929688 + ], + [ + "\u2581Tarbes", + -14.608091354370115 + ], + [ + "\u2581Anf\u00e4ngen", + -14.60811996459961 + ], + [ + "\u2581Bekannten", + -14.608169555664062 + ], + [ + "\u2581B\u00e4nder", + -14.608200073242188 + ], + [ + "\u2581movimentada", + -14.608200073242188 + ], + [ + "Nazione", + -14.608210563659668 + ], + [ + "IEF", + -14.608224868774414 + ], + [ + "\u2581Grizzl", + -14.608250617980955 + ], + [ + "\u2581compensated", + -14.608284950256348 + ], + [ + "approfondimento", + -14.608295440673828 + ], + [ + "\u2581entkommen", + -14.608304977416992 + ], + [ + "krates", + -14.608311653137209 + ], + [ + "\u2581Subtyp", + -14.608360290527344 + ], + [ + "\u2581ottocent", + -14.608372688293455 + ], + [ + "\u2581weaknesses", + -14.608380317687988 + ], + [ + "Speicher", + -14.608403205871582 + ], + [ + "\u2581appartementen", + -14.608417510986328 + ], + [ + "\u2581eclecti", + -14.608427047729492 + ], + [ + "\u2581remu", + -14.608443260192873 + ], + [ + "\u2581laborios", + -14.608457565307615 + ], + [ + "\u2581Colombiano", + -14.60845947265625 + ], + [ + "innocenza", + -14.608488082885742 + ], + [ + "\u2581permanecieron", + -14.608490943908691 + ], + [ + "\u2581beglaubigte", + -14.608492851257324 + ], + [ + "\u2581vorangetrieben", + -14.608495712280272 + ], + [ + "\u2581pr\u00f3spera", + -14.60849666595459 + ], + [ + "\u2581ambigua", + -14.608501434326172 + ], + [ + "Depends", + -14.608505249023438 + ], + [ + "ForEach", + -14.608508110046388 + ], + [ + "\u2581participativ", + -14.608508110046388 + ], + [ + "\u2581cozido", + -14.608509063720703 + ], + [ + "\u2581sessualit\u00e0", + -14.608514785766602 + ], + [ + "\u2581cicatrice", + -14.608522415161133 + ], + [ + "journaal", + -14.60852336883545 + ], + [ + "madre", + -14.608527183532717 + ], + [ + "\u2581attaching", + -14.608531951904297 + ], + [ + "r\u00fccksichtigung", + -14.608553886413574 + ], + [ + "ListResultPage", + -14.608560562133787 + ], + [ + "eifel", + -14.608562469482422 + ], + [ + "\u2581Presqu", + -14.60856819152832 + ], + [ + "\u2581analys\u00e9", + -14.608576774597168 + ], + [ + "\u2581Tontr\u00e4ger", + -14.60859203338623 + ], + [ + "armh", + -14.608598709106444 + ], + [ + "\u2581mutamenti", + -14.60860538482666 + ], + [ + "\u2581Widerst\u00e4nde", + -14.608619689941406 + ], + [ + "\u2581HISTORI", + -14.608625411987305 + ], + [ + "serializing", + -14.608628273010254 + ], + [ + "\u2581estanque", + -14.608696937561035 + ], + [ + "leghe", + -14.608745574951172 + ], + [ + "argau", + -14.608746528625488 + ], + [ + "\u2581programmato", + -14.608753204345703 + ], + [ + "\u2581credibilidad", + -14.608795166015623 + ], + [ + "\u2581distintiva", + -14.608797073364258 + ], + [ + "Schritt", + -14.608814239501951 + ], + [ + "\u2581Rechtsg\u00fcter", + -14.608817100524902 + ], + [ + "\u2581Putting", + -14.60890007019043 + ], + [ + "\u2581desiderava", + -14.608943939208984 + ], + [ + "\u2581continuar\u00e1", + -14.609020233154297 + ], + [ + "Susan", + -14.609023094177246 + ], + [ + "\u2581antimicrobial", + -14.60902500152588 + ], + [ + "\u2581accompagnare", + -14.609028816223145 + ], + [ + "\u2581aufzuzeigen", + -14.609028816223145 + ], + [ + "\u2581Bhut", + -14.609036445617676 + ], + [ + "\u2581verrassing", + -14.609037399291992 + ], + [ + "\u2581Cracovie", + -14.609041213989258 + ], + [ + "\u2581joelho", + -14.609041213989258 + ], + [ + "\u2581Freilassung", + -14.609047889709473 + ], + [ + "\u2581maldit", + -14.60906982421875 + ], + [ + "\u2581giurisprudenza", + -14.609090805053713 + ], + [ + "\u2581cameriere", + -14.609100341796877 + ], + [ + "\u2581Balm", + -14.609116554260254 + ], + [ + "\u2581Pentium", + -14.60912036895752 + ], + [ + "\u2581juzga", + -14.609129905700684 + ], + [ + "tribuci\u00f3n", + -14.609150886535645 + ], + [ + "PostgreS", + -14.609153747558594 + ], + [ + "\u2581machtige", + -14.609161376953123 + ], + [ + "\u2581Leuchten", + -14.60918140411377 + ], + [ + "upposons", + -14.609198570251465 + ], + [ + "\u2581legendarische", + -14.609225273132324 + ], + [ + "\u2581tematica", + -14.609238624572754 + ], + [ + "\u2581repellent", + -14.609270095825195 + ], + [ + "Ger\u00e4te", + -14.609302520751951 + ], + [ + "\u2581Grover", + -14.609323501586914 + ], + [ + "Kanton", + -14.609326362609863 + ], + [ + "\u2581Prager", + -14.60934829711914 + ], + [ + "gesperrt", + -14.609354972839355 + ], + [ + "lieben", + -14.609378814697266 + ], + [ + "Dutch", + -14.609416961669922 + ], + [ + "quisizione", + -14.609451293945312 + ], + [ + "\u2581concentrato", + -14.609488487243652 + ], + [ + "\u2581monson", + -14.609492301940918 + ], + [ + "ataratas", + -14.609527587890623 + ], + [ + "indicatif", + -14.609542846679688 + ], + [ + "\u2581ignor\u00e9", + -14.609557151794434 + ], + [ + "\u2581viajaba", + -14.609562873840332 + ], + [ + "\u2581absoluut", + -14.609569549560549 + ], + [ + "\u2581optimistisch", + -14.60957145690918 + ], + [ + "\u2581opgevat", + -14.609597206115724 + ], + [ + "\u2581Kigali", + -14.60959815979004 + ], + [ + "\u2581ilegales", + -14.60960578918457 + ], + [ + "\u2581Anlageverm", + -14.609612464904783 + ], + [ + "bjectivity", + -14.60962963104248 + ], + [ + "vergrote", + -14.609655380249023 + ], + [ + "\u00e4nner", + -14.609657287597656 + ], + [ + "interpolation", + -14.609661102294922 + ], + [ + "\u2581declining", + -14.609671592712402 + ], + [ + "Delayed", + -14.609726905822754 + ], + [ + "filtra", + -14.609771728515623 + ], + [ + "Knob", + -14.609810829162598 + ], + [ + "\u2581m\u00e9diocre", + -14.609830856323242 + ], + [ + "reatise", + -14.609844207763672 + ], + [ + "phall", + -14.609846115112305 + ], + [ + "\u2581agitado", + -14.609869956970217 + ], + [ + "\u2581atualidade", + -14.60987949371338 + ], + [ + "arching", + -14.60989761352539 + ], + [ + "\u2581successori", + -14.609903335571287 + ], + [ + "\u2581Juven", + -14.60992431640625 + ], + [ + "\u2581nordamerican", + -14.60993194580078 + ], + [ + "wijzing", + -14.60994815826416 + ], + [ + "WithBaseUR", + -14.60996150970459 + ], + [ + "instabilit\u00e0", + -14.60996150970459 + ], + [ + "\u2581bezwaar", + -14.610004425048828 + ], + [ + "Cree", + -14.610053062438965 + ], + [ + "wurzeln", + -14.610063552856444 + ], + [ + "\u2581spatio", + -14.610064506530762 + ], + [ + "Toernooi", + -14.610097885131836 + ], + [ + "agabria", + -14.610098838806152 + ], + [ + "\u2581Sloveense", + -14.610098838806152 + ], + [ + "\u2581nachvollziehen", + -14.610098838806152 + ], + [ + "\u2581Flaubert", + -14.610103607177734 + ], + [ + "\u2581Orozco", + -14.610125541687012 + ], + [ + "\u2581dovessero", + -14.610126495361328 + ], + [ + "\u2581ruderi", + -14.610126495361328 + ], + [ + "\u2581vormgeving", + -14.61012840270996 + ], + [ + "Vorkenntnisse", + -14.61023235321045 + ], + [ + "\u2581ficavam", + -14.610237121582031 + ], + [ + "\u2581Competencia", + -14.610244750976562 + ], + [ + "\u2581combinato", + -14.610251426696776 + ], + [ + "Valentin", + -14.610270500183104 + ], + [ + "idori", + -14.610283851623535 + ], + [ + "\u2581Liliana", + -14.610302925109863 + ], + [ + "\u2581Licini", + -14.610328674316406 + ], + [ + "accardo", + -14.610339164733888 + ], + [ + "chiod", + -14.610374450683594 + ], + [ + "\u2581erstmal", + -14.61042308807373 + ], + [ + "\u2581cobard", + -14.610426902770996 + ], + [ + "\u2581Boutique", + -14.610432624816896 + ], + [ + "Crystal", + -14.610434532165527 + ], + [ + "\u2581int\u00e9ress\u00e9s", + -14.610435485839844 + ], + [ + "parlante", + -14.610443115234377 + ], + [ + "haushaltsordnung", + -14.610447883605955 + ], + [ + "\u2581Umfragen", + -14.61045265197754 + ], + [ + "ekutiv", + -14.61045742034912 + ], + [ + "cristal", + -14.61047077178955 + ], + [ + "\u2581Highlights", + -14.610478401184082 + ], + [ + "\u2581supplemented", + -14.610557556152344 + ], + [ + "\u2581repulsiv", + -14.610580444335938 + ], + [ + "\u2581chromo", + -14.61059284210205 + ], + [ + "\u2581evenwijdig", + -14.610635757446287 + ], + [ + "\u2581sluipvliegen", + -14.610635757446287 + ], + [ + "Anche", + -14.61064910888672 + ], + [ + "\u2581versteuernde", + -14.610655784606934 + ], + [ + "\u2581trasversal", + -14.610657691955566 + ], + [ + "REACH", + -14.6106595993042 + ], + [ + "\u2581Nutr", + -14.610671997070312 + ], + [ + "graphischen", + -14.610687255859377 + ], + [ + "\u2581hacerla", + -14.610690116882324 + ], + [ + "\u2581Kleinkinder", + -14.610725402832031 + ], + [ + "phot", + -14.610740661621094 + ], + [ + "\u2581Schienenverkehr", + -14.610751152038574 + ], + [ + "\u2581multilaterale", + -14.610821723937988 + ], + [ + "lsson", + -14.61082363128662 + ], + [ + "illeerd", + -14.61085605621338 + ], + [ + "\u2581feodal", + -14.61087417602539 + ], + [ + "pimenta", + -14.610877990722656 + ], + [ + "agrou", + -14.610941886901855 + ], + [ + "\u2581Iraaks", + -14.6109619140625 + ], + [ + "\u2581GenericName", + -14.610971450805664 + ], + [ + "\u2581Abidos", + -14.611042976379396 + ], + [ + "lteren", + -14.61106777191162 + ], + [ + "\u2581Montague", + -14.611093521118164 + ], + [ + "\u2581planteamiento", + -14.61112117767334 + ], + [ + "bsurd", + -14.611124038696287 + ], + [ + "Televisieseries", + -14.611138343811035 + ], + [ + "roachpb", + -14.611173629760742 + ], + [ + "\u2581Bagnol", + -14.61120891571045 + ], + [ + "stabiel", + -14.611236572265623 + ], + [ + "peindre", + -14.61124324798584 + ], + [ + "\u2581theorists", + -14.6112642288208 + ], + [ + "\u2581rivedere", + -14.611271858215332 + ], + [ + "\u2581Plantagen", + -14.611291885375977 + ], + [ + "\u2581R\u00e9gimen", + -14.611313819885254 + ], + [ + "sinistra", + -14.611327171325684 + ], + [ + "\u2581selezionat", + -14.611331939697266 + ], + [ + "\u2581Figli", + -14.611334800720217 + ], + [ + "\u2581barangay", + -14.6113920211792 + ], + [ + "beurt", + -14.611428260803224 + ], + [ + "\u2581Slovakia", + -14.611472129821776 + ], + [ + "\u2581Jacht", + -14.61147403717041 + ], + [ + "xcursion", + -14.611475944519045 + ], + [ + "\u2581Vassili", + -14.611499786376951 + ], + [ + "connexion", + -14.61154842376709 + ], + [ + "\u2581vigilant", + -14.611573219299316 + ], + [ + "Ferra", + -14.611621856689451 + ], + [ + "\u2581akustisch", + -14.611703872680664 + ], + [ + "armistizio", + -14.611711502075195 + ], + [ + "\u2581Corbusier", + -14.611711502075195 + ], + [ + "\u2581alphab\u00e9tique", + -14.611711502075195 + ], + [ + "\u2581Lennart", + -14.611713409423828 + ], + [ + "\u2581gastronom\u00eda", + -14.611716270446776 + ], + [ + "\u2581cilindra", + -14.611719131469728 + ], + [ + "\u2581untersch\u00e4tzt", + -14.611719131469728 + ], + [ + "horende", + -14.611721992492676 + ], + [ + "Annot", + -14.611740112304688 + ], + [ + "\u2581Multiplikation", + -14.611741065979004 + ], + [ + "\u2581Barron", + -14.611748695373535 + ], + [ + "\u2581onbewoond", + -14.611764907836914 + ], + [ + "\u2581cammell", + -14.61176872253418 + ], + [ + "anschl\u00fcsse", + -14.611783981323242 + ], + [ + "\u2581accesorios", + -14.61178970336914 + ], + [ + "\u2581appositi", + -14.611824035644531 + ], + [ + "fundamental", + -14.611834526062012 + ], + [ + "checkmark", + -14.611868858337402 + ], + [ + "\u2581exhaustion", + -14.611871719360352 + ], + [ + "buildpack", + -14.61188507080078 + ], + [ + "\u2581regenerative", + -14.611927032470703 + ], + [ + "\u2581suscripci\u00f3n", + -14.611927032470703 + ], + [ + "\u2581verbl", + -14.611993789672852 + ], + [ + "ITAL", + -14.612032890319824 + ], + [ + "\u2581saracen", + -14.612045288085938 + ], + [ + "\u2581hieruit", + -14.612046241760254 + ], + [ + "cfcf", + -14.612060546875 + ], + [ + "DataStore", + -14.61206340789795 + ], + [ + "\u2581Respuesta", + -14.612078666687012 + ], + [ + "saillant", + -14.612083435058594 + ], + [ + "\u2581m\u00e9conn", + -14.612123489379885 + ], + [ + "tiquette", + -14.6121244430542 + ], + [ + "oniscus", + -14.612183570861816 + ], + [ + "\u2581Clod", + -14.612215042114258 + ], + [ + "\u2581exagerada", + -14.612229347229004 + ], + [ + "anskrit", + -14.61223316192627 + ], + [ + "\u2581presumed", + -14.612248420715332 + ], + [ + "\u2581d\u00e9t\u00e9rior", + -14.612249374389648 + ], + [ + "\u2581saxophone", + -14.612249374389648 + ], + [ + "\u2581ersuchten", + -14.612256050109863 + ], + [ + "\u2581excesivo", + -14.612257957458496 + ], + [ + "\u2581coincidencia", + -14.612259864807127 + ], + [ + "\u2581defendida", + -14.612259864807127 + ], + [ + "jar\u00e1", + -14.612264633178713 + ], + [ + "VARIABLES", + -14.612265586853027 + ], + [ + "\u2581Selatan", + -14.612276077270508 + ], + [ + "\u2581rimetter", + -14.612279891967772 + ], + [ + "ilene", + -14.612281799316406 + ], + [ + "omponist", + -14.612296104431152 + ], + [ + "\u2581souriant", + -14.6123046875 + ], + [ + "\u2581verificati", + -14.61234188079834 + ], + [ + "\u2581ult\u00e9rieurement", + -14.61235237121582 + ], + [ + "\u2581Antoon", + -14.612353324890137 + ], + [ + "\u2581Ophthalm", + -14.612381935119627 + ], + [ + "\u2581Karst", + -14.612382888793944 + ], + [ + "ggine", + -14.612386703491213 + ], + [ + "\u2581mistica", + -14.612407684326172 + ], + [ + "\u2581jemandem", + -14.612417221069336 + ], + [ + "\u2581Marcian", + -14.612430572509766 + ], + [ + "Bruxelles", + -14.612482070922852 + ], + [ + "\u2581organisational", + -14.6124849319458 + ], + [ + "\u2581teruggebracht", + -14.612489700317385 + ], + [ + "\u2581Darlington", + -14.61251163482666 + ], + [ + "\u2581asegurarse", + -14.612515449523926 + ], + [ + "Meyer", + -14.612524032592772 + ], + [ + "yatt", + -14.612537384033203 + ], + [ + "\u2581salutare", + -14.61253833770752 + ], + [ + "Knockout", + -14.612548828125 + ], + [ + "\u2581reconciliation", + -14.612570762634276 + ], + [ + "\u2581conectando", + -14.612611770629885 + ], + [ + "\u2581Halde", + -14.612614631652832 + ], + [ + "voirie", + -14.612712860107422 + ], + [ + "\u2581Poti", + -14.612726211547852 + ], + [ + "mutating", + -14.612727165222168 + ], + [ + "decomposition", + -14.61275863647461 + ], + [ + "\u2581Glacia", + -14.612784385681152 + ], + [ + "\u2581Einbettung", + -14.612789154052734 + ], + [ + "\u2581rupestri", + -14.612789154052734 + ], + [ + "\u2581Harlan", + -14.61279010772705 + ], + [ + "\u2581sorcier", + -14.612814903259276 + ], + [ + "\u2581councillor", + -14.612818717956545 + ], + [ + "Partij", + -14.61286449432373 + ], + [ + "\u2581Jacar", + -14.612865447998049 + ], + [ + "\u2581Dienstposten", + -14.612869262695312 + ], + [ + "lijdend", + -14.612874984741213 + ], + [ + "\u2581parasita", + -14.612887382507324 + ], + [ + "palha", + -14.612907409667969 + ], + [ + "hipped", + -14.612959861755373 + ], + [ + "\u2581Investigador", + -14.612980842590332 + ], + [ + "mptive", + -14.613027572631836 + ], + [ + "gambie", + -14.613042831420898 + ], + [ + "ishan", + -14.613044738769531 + ], + [ + "\u2581Bilateral", + -14.61307430267334 + ], + [ + "\u2581appartenut", + -14.61309051513672 + ], + [ + "volsero", + -14.613092422485352 + ], + [ + "despu\u00e9s", + -14.61311149597168 + ], + [ + "s\u00e9culo", + -14.613177299499512 + ], + [ + "\u2581volano", + -14.613201141357422 + ], + [ + "ITH", + -14.613202095031738 + ], + [ + "\u2581cavalry", + -14.613204002380373 + ], + [ + "\u2581astratt", + -14.613231658935549 + ], + [ + "\u2581Alkali", + -14.613286972045898 + ], + [ + "\u2581\u00fcbereinstimmt", + -14.61332893371582 + ], + [ + "Seuchen", + -14.61333179473877 + ], + [ + "\u2581tabellone", + -14.6133394241333 + ], + [ + "\u2581licenciement", + -14.613383293151855 + ], + [ + "an\u00e9anti", + -14.613398551940918 + ], + [ + "\u2581Pilla", + -14.613442420959473 + ], + [ + "completa", + -14.613455772399902 + ], + [ + "Stahl", + -14.613462448120115 + ], + [ + "microscopi", + -14.613502502441406 + ], + [ + "\u2581solicitada", + -14.613507270812988 + ], + [ + "clearTimeout", + -14.61350917816162 + ], + [ + "zueglich", + -14.613536834716797 + ], + [ + "\u2581Bick", + -14.613542556762695 + ], + [ + "eerlijkheid", + -14.613560676574709 + ], + [ + "\u2581presbyt", + -14.613595008850098 + ], + [ + "trachtet", + -14.613595962524414 + ], + [ + "\u2581confluencia", + -14.613621711730955 + ], + [ + "\u2581reviennent", + -14.6136474609375 + ], + [ + "junctive", + -14.613689422607422 + ], + [ + "soleil", + -14.613693237304688 + ], + [ + "\u2581einhergehenden", + -14.61369800567627 + ], + [ + "\u2581Kaw", + -14.613727569580078 + ], + [ + "Salvador", + -14.613737106323242 + ], + [ + "\u2581Caic", + -14.613744735717772 + ], + [ + "ellzahl", + -14.613773345947266 + ], + [ + "\u2581ridicolo", + -14.613787651062012 + ], + [ + "\u2581istruit", + -14.613788604736328 + ], + [ + "\u2581Disper", + -14.613844871520996 + ], + [ + "surfer", + -14.613859176635742 + ], + [ + "\u2581altrettanti", + -14.613865852355955 + ], + [ + "a\u00e9rodrome", + -14.613869667053224 + ], + [ + "\u2581bliksem", + -14.613872528076172 + ], + [ + "\u2581ontstane", + -14.61387538909912 + ], + [ + "lved", + -14.613876342773438 + ], + [ + "\u2581superh\u00e9roe", + -14.61387825012207 + ], + [ + "\u2581asfaltate", + -14.613879203796388 + ], + [ + "\u2581Lafontaine", + -14.613883972167969 + ], + [ + "Estremo", + -14.61391830444336 + ], + [ + "\u2581recuperada", + -14.61392307281494 + ], + [ + "\u2581\u00e9voquant", + -14.613924980163574 + ], + [ + "\u2581mesquita", + -14.613941192626951 + ], + [ + "\u00fcff", + -14.613974571228027 + ], + [ + "\u2581Antidumping", + -14.61397933959961 + ], + [ + "rachi", + -14.613991737365724 + ], + [ + "\u2581transmembran", + -14.614026069641112 + ], + [ + "risant", + -14.614039421081545 + ], + [ + "\u2581duratur", + -14.614063262939451 + ], + [ + "\u2581Durchfluss", + -14.614068031311035 + ], + [ + "UnitTest", + -14.61408805847168 + ], + [ + "\u2581Commedia", + -14.614103317260742 + ], + [ + "\u2581th\u00e9ologien", + -14.614123344421388 + ], + [ + "Beg\u00fcnstigte", + -14.614155769348145 + ], + [ + "\u2581abzuleiten", + -14.614227294921877 + ], + [ + "\u2581Langhaus", + -14.61425495147705 + ], + [ + "\u2581cognato", + -14.614262580871582 + ], + [ + "\u2581gewaltige", + -14.61426830291748 + ], + [ + "\u2581Supercup", + -14.61428451538086 + ], + [ + "Beitr\u00e4ge", + -14.614336967468262 + ], + [ + "\u2581penetrare", + -14.61434841156006 + ], + [ + "Hoofd", + -14.614356994628906 + ], + [ + "\u2581chasser", + -14.61438274383545 + ], + [ + "\u2581livr\u00e9e", + -14.614386558532717 + ], + [ + "Gesch\u00e4ftsbetrieb", + -14.61439609527588 + ], + [ + "\u2581middelgrote", + -14.61441421508789 + ], + [ + "\u2581urbanis\u00e9es", + -14.614424705505373 + ], + [ + "\u2581post\u00e9rieure", + -14.614436149597168 + ], + [ + "\u2581comunione", + -14.614442825317385 + ], + [ + "chwanz", + -14.614456176757812 + ], + [ + "\u2581rampant", + -14.61446475982666 + ], + [ + "landwirt", + -14.614489555358888 + ], + [ + "HISTOR", + -14.614500999450684 + ], + [ + "TableRow", + -14.614505767822266 + ], + [ + "Transpose", + -14.614506721496582 + ], + [ + "\u2581Gef\u00e4hrt", + -14.614507675170898 + ], + [ + "ffizien", + -14.614520072937012 + ], + [ + "\u2581visitati", + -14.61453342437744 + ], + [ + "toneel", + -14.61453628540039 + ], + [ + "\u2581prometi\u00f3", + -14.61455249786377 + ], + [ + "\u2581rafting", + -14.614577293395996 + ], + [ + "\u2581Mangia", + -14.614578247070312 + ], + [ + "\u2581incendiar", + -14.614604949951172 + ], + [ + "Become", + -14.614606857299805 + ], + [ + "CTE", + -14.614608764648438 + ], + [ + "\u2581Lateran", + -14.614623069763184 + ], + [ + "assistenten", + -14.61462688446045 + ], + [ + "tibus", + -14.614627838134766 + ], + [ + "furcht", + -14.614673614501951 + ], + [ + "\u2581larvae", + -14.614686965942385 + ], + [ + "Gesch\u00e4ftsleitung", + -14.61469841003418 + ], + [ + "orzaak", + -14.614705085754396 + ], + [ + "\u2581sufren", + -14.614727973937988 + ], + [ + "butan", + -14.614736557006836 + ], + [ + "characterized", + -14.614738464355469 + ], + [ + "\u2581predominan", + -14.61475944519043 + ], + [ + "\u2581valichi", + -14.614785194396973 + ], + [ + "rafal", + -14.614816665649414 + ], + [ + "\u2581ressorti", + -14.614845275878906 + ], + [ + "\u2581memorizzat", + -14.61489963531494 + ], + [ + "\u2581marxiste", + -14.614908218383787 + ], + [ + "\u2581architettonici", + -14.614946365356444 + ], + [ + "Medallero", + -14.614951133728027 + ], + [ + "\u2581macedoni", + -14.61495304107666 + ], + [ + "FAF", + -14.614965438842772 + ], + [ + "\u2581portico", + -14.61498737335205 + ], + [ + "\u2581aborigen", + -14.615005493164062 + ], + [ + "\u2581bowling", + -14.61502456665039 + ], + [ + "\u2581ineens", + -14.615038871765137 + ], + [ + "eirense", + -14.615069389343262 + ], + [ + "\u2581novella", + -14.61508083343506 + ], + [ + "\u2581Skand", + -14.61508846282959 + ], + [ + "\u2581nightlife", + -14.615102767944336 + ], + [ + "lhando", + -14.615116119384766 + ], + [ + "\u2581volc\u00e1nica", + -14.61512565612793 + ], + [ + "\u2581Madur", + -14.615139961242676 + ], + [ + "\u2581Binnenmarktes", + -14.615147590637209 + ], + [ + "\u2581truncation", + -14.615147590637209 + ], + [ + "Auswahlverfahren", + -14.615157127380373 + ], + [ + "\u2581adorar", + -14.615169525146484 + ], + [ + "\u2581berceau", + -14.615198135375977 + ], + [ + "\u2581consideraron", + -14.61524486541748 + ], + [ + "\u2581ricercatore", + -14.615252494812012 + ], + [ + "Relaciona", + -14.6152925491333 + ], + [ + "contig", + -14.615327835083008 + ], + [ + "\u2581unterbrach", + -14.615330696105955 + ], + [ + "\u2581Alterung", + -14.615336418151855 + ], + [ + "\u2581traspasado", + -14.615357398986816 + ], + [ + "\u2581sailed", + -14.61537742614746 + ], + [ + "\u2581subtile", + -14.615381240844728 + ], + [ + "\u2581celebrata", + -14.61541748046875 + ], + [ + "formulierung", + -14.61545753479004 + ], + [ + "\u2581Prokofiev", + -14.615485191345217 + ], + [ + "\u2581Crusader", + -14.615487098693848 + ], + [ + "\u2581Necess", + -14.615490913391112 + ], + [ + "\u2581sangrient", + -14.615492820739746 + ], + [ + "\u2581nacieron", + -14.615497589111328 + ], + [ + "\u2581Semin\u00e1rio", + -14.615537643432615 + ], + [ + "\u2581wandering", + -14.615549087524414 + ], + [ + "\u2581criticised", + -14.61555004119873 + ], + [ + "\u2581zutrifft", + -14.615622520446776 + ], + [ + "\u2581overwhelmed", + -14.615631103515623 + ], + [ + "\u2581Ultimately", + -14.615643501281738 + ], + [ + "\u2581depiction", + -14.615650177001951 + ], + [ + "\u2581localis\u00e9e", + -14.615652084350586 + ], + [ + "Constr", + -14.61569595336914 + ], + [ + "moniac", + -14.61572265625 + ], + [ + "\u2581Veter", + -14.61573886871338 + ], + [ + "\u2581Borbo", + -14.615757942199709 + ], + [ + "\u2581planifica", + -14.61578369140625 + ], + [ + "\u2581quotidiennement", + -14.615830421447754 + ], + [ + "\u2581vestigingen", + -14.61586570739746 + ], + [ + "rderungsf\u00e4hig", + -14.615869522094728 + ], + [ + "onom\u00eda", + -14.61587619781494 + ], + [ + "\u2581vornimmt", + -14.615880012512209 + ], + [ + "\u2581caminando", + -14.615885734558104 + ], + [ + "\u2581recourir", + -14.615931510925291 + ], + [ + "\u2581Aprender", + -14.615955352783203 + ], + [ + "fumer", + -14.615972518920898 + ], + [ + "\u2581Narc", + -14.615972518920898 + ], + [ + "Kranken", + -14.615999221801758 + ], + [ + "legenheit", + -14.616023063659668 + ], + [ + "\u2581Rifugio", + -14.6160249710083 + ], + [ + "\u2581divorciar", + -14.6160249710083 + ], + [ + "\u2581rivolti", + -14.616025924682615 + ], + [ + "encadrement", + -14.616032600402832 + ], + [ + "\u2581Caballer\u00eda", + -14.616032600402832 + ], + [ + "aksim", + -14.616077423095703 + ], + [ + "\u2581Nobre", + -14.616087913513184 + ], + [ + "\u2581cuchara", + -14.616103172302246 + ], + [ + "vigny", + -14.616143226623535 + ], + [ + "\u2581risalita", + -14.616147994995115 + ], + [ + "gewas", + -14.61614990234375 + ], + [ + "cademisch", + -14.616151809692385 + ], + [ + "ourinho", + -14.616164207458496 + ], + [ + "clasific", + -14.61618423461914 + ], + [ + "Continental", + -14.616190910339355 + ], + [ + "\u2581Halten", + -14.616193771362305 + ], + [ + "\u2581c\u00e1li", + -14.6162109375 + ], + [ + "copla", + -14.616232872009276 + ], + [ + "elbeke", + -14.616236686706545 + ], + [ + "asinti\u00f3", + -14.61626148223877 + ], + [ + "Erwerbsf\u00e4higkeit", + -14.61627197265625 + ], + [ + "\u2581ersch\u00fcttert", + -14.61628246307373 + ], + [ + "\u2581trattasse", + -14.616284370422363 + ], + [ + "\u2581complicate", + -14.616300582885742 + ], + [ + "\u00e4tig", + -14.616321563720703 + ], + [ + "\u2581aconteci", + -14.616357803344728 + ], + [ + "omycete", + -14.61636447906494 + ], + [ + "\u2581giud", + -14.616403579711914 + ], + [ + "greifenden", + -14.616414070129396 + ], + [ + "\u2581Trov", + -14.616480827331545 + ], + [ + "\u2581Verdam", + -14.616488456726074 + ], + [ + "criterium", + -14.616499900817873 + ], + [ + "\u2581drained", + -14.61653995513916 + ], + [ + "zentrierte", + -14.61655616760254 + ], + [ + "\u2581hurac\u00e1n", + -14.61656665802002 + ], + [ + "\u2581beschouwt", + -14.616567611694336 + ], + [ + "\u2581alegra", + -14.616586685180664 + ], + [ + "Outgoing", + -14.616631507873535 + ], + [ + "mutaci\u00f3n", + -14.616644859313965 + ], + [ + "ewehrung", + -14.61667537689209 + ], + [ + "\u2581desprecio", + -14.61667537689209 + ], + [ + "\u2581martillo", + -14.616679191589355 + ], + [ + "ophilie", + -14.616691589355469 + ], + [ + "\u2581toepas", + -14.616694450378418 + ], + [ + "rollout", + -14.616700172424316 + ], + [ + "Vall\u00e9e", + -14.616721153259276 + ], + [ + "modification", + -14.61673069000244 + ], + [ + "\u2581schottischen", + -14.616753578186035 + ], + [ + "\u2581einzutragen", + -14.616849899291992 + ], + [ + "\u2581B\u00e4ckerei", + -14.61686897277832 + ], + [ + "\u2581descrevem", + -14.616888046264648 + ], + [ + "emparer", + -14.616890907287598 + ], + [ + "lecker", + -14.616897583007812 + ], + [ + "empress", + -14.616898536682127 + ], + [ + "optimiser", + -14.616900444030762 + ], + [ + "\u2581culinari", + -14.616913795471191 + ], + [ + "\u2581canela", + -14.616948127746582 + ], + [ + "staut", + -14.617010116577148 + ], + [ + "eastern", + -14.617025375366213 + ], + [ + "pathetic", + -14.617026329040527 + ], + [ + "FORT", + -14.617033004760742 + ], + [ + "VERW", + -14.617035865783691 + ], + [ + "entrada", + -14.617050170898438 + ], + [ + "\u2581Aeronaves", + -14.617106437683104 + ], + [ + "\u2581seufzte", + -14.617108345031738 + ], + [ + "OBE", + -14.617109298706056 + ], + [ + "ypha", + -14.61711597442627 + ], + [ + "\u2581Sabadell", + -14.6171236038208 + ], + [ + "odinamica", + -14.617130279541016 + ], + [ + "Restrukturierung", + -14.617137908935549 + ], + [ + "theist", + -14.617176055908203 + ], + [ + "visive", + -14.617177963256836 + ], + [ + "\u2581Congregazione", + -14.617180824279783 + ], + [ + "\u2581valorizzazione", + -14.617181777954102 + ], + [ + "\u2581Pflanzenarten", + -14.617239952087402 + ], + [ + "\u2581policiales", + -14.617271423339844 + ], + [ + "\u2581escuch\u00f3", + -14.617281913757324 + ], + [ + "Ganz", + -14.61733341217041 + ], + [ + "getijden", + -14.617354393005373 + ], + [ + "Gilbert", + -14.617362022399902 + ], + [ + "\u2581spazia", + -14.617377281188965 + ], + [ + "OBI", + -14.617380142211914 + ], + [ + "essler", + -14.617406845092772 + ], + [ + "\u2581pratiqu\u00e9e", + -14.617409706115724 + ], + [ + "prefeito", + -14.617441177368164 + ], + [ + "\u2581Dreifach", + -14.617443084716797 + ], + [ + "\u2581namoro", + -14.617450714111328 + ], + [ + "matron", + -14.617477416992188 + ], + [ + "conazol", + -14.617488861083984 + ], + [ + "\u2581beoordeeld", + -14.617491722106934 + ], + [ + "\u2581funktionsf\u00e4hig", + -14.617494583129885 + ], + [ + "\u2581chaotisch", + -14.617498397827148 + ], + [ + "\u2581hydrophil", + -14.617504119873049 + ], + [ + "nished", + -14.617514610290527 + ], + [ + "\u2581coincidir", + -14.617517471313477 + ], + [ + "\u2581victorieu", + -14.617525100708008 + ], + [ + "\u2581innocenti", + -14.617541313171388 + ], + [ + "\u2581miracul", + -14.617575645446776 + ], + [ + "\u2581representava", + -14.617575645446776 + ], + [ + "\u2581recolher", + -14.61758804321289 + ], + [ + "\u2581Visitar", + -14.61762523651123 + ], + [ + "\u2581coinvolgere", + -14.617629051208496 + ], + [ + "silan", + -14.617633819580078 + ], + [ + "\u2581Scheep", + -14.617635726928713 + ], + [ + "\u2581pneumoniae", + -14.617645263671877 + ], + [ + "idempotency", + -14.617648124694824 + ], + [ + "\u2581enlightenment", + -14.617648124694824 + ], + [ + "\u2581pr\u00e9sum\u00e9", + -14.617658615112305 + ], + [ + "imprimante", + -14.617661476135254 + ], + [ + "etPrototypeOf", + -14.617669105529783 + ], + [ + "\u2581Ausweich", + -14.61767864227295 + ], + [ + "\u2581accuratamente", + -14.617680549621582 + ], + [ + "retrato", + -14.617690086364746 + ], + [ + "segnava", + -14.617725372314451 + ], + [ + "\u2581verkenn", + -14.617728233337402 + ], + [ + "nquirer", + -14.617731094360352 + ], + [ + "StringPtrInput", + -14.617757797241213 + ], + [ + "\u2581Balsam", + -14.617768287658691 + ], + [ + "\u2581aanstelling", + -14.617777824401855 + ], + [ + "molition", + -14.617841720581056 + ], + [ + "wallow", + -14.617887496948242 + ], + [ + "arbol", + -14.61789608001709 + ], + [ + "istrikt", + -14.617897987365724 + ], + [ + "samtools", + -14.617959022521973 + ], + [ + "\u2581Kurf\u00fcrst", + -14.617960929870604 + ], + [ + "\u2581biblical", + -14.617961883544922 + ], + [ + "\u2581chungen", + -14.6180419921875 + ], + [ + "CSE", + -14.618099212646484 + ], + [ + "\u2581Cassazione", + -14.618167877197266 + ], + [ + "duzindo", + -14.618173599243164 + ], + [ + "\u2581Ungeachtet", + -14.618188858032228 + ], + [ + "\u2581Vergewaltigung", + -14.618189811706545 + ], + [ + "\u2581despert\u00f3", + -14.618191719055176 + ], + [ + "oublage", + -14.618242263793944 + ], + [ + "\u2581nerviosa", + -14.618246078491213 + ], + [ + "ntrico", + -14.618260383605955 + ], + [ + "\u2581Versteigerung", + -14.61826515197754 + ], + [ + "\u2581Candelaria", + -14.618268013000488 + ], + [ + "\u2581t\u00e9l\u00e9vis\u00e9", + -14.618288040161133 + ], + [ + "agitazione", + -14.618342399597168 + ], + [ + "\u2581schiacciat", + -14.6183443069458 + ], + [ + "\u2581escravo", + -14.618365287780762 + ], + [ + "\u2581Misteri", + -14.618385314941406 + ], + [ + "\u2581mitwirken", + -14.61839485168457 + ], + [ + "fullname", + -14.618398666381836 + ], + [ + "Reported", + -14.618404388427734 + ], + [ + "l\u00e4gen", + -14.61851406097412 + ], + [ + "uaia", + -14.618535041809082 + ], + [ + "Expl", + -14.61856174468994 + ], + [ + "EFFECT", + -14.618578910827637 + ], + [ + "\u2581arrivava", + -14.618582725524902 + ], + [ + "inconv\u00e9nient", + -14.6185884475708 + ], + [ + "\u2581napoletana", + -14.618664741516112 + ], + [ + "Harburg", + -14.618704795837402 + ], + [ + "teilten", + -14.6187162399292 + ], + [ + "ivraria", + -14.618718147277832 + ], + [ + "\u2581marier", + -14.61872100830078 + ], + [ + "\u2581madurez", + -14.618730545043944 + ], + [ + "\u2581p\u00e1rroco", + -14.618730545043944 + ], + [ + "nkscape", + -14.618751525878906 + ], + [ + "\u2581serbatoio", + -14.618762016296388 + ], + [ + "\u2581Genoves", + -14.618762969970703 + ], + [ + "\u2581Satan\u00e1s", + -14.618764877319336 + ], + [ + "\u2581Adjektiv", + -14.618769645690918 + ], + [ + "arr\u00f3n", + -14.618794441223145 + ], + [ + "strittig", + -14.618817329406738 + ], + [ + "\u2581cultivated", + -14.618819236755373 + ], + [ + "\u2581Diogene", + -14.618821144104004 + ], + [ + "cceptance", + -14.618896484375 + ], + [ + "amalgam", + -14.618904113769531 + ], + [ + "\u2581Volterra", + -14.61892795562744 + ], + [ + "\u2581valigia", + -14.6189603805542 + ], + [ + "\u2581Atmung", + -14.618966102600098 + ], + [ + "\u2581contemplativ", + -14.618988037109377 + ], + [ + "\u2581Caminha", + -14.619000434875488 + ], + [ + "\u2581retiraron", + -14.619014739990234 + ], + [ + "aflevering", + -14.61901569366455 + ], + [ + "\u2581naturnahe", + -14.619017601013184 + ], + [ + "ebraismo", + -14.619019508361816 + ], + [ + "\u2581proponer", + -14.61902141571045 + ], + [ + "bricol", + -14.619037628173828 + ], + [ + "\u2581establecen", + -14.61904525756836 + ], + [ + "ruda", + -14.61906909942627 + ], + [ + "\u2581fantasmi", + -14.619089126586914 + ], + [ + "\u2581Liebhaber", + -14.619098663330078 + ], + [ + "Madison", + -14.61912441253662 + ], + [ + "\u2581proven\u00eda", + -14.619185447692873 + ], + [ + "\u2581experiment\u00f3", + -14.619210243225098 + ], + [ + "giz", + -14.619235038757324 + ], + [ + "Algeria", + -14.619253158569336 + ], + [ + "\u2581Notizen", + -14.619272232055664 + ], + [ + "\u2581scomparve", + -14.61927318572998 + ], + [ + "leningen", + -14.619275093078612 + ], + [ + "\u2581Fortpflanzung", + -14.619292259216309 + ], + [ + "\u2581devoluci\u00f3n", + -14.619303703308104 + ], + [ + "Indica", + -14.619345664978027 + ], + [ + "\u2581beauftragen", + -14.619348526000977 + ], + [ + "\u2581ostensibl", + -14.619366645812988 + ], + [ + "carestia", + -14.619415283203123 + ], + [ + "\u2581allegoric", + -14.61943531036377 + ], + [ + "\u2581accampa", + -14.6194486618042 + ], + [ + "\u2581ornit", + -14.619458198547363 + ], + [ + "hamel", + -14.619460105895996 + ], + [ + "\u2581llevarlo", + -14.61947536468506 + ], + [ + "ropanol", + -14.619562149047852 + ], + [ + "\u2581specialise", + -14.619566917419434 + ], + [ + "\u2581Weiblich", + -14.619586944580078 + ], + [ + "arch\u00e9", + -14.619593620300291 + ], + [ + "\u2581raffigurazion", + -14.619614601135254 + ], + [ + "\u2581sustituy\u00f3", + -14.619621276855469 + ], + [ + "FieldMask", + -14.619633674621582 + ], + [ + "\u00e9veill\u00e9", + -14.619635581970217 + ], + [ + "avvicinamento", + -14.619636535644531 + ], + [ + "viata", + -14.619644165039062 + ], + [ + "TLIBS", + -14.619646072387695 + ], + [ + "ldridge", + -14.61965274810791 + ], + [ + "intencionad", + -14.619710922241213 + ], + [ + "\u2581vibrat", + -14.619787216186523 + ], + [ + "Discipline", + -14.619815826416016 + ], + [ + "\u2581fidanza", + -14.619855880737305 + ], + [ + "Rechtsbeschwerde", + -14.61986255645752 + ], + [ + "\u2581Escrib", + -14.619874954223633 + ], + [ + "\u2581Tierarzt", + -14.619874954223633 + ], + [ + "Distinct", + -14.61990451812744 + ], + [ + "UCL", + -14.61992645263672 + ], + [ + "\u2581ling\u00fc\u00edstico", + -14.619937896728516 + ], + [ + "\u2581Jacket", + -14.619943618774414 + ], + [ + "Begriff", + -14.619976997375488 + ], + [ + "asservi", + -14.619999885559082 + ], + [ + "ManagedObject", + -14.620018005371094 + ], + [ + "vermoe", + -14.620022773742676 + ], + [ + "\u2581combattuta", + -14.620079040527344 + ], + [ + "ziekenhuis", + -14.620081901550291 + ], + [ + "\u2581soppress", + -14.620153427124023 + ], + [ + "\u2581Nervensystem", + -14.620162010192873 + ], + [ + "erbringung", + -14.62017822265625 + ], + [ + "\u2581Finanzas", + -14.62018871307373 + ], + [ + "\u2581competere", + -14.62020778656006 + ], + [ + "\u2581overlevering", + -14.62026023864746 + ], + [ + "Fuji", + -14.620266914367676 + ], + [ + "\u2581canot", + -14.620302200317385 + ], + [ + "\u2581regerend", + -14.620306015014648 + ], + [ + "\u2581Wattenwyl", + -14.620357513427734 + ], + [ + "\u2581verticaal", + -14.62035846710205 + ], + [ + "\u2581Prostituierte", + -14.620359420776367 + ], + [ + "torace", + -14.620380401611328 + ], + [ + "\u2581tornasse", + -14.620381355285645 + ], + [ + "\u2581mythology", + -14.620389938354492 + ], + [ + "\u2581zitplaatsen", + -14.620389938354492 + ], + [ + "hagi", + -14.620433807373049 + ], + [ + "\u2581Estelle", + -14.620469093322754 + ], + [ + "oalitionsvertrag", + -14.62047290802002 + ], + [ + "onesta", + -14.620482444763184 + ], + [ + "\u2581Klingen", + -14.620489120483398 + ], + [ + "\u2581raciale", + -14.62050724029541 + ], + [ + "struktion", + -14.620513916015623 + ], + [ + "Ancona", + -14.620528221130373 + ], + [ + "\u2581ingrijpend", + -14.620532989501951 + ], + [ + "\u2581Hebreeuwse", + -14.62054443359375 + ], + [ + "\u2581proclamato", + -14.620569229125977 + ], + [ + "containsKey", + -14.620612144470217 + ], + [ + "\u2581opzetten", + -14.620686531066896 + ], + [ + "belegung", + -14.620694160461426 + ], + [ + "\u2581alterando", + -14.62070083618164 + ], + [ + "RawResponse", + -14.620718002319336 + ], + [ + "ubl\u00e9", + -14.620721817016602 + ], + [ + "\u2581alternar", + -14.620744705200195 + ], + [ + "\u2581Betreten", + -14.620817184448242 + ], + [ + "\u2581Nabi", + -14.62082290649414 + ], + [ + "\u2581reformista", + -14.62083911895752 + ], + [ + "\u2581telecamere", + -14.620855331420898 + ], + [ + "Akzeptor", + -14.62090015411377 + ], + [ + "\u2581legumes", + -14.620938301086426 + ], + [ + "\u2581Tschechische", + -14.620954513549805 + ], + [ + "\u2581religieus", + -14.620975494384766 + ], + [ + "\u2581aproveitamento", + -14.620983123779297 + ], + [ + "l\u00e1stico", + -14.621000289916992 + ], + [ + "\u2581bulg", + -14.621000289916992 + ], + [ + "telescoop", + -14.621002197265623 + ], + [ + "\u2581manquant", + -14.621009826660156 + ], + [ + "\u2581sfortunat", + -14.621010780334473 + ], + [ + "lizzi", + -14.62104034423828 + ], + [ + "cloudformation", + -14.62105655670166 + ], + [ + "\u2581Pirr", + -14.62105655670166 + ], + [ + "\u2581Fascist", + -14.621065139770508 + ], + [ + "\u2581Verpflichteten", + -14.621091842651367 + ], + [ + "\u2581pasar\u00e1", + -14.62110424041748 + ], + [ + "\u2581caroti", + -14.621105194091797 + ], + [ + "\u2581cenere", + -14.621135711669922 + ], + [ + "\u2581groente", + -14.621148109436035 + ], + [ + "\u2581Kielce", + -14.621150970458984 + ], + [ + "\u2581naamgeving", + -14.621192932128906 + ], + [ + "\u2581Haleakala", + -14.621256828308104 + ], + [ + "CONTRIBUTOR", + -14.621277809143066 + ], + [ + "\u2581Bethan", + -14.62130641937256 + ], + [ + "\u2581fijado", + -14.621318817138672 + ], + [ + "ailment", + -14.621349334716797 + ], + [ + "lokation", + -14.621397018432615 + ], + [ + "sinia", + -14.621440887451172 + ], + [ + "wapp", + -14.62144660949707 + ], + [ + "\u2581parenthesis", + -14.621453285217283 + ], + [ + "\u2581Mietwohnung", + -14.62145709991455 + ], + [ + "\u2581hochrangige", + -14.621459007263184 + ], + [ + "\u2581Herabsetzung", + -14.621460914611816 + ], + [ + "\u2581Gesetzentw\u00fcrfe", + -14.621472358703612 + ], + [ + "SCE", + -14.62147617340088 + ], + [ + "opathische", + -14.621485710144045 + ], + [ + "\u2581compromess", + -14.62150764465332 + ], + [ + "\u2581Vede", + -14.62152862548828 + ], + [ + "\u2581pronunci", + -14.621539115905762 + ], + [ + "scalebox", + -14.621557235717772 + ], + [ + "chanze", + -14.621586799621582 + ], + [ + "\u2581semilla", + -14.621587753295898 + ], + [ + "\u2581Referendar", + -14.621622085571287 + ], + [ + "\u2581Mistral", + -14.62165069580078 + ], + [ + "\u2581recensies", + -14.62165069580078 + ], + [ + "\u2581Geldleistungen", + -14.62165355682373 + ], + [ + "reformgesetz", + -14.621670722961426 + ], + [ + "monade", + -14.621705055236816 + ], + [ + "\u2581Rankin", + -14.621710777282717 + ], + [ + "\u2581angehalten", + -14.621726989746094 + ], + [ + "umstellung", + -14.621747970581056 + ], + [ + "\u2581hindo", + -14.621759414672852 + ], + [ + "ominating", + -14.621773719787598 + ], + [ + "\u2581cotta", + -14.621807098388672 + ], + [ + "insomni", + -14.62185001373291 + ], + [ + "\u2581Abgleich", + -14.62185287475586 + ], + [ + "\u2581transbord", + -14.621875762939451 + ], + [ + "\u2581pensamos", + -14.621907234191896 + ], + [ + "\u2581aufh\u00e4lt", + -14.621986389160156 + ], + [ + "\u2581verluidt", + -14.621987342834473 + ], + [ + "\u2581ontplof", + -14.622021675109863 + ], + [ + "\u2581platwormen", + -14.622026443481444 + ], + [ + "personage", + -14.622090339660645 + ], + [ + "ucharisti", + -14.622099876403809 + ], + [ + "\u2581stroomgebied", + -14.622106552124023 + ], + [ + "IsEnabled", + -14.622154235839844 + ], + [ + "\u2581Calderon", + -14.622163772583008 + ], + [ + "\u2581marqua", + -14.622204780578612 + ], + [ + "Cognit", + -14.62220573425293 + ], + [ + "ollywood", + -14.62224292755127 + ], + [ + "affar", + -14.622258186340332 + ], + [ + "\u2581Dominion", + -14.622262001037598 + ], + [ + "Aufenthaltstitel", + -14.622267723083496 + ], + [ + "BEF", + -14.622273445129396 + ], + [ + "\u2581formell", + -14.622273445129396 + ], + [ + "\u2581Sanktions", + -14.622307777404783 + ], + [ + "ualora", + -14.622312545776367 + ], + [ + "siquiatr", + -14.622347831726074 + ], + [ + "beschr\u00e4nkung", + -14.62239933013916 + ], + [ + "\u2581insatisfa", + -14.62242603302002 + ], + [ + "pinto", + -14.622429847717283 + ], + [ + "grootte", + -14.622435569763184 + ], + [ + "\u2581Palmir", + -14.622488975524902 + ], + [ + "\u2581falci", + -14.622502326965332 + ], + [ + "\u2581unterhalts", + -14.62251091003418 + ], + [ + "\u2581Valletta", + -14.622518539428713 + ], + [ + "\u2581Erzbistum", + -14.622530937194824 + ], + [ + "\u2581Glaubw\u00fcrdigkeit", + -14.622530937194824 + ], + [ + "\u2581efectividad", + -14.622530937194824 + ], + [ + "\u2581rep\u00f3rter", + -14.622530937194824 + ], + [ + "\u2581Dolmetscher", + -14.62253189086914 + ], + [ + "Simulated", + -14.622533798217772 + ], + [ + "\u2581Sibylle", + -14.622533798217772 + ], + [ + "\u2581Geogr\u00e1fico", + -14.622535705566406 + ], + [ + "\u2581Antropolog\u00eda", + -14.622538566589355 + ], + [ + "\u00e9valo", + -14.622540473937988 + ], + [ + "\u2581Pinker", + -14.622540473937988 + ], + [ + "StateMachine", + -14.622597694396973 + ], + [ + "\u2581spullen", + -14.622605323791504 + ], + [ + "\u2581centaur", + -14.62261962890625 + ], + [ + "\u2581huurde", + -14.622629165649414 + ], + [ + "ttolo", + -14.62263298034668 + ], + [ + "\u2581avanzaba", + -14.622640609741213 + ], + [ + "sendMessage", + -14.62264347076416 + ], + [ + "custodit", + -14.622665405273438 + ], + [ + "vivier", + -14.622694969177246 + ], + [ + "napoleon", + -14.622721672058104 + ], + [ + "\u2581vervang", + -14.622729301452637 + ], + [ + "realismo", + -14.622733116149902 + ], + [ + "\u2581elimin\u00f3", + -14.622751235961914 + ], + [ + "genoegen", + -14.622764587402344 + ], + [ + "\u2581reconstruite", + -14.622774124145508 + ], + [ + "OAP", + -14.62278938293457 + ], + [ + "\u2581educada", + -14.622884750366213 + ], + [ + "\u2581Kondensator", + -14.62293529510498 + ], + [ + "\u2581mistress", + -14.622961044311523 + ], + [ + "roul\u00e9", + -14.622995376586914 + ], + [ + "ainted", + -14.62299633026123 + ], + [ + "ridium", + -14.62302017211914 + ], + [ + "scriptive", + -14.623050689697266 + ], + [ + "duzida", + -14.623059272766112 + ], + [ + "\u2581sistematica", + -14.62307071685791 + ], + [ + "\u2581Anteilseigner", + -14.623075485229492 + ], + [ + "\u2581Barzagli", + -14.623075485229492 + ], + [ + "\u2581Instituci\u00f3n", + -14.623076438903809 + ], + [ + "\u2581nuisance", + -14.623077392578123 + ], + [ + "\u2581benoemen", + -14.62307834625244 + ], + [ + "\u2581Verdr\u00e4ngung", + -14.62311553955078 + ], + [ + "\u2581Minut", + -14.623123168945312 + ], + [ + "\u2581did\u00e1ctic", + -14.623136520385742 + ], + [ + "\u2581Discogs", + -14.623151779174805 + ], + [ + "\u2581esgota", + -14.623162269592283 + ], + [ + "\u2581Montagu", + -14.62319278717041 + ], + [ + "geboorte", + -14.62322235107422 + ], + [ + "\u2581steh", + -14.62322998046875 + ], + [ + "gesetzlichen", + -14.623239517211914 + ], + [ + "Meloidae", + -14.623250961303713 + ], + [ + "\u2581bekennen", + -14.623252868652344 + ], + [ + "\u2581Tenistas", + -14.623258590698242 + ], + [ + "\u2581pavimentada", + -14.623266220092772 + ], + [ + "\u2581Lokomotiven", + -14.623291015625 + ], + [ + "NextWithContext", + -14.623319625854492 + ], + [ + "\u2581Wurz", + -14.62334156036377 + ], + [ + "\u2581gen\u00fcber", + -14.623350143432615 + ], + [ + "gramos", + -14.623357772827148 + ], + [ + "\u2581glissement", + -14.623373985290527 + ], + [ + "argilla", + -14.62337589263916 + ], + [ + "pettin", + -14.623387336730955 + ], + [ + "\u2581bewoning", + -14.62339973449707 + ], + [ + "m\u00e4ler", + -14.62343692779541 + ], + [ + "erous", + -14.623458862304688 + ], + [ + "\u2581ansiosa", + -14.623492240905762 + ], + [ + "\u2581repleto", + -14.62350082397461 + ], + [ + "\u2581Pr\u00e9cis", + -14.623547554016112 + ], + [ + "\u2581Parth", + -14.623559951782228 + ], + [ + "multicol", + -14.6235990524292 + ], + [ + "\u2581geslachtsnaam", + -14.623624801635742 + ], + [ + "\u2581investeringen", + -14.623629570007324 + ], + [ + "ReturnType", + -14.62363052368164 + ], + [ + "\u2581Sauro", + -14.62363052368164 + ], + [ + "\u2581lucratif", + -14.62363052368164 + ], + [ + "\u2581legitimiert", + -14.623631477355955 + ], + [ + "pkl", + -14.62363338470459 + ], + [ + "\u2581organizou", + -14.623639106750488 + ], + [ + "\u2581sourcil", + -14.623645782470703 + ], + [ + "gardener", + -14.623649597167969 + ], + [ + "\u2581protestanten", + -14.623655319213867 + ], + [ + "umbria", + -14.62366008758545 + ], + [ + "feldwebel", + -14.623674392700195 + ], + [ + "rogazione", + -14.62368106842041 + ], + [ + "Ownership", + -14.623697280883787 + ], + [ + "\u2581Schadenersatz", + -14.623700141906738 + ], + [ + "\u2581bestreiten", + -14.623703956604004 + ], + [ + "envelope", + -14.623729705810549 + ], + [ + "commensura", + -14.623730659484863 + ], + [ + "Alternativamente", + -14.623733520507812 + ], + [ + "\u2581carruage", + -14.623737335205078 + ], + [ + "\u2581discriminazione", + -14.623767852783203 + ], + [ + "\u2581clinici", + -14.623774528503418 + ], + [ + "ToOutput", + -14.623775482177734 + ], + [ + "\u2581Programmplanung", + -14.623779296875 + ], + [ + "ucchini", + -14.623790740966797 + ], + [ + "\u2581rester\u00e0", + -14.62379264831543 + ], + [ + "\u2581sotterranei", + -14.623862266540527 + ], + [ + "Gaude", + -14.62387752532959 + ], + [ + "stuaire", + -14.623879432678224 + ], + [ + "\u2581finiti", + -14.62388038635254 + ], + [ + "czyn", + -14.623889923095703 + ], + [ + "\u2581simpele", + -14.623891830444336 + ], + [ + "RIMA", + -14.62390422821045 + ], + [ + "\u2581riflessi", + -14.623921394348145 + ], + [ + "\u2581perfid", + -14.623987197875977 + ], + [ + "\u2581vervorming", + -14.624032020568848 + ], + [ + "austritt", + -14.624041557312012 + ], + [ + "licious", + -14.624055862426758 + ], + [ + "\u2581hinnehmen", + -14.624125480651855 + ], + [ + "\u2581agradece", + -14.624144554138184 + ], + [ + "\u2581ukrainienne", + -14.624151229858398 + ], + [ + "\u2581slovacc", + -14.624156951904297 + ], + [ + "\u2581Reputation", + -14.624164581298828 + ], + [ + "\u2581s\u00e9diment", + -14.624176025390623 + ], + [ + "\u2581expresamente", + -14.62418270111084 + ], + [ + "zahn\u00e4rztliche", + -14.624188423156738 + ], + [ + "\u2581scarico", + -14.624213218688965 + ], + [ + "onienne", + -14.62421989440918 + ], + [ + "\u2581Nazareno", + -14.624220848083496 + ], + [ + "\u2581revitaliza", + -14.624227523803713 + ], + [ + "frieren", + -14.624277114868164 + ], + [ + "notata", + -14.624335289001465 + ], + [ + "rianna", + -14.624346733093262 + ], + [ + "ueces", + -14.624366760253906 + ], + [ + "sch\u00e4digende", + -14.624378204345703 + ], + [ + "\u2581Belgrad", + -14.62438678741455 + ], + [ + "\u2581Ros\u00e1rio", + -14.624395370483398 + ], + [ + "issur", + -14.624401092529297 + ], + [ + "\u2581Neonazi", + -14.624430656433104 + ], + [ + "\u2581swahili", + -14.624433517456056 + ], + [ + "\u2581hergebruik", + -14.624484062194824 + ], + [ + "\u2581commise", + -14.624506950378418 + ], + [ + "plika", + -14.624507904052734 + ], + [ + "\u2581adaptarse", + -14.62450885772705 + ], + [ + "\u2581accessories", + -14.624568939208984 + ], + [ + "\u2581escuchaba", + -14.624593734741213 + ], + [ + "RIOR", + -14.624603271484377 + ], + [ + "\u2581acu\u00e1tico", + -14.624603271484377 + ], + [ + "\u2581umfangreicher", + -14.62462329864502 + ], + [ + "\u2581buddhisti", + -14.624640464782717 + ], + [ + "chstgrenze", + -14.624656677246094 + ], + [ + "\u2581Sanit\u00e4", + -14.624709129333496 + ], + [ + "\u2581Sluipvliegen", + -14.624709129333496 + ], + [ + "\u2581Cinquanta", + -14.624710083007812 + ], + [ + "\u2581verticais", + -14.624710083007812 + ], + [ + "magno", + -14.624711990356444 + ], + [ + "zusteigen", + -14.624717712402344 + ], + [ + "\u2581cinghial", + -14.62472152709961 + ], + [ + "\u2581Prudente", + -14.624748229980469 + ], + [ + "opnamen", + -14.624751091003418 + ], + [ + "\u2581Roble", + -14.62477207183838 + ], + [ + "\u2581adversary", + -14.624796867370604 + ], + [ + "\u2581atrevid", + -14.624798774719238 + ], + [ + "\u2581steenvlieg", + -14.624815940856934 + ], + [ + "kongress", + -14.624829292297363 + ], + [ + "\u2581registrando", + -14.624879837036133 + ], + [ + "Specified", + -14.624881744384766 + ], + [ + "erdiep", + -14.624884605407717 + ], + [ + "\u2581Exemplaren", + -14.62489414215088 + ], + [ + "rescimento", + -14.624933242797852 + ], + [ + "pagate", + -14.62496852874756 + ], + [ + "\u2581terrestrische", + -14.625035285949709 + ], + [ + "\u2581obligatoirement", + -14.625041007995604 + ], + [ + "\u2581recapit", + -14.625073432922363 + ], + [ + "\u2581mittelfristigen", + -14.62511920928955 + ], + [ + "IRES", + -14.625177383422852 + ], + [ + "\u2581descubri", + -14.625179290771484 + ], + [ + "synod", + -14.625201225280762 + ], + [ + "nachbar", + -14.625224113464355 + ], + [ + "\u2581silencieux", + -14.62525463104248 + ], + [ + "\u2581risonanza", + -14.625256538391112 + ], + [ + "\u2581expatriados", + -14.625258445739746 + ], + [ + "\u2581messicani", + -14.625264167785645 + ], + [ + "\u2581Mauthausen", + -14.625269889831545 + ], + [ + "darstellungen", + -14.625285148620604 + ], + [ + "\u2581influenzata", + -14.625303268432615 + ], + [ + "\u2581Pedagogi", + -14.625320434570312 + ], + [ + "\u2581\u00e9vitant", + -14.625322341918944 + ], + [ + "yphus", + -14.625323295593262 + ], + [ + "Species", + -14.625328063964844 + ], + [ + "\u2581Europaea", + -14.625380516052246 + ], + [ + "\u2581Tortur", + -14.625406265258787 + ], + [ + "fichier", + -14.625410079956056 + ], + [ + "compilatie", + -14.62541675567627 + ], + [ + "eumatoid", + -14.62541961669922 + ], + [ + "\u2581angolan", + -14.625426292419434 + ], + [ + "\u2581sciistica", + -14.625426292419434 + ], + [ + "\u2581Petr\u00f3polis", + -14.625449180603027 + ], + [ + "Oristano", + -14.625469207763672 + ], + [ + "prince", + -14.625470161437988 + ], + [ + "\u2581Pleistocen", + -14.625479698181152 + ], + [ + "\u2581tessit", + -14.625506401062012 + ], + [ + "orregidor", + -14.625543594360352 + ], + [ + "\u2581renvers\u00e9", + -14.625548362731934 + ], + [ + "GIE", + -14.625565528869627 + ], + [ + "duktiv", + -14.625570297241213 + ], + [ + "oletti", + -14.625571250915527 + ], + [ + "\u2581sparkl", + -14.62567138671875 + ], + [ + "\u2581organizadores", + -14.625691413879396 + ], + [ + "bl\u00f3", + -14.625704765319824 + ], + [ + "talig", + -14.625734329223633 + ], + [ + "\u2581unconditional", + -14.625755310058594 + ], + [ + "\u2581maritim", + -14.625784873962402 + ], + [ + "Infrastruktur", + -14.625809669494627 + ], + [ + "\u2581esclusa", + -14.625822067260742 + ], + [ + "\u2581Trommel", + -14.625865936279297 + ], + [ + "\u2581corni", + -14.625910758972168 + ], + [ + "cadio", + -14.625916481018066 + ], + [ + "\u2581Chilean", + -14.62592315673828 + ], + [ + "bduction", + -14.62594509124756 + ], + [ + "eflexive", + -14.62595558166504 + ], + [ + "\u2581Psyche", + -14.625959396362305 + ], + [ + "omey", + -14.6259765625 + ], + [ + "Betrag", + -14.625977516174316 + ], + [ + "\u2581Cret", + -14.625988960266112 + ], + [ + "schiedenheit", + -14.626030921936035 + ], + [ + "\u2581stabilization", + -14.62608814239502 + ], + [ + "Syntaxhighlight", + -14.62612533569336 + ], + [ + "\u2581Symphoni", + -14.62613296508789 + ], + [ + "\u2581quantifiziert", + -14.626164436340332 + ], + [ + "PropertiesFormat", + -14.62616729736328 + ], + [ + "potentiaal", + -14.626168251037598 + ], + [ + "sposo", + -14.626168251037598 + ], + [ + "\u2581modernizaci\u00f3n", + -14.626182556152344 + ], + [ + "\u2581disagi", + -14.62619400024414 + ], + [ + "\u2581Literari", + -14.62619972229004 + ], + [ + "lieferant", + -14.62622356414795 + ], + [ + "legaci\u00f3n", + -14.62625217437744 + ], + [ + "rinco", + -14.62625217437744 + ], + [ + "\u2581cercavano", + -14.626290321350098 + ], + [ + "\u2581Divinit", + -14.62629222869873 + ], + [ + "reducta", + -14.62632179260254 + ], + [ + "\u2581nucleic", + -14.626336097717283 + ], + [ + "\u2581menarbeit", + -14.62634563446045 + ], + [ + "\u2581garnizoen", + -14.626346588134766 + ], + [ + "\u2581multiplie", + -14.626347541809082 + ], + [ + "\u2581sp\u00e9cification", + -14.626347541809082 + ], + [ + "\u2581erupci\u00f3n", + -14.626349449157717 + ], + [ + "\u2581stierven", + -14.626355171203612 + ], + [ + "\u2581suggerimenti", + -14.626358032226562 + ], + [ + "ObjectReference", + -14.626373291015623 + ], + [ + "\u2581fugg", + -14.626385688781738 + ], + [ + "\u2581Tangeri", + -14.626387596130373 + ], + [ + "Appalach", + -14.62639331817627 + ], + [ + "P\u00e9rigord", + -14.626402854919434 + ], + [ + "\u2581Korrespondenz", + -14.626420021057127 + ], + [ + "\u2581intraven", + -14.62644100189209 + ], + [ + "\u2581benvenut", + -14.62645435333252 + ], + [ + "\u2581beunruhig", + -14.626477241516112 + ], + [ + "exposant", + -14.626483917236328 + ], + [ + "\u2581Nachkriegs", + -14.626494407653809 + ], + [ + "\u2581Bestreben", + -14.626547813415527 + ], + [ + "ivilprozessordn", + -14.626605987548828 + ], + [ + "\u2581concello", + -14.626623153686523 + ], + [ + "\u2581herhaaldelijk", + -14.626625061035156 + ], + [ + "\u2581modernisiert", + -14.626639366149902 + ], + [ + "\u2581pascoli", + -14.626642227172852 + ], + [ + "\u2581scioper", + -14.6266450881958 + ], + [ + "\u2581aangekomen", + -14.626663208007812 + ], + [ + "\u2581Kulturgut", + -14.626684188842772 + ], + [ + "\u2581Templi", + -14.626705169677734 + ], + [ + "removeChild", + -14.62671947479248 + ], + [ + "wachsenenbildung", + -14.62671947479248 + ], + [ + "growing", + -14.62672519683838 + ], + [ + "\u2581Charco", + -14.62674045562744 + ], + [ + "\u2581nuraghi", + -14.626795768737791 + ], + [ + "\u2581lievi", + -14.62680721282959 + ], + [ + "CCF", + -14.626809120178224 + ], + [ + "cierta", + -14.626832962036133 + ], + [ + "\u2581satisfat\u00f3ri", + -14.626834869384766 + ], + [ + "\u2581apontando", + -14.626856803894045 + ], + [ + "Erzegovina", + -14.62689208984375 + ], + [ + "\u2581Dopamin", + -14.62690544128418 + ], + [ + "aliphati", + -14.626953125 + ], + [ + "\u2581St\u00e4dtebauf", + -14.626956939697266 + ], + [ + "\u2581Langstrecken", + -14.626957893371582 + ], + [ + "Plasma", + -14.62696933746338 + ], + [ + "\u2581esaust", + -14.62697696685791 + ], + [ + "\u2581Castan", + -14.62702751159668 + ], + [ + "diak", + -14.627042770385742 + ], + [ + "zuheben", + -14.627052307128906 + ], + [ + "\u2581ridur", + -14.627056121826172 + ], + [ + "Diffuse", + -14.627059936523438 + ], + [ + "\u2581Civit", + -14.627079963684082 + ], + [ + "occur", + -14.62708854675293 + ], + [ + "Sensitivity", + -14.62710952758789 + ], + [ + "\u2581prohibi\u00f3", + -14.627116203308104 + ], + [ + "pulsi\u00f3n", + -14.627142906188965 + ], + [ + "TENSIONS", + -14.627144813537598 + ], + [ + "witter", + -14.62714958190918 + ], + [ + "vocando", + -14.627191543579102 + ], + [ + "h\u00e9siter", + -14.627201080322266 + ], + [ + "\u2581Lieberman", + -14.627219200134276 + ], + [ + "\u2581guardada", + -14.627242088317873 + ], + [ + "\u2581Schrank", + -14.62726879119873 + ], + [ + "\u00fcbergangs", + -14.627290725708008 + ], + [ + "lliot", + -14.627293586730955 + ], + [ + "\u2581schlanke", + -14.62733268737793 + ], + [ + "\u2581impl\u00e9ment", + -14.627336502075195 + ], + [ + "\u2581h\u00e9sit", + -14.627364158630373 + ], + [ + "\u2581melanco", + -14.62736988067627 + ], + [ + "\u2581suonato", + -14.62740993499756 + ], + [ + "\u2581gefinancierd", + -14.62743854522705 + ], + [ + "\u2581suggeriscono", + -14.627442359924316 + ], + [ + "\u2581dozzine", + -14.62744426727295 + ], + [ + "\u2581Arbeitsvertrag", + -14.627449989318848 + ], + [ + "\u2581schwedischer", + -14.627452850341797 + ], + [ + "schwiegen", + -14.62747287750244 + ], + [ + "kashi", + -14.62747859954834 + ], + [ + "\u2581Redentor", + -14.627492904663086 + ], + [ + "\u2581Langzeitarbeits", + -14.627504348754885 + ], + [ + "Oiseau", + -14.627523422241213 + ], + [ + "Vertreter", + -14.627531051635742 + ], + [ + "\u2581menstrua", + -14.627564430236816 + ], + [ + "\u2581superata", + -14.62759780883789 + ], + [ + "\u2581gesetzgeberisch", + -14.627620697021484 + ], + [ + "ussball", + -14.627650260925291 + ], + [ + "\u2581celebraba", + -14.627662658691406 + ], + [ + "\u2581registraron", + -14.627674102783203 + ], + [ + "\u2581efectuado", + -14.627689361572266 + ], + [ + "\u2581Paradigma", + -14.62770175933838 + ], + [ + "\u2581in\u00e9galit\u00e9s", + -14.627737998962402 + ], + [ + "\u2581Fontan", + -14.627744674682615 + ], + [ + "\u2581referindo", + -14.627784729003906 + ], + [ + "\u2581Inquiry", + -14.627826690673828 + ], + [ + "quadro", + -14.627854347229004 + ], + [ + "\u2581accreditato", + -14.6278657913208 + ], + [ + "\u2581Ieder", + -14.627899169921877 + ], + [ + "\u2581voorlaatste", + -14.627907752990724 + ], + [ + "mechanica", + -14.627924919128418 + ], + [ + "schaffende", + -14.627941131591797 + ], + [ + "\u2581sentivo", + -14.627981185913086 + ], + [ + "voluntarily", + -14.627985000610352 + ], + [ + "mikrobielle", + -14.627985954284668 + ], + [ + "\u2581imprudente", + -14.627985954284668 + ], + [ + "\u2581reelecci\u00f3n", + -14.627986907958984 + ], + [ + "millonario", + -14.627989768981934 + ], + [ + "\u2581pragm\u00e1tic", + -14.627989768981934 + ], + [ + "evenaar", + -14.627991676330566 + ], + [ + "USG", + -14.628002166748049 + ], + [ + "\u2581detrimento", + -14.628007888793944 + ], + [ + "\u2581Hymen", + -14.628042221069336 + ], + [ + "\u2581cartographie", + -14.628046989440918 + ], + [ + "\u2581Centuri", + -14.62806510925293 + ], + [ + "Vincitor", + -14.62807559967041 + ], + [ + "\u2581geografischen", + -14.628092765808104 + ], + [ + "\u2581Beca", + -14.628103256225586 + ], + [ + "\u2581quesito", + -14.628132820129396 + ], + [ + "\u2581Tschech", + -14.62814235687256 + ], + [ + "\u2581Sozialgericht", + -14.628166198730469 + ], + [ + "\u2581vorlag", + -14.628169059753418 + ], + [ + "\u2581Fahrpl\u00e4ne", + -14.62826156616211 + ], + [ + "\u2581GeForce", + -14.628290176391602 + ], + [ + "fantino", + -14.628292083740234 + ], + [ + "lkerungszahl", + -14.628300666809082 + ], + [ + "striatu", + -14.628348350524902 + ], + [ + "\u2581lavoratore", + -14.6283540725708 + ], + [ + "Entschuldig", + -14.628385543823242 + ], + [ + "Platten", + -14.628395080566406 + ], + [ + "\u2581Dolor", + -14.628417015075684 + ], + [ + "\u2581sultanat", + -14.628419876098633 + ], + [ + "\u2581ukrainische", + -14.628419876098633 + ], + [ + "CMakeC", + -14.628424644470217 + ], + [ + "fr\u00e4nkisch", + -14.628436088562012 + ], + [ + "gestreut", + -14.628437042236328 + ], + [ + "\u2581trillion", + -14.628450393676758 + ], + [ + "\u2581schnellsten", + -14.628451347351074 + ], + [ + "basedir", + -14.628514289855955 + ], + [ + "akzeptable", + -14.628532409667969 + ], + [ + "simmetria", + -14.628532409667969 + ], + [ + "alimenter", + -14.628543853759766 + ], + [ + "\u2581Mehrbelastung", + -14.628545761108398 + ], + [ + "\u2581corazones", + -14.628545761108398 + ], + [ + "\u2581einbeziehen", + -14.628551483154297 + ], + [ + "zzini", + -14.628594398498535 + ], + [ + "\u2581m\u00e9dicaux", + -14.628626823425291 + ], + [ + "\u2581allontan", + -14.628663063049316 + ], + [ + "ISCO", + -14.62867546081543 + ], + [ + "\u2581schmerzhaft", + -14.628677368164062 + ], + [ + "\u2581persecution", + -14.628703117370604 + ], + [ + "sixth", + -14.628704071044922 + ], + [ + "\u2581fietspad", + -14.628728866577148 + ], + [ + "officina", + -14.628738403320312 + ], + [ + "\u2581McCullo", + -14.628751754760742 + ], + [ + "schleppt", + -14.628766059875488 + ], + [ + "\u2581Gada", + -14.628795623779297 + ], + [ + "i\u00e9mont", + -14.6288423538208 + ], + [ + "\u2581Raggi", + -14.6288423538208 + ], + [ + "Distributed", + -14.62887477874756 + ], + [ + "Lecture", + -14.628888130187988 + ], + [ + "queeze", + -14.628894805908203 + ], + [ + "beforeEach", + -14.628957748413086 + ], + [ + "kerman", + -14.629003524780272 + ], + [ + "spektroskopie", + -14.629079818725586 + ], + [ + "\u2581Rispettare", + -14.629079818725586 + ], + [ + "\u2581symplectic", + -14.629079818725586 + ], + [ + "\u2581hydrographique", + -14.6290922164917 + ], + [ + "\u2581delicioso", + -14.62909698486328 + ], + [ + "\u2581Monserrat", + -14.62909984588623 + ], + [ + "Elevation", + -14.629138946533203 + ], + [ + "\u2581bescheinigt", + -14.629142761230469 + ], + [ + "stenos", + -14.629150390625 + ], + [ + "itrat", + -14.629167556762695 + ], + [ + "ssuan", + -14.62920379638672 + ], + [ + "\u2581Tasmani", + -14.629206657409668 + ], + [ + "Lager", + -14.629220962524414 + ], + [ + "\u2581valutazioni", + -14.629270553588867 + ], + [ + "\u2581Documentary", + -14.629307746887209 + ], + [ + "\u2581penetrante", + -14.629310607910156 + ], + [ + "iaans", + -14.62939167022705 + ], + [ + "\u2581parentela", + -14.629426956176758 + ], + [ + "\u2581uitgezet", + -14.629444122314451 + ], + [ + "Blanche", + -14.6294584274292 + ], + [ + "\u2581prosperidade", + -14.62949275970459 + ], + [ + "\u2581Kunt", + -14.629512786865234 + ], + [ + "\u2581fluviali", + -14.62954807281494 + ], + [ + "verhuur", + -14.629612922668455 + ], + [ + "\u2581gewusst", + -14.629629135131836 + ], + [ + "\u2581Coche", + -14.629631042480469 + ], + [ + "Honduras", + -14.629639625549316 + ], + [ + "\u2581Perri", + -14.629646301269531 + ], + [ + "\u2581cl\u00ednicos", + -14.629646301269531 + ], + [ + "\u2581criativa", + -14.629663467407228 + ], + [ + "\u2581gamin", + -14.629663467407228 + ], + [ + "ENB", + -14.629700660705566 + ], + [ + "\u2581finalit\u00e9", + -14.629717826843262 + ], + [ + "\u2581temeva", + -14.629738807678224 + ], + [ + "\u2581Linc", + -14.629756927490234 + ], + [ + "\u2581K\u00e4mpfen", + -14.629782676696776 + ], + [ + "correlated", + -14.62981414794922 + ], + [ + "\u2581Isl\u00e1mic", + -14.62985610961914 + ], + [ + "stigm", + -14.629864692687988 + ], + [ + "\u2581compar\u00e9e", + -14.629886627197266 + ], + [ + "\u2581denunciato", + -14.629925727844238 + ], + [ + "ualcomm", + -14.6299467086792 + ], + [ + "\u2581relaxing", + -14.629952430725098 + ], + [ + "Arbeitsgruppe", + -14.629977226257324 + ], + [ + "\u2581benennt", + -14.629980087280272 + ], + [ + "\u2581Madh", + -14.630011558532717 + ], + [ + "tomus", + -14.63003158569336 + ], + [ + "nfermer\u00eda", + -14.63004207611084 + ], + [ + "\u2581nachgekommen", + -14.63004207611084 + ], + [ + "\u2581Skyline", + -14.630054473876951 + ], + [ + "\u2581Rispo", + -14.630059242248535 + ], + [ + "plicativo", + -14.630074501037598 + ], + [ + "lautende", + -14.630093574523926 + ], + [ + "nlichkeitsrecht", + -14.63016128540039 + ], + [ + "\u2581Selbst\u00e4ndigkeit", + -14.630175590515137 + ], + [ + "\u2581wohlhabende", + -14.630178451538086 + ], + [ + "Bastion", + -14.630181312561035 + ], + [ + "\u2581Presidenza", + -14.630194664001465 + ], + [ + "mindspore", + -14.630205154418944 + ], + [ + "\u2581d\u00e9composition", + -14.630206108093262 + ], + [ + "AMEN", + -14.63021469116211 + ], + [ + "\u2581Artiller\u00eda", + -14.630237579345703 + ], + [ + "\u2581fon\u00e9tica", + -14.630255699157717 + ], + [ + "achev\u00e9", + -14.630281448364258 + ], + [ + "barium", + -14.630306243896484 + ], + [ + "\u2581audiovisuelle", + -14.630308151245115 + ], + [ + "\u2581Integrado", + -14.63031768798828 + ], + [ + "puntando", + -14.63037395477295 + ], + [ + "\u2581premisa", + -14.630411148071287 + ], + [ + "ambizione", + -14.630417823791504 + ], + [ + "parler", + -14.630430221557615 + ], + [ + "\u2581curiosamente", + -14.630446434020996 + ], + [ + "vangelical", + -14.630453109741213 + ], + [ + "PickerView", + -14.630454063415527 + ], + [ + "ufforstung", + -14.630456924438477 + ], + [ + "\u2581pessimism", + -14.630456924438477 + ], + [ + "\u2581Str\u00e4nden", + -14.630489349365234 + ], + [ + "\u2581vendette", + -14.630520820617676 + ], + [ + "competent", + -14.630537986755373 + ], + [ + "curri\u00f3", + -14.63054084777832 + ], + [ + "\u2581anrufen", + -14.630576133728027 + ], + [ + "\u00e9don", + -14.63064670562744 + ], + [ + "\u2581Grunderwerb", + -14.630703926086426 + ], + [ + "NLO", + -14.630706787109377 + ], + [ + "\u2581INTRODUCTION", + -14.63072395324707 + ], + [ + "\u2581apanhado", + -14.630728721618652 + ], + [ + "\u2581drastically", + -14.63074779510498 + ], + [ + "foreignKeys", + -14.630760192871094 + ], + [ + "bundesanwalt", + -14.630784034729004 + ], + [ + "\u2581Einflussnahme", + -14.630785942077637 + ], + [ + "empfindlichkeit", + -14.630786895751951 + ], + [ + "\u2581deixada", + -14.63083839416504 + ], + [ + "\u2581sollicit\u00e9", + -14.630871772766112 + ], + [ + "conhecendo", + -14.630882263183594 + ], + [ + "\u2581\u00e9rotique", + -14.63089084625244 + ], + [ + "flexi\u00f3n", + -14.630904197692873 + ], + [ + "Importer", + -14.630911827087402 + ], + [ + "Pakistan", + -14.630919456481934 + ], + [ + "\u2581Frauenanteil", + -14.63094425201416 + ], + [ + "berdies", + -14.630963325500488 + ], + [ + "\u2581deberes", + -14.630963325500488 + ], + [ + "\u2581Delfi", + -14.63101291656494 + ], + [ + "\u2581agevole", + -14.631044387817385 + ], + [ + "\u2581appoggiato", + -14.631080627441406 + ], + [ + "\u2581d\u00e9gager", + -14.63109302520752 + ], + [ + "\u2581disseminat", + -14.631114959716797 + ], + [ + "\u2581subtropische", + -14.631170272827148 + ], + [ + "\u2581bekleed", + -14.631197929382324 + ], + [ + "\u2581pensais", + -14.631219863891602 + ], + [ + "r\u00f3pod", + -14.63126277923584 + ], + [ + "\u2581discomfort", + -14.631272315979004 + ], + [ + "\u2581perif\u00e9rica", + -14.63127326965332 + ], + [ + "\u2581ausgehandelt", + -14.63127613067627 + ], + [ + "\u2581Intertoto", + -14.631280899047852 + ], + [ + "\u2581zuidzijde", + -14.631284713745115 + ], + [ + "\u2581Heribert", + -14.63129711151123 + ], + [ + "\u2581cendres", + -14.631315231323242 + ], + [ + "\u2581Gewitter", + -14.631357192993164 + ], + [ + "\u2581tranch\u00e9e", + -14.631383895874023 + ], + [ + "\u2581Landgraf", + -14.631388664245604 + ], + [ + "tinoid", + -14.631402969360352 + ], + [ + "\u2581identificando", + -14.631443977355955 + ], + [ + "Krankheit", + -14.631458282470703 + ], + [ + "\u2581Fergus", + -14.631464004516602 + ], + [ + "\u2581pensi\u00f3n", + -14.631468772888184 + ], + [ + "\u2581catalogado", + -14.631482124328612 + ], + [ + "EntityType", + -14.631489753723145 + ], + [ + "\u2581tiefste", + -14.631540298461914 + ], + [ + "\u2581templar", + -14.63157558441162 + ], + [ + "\u2581ressemblent", + -14.631604194641112 + ], + [ + "ruwe", + -14.631619453430176 + ], + [ + "\u2581Schl\u00e4ge", + -14.6316499710083 + ], + [ + "psychotic", + -14.63167667388916 + ], + [ + "bootloader", + -14.631677627563477 + ], + [ + "expriment", + -14.631705284118652 + ], + [ + "\u2581mercurio", + -14.631709098815918 + ], + [ + "\u2581seletiv", + -14.631728172302246 + ], + [ + "\u2581Grete", + -14.631743431091309 + ], + [ + "lvio", + -14.631790161132812 + ], + [ + "ujol", + -14.631794929504396 + ], + [ + "\u2581rimar", + -14.631815910339355 + ], + [ + "\u2581Canaveral", + -14.631823539733888 + ], + [ + "\u2581psicoterapia", + -14.631830215454102 + ], + [ + "\u2581zuidkant", + -14.631842613220217 + ], + [ + "\u2581verpleegster", + -14.631858825683594 + ], + [ + "rainage", + -14.631877899169922 + ], + [ + "\u2581H\u00e4r", + -14.631908416748049 + ], + [ + "\u2581extraurban", + -14.631940841674805 + ], + [ + "\u2581controvers\u00e9", + -14.631970405578612 + ], + [ + "\u2581liberti", + -14.631980895996094 + ], + [ + "\u2581sapr", + -14.632017135620115 + ], + [ + "\u2581pavement", + -14.632018089294434 + ], + [ + "minimis", + -14.6320219039917 + ], + [ + "starch", + -14.6320219039917 + ], + [ + "\u2581renforc\u00e9e", + -14.632061958312988 + ], + [ + "ferindo", + -14.632068634033203 + ], + [ + "oblastom", + -14.632107734680176 + ], + [ + "Tienes", + -14.632108688354492 + ], + [ + "marginata", + -14.632144927978516 + ], + [ + "\u2581illuminato", + -14.632166862487791 + ], + [ + "\u2581Besson", + -14.632205963134766 + ], + [ + "originalit\u00e9", + -14.63223648071289 + ], + [ + "\u2581pregare", + -14.632246017456056 + ], + [ + "\u2581gimnasia", + -14.632251739501951 + ], + [ + "pponent", + -14.632272720336914 + ], + [ + "\u2581overgeplaatst", + -14.63228702545166 + ], + [ + "exclamation", + -14.632294654846191 + ], + [ + "\u2581ausscheiden", + -14.63230323791504 + ], + [ + "\u2581Schlager", + -14.632304191589355 + ], + [ + "\u2581Annuaire", + -14.63230800628662 + ], + [ + "\u2581mangelnden", + -14.632338523864746 + ], + [ + "Grim", + -14.63235855102539 + ], + [ + "\u2581am\u00e9lior\u00e9", + -14.632365226745604 + ], + [ + "Prodotti", + -14.63237190246582 + ], + [ + "hyla", + -14.632375717163086 + ], + [ + "\u2581einhergeht", + -14.632379531860352 + ], + [ + "oleada", + -14.632417678833008 + ], + [ + "\u2581fioritura", + -14.632500648498535 + ], + [ + "\u2581verstreut", + -14.632502555847168 + ], + [ + "deformed", + -14.632513999938965 + ], + [ + "\u2581amplitud", + -14.632543563842772 + ], + [ + "\u2581filtrar", + -14.632560729980469 + ], + [ + "oberst", + -14.632600784301758 + ], + [ + "entropie", + -14.632612228393556 + ], + [ + "\u2581Vorliebe", + -14.632635116577148 + ], + [ + "\u2581biodiversity", + -14.632647514343262 + ], + [ + "trefflich", + -14.63267707824707 + ], + [ + "\u2581embraced", + -14.632729530334473 + ], + [ + "\u2581cuirass", + -14.632732391357422 + ], + [ + "engineering", + -14.63274097442627 + ], + [ + "\u2581Hopp", + -14.632770538330078 + ], + [ + "ribs", + -14.63280200958252 + ], + [ + "hlorophyll", + -14.632808685302734 + ], + [ + "\u2581Berech", + -14.63280963897705 + ], + [ + "\u2581ideologico", + -14.63286590576172 + ], + [ + "\u2581overwo", + -14.632869720458984 + ], + [ + "Andalus", + -14.632884979248049 + ], + [ + "\u2581Kabu", + -14.632885932922363 + ], + [ + "\u2581dimensionless", + -14.63290786743164 + ], + [ + "GetProcAddress", + -14.632914543151855 + ], + [ + "\u2581Plovdiv", + -14.632919311523438 + ], + [ + "\u2581Gleichberechtig", + -14.632920265197754 + ], + [ + "\u2581p\u00e9tr", + -14.63292121887207 + ], + [ + "\u2581verdanken", + -14.63292121887207 + ], + [ + "\u2581dibattiti", + -14.632925033569336 + ], + [ + "azzano", + -14.632933616638184 + ], + [ + "\u2581espulso", + -14.632941246032717 + ], + [ + "\u2581supremazia", + -14.63294506072998 + ], + [ + "ukai", + -14.632952690124512 + ], + [ + "\u2581Pr\u00e4misse", + -14.632954597473145 + ], + [ + "\u2581Regulatory", + -14.632973670959473 + ], + [ + "\u2581neurological", + -14.63298797607422 + ], + [ + "arrampicata", + -14.632994651794434 + ], + [ + "\u2581Standardfehler", + -14.633007049560549 + ], + [ + "\u2581guaran", + -14.633048057556152 + ], + [ + "ethnographi", + -14.633078575134276 + ], + [ + "plastik", + -14.633092880249023 + ], + [ + "schwemm", + -14.63311004638672 + ], + [ + "\u2581desembarque", + -14.63312530517578 + ], + [ + "\u2581Shelton", + -14.633130073547363 + ], + [ + "\u2581Freeway", + -14.633150100708008 + ], + [ + "plendor", + -14.633170127868652 + ], + [ + "Daten\u00fcbertragung", + -14.633171081542969 + ], + [ + "\u2581Encontro", + -14.633213996887209 + ], + [ + "\u2581reeleito", + -14.633234024047852 + ], + [ + "lorum", + -14.633277893066406 + ], + [ + "\u2581Dijo", + -14.633319854736328 + ], + [ + "stitu\u00eddo", + -14.633329391479492 + ], + [ + "\u2581comportano", + -14.633371353149414 + ], + [ + "ribon", + -14.633378028869627 + ], + [ + "\u2581cherchait", + -14.633378982543944 + ], + [ + "\u2581Lazzari", + -14.633380889892578 + ], + [ + "\u2581globalization", + -14.633384704589844 + ], + [ + "\u2581mittelbaren", + -14.633392333984377 + ], + [ + "\u2581Annabell", + -14.633398056030272 + ], + [ + "roven", + -14.633414268493652 + ], + [ + "\u2581disattiva", + -14.633441925048828 + ], + [ + "\u2581Propheten", + -14.633464813232422 + ], + [ + "BENCHMARK", + -14.633469581604004 + ], + [ + "\u2581presidenziale", + -14.63347339630127 + ], + [ + "\u2581nuotare", + -14.6334810256958 + ], + [ + "\u2581ressemblance", + -14.63348388671875 + ], + [ + "\u2581semicircular", + -14.63349151611328 + ], + [ + "\u2581picturesque", + -14.633533477783203 + ], + [ + "StorageAccount", + -14.633539199829102 + ], + [ + "\u2581spore", + -14.633545875549316 + ], + [ + "\u2581Sokolov", + -14.633553504943848 + ], + [ + "parlement", + -14.633556365966797 + ], + [ + "hiv", + -14.633557319641112 + ], + [ + "\u2581lanceer", + -14.633564949035645 + ], + [ + "\u2581gerechtelijk", + -14.633570671081545 + ], + [ + "zweifelt", + -14.633586883544922 + ], + [ + "\u2581biochemische", + -14.63363265991211 + ], + [ + "\u2581diff\u00e9r", + -14.633654594421388 + ], + [ + "uncul", + -14.633674621582031 + ], + [ + "\u2581Babb", + -14.633681297302246 + ], + [ + "artic", + -14.633697509765623 + ], + [ + "apodanno", + -14.633835792541504 + ], + [ + "\u00edptico", + -14.633844375610352 + ], + [ + "\u2581cancellato", + -14.63385009765625 + ], + [ + "abolic", + -14.63386344909668 + ], + [ + "entomologi", + -14.633877754211426 + ], + [ + "\u2581dispersed", + -14.633893013000488 + ], + [ + "gelicht", + -14.633895874023438 + ], + [ + "Aufnahmen", + -14.633899688720703 + ], + [ + "cul\u00e9e", + -14.63390827178955 + ], + [ + "assief", + -14.633915901184082 + ], + [ + "\u2581ambulanti", + -14.633929252624512 + ], + [ + "\u2581Tornato", + -14.633944511413574 + ], + [ + "uk\u00fcnftig", + -14.63394832611084 + ], + [ + "aspirazione", + -14.63397216796875 + ], + [ + "\u2581colgad", + -14.6339750289917 + ], + [ + "\u2581beispiels", + -14.633994102478027 + ], + [ + "\u2581Efr", + -14.634007453918455 + ], + [ + "\u2581ubiqu", + -14.634023666381836 + ], + [ + "rbrace", + -14.634025573730469 + ], + [ + "\u2581carrocer\u00eda", + -14.634047508239746 + ], + [ + "\u2581Gravin", + -14.634062767028809 + ], + [ + "\u2581produttiva", + -14.634062767028809 + ], + [ + "\u2581Strafsachen", + -14.634066581726074 + ], + [ + "\u2581Sindaco", + -14.634074211120604 + ], + [ + "\u2581collaterali", + -14.634087562561035 + ], + [ + "\u2581Not\u00edcia", + -14.63410472869873 + ], + [ + "\u2581convocada", + -14.634140968322754 + ], + [ + "\u2581geschw\u00e4cht", + -14.634150505065918 + ], + [ + "merend", + -14.634153366088867 + ], + [ + "\u2581Entsendung", + -14.634164810180664 + ], + [ + "ragebogen", + -14.634183883666992 + ], + [ + "testament", + -14.634214401245115 + ], + [ + "\u2581kumulativ", + -14.634214401245115 + ], + [ + "glucose", + -14.634236335754396 + ], + [ + "\u2581fornecendo", + -14.634252548217772 + ], + [ + "mplification", + -14.634260177612305 + ], + [ + "\u2581esportivos", + -14.634273529052734 + ], + [ + "rnais", + -14.634276390075684 + ], + [ + "Admission", + -14.63430118560791 + ], + [ + "indra", + -14.634305953979492 + ], + [ + "Rezension", + -14.63431453704834 + ], + [ + "Spanien", + -14.634326934814451 + ], + [ + "perversa", + -14.634353637695312 + ], + [ + "Murray", + -14.634377479553224 + ], + [ + "\u2581Krimin", + -14.634462356567385 + ], + [ + "\u2581\u00fcbertr\u00e4gt", + -14.63446807861328 + ], + [ + "FRONT", + -14.63450527191162 + ], + [ + "\u2581Giustinian", + -14.634583473205566 + ], + [ + "\u2581dibujante", + -14.634583473205566 + ], + [ + "\u2581Vendredi", + -14.6345853805542 + ], + [ + "\u2581scorrere", + -14.634614944458008 + ], + [ + "eventType", + -14.634644508361816 + ], + [ + "l\u00e4ndisch", + -14.634657859802246 + ], + [ + "\u2581d\u00e9barque", + -14.634663581848145 + ], + [ + "\u2581bastava", + -14.634702682495115 + ], + [ + "\u2581godeva", + -14.634706497192385 + ], + [ + "\u2581demokratischer", + -14.634732246398926 + ], + [ + "\u2581attinge", + -14.63475227355957 + ], + [ + "Boom", + -14.634759902954102 + ], + [ + "\u2581obsesi", + -14.63477897644043 + ], + [ + "\u2581calculadora", + -14.634793281555176 + ], + [ + "partieron", + -14.634799003601074 + ], + [ + "\u2581suborden", + -14.634814262390137 + ], + [ + "\u2581perpetual", + -14.6348295211792 + ], + [ + "uerido", + -14.634830474853516 + ], + [ + "Trash", + -14.634860038757324 + ], + [ + "\u2581vigilar", + -14.634862899780272 + ], + [ + "mettevano", + -14.63492202758789 + ], + [ + "\u2581doorgaande", + -14.634936332702637 + ], + [ + "\u2581flexiona", + -14.634997367858888 + ], + [ + "\u2581poppe", + -14.635015487670898 + ], + [ + "hidium", + -14.635042190551758 + ], + [ + "\u2581evangeliza", + -14.635072708129885 + ], + [ + "NotFoundError", + -14.635086059570312 + ], + [ + "\u2581Galileu", + -14.635122299194336 + ], + [ + "\u2581Silvestro", + -14.635124206542969 + ], + [ + "\u2581konstru", + -14.635125160217283 + ], + [ + "ntrepreneurship", + -14.635126113891602 + ], + [ + "\u2581Kreditkarte", + -14.63512897491455 + ], + [ + "\u2581vermietet", + -14.63512897491455 + ], + [ + "sidra", + -14.63514518737793 + ], + [ + "\u2581bothered", + -14.63520050048828 + ], + [ + "\u2581fomenta", + -14.635220527648926 + ], + [ + "blanda", + -14.635233879089355 + ], + [ + "\u2581disseminate", + -14.635236740112305 + ], + [ + "PARAMETERS", + -14.635248184204102 + ], + [ + "propagation", + -14.635286331176758 + ], + [ + "\u2581Applicazione", + -14.635326385498049 + ], + [ + "\u2581Renan", + -14.635326385498049 + ], + [ + "\u2581Exercice", + -14.635331153869627 + ], + [ + "\u2581avvertito", + -14.635375022888184 + ], + [ + "\u2581Tiziano", + -14.635387420654297 + ], + [ + "facie", + -14.63540744781494 + ], + [ + "\u2581verifying", + -14.635422706604004 + ], + [ + "masking", + -14.63543701171875 + ], + [ + "fiquem", + -14.635478973388672 + ], + [ + "chnecke", + -14.63548183441162 + ], + [ + "utoimmun", + -14.635488510131836 + ], + [ + "port\u00f3", + -14.63549518585205 + ], + [ + "\u2581placard", + -14.63550090789795 + ], + [ + "schw\u00e4chen", + -14.635549545288086 + ], + [ + "verst\u00e4nd", + -14.635598182678224 + ], + [ + "\u2581garment", + -14.63563060760498 + ], + [ + "gezegd", + -14.635634422302246 + ], + [ + "\u2581arist\u00f3crata", + -14.63567066192627 + ], + [ + "\u2581Sicuramente", + -14.635671615600586 + ], + [ + "\u2581T\u00e9h\u00e9ran", + -14.635671615600586 + ], + [ + "\u2581Rijswijk", + -14.635682106018066 + ], + [ + "\u2581Lautsprecher", + -14.635686874389648 + ], + [ + "\u00fcnktlich", + -14.635709762573242 + ], + [ + "\u2581potresti", + -14.635709762573242 + ], + [ + "flation", + -14.63571071624756 + ], + [ + "\u2581Optic", + -14.635735511779783 + ], + [ + "\u2581Especialmente", + -14.635738372802734 + ], + [ + "rg\u00fc", + -14.635747909545898 + ], + [ + "termijn", + -14.63575267791748 + ], + [ + "ViewHolder", + -14.635769844055176 + ], + [ + "Enumerator", + -14.63577365875244 + ], + [ + "\u2581solitary", + -14.635784149169922 + ], + [ + "ociological", + -14.635801315307615 + ], + [ + "\u2581collaborazioni", + -14.635811805725098 + ], + [ + "\u2581Simbabwe", + -14.635845184326172 + ], + [ + "\u2581croyai", + -14.63584804534912 + ], + [ + "\u2581sconfina", + -14.635849952697754 + ], + [ + "Virg", + -14.635857582092283 + ], + [ + "chauffeur", + -14.635869979858398 + ], + [ + "\u2581multimodal", + -14.635873794555664 + ], + [ + "\u2581glabra", + -14.635884284973145 + ], + [ + "\u2581osservando", + -14.635887145996094 + ], + [ + "Assigned", + -14.635892868041992 + ], + [ + "\u00e4le", + -14.63590145111084 + ], + [ + "\u2581flicker", + -14.635918617248535 + ], + [ + "MPL", + -14.63592529296875 + ], + [ + "\u2581bandeja", + -14.635937690734863 + ], + [ + "\u2581madr", + -14.635942459106444 + ], + [ + "meetkunde", + -14.635963439941406 + ], + [ + "AppError", + -14.636018753051758 + ], + [ + "\u2581stabiler", + -14.636096000671388 + ], + [ + "\u00fcstung", + -14.636099815368652 + ], + [ + "Oficiais", + -14.636163711547852 + ], + [ + "\u2581recouverte", + -14.636165618896484 + ], + [ + "ulot", + -14.636167526245115 + ], + [ + "\u2581ayudando", + -14.6361722946167 + ], + [ + "mettiamo", + -14.636204719543455 + ], + [ + "\u2581exklusive", + -14.636208534240724 + ], + [ + "\u2581listadas", + -14.636219024658203 + ], + [ + "\u2581Ermordung", + -14.636222839355469 + ], + [ + "\u2581Unionsb\u00fcrger", + -14.636226654052734 + ], + [ + "\u2581escoteiro", + -14.63622760772705 + ], + [ + "\u2581agradecimiento", + -14.636245727539062 + ], + [ + "itava", + -14.636277198791504 + ], + [ + "abbati", + -14.63628101348877 + ], + [ + "\u2581accolse", + -14.636319160461426 + ], + [ + "\u2581facil", + -14.636345863342283 + ], + [ + "\u2581helado", + -14.636353492736816 + ], + [ + "\u2581sendet", + -14.63640594482422 + ], + [ + "\u2581temperado", + -14.636428833007812 + ], + [ + "emulsion", + -14.636462211608888 + ], + [ + "\u2581prosperidad", + -14.636482238769531 + ], + [ + "\u2581Am\u00e9rico", + -14.636491775512695 + ], + [ + "\u2581autoproclam", + -14.63650131225586 + ], + [ + "sulfa", + -14.636502265930176 + ], + [ + "\u2581aduan", + -14.636524200439451 + ], + [ + "\u2581variegata", + -14.63652801513672 + ], + [ + "vinti", + -14.636528968811035 + ], + [ + "\u2581Bethune", + -14.636555671691896 + ], + [ + "\u2581traduzir", + -14.63656997680664 + ], + [ + "\u2581Fideli", + -14.636584281921388 + ], + [ + "\u2581liberando", + -14.636588096618652 + ], + [ + "\u2581allerhand", + -14.636601448059082 + ], + [ + "\u2581kinderloos", + -14.636630058288574 + ], + [ + "\u2581verschui", + -14.636637687683104 + ], + [ + "scrupul", + -14.636639595031738 + ], + [ + "licence", + -14.636659622192385 + ], + [ + "\u2581m\u00e9c", + -14.636733055114746 + ], + [ + "\u2581administr", + -14.636735916137695 + ], + [ + "\u2581aderire", + -14.63675022125244 + ], + [ + "\u2581Mezzogiorno", + -14.636775970458984 + ], + [ + "\u2581Anw\u00e4lte", + -14.636778831481934 + ], + [ + "geh\u00e4lter", + -14.63679313659668 + ], + [ + "\u2581Undertaker", + -14.636794090270996 + ], + [ + "\u2581intervenu", + -14.636802673339844 + ], + [ + "Composities", + -14.63680362701416 + ], + [ + "\u2581incrusta", + -14.636836051940918 + ], + [ + "venous", + -14.636846542358398 + ], + [ + "\u2581trasladaron", + -14.63689136505127 + ], + [ + "\u2581subdividid", + -14.636906623840332 + ], + [ + "trista", + -14.636911392211914 + ], + [ + "\u2581cappelli", + -14.636911392211914 + ], + [ + "\u2581identifi\u00e9e", + -14.636934280395508 + ], + [ + "\u2581Schwangeren", + -14.636975288391112 + ], + [ + "\u2581Bauweise", + -14.63699722290039 + ], + [ + "\u2581dogmatic", + -14.63699722290039 + ], + [ + "\u2581Bedingt", + -14.637001991271973 + ], + [ + "\u2581permanecendo", + -14.637017250061035 + ], + [ + "stituzione", + -14.637029647827148 + ], + [ + "iciando", + -14.637045860290527 + ], + [ + "\u2581conheceram", + -14.637100219726562 + ], + [ + "ferential", + -14.637109756469728 + ], + [ + "alertController", + -14.637141227722168 + ], + [ + "klauseln", + -14.637147903442385 + ], + [ + "\u2581choreogra", + -14.637319564819336 + ], + [ + "\u2581Dawkins", + -14.63732624053955 + ], + [ + "forecast", + -14.637327194213867 + ], + [ + "\u2581kennengelernt", + -14.6373291015625 + ], + [ + "geschlafen", + -14.637344360351562 + ], + [ + "\u2581Colombiaanse", + -14.63734531402588 + ], + [ + "\u2581neolitic", + -14.63734531402588 + ], + [ + "\u2581Ranieri", + -14.637399673461914 + ], + [ + "\u2581bef\u00e4higt", + -14.637411117553713 + ], + [ + "\u2581biogr\u00e1fica", + -14.637445449829102 + ], + [ + "\u2581Stockton", + -14.637446403503418 + ], + [ + "ythagor", + -14.63744831085205 + ], + [ + "\u2581berekeningen", + -14.637491226196287 + ], + [ + "edved", + -14.637493133544922 + ], + [ + "orrosion", + -14.63750457763672 + ], + [ + "\u2581Santu\u00e1rio", + -14.637516975402832 + ], + [ + "\u2581Gottheit", + -14.637569427490234 + ], + [ + "loqui", + -14.637574195861816 + ], + [ + "OAS", + -14.637578964233398 + ], + [ + "icaria", + -14.637612342834473 + ], + [ + "risque", + -14.637614250183104 + ], + [ + "\u2581Tarde", + -14.63766098022461 + ], + [ + "\u2581transformiert", + -14.637718200683594 + ], + [ + "Allah", + -14.637733459472656 + ], + [ + "enklooster", + -14.637784004211426 + ], + [ + "\u2581reopen", + -14.637800216674805 + ], + [ + "verf\u00fcg", + -14.637811660766602 + ], + [ + "\u2581broadcaster", + -14.63783359527588 + ], + [ + "\u2581Devin", + -14.637861251831056 + ], + [ + "chaining", + -14.637871742248535 + ], + [ + "\u2581introdotti", + -14.637884140014648 + ], + [ + "\u2581essentieel", + -14.637890815734863 + ], + [ + "\u2581auszurichten", + -14.63789176940918 + ], + [ + "\u2581Ilmenau", + -14.637899398803713 + ], + [ + "daughter", + -14.637962341308594 + ], + [ + "enannt", + -14.63799285888672 + ], + [ + "uag", + -14.638014793395996 + ], + [ + "el\u00edquia", + -14.63802719116211 + ], + [ + "\u2581boschiv", + -14.638044357299805 + ], + [ + "\u2581pr\u00e9alablement", + -14.638080596923828 + ], + [ + "CloseBody", + -14.638097763061523 + ], + [ + "\u2581autenticidad", + -14.638106346130373 + ], + [ + "\u2581Honderd", + -14.638151168823242 + ], + [ + "\u2581Carril", + -14.638188362121582 + ], + [ + "mienta", + -14.638208389282228 + ], + [ + "\u2581Tur\u00edstic", + -14.63821792602539 + ], + [ + "\u2581biete", + -14.63827133178711 + ], + [ + "apotheke", + -14.63839340209961 + ], + [ + "\u2581sobrevivi\u00f3", + -14.638453483581545 + ], + [ + "\u2581Assange", + -14.638457298278809 + ], + [ + "\u2581zochten", + -14.638458251953123 + ], + [ + "\u2581friedlich", + -14.638460159301758 + ], + [ + "\u2581Silvester", + -14.638494491577148 + ], + [ + "insuff", + -14.63849925994873 + ], + [ + "\u2581evitado", + -14.638510704040527 + ], + [ + "\u2581abrang", + -14.63851833343506 + ], + [ + "ISTEN", + -14.638522148132324 + ], + [ + "\u2581rebound", + -14.638527870178224 + ], + [ + "acidad", + -14.638578414916992 + ], + [ + "touchstone", + -14.638598442077637 + ], + [ + "cheron", + -14.6386079788208 + ], + [ + "Empfehlung", + -14.638649940490724 + ], + [ + "tocou", + -14.638651847839355 + ], + [ + "pizza", + -14.638654708862305 + ], + [ + "gymnast", + -14.638669967651367 + ], + [ + "moedigd", + -14.638723373413086 + ], + [ + "\u2581abgewiesen", + -14.638739585876465 + ], + [ + "\u2581kroatische", + -14.638763427734377 + ], + [ + "\u2581pendurad", + -14.638766288757324 + ], + [ + "gypti", + -14.638787269592283 + ], + [ + "\u2581Mallar", + -14.638792991638184 + ], + [ + "\u2581souf", + -14.638802528381348 + ], + [ + "\u2581Verpackungen", + -14.638827323913574 + ], + [ + "Jason", + -14.638838768005373 + ], + [ + "nathan", + -14.638858795166016 + ], + [ + "\u2581servir\u00e1", + -14.638895988464355 + ], + [ + "\u2581Auswir", + -14.63890552520752 + ], + [ + "lkaline", + -14.638915061950684 + ], + [ + "\u2581progresiva", + -14.638920783996582 + ], + [ + "appr\u00e9ciation", + -14.638959884643556 + ], + [ + "\u2581incantat", + -14.6389799118042 + ], + [ + "\u2581ghibellin", + -14.638985633850098 + ], + [ + "tecnologia", + -14.638986587524414 + ], + [ + "erminolog\u00eda", + -14.639001846313477 + ], + [ + "\u2581sexualmente", + -14.639023780822754 + ], + [ + "\u2581Rechnungshof", + -14.639025688171388 + ], + [ + "resilient", + -14.63903522491455 + ], + [ + "rachtmotten", + -14.639037132263184 + ], + [ + "\u2581oplopen", + -14.639074325561523 + ], + [ + "Notifie", + -14.639113426208496 + ], + [ + "\u2581gelosia", + -14.63912582397461 + ], + [ + "anneaux", + -14.639127731323242 + ], + [ + "\u2581Bresciano", + -14.639132499694824 + ], + [ + "upyter", + -14.639137268066406 + ], + [ + "gedrongen", + -14.639138221740724 + ], + [ + "mistico", + -14.639155387878418 + ], + [ + "\u2581desquels", + -14.639156341552734 + ], + [ + "\u2581Opdracht", + -14.639161109924316 + ], + [ + "\u2581collera", + -14.63917064666748 + ], + [ + "irplay", + -14.63918685913086 + ], + [ + "\u2581unaniem", + -14.639225959777832 + ], + [ + "\u2581gebnisse", + -14.639275550842283 + ], + [ + "ucksichtig", + -14.639278411865234 + ], + [ + "\u2581contemplazione", + -14.639291763305664 + ], + [ + "\u2581Strob", + -14.639302253723145 + ], + [ + "\u2581overlooking", + -14.639311790466309 + ], + [ + "ntuitively", + -14.63931941986084 + ], + [ + "\u2581erl\u00e4", + -14.639381408691406 + ], + [ + "mittelwert", + -14.63942527770996 + ], + [ + "Globalization", + -14.63947296142578 + ], + [ + "implified", + -14.639497756958008 + ], + [ + "\u2581Gazprom", + -14.639540672302246 + ], + [ + "\u2581beeindruckende", + -14.639545440673828 + ], + [ + "\u2581Bushaltestelle", + -14.639554023742676 + ], + [ + "\u2581staircase", + -14.639577865600586 + ], + [ + "\u2581screened", + -14.63958740234375 + ], + [ + "pinus", + -14.639588356018066 + ], + [ + "\u2581meritano", + -14.6395902633667 + ], + [ + "\u2581Brewster", + -14.639598846435549 + ], + [ + "Accessible", + -14.639665603637695 + ], + [ + "\u2581Millet", + -14.639690399169922 + ], + [ + "\u2581Resende", + -14.639705657958984 + ], + [ + "\u2581Babyloni", + -14.63972282409668 + ], + [ + "\u2581Ryb", + -14.639745712280272 + ], + [ + "ichir", + -14.639774322509766 + ], + [ + "w\u00fcrttembergische", + -14.63980197906494 + ], + [ + "Fichier", + -14.639810562133787 + ], + [ + "flavon", + -14.639856338500977 + ], + [ + "klassering", + -14.639942169189451 + ], + [ + "corrected", + -14.639971733093262 + ], + [ + "\u2581arranja", + -14.640007972717283 + ], + [ + "\u2581sovver", + -14.640020370483398 + ], + [ + "\u2581R\u00fccklage", + -14.640023231506348 + ], + [ + "\u2581entsorg", + -14.640124320983888 + ], + [ + "\u2581ouvinte", + -14.640127182006836 + ], + [ + "\u2581dopodich\u00e9", + -14.640128135681152 + ], + [ + "OGA", + -14.640151023864746 + ], + [ + "\u2581Schildwesp", + -14.64016819000244 + ], + [ + "\u2581gebruikmaken", + -14.640188217163086 + ], + [ + "\u2581Dekoration", + -14.640206336975098 + ], + [ + "\u2581chocolade", + -14.640225410461426 + ], + [ + "\u2581aangevoerd", + -14.64029026031494 + ], + [ + "\u2581culmin\u00f3", + -14.640296936035156 + ], + [ + "Asociaci\u00f3n", + -14.640305519104004 + ], + [ + "Georgisch", + -14.640337944030762 + ], + [ + "nokke", + -14.64035415649414 + ], + [ + "\u2581Ginn", + -14.640419006347656 + ], + [ + "tirou", + -14.640436172485352 + ], + [ + "\u2581trench", + -14.640439987182615 + ], + [ + "\u2581licenci\u00e9", + -14.640451431274414 + ], + [ + "\u2581congiunge", + -14.640493392944336 + ], + [ + "\u2581K\u00fcrzungen", + -14.640508651733398 + ], + [ + "\u2581verschl", + -14.640594482421877 + ], + [ + "\u2581calabres", + -14.640625 + ], + [ + "antra", + -14.640629768371582 + ], + [ + "\u2581Kontaktaufnahme", + -14.64064884185791 + ], + [ + "Avenida", + -14.640657424926758 + ], + [ + "\u2581Kernbereich", + -14.640697479248049 + ], + [ + "\u2581Sphe", + -14.640742301940918 + ], + [ + "\u2581agrupaciones", + -14.640752792358398 + ], + [ + "\u2581pensatori", + -14.640752792358398 + ], + [ + "WithTimeout", + -14.640754699707031 + ], + [ + "\u2581descrisse", + -14.640767097473145 + ], + [ + "\u2581feuill", + -14.640807151794434 + ], + [ + "illado", + -14.640824317932127 + ], + [ + "ELLO", + -14.640857696533203 + ], + [ + "chauff\u00e9", + -14.640859603881836 + ], + [ + "\u2581psichiatria", + -14.640883445739746 + ], + [ + "Ritter", + -14.640894889831545 + ], + [ + "ecolog\u00eda", + -14.64091968536377 + ], + [ + "\u2581Minderj\u00e4hrigen", + -14.640920639038086 + ], + [ + "\u2581cueill", + -14.640935897827148 + ], + [ + "\u2581empatar", + -14.640936851501465 + ], + [ + "zuweisung", + -14.640966415405272 + ], + [ + "\u00fcndnis", + -14.64097499847412 + ], + [ + "\u2581removida", + -14.641000747680664 + ], + [ + "Discussion", + -14.64105224609375 + ], + [ + "t\u00e9cnico", + -14.641063690185549 + ], + [ + "uer\u00eda", + -14.641080856323242 + ], + [ + "\u2581contadina", + -14.641093254089355 + ], + [ + "\u2581Physiology", + -14.64111042022705 + ], + [ + "\u2581continuada", + -14.64113426208496 + ], + [ + "\u2581omringende", + -14.64119815826416 + ], + [ + "\u2581Goddard", + -14.641200065612791 + ], + [ + "\u2581r\u00e9parer", + -14.64120101928711 + ], + [ + "\u2581Belegschaft", + -14.641217231750488 + ], + [ + "\u2581acumina", + -14.641231536865234 + ], + [ + "\u2581contrabband", + -14.641231536865234 + ], + [ + "\u2581Beru", + -14.64127254486084 + ], + [ + "\u2581cistercien", + -14.641284942626951 + ], + [ + "erunt", + -14.641287803649902 + ], + [ + "infetta", + -14.641295433044434 + ], + [ + "\u2581retrace", + -14.64133644104004 + ], + [ + "\u2581Campingpl\u00e4tze", + -14.641372680664062 + ], + [ + "wung", + -14.64138126373291 + ], + [ + "\u2581konsultier", + -14.641395568847656 + ], + [ + "\u2581proclamazione", + -14.641396522521973 + ], + [ + "nouveau", + -14.641404151916504 + ], + [ + "\u2581reggia", + -14.64143180847168 + ], + [ + "\u2581acreditavam", + -14.641451835632324 + ], + [ + "plier", + -14.641460418701172 + ], + [ + "\u2581caracol", + -14.641468048095703 + ], + [ + "\u2581Crucifi", + -14.641512870788574 + ], + [ + "\u2581publicitaria", + -14.641512870788574 + ], + [ + "angolare", + -14.641515731811523 + ], + [ + "\u2581overturn", + -14.641547203063965 + ], + [ + "\u2581Emerald", + -14.64156436920166 + ], + [ + "\u2581nocciol", + -14.641569137573242 + ], + [ + "\u2581linfocit", + -14.641572952270508 + ], + [ + "\u2581Schaats", + -14.641575813293455 + ], + [ + "\u2581Fraga", + -14.641579627990724 + ], + [ + "\u2581tornarono", + -14.641582489013672 + ], + [ + "\u2581assaggiare", + -14.641586303710938 + ], + [ + "Wagner", + -14.641592979431152 + ], + [ + "Mutanten", + -14.641605377197266 + ], + [ + "belief", + -14.641639709472656 + ], + [ + "blai", + -14.641644477844238 + ], + [ + "\u2581packte", + -14.641663551330566 + ], + [ + "leeuwen", + -14.641722679138184 + ], + [ + "\u2581investisseurs", + -14.6417236328125 + ], + [ + "\u2581Terrier", + -14.641743659973145 + ], + [ + "\u2581pronon", + -14.641748428344728 + ], + [ + "\u2581Havilland", + -14.641752243041992 + ], + [ + "tazo", + -14.641753196716309 + ], + [ + "\u2581Potomac", + -14.641753196716309 + ], + [ + "codebuild", + -14.641757011413574 + ], + [ + "turquoise", + -14.64175796508789 + ], + [ + "\u00e9ventuels", + -14.64175796508789 + ], + [ + "\u2581Anforde", + -14.641775131225586 + ], + [ + "\u2581Escuadr\u00f3n", + -14.641775131225586 + ], + [ + "\u2581Karam", + -14.641779899597168 + ], + [ + "\u2581restliche", + -14.6417818069458 + ], + [ + "\u2581habill\u00e9", + -14.641805648803713 + ], + [ + "\u2581funcion\u00f3", + -14.64183521270752 + ], + [ + "\u2581Bruckner", + -14.641855239868164 + ], + [ + "omisar\u00eda", + -14.641870498657228 + ], + [ + "\u2581Aquakultur", + -14.6419038772583 + ], + [ + "\u2581contrattare", + -14.64191436767578 + ], + [ + "sDeleteCall", + -14.641925811767578 + ], + [ + "Huis", + -14.641927719116213 + ], + [ + "\u2581chiesetta", + -14.641952514648438 + ], + [ + "Nominado", + -14.641963958740234 + ], + [ + "\u2581chronologische", + -14.64196491241455 + ], + [ + "\u2581Hoger", + -14.64198398590088 + ], + [ + "\u2581conversazioni", + -14.641986846923828 + ], + [ + "kiefer", + -14.641989707946776 + ], + [ + "\u2581hepato", + -14.642001152038574 + ], + [ + "\u2581pecca", + -14.64200210571289 + ], + [ + "\u2581aggrega", + -14.642163276672363 + ], + [ + "Nancy", + -14.642167091369627 + ], + [ + "\u2581Kaufleute", + -14.64217472076416 + ], + [ + "\u2581prol\u00edfic", + -14.64218807220459 + ], + [ + "\u2581possent", + -14.642189025878906 + ], + [ + "\u2581Cassett", + -14.642219543457031 + ], + [ + "\u2581desiderare", + -14.642239570617676 + ], + [ + "villain", + -14.64224624633789 + ], + [ + "\u2581Postula", + -14.642271995544434 + ], + [ + "\u2581Verzahnung", + -14.64230728149414 + ], + [ + "\u2581discontinued", + -14.64230728149414 + ], + [ + "\u2581Perseus", + -14.642345428466797 + ], + [ + "\u2581neigen", + -14.642349243164062 + ], + [ + "\u2581insulari", + -14.642386436462402 + ], + [ + "\u2581desenvolvedor", + -14.642398834228516 + ], + [ + "intercontinental", + -14.64242458343506 + ], + [ + "sperrt", + -14.642484664916992 + ], + [ + "embl\u00e9e", + -14.64252758026123 + ], + [ + "Sarah", + -14.642558097839355 + ], + [ + "m\u00e9dica", + -14.642563819885254 + ], + [ + "\u2581erotische", + -14.64258098602295 + ], + [ + "spiral", + -14.642613410949709 + ], + [ + "\u2581exotique", + -14.642642974853516 + ], + [ + "ineidae", + -14.64264678955078 + ], + [ + "\u2581antecedent", + -14.642655372619627 + ], + [ + "taxonomie", + -14.642656326293944 + ], + [ + "\u2581Regierungschef", + -14.642660140991213 + ], + [ + "Homebrew", + -14.642667770385742 + ], + [ + "\u2581Mirand", + -14.642727851867676 + ], + [ + "\u2581Dunl", + -14.642736434936523 + ], + [ + "Uppercase", + -14.642766952514648 + ], + [ + "\u2581understandable", + -14.642770767211914 + ], + [ + "\u2581benut", + -14.642777442932127 + ], + [ + "cavidade", + -14.642782211303713 + ], + [ + "\u2581Connex", + -14.64278507232666 + ], + [ + "\u2581Teresi", + -14.642823219299316 + ], + [ + "ArgsForCall", + -14.642861366271973 + ], + [ + "\u2581vinaigre", + -14.642862319946287 + ], + [ + "\u2581frischem", + -14.642864227294922 + ], + [ + "\u2581distrutte", + -14.642868995666504 + ], + [ + "\u2581Pollen", + -14.642926216125488 + ], + [ + "\u2581dolcezza", + -14.642958641052246 + ], + [ + "p\u00e1s", + -14.642995834350586 + ], + [ + "\u2581vigorosa", + -14.643000602722168 + ], + [ + "\u2581cucciol", + -14.643025398254396 + ], + [ + "\u2581gesneuvelde", + -14.643092155456545 + ], + [ + "\u2581interagi", + -14.643094062805176 + ], + [ + "\u2581Klicken", + -14.643095970153809 + ], + [ + "erorts", + -14.643096923828123 + ], + [ + "centru", + -14.643110275268556 + ], + [ + "ddled", + -14.643139839172363 + ], + [ + "\u2581Sartori", + -14.643156051635742 + ], + [ + "inseguimento", + -14.643159866333008 + ], + [ + "\u2581installati", + -14.643197059631348 + ], + [ + "pflichtet", + -14.643237113952637 + ], + [ + "\u2581silenziosa", + -14.643240928649902 + ], + [ + "\u2581doorgevoerd", + -14.64332103729248 + ], + [ + "\u2581concepteur", + -14.643340110778809 + ], + [ + "w\u00fcrz", + -14.643356323242188 + ], + [ + "\u2581bedragen", + -14.643357276916504 + ], + [ + "\u2581metabolites", + -14.643412590026855 + ], + [ + "\u2581Reservierung", + -14.643417358398438 + ], + [ + "alignement", + -14.643420219421388 + ], + [ + "\u2581Febrero", + -14.643420219421388 + ], + [ + "\u2581napoleonica", + -14.643420219421388 + ], + [ + "\u2581\u00e9tudi\u00e9e", + -14.643437385559082 + ], + [ + "\u2581rocciosa", + -14.643447875976562 + ], + [ + "\u2581Ottanta", + -14.643452644348145 + ], + [ + "\u2581Vollziehung", + -14.64345359802246 + ], + [ + "\u2581r\u00e9veil", + -14.64345359802246 + ], + [ + "roede", + -14.643455505371094 + ], + [ + "\u2581complici", + -14.643462181091309 + ], + [ + "Barbara", + -14.643465042114258 + ], + [ + "\u2581vigilanza", + -14.64346981048584 + ], + [ + "\u2581b\u00e1rbar", + -14.643471717834473 + ], + [ + "\u2581quittent", + -14.643485069274902 + ], + [ + "\u2581comportare", + -14.643487930297852 + ], + [ + "sistenza", + -14.643522262573242 + ], + [ + "\u2581superiority", + -14.643542289733888 + ], + [ + "ingl\u00e9s", + -14.643552780151367 + ], + [ + "\u2581McIntyre", + -14.643563270568848 + ], + [ + "InstanceId", + -14.643582344055176 + ], + [ + "tacaram", + -14.643584251403809 + ], + [ + "stimulation", + -14.643656730651855 + ], + [ + "giugno", + -14.643662452697754 + ], + [ + "udoku", + -14.643726348876951 + ], + [ + "\u2581unacceptable", + -14.64372730255127 + ], + [ + "igheden", + -14.64373016357422 + ], + [ + "iekenhuis", + -14.643733024597168 + ], + [ + "beeldje", + -14.643752098083496 + ], + [ + "\u2581papillon", + -14.643755912780762 + ], + [ + "buik", + -14.643795013427734 + ], + [ + "\u2581persiana", + -14.643805503845217 + ], + [ + "eplacing", + -14.643806457519531 + ], + [ + "\u2581scendendo", + -14.643843650817873 + ], + [ + "\u2581prud", + -14.64384651184082 + ], + [ + "approximation", + -14.643900871276855 + ], + [ + "Held", + -14.643914222717283 + ], + [ + "\u2581b\u00e1rbaros", + -14.64391803741455 + ], + [ + "vernis", + -14.643933296203612 + ], + [ + "\u2581sgradevol", + -14.64393424987793 + ], + [ + "servieren", + -14.643943786621094 + ], + [ + "Ausland", + -14.643963813781738 + ], + [ + "\u2581guarnigione", + -14.643973350524902 + ], + [ + "ilowatt", + -14.643982887268066 + ], + [ + "\u2581subversiv", + -14.644018173217772 + ], + [ + "\u2581Absetzung", + -14.644035339355469 + ], + [ + "khara", + -14.644046783447266 + ], + [ + "gheri", + -14.644089698791504 + ], + [ + "Algemeen", + -14.64409065246582 + ], + [ + "\u2581zeespiegel", + -14.64409637451172 + ], + [ + "\u2581kunstschaats", + -14.644100189208984 + ], + [ + "\u2581actresses", + -14.644108772277832 + ], + [ + "\u2581Franziskaner", + -14.64411163330078 + ], + [ + "zuholen", + -14.644115447998049 + ], + [ + "Sparta", + -14.64412784576416 + ], + [ + "orphyr", + -14.64413070678711 + ], + [ + "ufung", + -14.644135475158691 + ], + [ + "\u2581utilizava", + -14.64414119720459 + ], + [ + "monospace", + -14.644146919250488 + ], + [ + "\u2581genetically", + -14.64418601989746 + ], + [ + "nfarkt", + -14.64419174194336 + ], + [ + "IpAddress", + -14.6442289352417 + ], + [ + "\u2581gerarchic", + -14.644268035888672 + ], + [ + "\u2581Haustier", + -14.644325256347656 + ], + [ + "uplement", + -14.644372940063477 + ], + [ + "\u2581Wirksam", + -14.644383430480955 + ], + [ + "Klinik", + -14.64439296722412 + ], + [ + "academic", + -14.644415855407717 + ], + [ + "\u2581diplomata", + -14.644436836242676 + ], + [ + "lupe", + -14.644441604614258 + ], + [ + "\u2581globalizzazione", + -14.644472122192385 + ], + [ + "grej", + -14.64447784423828 + ], + [ + "oetermeer", + -14.644536972045898 + ], + [ + "\u2581pornogr\u00e1fica", + -14.644536972045898 + ], + [ + "\u2581entrava", + -14.644556045532228 + ], + [ + "Talsperre", + -14.644569396972656 + ], + [ + "\u2581marcatori", + -14.644577026367188 + ], + [ + "\u2581Hauptschule", + -14.64457893371582 + ], + [ + "\u2581brutalmente", + -14.644586563110352 + ], + [ + "\u2581Eingreifen", + -14.64462947845459 + ], + [ + "\u2581kanadischer", + -14.644652366638184 + ], + [ + "\u2581conformazione", + -14.6446533203125 + ], + [ + "\u2581teruggetrokken", + -14.644665718078612 + ], + [ + "kkerij", + -14.644673347473145 + ], + [ + "em\u00e4lde", + -14.644678115844728 + ], + [ + "\u2581congiura", + -14.644678115844728 + ], + [ + "\u2581abstrakt", + -14.644728660583496 + ], + [ + "luch", + -14.644767761230469 + ], + [ + "\u2581Guari", + -14.644767761230469 + ], + [ + "\u2581konstanter", + -14.644770622253418 + ], + [ + "attribuzione", + -14.644774436950684 + ], + [ + "\u2581dispensado", + -14.644777297973633 + ], + [ + "\u2581aansluitend", + -14.644780158996582 + ], + [ + "trajeron", + -14.64479637145996 + ], + [ + "\u2581physiquement", + -14.644824981689451 + ], + [ + "ynthase", + -14.644856452941896 + ], + [ + "tilit\u00e4t", + -14.644866943359377 + ], + [ + "\u2581conceitua", + -14.64487361907959 + ], + [ + "\u2581Collabora", + -14.64487648010254 + ], + [ + "\u2581Persico", + -14.644880294799805 + ], + [ + "ruzzo", + -14.644973754882812 + ], + [ + "\u2581fascicol", + -14.644989013671877 + ], + [ + "Sch\u00fcler", + -14.645017623901367 + ], + [ + "\u2581burgu", + -14.645027160644531 + ], + [ + "fended", + -14.645029067993164 + ], + [ + "Rafael", + -14.645065307617188 + ], + [ + "\u2581Kagoshima", + -14.645084381103516 + ], + [ + "\u2581Vygotsk", + -14.645085334777832 + ], + [ + "\u2581Timberlake", + -14.645089149475098 + ], + [ + "\u2581Prenons", + -14.645112991333008 + ], + [ + "criptedPanel", + -14.645116806030272 + ], + [ + "\u2581gobernado", + -14.645121574401855 + ], + [ + "akustische", + -14.645145416259766 + ], + [ + "\u2581erkrankten", + -14.64515495300293 + ], + [ + "ern\u00e1culo", + -14.64515781402588 + ], + [ + "Sieben", + -14.64516544342041 + ], + [ + "\u2581Knip", + -14.645207405090332 + ], + [ + "conocida", + -14.645216941833496 + ], + [ + "\u2581suggestie", + -14.64523983001709 + ], + [ + "\u2581muttered", + -14.645241737365724 + ], + [ + "elevanz", + -14.645285606384276 + ], + [ + "oppelung", + -14.64528751373291 + ], + [ + "comprensible", + -14.645307540893556 + ], + [ + "handelaren", + -14.645307540893556 + ], + [ + "\u2581Pantheon", + -14.6453275680542 + ], + [ + "gCl", + -14.64535903930664 + ], + [ + "\u2581assinala", + -14.645384788513184 + ], + [ + "rzyn", + -14.645386695861816 + ], + [ + "\u2581distributeur", + -14.645425796508787 + ], + [ + "sonders", + -14.645426750183104 + ], + [ + "\u2581Dozenten", + -14.645453453063965 + ], + [ + "lgebra", + -14.645461082458496 + ], + [ + "schoon", + -14.645462036132812 + ], + [ + "\u2581r\u00e9pertori\u00e9", + -14.64547634124756 + ], + [ + "aucourt", + -14.645482063293455 + ], + [ + "wapening", + -14.645482063293455 + ], + [ + "fl\u00fcgen", + -14.645520210266112 + ], + [ + "\u2581disjun", + -14.64552402496338 + ], + [ + "normalization", + -14.645537376403809 + ], + [ + "mieter", + -14.64553928375244 + ], + [ + "\u2581Wettbe", + -14.645566940307615 + ], + [ + "\u2581dislivello", + -14.645570755004885 + ], + [ + "truncat", + -14.645575523376465 + ], + [ + "pferd", + -14.645637512207031 + ], + [ + "\u2581Aerol\u00edneas", + -14.64564037322998 + ], + [ + "EnterForeground", + -14.645644187927246 + ], + [ + "\u2581ung\u00fcnstigen", + -14.645659446716309 + ], + [ + "\u2581westkust", + -14.645689964294434 + ], + [ + "\u00f3lito", + -14.6456937789917 + ], + [ + "\u2581amplified", + -14.645719528198242 + ], + [ + "\u2581Hongaren", + -14.645736694335938 + ], + [ + "verteilt", + -14.645739555358888 + ], + [ + "etitieresultaten", + -14.645748138427734 + ], + [ + "\u2581exogen", + -14.645755767822266 + ], + [ + "\u2581empeora", + -14.645764350891112 + ], + [ + "ETER", + -14.645795822143556 + ], + [ + "\u2581Pili", + -14.645809173583984 + ], + [ + "stendenzen", + -14.64585781097412 + ], + [ + "onnaient", + -14.645885467529297 + ], + [ + "widrigkeit", + -14.64590835571289 + ], + [ + "\u2581bezetten", + -14.64596176147461 + ], + [ + "\u2581lucrativos", + -14.64597511291504 + ], + [ + "spoorweg", + -14.645991325378418 + ], + [ + "\u2581batedor", + -14.646008491516112 + ], + [ + "apprenti", + -14.646020889282228 + ], + [ + "valuta", + -14.646039009094238 + ], + [ + "\u2581peinte", + -14.646041870117188 + ], + [ + "\u2581rotunda", + -14.64607048034668 + ], + [ + "vaggio", + -14.646080017089844 + ], + [ + "\u2581gaulois", + -14.64613151550293 + ], + [ + "\u2581lanterne", + -14.64614486694336 + ], + [ + "\u2581verhandeln", + -14.646185874938965 + ], + [ + "\u2581Dartmouth", + -14.646202087402344 + ], + [ + "\u2581forthcoming", + -14.646209716796877 + ], + [ + "\u2581Verbal", + -14.646211624145508 + ], + [ + "\u2581sblocca", + -14.646235466003418 + ], + [ + "\u2581Remington", + -14.646246910095217 + ], + [ + "gevoelige", + -14.646282196044922 + ], + [ + "\u2581Sterren", + -14.646292686462402 + ], + [ + "iz\u00e1ndose", + -14.64638614654541 + ], + [ + "\u2581furchtbar", + -14.646419525146484 + ], + [ + "\u2581Westland", + -14.646450996398926 + ], + [ + "\u2581compatto", + -14.646486282348633 + ], + [ + "\u2581supprim\u00e9e", + -14.646520614624023 + ], + [ + "Jimmy", + -14.646523475646973 + ], + [ + "ockpit", + -14.64653778076172 + ], + [ + "\u2581Unterschriften", + -14.646607398986816 + ], + [ + "iatrie", + -14.646621704101562 + ], + [ + "\u2581bestimm", + -14.6466646194458 + ], + [ + "\u2581Tastermotten", + -14.646754264831545 + ], + [ + "\u2581notwithstanding", + -14.646754264831545 + ], + [ + "\u2581riluttan", + -14.646759033203123 + ], + [ + "\u2581r\u00e9colt", + -14.64676284790039 + ], + [ + "\u2581atlantica", + -14.646764755249023 + ], + [ + "\u2581refugiar", + -14.646772384643556 + ], + [ + "\u2581Muricidae", + -14.646774291992188 + ], + [ + "\u2581vagabund", + -14.646791458129885 + ], + [ + "\u2581Ballett", + -14.64679718017578 + ], + [ + "\u2581tassista", + -14.646828651428224 + ], + [ + "\u2581Filmregisseur", + -14.646852493286133 + ], + [ + "Venga", + -14.646865844726562 + ], + [ + "\u2581retient", + -14.646883010864258 + ], + [ + "\u2581cheerful", + -14.646906852722168 + ], + [ + "jaban", + -14.646944046020508 + ], + [ + "\u2581aangedaan", + -14.646952629089355 + ], + [ + "Renew", + -14.646970748901367 + ], + [ + "Billy", + -14.647027969360352 + ], + [ + "\u2581fossat", + -14.647053718566896 + ], + [ + "\u2581angol", + -14.64708137512207 + ], + [ + "\u2581relique", + -14.64715576171875 + ], + [ + "specificatie", + -14.647186279296877 + ], + [ + "\u2581carabin", + -14.647239685058594 + ], + [ + "Konzentrat", + -14.64726734161377 + ], + [ + "\u2581Certifique", + -14.64731216430664 + ], + [ + "\u2581Peixoto", + -14.64731216430664 + ], + [ + "\u2581superconducting", + -14.64731216430664 + ], + [ + "\u2581regroup\u00e9s", + -14.647313117980955 + ], + [ + "\u2581soprannominato", + -14.647314071655272 + ], + [ + "Rabobank", + -14.647315979003906 + ], + [ + "\u2581sofferto", + -14.64731788635254 + ], + [ + "\u2581Ruim", + -14.647318840026855 + ], + [ + "defense", + -14.647319793701172 + ], + [ + "subscriptionID", + -14.647333145141602 + ], + [ + "Sorgfaltspflicht", + -14.64734935760498 + ], + [ + "congestionamento", + -14.647387504577637 + ], + [ + "\u2581governativo", + -14.64741039276123 + ], + [ + "\u2581Tr\u00fcmmer", + -14.647427558898926 + ], + [ + "aphid", + -14.647436141967772 + ], + [ + "jame", + -14.64744472503662 + ], + [ + "\u2581separatista", + -14.647480010986328 + ], + [ + "\u2581rivend", + -14.64749526977539 + ], + [ + "Dynami", + -14.647562980651855 + ], + [ + "\u2581Risa", + -14.64756679534912 + ], + [ + "\u2581stanch", + -14.6476411819458 + ], + [ + "\u2581neurona", + -14.647675514221191 + ], + [ + "\u2581vorw\u00e4rts", + -14.647689819335938 + ], + [ + "\u2581appealed", + -14.647697448730469 + ], + [ + "\u2581comrade", + -14.647804260253906 + ], + [ + "\u2581slum", + -14.647815704345703 + ], + [ + "Reginaldo", + -14.647855758666992 + ], + [ + "\u2581risarcimento", + -14.647870063781738 + ], + [ + "DURATION", + -14.647878646850586 + ], + [ + "\u2581televisiezender", + -14.647882461547852 + ], + [ + "presence", + -14.647913932800291 + ], + [ + "capitulati", + -14.647919654846191 + ], + [ + "oubert", + -14.647964477539062 + ], + [ + "oncierge", + -14.64797306060791 + ], + [ + "\u2581acquisita", + -14.6480073928833 + ], + [ + "\u2581magnitudine", + -14.64802074432373 + ], + [ + "\u2581ungl\u00fccklich", + -14.648041725158691 + ], + [ + "\u2581Refugee", + -14.648048400878906 + ], + [ + "\u00e4lteste", + -14.64806842803955 + ], + [ + "parfait", + -14.64807415008545 + ], + [ + "zittende", + -14.648085594177246 + ], + [ + "fysische", + -14.648086547851562 + ], + [ + "Juventud", + -14.648157119750977 + ], + [ + "\u2581pressup", + -14.64815902709961 + ], + [ + "\u2581Klem", + -14.648183822631836 + ], + [ + "\u2581verlieh", + -14.648205757141112 + ], + [ + "\u2581euclidi", + -14.64822006225586 + ], + [ + "Landesverordnung", + -14.648247718811035 + ], + [ + "mentiert", + -14.64826774597168 + ], + [ + "Guarantee", + -14.648310661315918 + ], + [ + "\u2581Toku", + -14.648351669311523 + ], + [ + "\u2581remplit", + -14.648360252380373 + ], + [ + "\u2581honoraire", + -14.648405075073242 + ], + [ + "PreActResNet", + -14.648423194885254 + ], + [ + "\u2581Niigata", + -14.648427963256836 + ], + [ + "\u2581itiner\u00e1rio", + -14.648427963256836 + ], + [ + "\u2581kortstondig", + -14.648427963256836 + ], + [ + "\u2581unpredictable", + -14.648428916931152 + ], + [ + "\u2581certifique", + -14.648429870605469 + ], + [ + "\u2581quiconque", + -14.648431777954102 + ], + [ + "\u2581Ouvrages", + -14.64844036102295 + ], + [ + "mitico", + -14.648445129394531 + ], + [ + "\u2581Fontenay", + -14.648457527160645 + ], + [ + "\u2581construyendo", + -14.648466110229492 + ], + [ + "Heuristi", + -14.648480415344238 + ], + [ + "\u2581practitioner", + -14.648499488830566 + ], + [ + "\u2581radiozender", + -14.648500442504885 + ], + [ + "\u2581Brigham", + -14.6485595703125 + ], + [ + "\u2581schwieg", + -14.648564338684082 + ], + [ + "\u2581verdankt", + -14.648564338684082 + ], + [ + "Verenigd", + -14.648587226867676 + ], + [ + "\u2581lyrique", + -14.648589134216309 + ], + [ + "\u2581conoscer", + -14.648601531982422 + ], + [ + "\u2581trasladarse", + -14.648636817932127 + ], + [ + "\u2581inclin\u00e9", + -14.64869499206543 + ], + [ + "traditie", + -14.648716926574709 + ], + [ + "\u2581prognostiziert", + -14.6487455368042 + ], + [ + "machu", + -14.64878273010254 + ], + [ + "\u2581fiancheggiat", + -14.648786544799805 + ], + [ + "\u2581Republikeinse", + -14.64878749847412 + ], + [ + "\u2581eingespart", + -14.648798942565918 + ], + [ + "\u2581Pl\u00e1stic", + -14.648811340332031 + ], + [ + "\u2581Bayerischer", + -14.648812294006348 + ], + [ + "brech", + -14.648848533630373 + ], + [ + "\u2581decorativa", + -14.648923873901367 + ], + [ + "sinando", + -14.648953437805176 + ], + [ + "textAlignment", + -14.648961067199709 + ], + [ + "\u2581Diari", + -14.64897346496582 + ], + [ + "scuote", + -14.648980140686035 + ], + [ + "Abbiamo", + -14.648985862731934 + ], + [ + "cil\u00edndrico", + -14.648985862731934 + ], + [ + "\u2581Thutmos", + -14.648985862731934 + ], + [ + "\u2581Wellness", + -14.64898681640625 + ], + [ + "\u2581cemetery", + -14.648987770080566 + ], + [ + "Immacolata", + -14.6489896774292 + ], + [ + "\u2581erloschen", + -14.648993492126465 + ], + [ + "\u2581Einigkeit", + -14.64902687072754 + ], + [ + "Planung", + -14.649032592773438 + ], + [ + "\u2581simpelweg", + -14.649032592773438 + ], + [ + "\u2581folcl\u00f3rica", + -14.649038314819336 + ], + [ + "\u2581Niere", + -14.649109840393066 + ], + [ + "\u2581rinominat", + -14.64913845062256 + ], + [ + "\u2581d\u00e9clencher", + -14.649139404296877 + ], + [ + "\u2581Oscur", + -14.649145126342772 + ], + [ + "osomatidae", + -14.649154663085938 + ], + [ + "Showing", + -14.649188041687012 + ], + [ + "\u2581Spezifikationen", + -14.649197578430176 + ], + [ + "Merseburg", + -14.649209976196287 + ], + [ + "phantes", + -14.64925479888916 + ], + [ + "Tabula", + -14.649290084838867 + ], + [ + "werfer", + -14.649290084838867 + ], + [ + "ssable", + -14.649340629577637 + ], + [ + "liqui", + -14.649388313293455 + ], + [ + "\u2581Barthes", + -14.649458885192873 + ], + [ + "databaseName", + -14.64946460723877 + ], + [ + "\u2581soulag", + -14.649500846862791 + ], + [ + "\u2581enfrentando", + -14.649534225463867 + ], + [ + "Intrinsic", + -14.649539947509766 + ], + [ + "\u2581geerntet", + -14.649547576904297 + ], + [ + "\u2581consorzio", + -14.649548530578612 + ], + [ + "\u2581Wohneigentum", + -14.649560928344728 + ], + [ + "\u2581esclusivi", + -14.649560928344728 + ], + [ + "\u2581sarcasm", + -14.64958381652832 + ], + [ + "\u2581Montreuil", + -14.649593353271484 + ], + [ + "OperatorTok", + -14.649599075317385 + ], + [ + "\u2581Kenmerkend", + -14.649601936340332 + ], + [ + "\u2581Reak", + -14.649614334106444 + ], + [ + "\u2581Gheorgh", + -14.649629592895508 + ], + [ + "\u2581discretization", + -14.649675369262695 + ], + [ + "unkel", + -14.649680137634276 + ], + [ + "ulieferer", + -14.649712562561035 + ], + [ + "\u2581philanthropi", + -14.649735450744627 + ], + [ + "\u2581schrik", + -14.649762153625488 + ], + [ + "ashima", + -14.649767875671388 + ], + [ + "lipsis", + -14.649779319763184 + ], + [ + "\u2581Wellenl\u00e4ngen", + -14.649786949157717 + ], + [ + "\u2581Caldera", + -14.649789810180664 + ], + [ + "preferences", + -14.649824142456056 + ], + [ + "chanted", + -14.649855613708496 + ], + [ + "ondensation", + -14.649855613708496 + ], + [ + "ortona", + -14.649895668029783 + ], + [ + "ForExpectations", + -14.649900436401367 + ], + [ + "ollstelle", + -14.649922370910645 + ], + [ + "\u2581cartografi", + -14.650029182434082 + ], + [ + "\u2581Massive", + -14.65004539489746 + ], + [ + "fondateur", + -14.650053024291992 + ], + [ + "\u2581Jenseits", + -14.650065422058104 + ], + [ + "isterzienser", + -14.650103569030762 + ], + [ + "\u2581vijandig", + -14.650103569030762 + ], + [ + "\u2581wheelchair", + -14.650110244750977 + ], + [ + "\u2581contribuendo", + -14.65011978149414 + ], + [ + "\u2581Confess", + -14.65013027191162 + ], + [ + "odonta", + -14.65021514892578 + ], + [ + "\u2581Thyssen", + -14.650269508361816 + ], + [ + "\u2581comisionado", + -14.650288581848145 + ], + [ + "ocere", + -14.650298118591309 + ], + [ + "Schneider", + -14.650308609008787 + ], + [ + "Bist", + -14.650351524353027 + ], + [ + "\u2581naarmate", + -14.650376319885254 + ], + [ + "getrocknet", + -14.650382041931152 + ], + [ + "ialekt", + -14.650405883789062 + ], + [ + "Kriegsverbreche", + -14.650428771972656 + ], + [ + "RPR", + -14.650476455688477 + ], + [ + "\u2581musculares", + -14.65049648284912 + ], + [ + "LAV", + -14.6505765914917 + ], + [ + "\u2581garantido", + -14.6505765914917 + ], + [ + "\u2581Lehman", + -14.650647163391112 + ], + [ + "torsione", + -14.650657653808594 + ], + [ + "\u2581Probenahme", + -14.65066146850586 + ], + [ + "\u2581Scritti", + -14.650664329528809 + ], + [ + "\u2581beloofde", + -14.650693893432615 + ], + [ + "\u2581Bugatti", + -14.650702476501465 + ], + [ + "onesto", + -14.650704383850098 + ], + [ + "\u2581levendig", + -14.65070915222168 + ], + [ + "\u2581respectueu", + -14.650717735290527 + ], + [ + "\u2581Prendete", + -14.650733947753906 + ], + [ + "mulador", + -14.650762557983398 + ], + [ + "destilliert", + -14.650763511657717 + ], + [ + "OMO", + -14.65077781677246 + ], + [ + "\u2581Stromverbrauch", + -14.650799751281738 + ], + [ + "bliss", + -14.65086841583252 + ], + [ + "fragile", + -14.650880813598633 + ], + [ + "\u2581islamici", + -14.650897026062012 + ], + [ + "Grass", + -14.650941848754885 + ], + [ + "\u2581Offensichtlich", + -14.650981903076172 + ], + [ + "waardigheid", + -14.651058197021484 + ], + [ + "\u2581compartilham", + -14.651093482971191 + ], + [ + "colombia", + -14.651137351989746 + ], + [ + "\u2581ortogonal", + -14.651222229003906 + ], + [ + "\u2581Hewlett", + -14.651223182678224 + ], + [ + "\u2581consecutivi", + -14.651223182678224 + ], + [ + "\u2581kwalificeren", + -14.651223182678224 + ], + [ + "\u2581sfumature", + -14.651223182678224 + ], + [ + "chimique", + -14.65124225616455 + ], + [ + "\u2581Chadwick", + -14.651243209838867 + ], + [ + "\u2581biotechnolog", + -14.651251792907717 + ], + [ + "\u2581quiebra", + -14.651270866394045 + ], + [ + "\u2581Schulabschluss", + -14.65127944946289 + ], + [ + "\u2581Automotive", + -14.651311874389648 + ], + [ + "\u2581glamour", + -14.651318550109863 + ], + [ + "\u2581Triste", + -14.651329040527344 + ], + [ + "Nelson", + -14.651385307312012 + ], + [ + "geron", + -14.651397705078123 + ], + [ + "\u2581Bolonia", + -14.651411056518556 + ], + [ + "rigi\u00f3", + -14.651422500610352 + ], + [ + "KernelBase", + -14.651426315307615 + ], + [ + "\u2581piecewise", + -14.651450157165527 + ], + [ + "\u2581ontruim", + -14.651456832885742 + ], + [ + "\u2581agrupadas", + -14.651466369628906 + ], + [ + "\u2581hersenen", + -14.651490211486816 + ], + [ + "\u2581Pelletier", + -14.651581764221191 + ], + [ + "Facult", + -14.651618957519531 + ], + [ + "\u2581Pollock", + -14.651626586914062 + ], + [ + "\u2581Risulta", + -14.65163803100586 + ], + [ + "\u2581engenho", + -14.651650428771973 + ], + [ + "feminism", + -14.651651382446287 + ], + [ + "spues", + -14.651676177978516 + ], + [ + "\u2581kunstmatige", + -14.651726722717283 + ], + [ + "\u2581bekritiseerd", + -14.651782989501951 + ], + [ + "\u2581Liaison", + -14.651795387268066 + ], + [ + "Resonator", + -14.651803016662598 + ], + [ + "\u2581Congressional", + -14.651806831359863 + ], + [ + "\u2581lombard", + -14.651835441589355 + ], + [ + "treik", + -14.651837348937988 + ], + [ + "\u2581cartouche", + -14.651859283447266 + ], + [ + "atification", + -14.651885032653809 + ], + [ + "\u2581cerebel", + -14.65192699432373 + ], + [ + "onqueror", + -14.651942253112791 + ], + [ + "nemies", + -14.651959419250488 + ], + [ + "\u2581renormalization", + -14.65196704864502 + ], + [ + "\u2581Santissima", + -14.651968002319336 + ], + [ + "yridin", + -14.652006149291992 + ], + [ + "\u2581intermedi\u00e1ria", + -14.652013778686523 + ], + [ + "\u2581adoraci\u00f3n", + -14.652029037475586 + ], + [ + "\u2581livrar", + -14.65203094482422 + ], + [ + "an\u00e1lisis", + -14.652036666870115 + ], + [ + "\u2581fucila", + -14.652039527893066 + ], + [ + "employ\u00e9", + -14.65207862854004 + ], + [ + "\u2581er\u00f3tica", + -14.652118682861328 + ], + [ + "\u2581ausf\u00e4llt", + -14.652132034301758 + ], + [ + "\u2581estrena", + -14.652154922485352 + ], + [ + "\u2581diaboli", + -14.65220546722412 + ], + [ + "w\u00e4chse", + -14.65222454071045 + ], + [ + "\u2581implicazioni", + -14.652262687683104 + ], + [ + "\u2581Mittelfeld", + -14.65230941772461 + ], + [ + "w\u00e4hrt", + -14.652331352233888 + ], + [ + "\u2581rellena", + -14.652332305908203 + ], + [ + "\u2581acantilado", + -14.652342796325684 + ], + [ + "\u2581musulm\u00e1n", + -14.652342796325684 + ], + [ + "\u2581visualiser", + -14.652362823486328 + ], + [ + "Delaunay", + -14.652411460876465 + ], + [ + "\u2581c\u00e9l\u00e9brit\u00e9", + -14.652437210083008 + ], + [ + "\u2581fragw\u00fcrdig", + -14.65244483947754 + ], + [ + "\u2581fundamentele", + -14.652470588684082 + ], + [ + "Bibliothek", + -14.6525239944458 + ], + [ + "\u2581pratic", + -14.652545928955078 + ], + [ + "ButtonBox", + -14.652578353881836 + ], + [ + "\u2581ristretta", + -14.652605056762695 + ], + [ + "alternativamente", + -14.65262508392334 + ], + [ + "tensive", + -14.652657508850098 + ], + [ + "\u2581traduzida", + -14.652658462524414 + ], + [ + "entusiasmo", + -14.65271282196045 + ], + [ + "\u2581cancelli", + -14.652717590332031 + ], + [ + "Conosc", + -14.652746200561523 + ], + [ + "\u2581orgulloso", + -14.652769088745115 + ], + [ + "\u2581Abzweig", + -14.652770042419434 + ], + [ + "\u2581Kamerun", + -14.652777671813965 + ], + [ + "intensa", + -14.65278148651123 + ], + [ + "aubert", + -14.65279769897461 + ], + [ + "\u2581tranquiliza", + -14.652807235717772 + ], + [ + "capped", + -14.652809143066406 + ], + [ + "urgatorio", + -14.652826309204102 + ], + [ + "uvette", + -14.652833938598633 + ], + [ + "\u2581despliegue", + -14.652836799621582 + ], + [ + "\u2581Ehepartner", + -14.652854919433594 + ], + [ + "\u2581evangelist", + -14.652880668640137 + ], + [ + "\u2581Castelnuovo", + -14.65290355682373 + ], + [ + "\u2581manteiga", + -14.652905464172363 + ], + [ + "\u2581desventaja", + -14.652908325195312 + ], + [ + "\u2581gesetzgebenden", + -14.652909278869627 + ], + [ + "\u2581Leinster", + -14.652932167053224 + ], + [ + "\u2581bargaining", + -14.652938842773438 + ], + [ + "NHA", + -14.652944564819336 + ], + [ + "Prag", + -14.652947425842283 + ], + [ + "Scuderia", + -14.652952194213867 + ], + [ + "\u2581Milazzo", + -14.652955055236816 + ], + [ + "\u2581segnalazione", + -14.652995109558104 + ], + [ + "\u2581paternel", + -14.653023719787598 + ], + [ + "achys", + -14.65303897857666 + ], + [ + "\u2581homeland", + -14.65304946899414 + ], + [ + "\u2581dezesseis", + -14.65305233001709 + ], + [ + "\u2581Educacional", + -14.65305995941162 + ], + [ + "\u2581Cruiser", + -14.653060913085938 + ], + [ + "\u00fchne", + -14.653076171875 + ], + [ + "\u2581kindness", + -14.653087615966797 + ], + [ + "sowjet", + -14.653088569641112 + ], + [ + "\u2581Knotenpunkt", + -14.653108596801758 + ], + [ + "\u2581maltes", + -14.653108596801758 + ], + [ + "\u2581havenstad", + -14.65311050415039 + ], + [ + "kazak", + -14.653128623962402 + ], + [ + "quarell", + -14.653157234191896 + ], + [ + "attraversamento", + -14.65316390991211 + ], + [ + "\u2581discutindo", + -14.653194427490234 + ], + [ + "\u2581glorifica", + -14.653223991394045 + ], + [ + "zoli", + -14.65326976776123 + ], + [ + "\u2581Arbeitsleben", + -14.653281211853027 + ], + [ + "ratsam", + -14.653303146362305 + ], + [ + "\u2581surveyed", + -14.653312683105469 + ], + [ + "tamil", + -14.653346061706545 + ], + [ + "anwendungen", + -14.653349876403809 + ], + [ + "\u2581Genexpression", + -14.653355598449709 + ], + [ + "ursuit", + -14.653372764587402 + ], + [ + "\u2581Consid\u00e9r", + -14.653395652770996 + ], + [ + "\u2581Regulie", + -14.653396606445312 + ], + [ + "\u2581mixage", + -14.653396606445312 + ], + [ + "\u2581Hauptsitz", + -14.653407096862791 + ], + [ + "\u2581bijgezet", + -14.653411865234377 + ], + [ + "eamtenverh\u00e4ltnis", + -14.653424263000488 + ], + [ + "ouvrait", + -14.65345859527588 + ], + [ + "\u2581esprimono", + -14.653465270996094 + ], + [ + "\u2581represalia", + -14.653486251831056 + ], + [ + "\u2581Privatpersonen", + -14.653507232666016 + ], + [ + "\u2581gordura", + -14.653524398803713 + ], + [ + "endocrine", + -14.653529167175291 + ], + [ + "\u2581Localizado", + -14.65353298187256 + ], + [ + "\u2581biosfera", + -14.653539657592772 + ], + [ + "\u2581formiga", + -14.65354347229004 + ], + [ + "galacto", + -14.65354824066162 + ], + [ + "certezze", + -14.653560638427734 + ], + [ + "\u2581infinidad", + -14.653681755065918 + ], + [ + "\u2581oplever", + -14.653700828552246 + ], + [ + "\u2581connaitre", + -14.65371036529541 + ], + [ + "iformi", + -14.653717041015623 + ], + [ + "Shield", + -14.65371799468994 + ], + [ + "\u2581d\u00e9sir\u00e9", + -14.653756141662598 + ], + [ + "\u2581ricrea", + -14.65379238128662 + ], + [ + "Minimal", + -14.653797149658203 + ], + [ + "\u00e1rquica", + -14.653852462768556 + ], + [ + "\u2581inattendu", + -14.653871536254885 + ], + [ + "\u2581Schlitt", + -14.653894424438477 + ], + [ + "rmoiries", + -14.653898239135742 + ], + [ + "\u2581commissionat", + -14.653904914855955 + ], + [ + "olymp", + -14.653910636901855 + ], + [ + "villers", + -14.653977394104004 + ], + [ + "\u00fchrt", + -14.654012680053713 + ], + [ + "\u2581bew\u00e4ltigt", + -14.65402603149414 + ], + [ + "\u2581scheikundige", + -14.65402889251709 + ], + [ + "\u2581heranzuziehen", + -14.65403652191162 + ], + [ + "\u2581Viaja", + -14.654040336608888 + ], + [ + "\u2581asusta", + -14.654111862182615 + ], + [ + "\u2581fortificata", + -14.654120445251465 + ], + [ + "\u2581Spei", + -14.654129981994627 + ], + [ + "handige", + -14.654184341430664 + ], + [ + "\u2581credenti", + -14.654184341430664 + ], + [ + "\u2581massicc", + -14.654227256774902 + ], + [ + "\u2581eleitores", + -14.654240608215332 + ], + [ + "\u2581venerat", + -14.654316902160645 + ], + [ + "CScript", + -14.65433120727539 + ], + [ + "nunciation", + -14.65434741973877 + ], + [ + "cefalo", + -14.654349327087402 + ], + [ + "INAL", + -14.654359817504885 + ], + [ + "\u2581n\u00e9cessitent", + -14.654376983642578 + ], + [ + "\u2581tipografi", + -14.654378890991213 + ], + [ + "slashes", + -14.65440845489502 + ], + [ + "mproving", + -14.654440879821776 + ], + [ + "demografische", + -14.654480934143066 + ], + [ + "minikube", + -14.65450382232666 + ], + [ + "abbal", + -14.65451431274414 + ], + [ + "convertTo", + -14.654528617858888 + ], + [ + "eigentlich", + -14.65455436706543 + ], + [ + "\u2581arithmetische", + -14.654586791992188 + ], + [ + "Entsende", + -14.654593467712402 + ], + [ + "\u2581demolished", + -14.654596328735352 + ], + [ + "\u2581notoriet\u00e0", + -14.65460205078125 + ], + [ + "hogeschool", + -14.654608726501465 + ], + [ + "centesca", + -14.654611587524414 + ], + [ + "\u2581abnormalities", + -14.654618263244627 + ], + [ + "judant", + -14.654620170593262 + ], + [ + "nerven", + -14.654651641845703 + ], + [ + "\u2581vicariato", + -14.654657363891602 + ], + [ + "\u2581integrata", + -14.654692649841309 + ], + [ + "rizzi", + -14.65469455718994 + ], + [ + "\u2581gorgeous", + -14.654712677001951 + ], + [ + "Apertur", + -14.654717445373535 + ], + [ + "\u2581Berend", + -14.654736518859863 + ], + [ + "\u2581anisotropy", + -14.654766082763672 + ], + [ + "\u2581elefanti", + -14.654777526855469 + ], + [ + "\u2581Musicians", + -14.654779434204102 + ], + [ + "ges\u00e4ttigte", + -14.65478229522705 + ], + [ + "\u2581Trustee", + -14.654809951782228 + ], + [ + "\u2581sammelte", + -14.654812812805176 + ], + [ + "\u2581Assistenten", + -14.65492820739746 + ], + [ + "\u2581Gesamtmenge", + -14.654970169067385 + ], + [ + "SecurityContext", + -14.654977798461914 + ], + [ + "inaceae", + -14.654987335205078 + ], + [ + "\u2581tappeti", + -14.65500545501709 + ], + [ + "vereitel", + -14.655010223388672 + ], + [ + "\u2581padroeir", + -14.655046463012695 + ], + [ + "\u2581Dji", + -14.655076026916504 + ], + [ + "RIL", + -14.65507698059082 + ], + [ + "\u2581cumpla", + -14.65507698059082 + ], + [ + "\u2581Suburban", + -14.65509033203125 + ], + [ + "\u2581Art\u00edstica", + -14.655102729797363 + ], + [ + "escolar", + -14.65512752532959 + ], + [ + "\u2581beveilig", + -14.655144691467283 + ], + [ + "\u2581Elefanten", + -14.65514850616455 + ], + [ + "\u2581MeuGameCanvas", + -14.65514850616455 + ], + [ + "r\u00e4umig", + -14.655158996582031 + ], + [ + "\u2581pesadilla", + -14.655159950256348 + ], + [ + "\u2581Drittstaat", + -14.655165672302246 + ], + [ + "\u2581Coliseum", + -14.655169486999512 + ], + [ + "lvare", + -14.655179023742676 + ], + [ + "\u2581stumbled", + -14.655179977416992 + ], + [ + "sciamo", + -14.655189514160156 + ], + [ + "enoph", + -14.655196189880373 + ], + [ + "\u2581ampliando", + -14.655200004577637 + ], + [ + "ec\u00e1nica", + -14.655202865600586 + ], + [ + "resample", + -14.655202865600586 + ], + [ + "Matrizen", + -14.65527057647705 + ], + [ + "\u2581schermi", + -14.655299186706545 + ], + [ + "\u2581r\u00e9glement", + -14.655302047729492 + ], + [ + "arctic", + -14.655306816101074 + ], + [ + "ightseeing", + -14.655312538146973 + ], + [ + "\u2581japonica", + -14.6553373336792 + ], + [ + "\u2581entwi", + -14.655348777770996 + ], + [ + "\u2581amphibi", + -14.655354499816896 + ], + [ + "\u2581Reiseveranstalt", + -14.6553955078125 + ], + [ + "\u2581befallen", + -14.655427932739258 + ], + [ + "\u2581moralischen", + -14.655439376831056 + ], + [ + "\u2581salvadore", + -14.65548610687256 + ], + [ + "\u2581Glasfaser", + -14.65550708770752 + ], + [ + "\u2581Waldfl\u00e4che", + -14.65553379058838 + ], + [ + "\u2581orologi", + -14.6555757522583 + ], + [ + "\u2581microbiolog", + -14.655597686767578 + ], + [ + "ragi", + -14.655611991882324 + ], + [ + "\u2581travailliste", + -14.655624389648438 + ], + [ + "\u2581danneggiata", + -14.655627250671388 + ], + [ + "\u2581odiern", + -14.65565013885498 + ], + [ + "atPath", + -14.65567111968994 + ], + [ + "Uploader", + -14.65567398071289 + ], + [ + "powiat", + -14.65567684173584 + ], + [ + "\u2581ileg\u00edtimo", + -14.655696868896484 + ], + [ + "protoMessageName", + -14.65571117401123 + ], + [ + "\u2581Kuratorium", + -14.655712127685549 + ], + [ + "\u2581heureusement", + -14.655718803405762 + ], + [ + "\u2581musculo", + -14.655723571777344 + ], + [ + "\u2581voortplanting", + -14.65572452545166 + ], + [ + "Kassen\u00e4rztlichen", + -14.655742645263672 + ], + [ + "\u2581Rechtsweg", + -14.655757904052734 + ], + [ + "\u2581disputan", + -14.655765533447266 + ], + [ + "bernachtungsm", + -14.655794143676758 + ], + [ + "\u2581windmolen", + -14.655797004699709 + ], + [ + "\u2581ad\u00e9quate", + -14.655816078186035 + ], + [ + "\u2581Radic", + -14.655838966369627 + ], + [ + "inondation", + -14.65584659576416 + ], + [ + "finanziert", + -14.655848503112791 + ], + [ + "poliert", + -14.655900955200195 + ], + [ + "\u2581electrostatic", + -14.65590763092041 + ], + [ + "\u2581Eichmann", + -14.655932426452637 + ], + [ + "\u2581bekomme", + -14.655946731567385 + ], + [ + "vergehen", + -14.655977249145508 + ], + [ + "ntartic", + -14.655980110168455 + ], + [ + "\u2581aprendi", + -14.655994415283203 + ], + [ + "configurati", + -14.65603256225586 + ], + [ + "\u2581lichamelijke", + -14.656036376953123 + ], + [ + "maxLength", + -14.656089782714844 + ], + [ + "ruhigen", + -14.65610408782959 + ], + [ + "angegangen", + -14.65614128112793 + ], + [ + "prehend", + -14.656157493591309 + ], + [ + "\u2581ausdr\u00fccken", + -14.656160354614258 + ], + [ + "\u2581osservatori", + -14.656201362609863 + ], + [ + "imena", + -14.65621280670166 + ], + [ + "\u2581Portillo", + -14.656230926513672 + ], + [ + "trofo", + -14.656235694885254 + ], + [ + "familiar", + -14.656257629394531 + ], + [ + "\u2581hanteer", + -14.656270027160645 + ], + [ + "\u2581gesitueerd", + -14.65627384185791 + ], + [ + "\u2581regisseerde", + -14.65627384185791 + ], + [ + "BSI", + -14.656275749206545 + ], + [ + "\u2581helpless", + -14.656290054321287 + ], + [ + "\u2581Suje", + -14.656408309936523 + ], + [ + "iovani", + -14.656414985656738 + ], + [ + "\u2581governativa", + -14.65642261505127 + ], + [ + "superior", + -14.656447410583496 + ], + [ + "typedarray", + -14.656452178955078 + ], + [ + "tenies", + -14.65654468536377 + ], + [ + "\u2581reacted", + -14.6565523147583 + ], + [ + "\u2581Selektivit\u00e4t", + -14.656569480895996 + ], + [ + "\u2581aziendali", + -14.65657901763916 + ], + [ + "\u2581cebolla", + -14.656583786010742 + ], + [ + "\u2581Bentham", + -14.65668773651123 + ], + [ + "ridate", + -14.65669059753418 + ], + [ + "satisfaction", + -14.656700134277344 + ], + [ + "\u2581konstatiert", + -14.65670680999756 + ], + [ + "usi\u00f3n", + -14.656712532043455 + ], + [ + "\u2581watermolen", + -14.656730651855469 + ], + [ + "\u2581transfervrij", + -14.656768798828123 + ], + [ + "\u2581M\u00e9ri", + -14.656777381896973 + ], + [ + "\u2581sentita", + -14.656784057617188 + ], + [ + "\u2581exploiting", + -14.656805992126465 + ], + [ + "currentPage", + -14.656820297241213 + ], + [ + "erkrafttreten", + -14.656835556030272 + ], + [ + "\u2581repr\u00e9sentatif", + -14.656835556030272 + ], + [ + "\u2581artif\u00edcio", + -14.65683650970459 + ], + [ + "\u2581realisierbar", + -14.656841278076172 + ], + [ + "grayscale", + -14.656842231750488 + ], + [ + "AppCompatTheme", + -14.65684413909912 + ], + [ + "\u2581occupies", + -14.656851768493652 + ], + [ + "\u2581documentato", + -14.656880378723145 + ], + [ + "\u2581greeted", + -14.656902313232422 + ], + [ + "Andorr", + -14.65691089630127 + ], + [ + "resizable", + -14.656937599182127 + ], + [ + "Amphi", + -14.65695858001709 + ], + [ + "\u2581Jacobson", + -14.65695858001709 + ], + [ + "\u2581rechazada", + -14.65697956085205 + ], + [ + "ulture", + -14.657017707824709 + ], + [ + "\u2581tedious", + -14.657036781311035 + ], + [ + "\u2581fysiek", + -14.657108306884766 + ], + [ + "\u2581esforza", + -14.657116889953612 + ], + [ + "\u2581patte", + -14.657143592834473 + ], + [ + "powering", + -14.65717887878418 + ], + [ + "\u2581sat\u00edric", + -14.65718936920166 + ], + [ + "\u2581tailored", + -14.65718936920166 + ], + [ + "chame", + -14.65719509124756 + ], + [ + "ttendez", + -14.65721035003662 + ], + [ + "\u2581vatican", + -14.657248497009276 + ], + [ + "\u2581Messier", + -14.65726375579834 + ], + [ + "Konvention", + -14.6572847366333 + ], + [ + "\u2581gewiss", + -14.657336235046388 + ], + [ + "\u2581gezan", + -14.657356262207031 + ], + [ + "generalmente", + -14.657392501831056 + ], + [ + "\u2581brillanti", + -14.65739631652832 + ], + [ + "\u2581Barneveld", + -14.65739917755127 + ], + [ + "\u2581Receptenindex", + -14.65739917755127 + ], + [ + "\u2581ex\u00e1menes", + -14.65739917755127 + ], + [ + "\u2581pr\u00e9tendre", + -14.65740203857422 + ], + [ + "\u2581Kreu", + -14.657404899597168 + ], + [ + "\u2581fiamming", + -14.657404899597168 + ], + [ + "utella", + -14.657459259033203 + ], + [ + "ormoran", + -14.657464981079102 + ], + [ + "\u2581regalar", + -14.657476425170898 + ], + [ + "attico", + -14.657480239868164 + ], + [ + "\u2581escamas", + -14.657501220703123 + ], + [ + "yrol", + -14.65751838684082 + ], + [ + "\u2581busstation", + -14.657525062561035 + ], + [ + "trattenere", + -14.657530784606934 + ], + [ + "gerichtsordnung", + -14.657546997070312 + ], + [ + "j\u00fcdische", + -14.657546997070312 + ], + [ + "\u2581Galler", + -14.657578468322754 + ], + [ + "\u2581accumul\u00e9", + -14.657588005065918 + ], + [ + "airport", + -14.657591819763184 + ], + [ + "Eustach", + -14.657609939575195 + ], + [ + "oudou", + -14.657620429992676 + ], + [ + "\u2581legislador", + -14.657638549804688 + ], + [ + "\u2581Akko", + -14.65765380859375 + ], + [ + "atmete", + -14.6576566696167 + ], + [ + "\u2581riversa", + -14.657700538635254 + ], + [ + "\u2581Sozialisation", + -14.657710075378418 + ], + [ + "\u2581libanese", + -14.657716751098633 + ], + [ + "balltrainer", + -14.657721519470217 + ], + [ + "heuristi", + -14.65775203704834 + ], + [ + "\u2581bersagli", + -14.657761573791504 + ], + [ + "\u2581ottomani", + -14.657769203186035 + ], + [ + "\u2581diventava", + -14.657780647277832 + ], + [ + "\u2581sincerit", + -14.6578369140625 + ], + [ + "entwintig", + -14.657869338989258 + ], + [ + "\u2581abstrakten", + -14.657917976379396 + ], + [ + "\u2581zwee", + -14.657922744750977 + ], + [ + "\u2581Shig", + -14.657923698425291 + ], + [ + "\u2581summoned", + -14.657931327819824 + ], + [ + "Songwriter", + -14.657958984375 + ], + [ + "\u2581Hypothetische", + -14.657962799072266 + ], + [ + "\u2581aeruginosa", + -14.657962799072266 + ], + [ + "\u2581conejo", + -14.657962799072266 + ], + [ + "etrahedron", + -14.657964706420898 + ], + [ + "\u2581traditor", + -14.657974243164062 + ], + [ + "\u2581biodegrad", + -14.657977104187012 + ], + [ + "Edgar", + -14.657979011535645 + ], + [ + "\u2581suprimir", + -14.657988548278809 + ], + [ + "\u2581Crocifiss", + -14.658000946044922 + ], + [ + "\u2581m\u00e9moriser", + -14.658007621765137 + ], + [ + "\u2581Fransman", + -14.658040046691896 + ], + [ + "\u2581fess", + -14.658041954040527 + ], + [ + "\u2581keizerrijk", + -14.65806484222412 + ], + [ + "\u2581monkeys", + -14.658114433288574 + ], + [ + "graficamente", + -14.658143043518066 + ], + [ + "\u2581adianta", + -14.65814971923828 + ], + [ + "\u2581conceitual", + -14.658178329467772 + ], + [ + "Kentucky", + -14.65822696685791 + ], + [ + "auditorium", + -14.658257484436035 + ], + [ + "\u2581marroqu\u00ed", + -14.658275604248049 + ], + [ + "\u2581conservatorium", + -14.658305168151855 + ], + [ + "\u2581k\u00fcrzeren", + -14.658318519592283 + ], + [ + "beoefen", + -14.65834140777588 + ], + [ + "\u2581escorre", + -14.658357620239258 + ], + [ + "Sieger", + -14.658361434936523 + ], + [ + "\u2581positionnement", + -14.65837574005127 + ], + [ + "\u2581begroe", + -14.658377647399902 + ], + [ + "ostrac", + -14.658418655395508 + ], + [ + "\u2581uploading", + -14.658422470092772 + ], + [ + "\u2581unterschrieb", + -14.65846347808838 + ], + [ + "cppclass", + -14.658489227294922 + ], + [ + "\u2581garanzie", + -14.658527374267578 + ], + [ + "\u2581gesplitst", + -14.658530235290527 + ], + [ + "\u2581antecesor", + -14.658531188964844 + ], + [ + "\u2581Fahndung", + -14.658547401428224 + ], + [ + "\u2581verlaagd", + -14.658570289611816 + ], + [ + "\u2581prorroga", + -14.658609390258787 + ], + [ + "\u2581Developing", + -14.658612251281738 + ], + [ + "Tambi\u00e9n", + -14.65861988067627 + ], + [ + "\u2581moradia", + -14.658635139465332 + ], + [ + "aspirin", + -14.658652305603027 + ], + [ + "\u2581Louisiane", + -14.65866470336914 + ], + [ + "\u2581Ilustraci\u00f3n", + -14.658687591552734 + ], + [ + "spirando", + -14.65871524810791 + ], + [ + "\u2581advocaten", + -14.658720016479492 + ], + [ + "\u2581Spielklasse", + -14.658780097961426 + ], + [ + "esonance", + -14.658781051635742 + ], + [ + "silicate", + -14.658793449401855 + ], + [ + "Torqu", + -14.65880298614502 + ], + [ + "Intervention", + -14.658822059631348 + ], + [ + "Engeland", + -14.658865928649902 + ], + [ + "COA", + -14.658875465393066 + ], + [ + "Dimensional", + -14.658875465393066 + ], + [ + "ph\u00e9no", + -14.65888500213623 + ], + [ + "attaccante", + -14.658889770507812 + ], + [ + "\u2581Shinj", + -14.658941268920898 + ], + [ + "odedInputStream", + -14.659076690673828 + ], + [ + "IBInspectable", + -14.659090042114258 + ], + [ + "somministrazione", + -14.659090042114258 + ], + [ + "\u2581entrenado", + -14.659092903137209 + ], + [ + "Abteilungsleiter", + -14.659093856811523 + ], + [ + "\u2581diversifi\u00e9", + -14.659101486206056 + ], + [ + "\u2581Institutionelle", + -14.659109115600586 + ], + [ + "\u2581Asterix", + -14.65911865234375 + ], + [ + "\u2581Spalato", + -14.659122467041016 + ], + [ + "ambiguit\u00e0", + -14.659141540527344 + ], + [ + "explain", + -14.659152030944824 + ], + [ + "\u2581festej", + -14.659177780151367 + ], + [ + "\u2581progresivamente", + -14.659196853637695 + ], + [ + "\u2581hoofdtrainer", + -14.659208297729492 + ], + [ + "\u2581antifascist", + -14.65921401977539 + ], + [ + "owning", + -14.6592435836792 + ], + [ + "handbook", + -14.659276962280272 + ], + [ + "\u2581vivaient", + -14.65928840637207 + ], + [ + "reservat", + -14.659300804138184 + ], + [ + "\u2581capanna", + -14.659314155578612 + ], + [ + "ibne", + -14.659330368041992 + ], + [ + "\u2581swimmer", + -14.659339904785156 + ], + [ + "\u2581coordinamento", + -14.659341812133787 + ], + [ + "\u2581einsetzbar", + -14.65939998626709 + ], + [ + "keyvault", + -14.659422874450684 + ], + [ + "\u2581W\u00e4hrungen", + -14.659485816955566 + ], + [ + "llenatori", + -14.659503936767578 + ], + [ + "tolu", + -14.659536361694336 + ], + [ + "\u2581Emulador", + -14.659546852111816 + ], + [ + "\u2581Satellit", + -14.65962028503418 + ], + [ + "trenn", + -14.659653663635254 + ], + [ + "synaptique", + -14.65965461730957 + ], + [ + "\u2581hidr\u00f3geno", + -14.65965461730957 + ], + [ + "\u2581Montalbano", + -14.659655570983888 + ], + [ + "Ilha", + -14.659656524658203 + ], + [ + "\u2581erlischt", + -14.659659385681152 + ], + [ + "symptotic", + -14.659690856933594 + ], + [ + "deltaspike", + -14.659695625305176 + ], + [ + "\u2581convicci\u00f3n", + -14.659712791442873 + ], + [ + "storten", + -14.659730911254885 + ], + [ + "\u2581centrosinistra", + -14.65973663330078 + ], + [ + "\u2581campestre", + -14.65973949432373 + ], + [ + "\u2581familiarit\u00e0", + -14.659756660461426 + ], + [ + "\u2581sintetizza", + -14.65978717803955 + ], + [ + "\u2581beeldhouwwerk", + -14.65981101989746 + ], + [ + "\u2581Scienza", + -14.659823417663574 + ], + [ + "perdu", + -14.659835815429688 + ], + [ + "\u2581Finnmark", + -14.659836769104004 + ], + [ + "geschichtlich", + -14.659839630126951 + ], + [ + "iroli", + -14.65987777709961 + ], + [ + "\u2581Kreat", + -14.659897804260254 + ], + [ + "ommier", + -14.659924507141112 + ], + [ + "kkad", + -14.659927368164062 + ], + [ + "krokodil", + -14.659940719604492 + ], + [ + "\u2581Melinda", + -14.659993171691896 + ], + [ + "tabilit\u00e0", + -14.660022735595703 + ], + [ + "marginTop", + -14.660026550292969 + ], + [ + "\u2581pleurer", + -14.660048484802246 + ], + [ + "\u2581Rovaniemi", + -14.660219192504885 + ], + [ + "\u2581r\u00fcckg\u00e4ngig", + -14.660232543945312 + ], + [ + "\u00e9tamorphose", + -14.660236358642578 + ], + [ + "\u2581pr\u00e9servation", + -14.660236358642578 + ], + [ + "\u2581angetrieben", + -14.660274505615234 + ], + [ + "\u2581israelense", + -14.66027545928955 + ], + [ + "\u2581provocou", + -14.66028118133545 + ], + [ + "\u2581Pontiac", + -14.660293579101562 + ], + [ + "sitzungen", + -14.660310745239258 + ], + [ + "\u2581demuestran", + -14.660314559936523 + ], + [ + "\u2581resemblance", + -14.660344123840332 + ], + [ + "izzarsi", + -14.66037654876709 + ], + [ + "\u2581belegerd", + -14.660387992858888 + ], + [ + "\u2581capitalistica", + -14.66039752960205 + ], + [ + "allTests", + -14.660429000854492 + ], + [ + "\u2581Sicherheitslage", + -14.660451889038086 + ], + [ + "Neighbour", + -14.660466194152832 + ], + [ + "\u2581fallido", + -14.66046905517578 + ], + [ + "rhynchus", + -14.660497665405272 + ], + [ + "ercial", + -14.66050148010254 + ], + [ + "munoglobulin", + -14.660504341125488 + ], + [ + "\u2581Magd", + -14.660517692565918 + ], + [ + "\u2581Petrovi", + -14.660536766052246 + ], + [ + "\u2581Sozialismus", + -14.660566329956056 + ], + [ + "\u2581animier", + -14.660566329956056 + ], + [ + "\u2581impersona", + -14.660576820373535 + ], + [ + "ausschluss", + -14.660609245300291 + ], + [ + "\u00e9lica", + -14.660624504089355 + ], + [ + "\u2581attestata", + -14.660625457763672 + ], + [ + "\u2581brennende", + -14.660683631896973 + ], + [ + "\u2581forzata", + -14.660761833190918 + ], + [ + "\u2581Decidi", + -14.6607666015625 + ], + [ + "\u2581Belief", + -14.660775184631348 + ], + [ + "Panathinaikos", + -14.660783767700195 + ], + [ + "Televisiefilm", + -14.660783767700195 + ], + [ + "\u2581borboleta", + -14.660786628723145 + ], + [ + "\u2581Vaugh", + -14.660792350769045 + ], + [ + "chamado", + -14.660801887512209 + ], + [ + "\u2581Unterst\u00fctzer", + -14.660801887512209 + ], + [ + "ugest\u00e4ndnisse", + -14.660802841186523 + ], + [ + "wanderten", + -14.660813331604004 + ], + [ + "orzo", + -14.660856246948242 + ], + [ + "\u2581proc\u00e9d", + -14.66085720062256 + ], + [ + "\u2581absehbarer", + -14.660877227783203 + ], + [ + "AppInstance", + -14.660905838012695 + ], + [ + "netel", + -14.660964012145996 + ], + [ + "\u2581reconnaissant", + -14.660985946655272 + ], + [ + "Ergebnis", + -14.66098690032959 + ], + [ + "\u2581Conservaci\u00f3n", + -14.660993576049805 + ], + [ + "utisme", + -14.661138534545898 + ], + [ + "attendibil", + -14.661165237426758 + ], + [ + "\u2581eletromagn\u00e9tica", + -14.661166191101074 + ], + [ + "\u2581K\u00fchlung", + -14.661209106445312 + ], + [ + "\u2581vectoriel", + -14.66121768951416 + ], + [ + "\u2581sciistic", + -14.661266326904297 + ], + [ + "\u2581Calvari", + -14.661273002624512 + ], + [ + "tWidgets", + -14.661276817321776 + ], + [ + "hilly", + -14.661310195922852 + ], + [ + "Acknowledgment", + -14.661349296569824 + ], + [ + "\u2581Vengeance", + -14.661349296569824 + ], + [ + "\u2581boeddhistische", + -14.661349296569824 + ], + [ + "\u2581ouvimos", + -14.661354064941406 + ], + [ + "\u2581coniugi", + -14.661361694335938 + ], + [ + "\u2581fl\u00fcssigen", + -14.661384582519531 + ], + [ + "Conformance", + -14.661389350891112 + ], + [ + "\u2581funktionierende", + -14.661409378051758 + ], + [ + "\u2581preach", + -14.66142463684082 + ], + [ + "F\u00e9lix", + -14.66143798828125 + ], + [ + "\u2581Verwahrung", + -14.661495208740234 + ], + [ + "gerelateerde", + -14.6614990234375 + ], + [ + "lipoprotein", + -14.661514282226562 + ], + [ + "\u2581activar", + -14.661520957946776 + ], + [ + "Paket", + -14.661544799804688 + ], + [ + "Purg", + -14.66154956817627 + ], + [ + "\u2581violoncelle", + -14.661558151245115 + ], + [ + "\u2581St\u00fctzung", + -14.661599159240724 + ], + [ + "\u2581acclama", + -14.66160488128662 + ], + [ + "Erscheinungsform", + -14.66170597076416 + ], + [ + "\u2581Landesverb\u00e4nde", + -14.66171169281006 + ], + [ + "indeling", + -14.661731719970703 + ], + [ + "\u2581Saverio", + -14.661737442016602 + ], + [ + "berechnet", + -14.661738395690918 + ], + [ + "\u2581balei", + -14.66174030303955 + ], + [ + "\u2581tricolore", + -14.66175651550293 + ], + [ + "\u2581escuder", + -14.661784172058104 + ], + [ + "passive", + -14.661788940429688 + ], + [ + "\u2581acerta", + -14.661794662475586 + ], + [ + "teens", + -14.6618013381958 + ], + [ + "\u2581murderer", + -14.66181182861328 + ], + [ + "Jens", + -14.661826133728027 + ], + [ + "\u2581Bohrung", + -14.661855697631836 + ], + [ + "\u2581levantamento", + -14.661857604980469 + ], + [ + "\u2581heut", + -14.66188907623291 + ], + [ + "\u2581Vassouras", + -14.661914825439451 + ], + [ + "rancel", + -14.661956787109377 + ], + [ + "march\u00e9", + -14.661958694458008 + ], + [ + "HandlerFunc", + -14.66196060180664 + ], + [ + "\u2581pharaon", + -14.661970138549805 + ], + [ + "\u2581maternidad", + -14.661989212036133 + ], + [ + "\u2581Kasp", + -14.6620512008667 + ], + [ + "\u2581Alc\u00e1zar", + -14.662078857421877 + ], + [ + "\u2581naviguer", + -14.662087440490724 + ], + [ + "phoe", + -14.662103652954102 + ], + [ + "\u2581Swam", + -14.662109375 + ], + [ + "\u2581gesungen", + -14.662113189697266 + ], + [ + "erheide", + -14.66213607788086 + ], + [ + "Sprachkenntnisse", + -14.662161827087402 + ], + [ + "\u2581choral", + -14.66217041015625 + ], + [ + "\u2581Vaar", + -14.662175178527832 + ], + [ + "raffiti", + -14.662199020385742 + ], + [ + "\u2581buitenkant", + -14.662205696105955 + ], + [ + "xitCode", + -14.662229537963867 + ], + [ + "\u2581Refugi", + -14.66225814819336 + ], + [ + "\u2581Messergebnisse", + -14.66228199005127 + ], + [ + "\u2581Waterford", + -14.662299156188965 + ], + [ + "Einf\u00fchrung", + -14.662324905395508 + ], + [ + "hrad", + -14.662325859069824 + ], + [ + "\u2581Pesch", + -14.662342071533203 + ], + [ + "spider", + -14.662357330322266 + ], + [ + "\u2581formellen", + -14.662361145019531 + ], + [ + "\u2581adscrit", + -14.662398338317873 + ], + [ + "\u2581pflanzlichen", + -14.66240406036377 + ], + [ + "\u2581mediador", + -14.662428855895996 + ], + [ + "\u2581renombrado", + -14.662435531616213 + ], + [ + "\u2581Cordeli", + -14.66245174407959 + ], + [ + "specificando", + -14.66247272491455 + ], + [ + "imprevedibil", + -14.662477493286133 + ], + [ + "fasterxml", + -14.662479400634766 + ], + [ + "\u2581Ingegneria", + -14.662481307983398 + ], + [ + "\u2581achievable", + -14.662481307983398 + ], + [ + "\u2581f\u00f3sforo", + -14.662481307983398 + ], + [ + "\u2581Contrariamente", + -14.662483215332031 + ], + [ + "\u2581unbedenklich", + -14.662484169006348 + ], + [ + "\u2581Aquarium", + -14.662510871887209 + ], + [ + "\u2581usefulness", + -14.662516593933104 + ], + [ + "\u2581doodstraf", + -14.662550926208496 + ], + [ + "setDefault", + -14.662553787231444 + ], + [ + "linenumber", + -14.662568092346191 + ], + [ + "ciclic", + -14.66258144378662 + ], + [ + "Tochter", + -14.662590980529783 + ], + [ + "\u2581Episcop", + -14.662652969360352 + ], + [ + "ltiplano", + -14.66265869140625 + ], + [ + "unzel", + -14.66265869140625 + ], + [ + "fatta", + -14.662659645080566 + ], + [ + "Subtitle", + -14.662676811218262 + ], + [ + "rzielung", + -14.662687301635742 + ], + [ + "totalit\u00e9", + -14.66268825531006 + ], + [ + "\u2581panoramico", + -14.662705421447754 + ], + [ + "Alemanha", + -14.662717819213867 + ], + [ + "consent", + -14.66274642944336 + ], + [ + "ORIGINAL", + -14.662755966186523 + ], + [ + "NDER", + -14.662802696228027 + ], + [ + "\u2581Feuerbach", + -14.66285800933838 + ], + [ + "\u2581Einzahlung", + -14.662897109985352 + ], + [ + "ldner", + -14.662911415100098 + ], + [ + "\u2581distanzi", + -14.662948608398438 + ], + [ + "\u2581frequenze", + -14.662978172302246 + ], + [ + "rkham", + -14.66299057006836 + ], + [ + "\u2581thoraci", + -14.663002014160156 + ], + [ + "opaque", + -14.663003921508787 + ], + [ + "\u2581receb", + -14.66303825378418 + ], + [ + "Kieselgel", + -14.663046836853027 + ], + [ + "Measuring", + -14.663046836853027 + ], + [ + "\u2581Demzufolge", + -14.663046836853027 + ], + [ + "\u2581Mozambico", + -14.663046836853027 + ], + [ + "\u2581salvaguardia", + -14.663046836853027 + ], + [ + "\u2581medievais", + -14.66305160522461 + ], + [ + "phonie", + -14.663060188293455 + ], + [ + "socialdemocratic", + -14.66306209564209 + ], + [ + "\u2581markieren", + -14.663089752197266 + ], + [ + "\u2581jouissance", + -14.663090705871582 + ], + [ + "\u2581wertvollen", + -14.663104057312012 + ], + [ + "ingu\u00e9m", + -14.663115501403809 + ], + [ + "\u2581exportations", + -14.66313934326172 + ], + [ + "\u2581questionable", + -14.663168907165527 + ], + [ + "Vater", + -14.663180351257324 + ], + [ + "\u2581Linse", + -14.663248062133787 + ], + [ + "\u2581g\u00e9n\u00e9ra", + -14.663250923156738 + ], + [ + "mandel", + -14.66326141357422 + ], + [ + "\u2581Stadtrand", + -14.6632719039917 + ], + [ + "pidi\u00f3", + -14.66327953338623 + ], + [ + "d\u00e9cimal", + -14.663285255432127 + ], + [ + "\u2581D\u00e4mm", + -14.66329574584961 + ], + [ + "Durchschnitt", + -14.663304328918455 + ], + [ + "possess", + -14.663304328918455 + ], + [ + "\u2581paralelamente", + -14.663334846496582 + ], + [ + "ikett", + -14.663342475891112 + ], + [ + "\u2581delimitada", + -14.66334629058838 + ], + [ + "\u2581interina", + -14.663357734680176 + ], + [ + "uaranta", + -14.66336154937744 + ], + [ + "elleria", + -14.66338062286377 + ], + [ + "occupait", + -14.663403511047363 + ], + [ + "\u2581divorzi", + -14.663434982299805 + ], + [ + "luster", + -14.663454055786133 + ], + [ + "efficiency", + -14.66347599029541 + ], + [ + "\u2581atmosfer", + -14.663476943969728 + ], + [ + "\u2581Bollywood", + -14.66348361968994 + ], + [ + "\u2581edificado", + -14.663543701171877 + ], + [ + "\u2581Analyt", + -14.663576126098633 + ], + [ + "Tabela", + -14.663593292236328 + ], + [ + "\u2581Lindner", + -14.663619995117188 + ], + [ + "\u2581Karpaten", + -14.663622856140137 + ], + [ + "ternary", + -14.663634300231934 + ], + [ + "Navigate", + -14.663641929626465 + ], + [ + "\u2581Docent", + -14.66364574432373 + ], + [ + "einfl\u00fcsse", + -14.663650512695312 + ], + [ + "Attached", + -14.663679122924805 + ], + [ + "evskij", + -14.663684844970703 + ], + [ + "marshaler", + -14.663748741149902 + ], + [ + "onderneming", + -14.663762092590332 + ], + [ + "Stellen\u00fcbersicht", + -14.663783073425291 + ], + [ + "\u2581parlementslid", + -14.663790702819824 + ], + [ + "\u2581Aspecto", + -14.663829803466797 + ], + [ + "auflagen", + -14.663857460021973 + ], + [ + "Warner", + -14.663955688476562 + ], + [ + "\u2581Cerati", + -14.663966178894045 + ], + [ + "acingOccurrences", + -14.663972854614258 + ], + [ + "r\u00f3nico", + -14.663980484008787 + ], + [ + "\u2581Normierung", + -14.663991928100586 + ], + [ + "ropole", + -14.663997650146484 + ], + [ + "\u2581erbringt", + -14.66400146484375 + ], + [ + "\u2581acc\u00e9d", + -14.664039611816406 + ], + [ + "\u2581sedimentos", + -14.664047241210938 + ], + [ + "\u2581Kapitalanlagen", + -14.66409397125244 + ], + [ + "\u2581Pfaff", + -14.664134979248049 + ], + [ + "gr\u00fcndungen", + -14.66416835784912 + ], + [ + "\u2581CORPORATION", + -14.664182662963867 + ], + [ + "\u2581esportazioni", + -14.664183616638184 + ], + [ + "\u2581annuity", + -14.664204597473145 + ], + [ + "Acceleration", + -14.66420555114746 + ], + [ + "scova", + -14.664229393005373 + ], + [ + "HttpKernel", + -14.664255142211914 + ], + [ + "bel\u00e4stig", + -14.664281845092772 + ], + [ + "stetric", + -14.664319038391112 + ], + [ + "\u2581gestaakt", + -14.664355278015137 + ], + [ + "\u2581trolleybus", + -14.66436767578125 + ], + [ + "\u2581Novella", + -14.664383888244627 + ], + [ + "\u2581Glocke", + -14.664434432983398 + ], + [ + "\u2581Samari", + -14.664464950561523 + ], + [ + "verige", + -14.664468765258787 + ], + [ + "\u2581posticip", + -14.664478302001951 + ], + [ + "\u2581battaglione", + -14.664491653442385 + ], + [ + "\u2581libic", + -14.664518356323242 + ], + [ + "\u2581adheri", + -14.66452693939209 + ], + [ + "\u2581novedos", + -14.664558410644531 + ], + [ + "\u2581Vicentin", + -14.66457748413086 + ], + [ + "getGraphics", + -14.66460132598877 + ], + [ + "Eisenbahnverkehr", + -14.664603233337402 + ], + [ + "etanol", + -14.664684295654297 + ], + [ + "\u2581bemoei", + -14.66468906402588 + ], + [ + "RAU", + -14.664701461791992 + ], + [ + "\u2581desondanks", + -14.664748191833496 + ], + [ + "\u2581antia\u00e9re", + -14.664758682250977 + ], + [ + "\u2581mitigation", + -14.664762496948242 + ], + [ + "autobiogr\u00e1fic", + -14.66479206085205 + ], + [ + "\u2581d\u00e9passant", + -14.664799690246582 + ], + [ + "\u2581Desinfektion", + -14.664828300476074 + ], + [ + "arbeitszeit", + -14.664838790893556 + ], + [ + "\u2581Backstein", + -14.664870262145996 + ], + [ + "alguns", + -14.664915084838867 + ], + [ + "\u2581vervoeg", + -14.664918899536133 + ], + [ + "\u2581morirono", + -14.664924621582031 + ], + [ + "Elsa", + -14.665000915527344 + ], + [ + "lineNumber", + -14.665008544921877 + ], + [ + "\u2581Normenkontroll", + -14.665016174316406 + ], + [ + "hindernisse", + -14.665059089660645 + ], + [ + "\u2581souven", + -14.66508674621582 + ], + [ + "ceglie", + -14.665114402770996 + ], + [ + "\u2581construtores", + -14.665115356445312 + ], + [ + "\u2581Neumarkt", + -14.665122985839844 + ], + [ + "\u2581Patrizia", + -14.665156364440918 + ], + [ + "\u2581Notari", + -14.665193557739258 + ], + [ + "\u2581advocated", + -14.665210723876951 + ], + [ + "Difficulty", + -14.665315628051758 + ], + [ + "\u2581repert\u00f3rio", + -14.665315628051758 + ], + [ + "jonschlinkert", + -14.665316581726074 + ], + [ + "\u2581interacciones", + -14.665349960327148 + ], + [ + "diskurs", + -14.665350914001465 + ], + [ + "\u2581ottomane", + -14.66536808013916 + ], + [ + "\u2581prelevat", + -14.665400505065918 + ], + [ + "\u2581fragran", + -14.665412902832031 + ], + [ + "chromatic", + -14.66541576385498 + ], + [ + "GIA", + -14.665423393249512 + ], + [ + "anthemum", + -14.665480613708496 + ], + [ + "metallic", + -14.665510177612305 + ], + [ + "iterated", + -14.665536880493164 + ], + [ + "\u2581astronomical", + -14.665539741516112 + ], + [ + "\u2581aanklacht", + -14.665567398071287 + ], + [ + "\u2581opleverde", + -14.66559600830078 + ], + [ + "razer", + -14.665627479553224 + ], + [ + "\u00fcsten", + -14.665701866149902 + ], + [ + "\u2581dejar\u00eda", + -14.665705680847168 + ], + [ + "\u2581sombrio", + -14.665719032287598 + ], + [ + "surgent", + -14.665724754333496 + ], + [ + "RequestUri", + -14.665725708007812 + ], + [ + "navide", + -14.665769577026367 + ], + [ + "\u2581ergangenen", + -14.665780067443848 + ], + [ + "\u2581fanatism", + -14.665783882141112 + ], + [ + "\u2581ampliata", + -14.66578769683838 + ], + [ + "idding", + -14.665794372558594 + ], + [ + "\u2581Umlegung", + -14.665804862976074 + ], + [ + "konsul", + -14.665818214416504 + ], + [ + "Landschaft", + -14.665861129760742 + ], + [ + "best\u00e4tigung", + -14.66588306427002 + ], + [ + "\u2581Phasmatodea", + -14.66588306427002 + ], + [ + "\u2581prossegue", + -14.665885925292969 + ], + [ + "\u2581aristocr\u00e1tic", + -14.665888786315918 + ], + [ + "\u2581Stabi", + -14.665903091430664 + ], + [ + "\u2581Denkmalpflege", + -14.665907859802246 + ], + [ + "\u2581dierentuin", + -14.66590976715088 + ], + [ + "infami", + -14.665929794311523 + ], + [ + "\u2581Kishi", + -14.665956497192385 + ], + [ + "RetryPolicy", + -14.665958404541016 + ], + [ + "\u2581Christliche", + -14.665986061096191 + ], + [ + "\u2581domicili", + -14.665989875793455 + ], + [ + "ersparnis", + -14.665995597839355 + ], + [ + "masq", + -14.66600227355957 + ], + [ + "becker", + -14.666014671325684 + ], + [ + "\u2581Klett", + -14.66602897644043 + ], + [ + "\u2581Malgrado", + -14.666035652160645 + ], + [ + "\u2581Charpentier", + -14.666049003601074 + ], + [ + "\u2581alimentato", + -14.6660795211792 + ], + [ + "\u2581oproepen", + -14.666083335876465 + ], + [ + "\u2581Cota", + -14.666099548339844 + ], + [ + "\u2581Regulator", + -14.666135787963867 + ], + [ + "\u2581kurd", + -14.666146278381348 + ], + [ + "\u2581Verhal", + -14.666182518005373 + ], + [ + "icaire", + -14.666184425354004 + ], + [ + "\u2581Feliciano", + -14.666200637817385 + ], + [ + "jsonObject", + -14.66625690460205 + ], + [ + "lenkung", + -14.66627025604248 + ], + [ + "\u2581descartar", + -14.666278839111328 + ], + [ + "\u2581rotatori", + -14.666287422180176 + ], + [ + "shkin", + -14.666305541992188 + ], + [ + "betrug", + -14.66638469696045 + ], + [ + "Voorburg", + -14.666386604309082 + ], + [ + "\u2581disturbios", + -14.66639518737793 + ], + [ + "\u2581conductance", + -14.666414260864258 + ], + [ + "\u2581Herstel", + -14.666426658630373 + ], + [ + "ueri", + -14.666448593139648 + ], + [ + "\u2581Spengler", + -14.666451454162598 + ], + [ + "Catalyst", + -14.666452407836914 + ], + [ + "\u2581termodin", + -14.666478157043455 + ], + [ + "chutzrechtlichen", + -14.66648006439209 + ], + [ + "\u2581Moskauer", + -14.666486740112305 + ], + [ + "Lernergebnisse", + -14.66650104522705 + ], + [ + "buchstaben", + -14.66650676727295 + ], + [ + "Repr\u00e4sentantenha", + -14.666525840759276 + ], + [ + "\u2581guillotin", + -14.666540145874023 + ], + [ + "\u2581Bestattung", + -14.666553497314451 + ], + [ + "\u2581Embajadores", + -14.666559219360352 + ], + [ + "\u2581unterzeichnen", + -14.666559219360352 + ], + [ + "rainstorm", + -14.66659164428711 + ], + [ + "\u2581mutuelle", + -14.666608810424805 + ], + [ + "\u2581Fratern", + -14.666641235351562 + ], + [ + "Assembler", + -14.666647911071776 + ], + [ + "Vivi", + -14.666707038879396 + ], + [ + "\u2581blended", + -14.66673183441162 + ], + [ + "\u2581irref\u00fchrend", + -14.66673469543457 + ], + [ + "\u2581embala", + -14.666755676269531 + ], + [ + "\u2581Krit", + -14.666791915893556 + ], + [ + "\u2581separatamente", + -14.666799545288086 + ], + [ + "\u2581fusionar", + -14.666855812072754 + ], + [ + "\u2581Hersfeld", + -14.666885375976562 + ], + [ + "TIVA", + -14.666903495788574 + ], + [ + "shuffled", + -14.66691780090332 + ], + [ + "Evolution", + -14.66696548461914 + ], + [ + "\u00e1cil", + -14.66696548461914 + ], + [ + "\u2581Cinderel", + -14.666976928710938 + ], + [ + "\u2581Alfabeto", + -14.667019844055176 + ], + [ + "\u2581costruttori", + -14.667019844055176 + ], + [ + "\u2581herinneringen", + -14.667019844055176 + ], + [ + "\u2581imposibilidad", + -14.667019844055176 + ], + [ + "\u2581Calvert", + -14.667024612426758 + ], + [ + "\u2581erwirtschaftet", + -14.667035102844238 + ], + [ + "scurid", + -14.667044639587402 + ], + [ + "\u2581neugierig", + -14.6670560836792 + ], + [ + "khin", + -14.66714096069336 + ], + [ + "\u2581Fetts\u00e4uren", + -14.667179107666016 + ], + [ + "\u2581libysche", + -14.667197227478027 + ], + [ + "\u2581Ausl\u00e4ufer", + -14.667227745056152 + ], + [ + "\u2581admired", + -14.667262077331545 + ], + [ + "\u2581prenne", + -14.667277336120604 + ], + [ + "regnant", + -14.667280197143556 + ], + [ + "bateu", + -14.667288780212402 + ], + [ + "\u2581Inselgruppe", + -14.667329788208008 + ], + [ + "schuw", + -14.66733455657959 + ], + [ + "conch", + -14.667350769042969 + ], + [ + "simplify", + -14.6673583984375 + ], + [ + "Betrachtungsweis", + -14.667390823364258 + ], + [ + "\u2581transcurre", + -14.667436599731444 + ], + [ + "\u2581mijnbouw", + -14.667536735534668 + ], + [ + "Weser", + -14.667572021484377 + ], + [ + "\u2581antieke", + -14.66757869720459 + ], + [ + "\u2581Medicare", + -14.66758155822754 + ], + [ + "Leefwijze", + -14.66758918762207 + ], + [ + "\u2581scolastici", + -14.66758918762207 + ], + [ + "\u2581Actino", + -14.667612075805664 + ], + [ + "\u2581Jahrg\u00e4nge", + -14.667672157287598 + ], + [ + "Dispositi", + -14.667691230773926 + ], + [ + "\u2581darzulegen", + -14.667736053466797 + ], + [ + "\u2581Lokeren", + -14.667738914489746 + ], + [ + "\u2581McFarlan", + -14.66779327392578 + ], + [ + "\u2581Marittima", + -14.667803764343262 + ], + [ + "\u2581Abdeckung", + -14.667831420898438 + ], + [ + "hiva", + -14.667832374572754 + ], + [ + "\u2581inventada", + -14.667848587036133 + ], + [ + "\u2581Mayotte", + -14.667866706848145 + ], + [ + "\u2581esporre", + -14.667912483215332 + ], + [ + "\u2581Grenzfl\u00e4che", + -14.667926788330078 + ], + [ + "salendo", + -14.667935371398926 + ], + [ + "\u2581nennenswerten", + -14.66797161102295 + ], + [ + "velha", + -14.667973518371582 + ], + [ + "uurwerk", + -14.668002128601074 + ], + [ + "carena", + -14.668011665344238 + ], + [ + "\u2581externally", + -14.668051719665527 + ], + [ + "televisie", + -14.668052673339844 + ], + [ + "picGames", + -14.668058395385742 + ], + [ + "\u2581Bowling", + -14.668058395385742 + ], + [ + "TextStyle", + -14.66806983947754 + ], + [ + "\u2581autoriz", + -14.668078422546388 + ], + [ + "ativada", + -14.66808795928955 + ], + [ + "SIGNATURE", + -14.66815185546875 + ], + [ + "PhpSpreadsheet", + -14.66816520690918 + ], + [ + "\u2581catturati", + -14.668171882629396 + ], + [ + "\u2581Grundgehalt", + -14.668195724487305 + ], + [ + "Overseas", + -14.668204307556152 + ], + [ + "lactose", + -14.668243408203123 + ], + [ + "rzano", + -14.6682710647583 + ], + [ + "\u2581asustad", + -14.66827392578125 + ], + [ + "hereafter", + -14.668307304382324 + ], + [ + "iccome", + -14.668313026428224 + ], + [ + "\u2581possede", + -14.668340682983398 + ], + [ + "\u2581descobrem", + -14.668354988098145 + ], + [ + "\u2581Kev", + -14.6683988571167 + ], + [ + "permute", + -14.668426513671877 + ], + [ + "\u2581proposizioni", + -14.668428421020508 + ], + [ + "\u2581Schwarzarbeit", + -14.66847324371338 + ], + [ + "\u2581Visi", + -14.66847801208496 + ], + [ + "pieghe", + -14.668545722961426 + ], + [ + "\u2581secretly", + -14.668549537658691 + ], + [ + "\u2581Landesplanung", + -14.668550491333008 + ], + [ + "oundaries", + -14.668559074401855 + ], + [ + "TLA", + -14.668567657470703 + ], + [ + "pilepti", + -14.66859245300293 + ], + [ + "\u2581pinceau", + -14.66861629486084 + ], + [ + "\u2581exquisite", + -14.668628692626951 + ], + [ + "\u2581colorazione", + -14.668655395507812 + ], + [ + "Carol", + -14.668675422668455 + ], + [ + "\u2581beruhenden", + -14.668681144714355 + ], + [ + "\u2581Simboli", + -14.668693542480469 + ], + [ + "or\u00eds", + -14.668697357177734 + ], + [ + "ebastianBergmann", + -14.668726921081545 + ], + [ + "\u2581Borghese", + -14.66872787475586 + ], + [ + "\u2581D\u00e9sormais", + -14.66872787475586 + ], + [ + "\u2581apparizioni", + -14.66872787475586 + ], + [ + "\u2581blijkbaar", + -14.668728828430176 + ], + [ + "\u2581sanciones", + -14.668758392333984 + ], + [ + "\u2581distributing", + -14.668761253356934 + ], + [ + "\u2581Walmart", + -14.668764114379885 + ], + [ + "\u2581establecerse", + -14.668784141540527 + ], + [ + "\u2581eternidad", + -14.668848037719728 + ], + [ + "\u2581Sportive", + -14.668875694274902 + ], + [ + "wog", + -14.668907165527344 + ], + [ + "bestendig", + -14.668910026550291 + ], + [ + "\u2581grafit", + -14.668917655944824 + ], + [ + "\u2581roccioso", + -14.668932914733888 + ], + [ + "\u2581Contrada", + -14.66896152496338 + ], + [ + "\u2581diff\u00e9rend", + -14.66896915435791 + ], + [ + "accouche", + -14.668984413146973 + ], + [ + "\u2581overeenkomstig", + -14.66901969909668 + ], + [ + "Gemeinsame", + -14.669034957885742 + ], + [ + "\u2581sopraffa", + -14.66904354095459 + ], + [ + "\u2581reflejar", + -14.6690673828125 + ], + [ + "\u2581Tonk", + -14.6691255569458 + ], + [ + "Budapest", + -14.669129371643066 + ], + [ + "parlementari", + -14.669133186340332 + ], + [ + "chr\u00e4g", + -14.669140815734863 + ], + [ + "\u2581croisade", + -14.669221878051758 + ], + [ + "Formel", + -14.669230461120604 + ], + [ + "Heilige", + -14.669255256652832 + ], + [ + "ippocampus", + -14.66926097869873 + ], + [ + "\u2581camioneta", + -14.669262886047363 + ], + [ + "\u2581banchin", + -14.669265747070312 + ], + [ + "\u2581Pomme", + -14.669267654418944 + ], + [ + "\u2581Maometto", + -14.669297218322754 + ], + [ + "PROGRESS", + -14.669303894042969 + ], + [ + "\u2581aroused", + -14.669320106506348 + ], + [ + "ridon", + -14.669340133666992 + ], + [ + "ERRA", + -14.669357299804688 + ], + [ + "disallow", + -14.66936206817627 + ], + [ + "\u2581dichtbij", + -14.6693696975708 + ], + [ + "Proceed", + -14.669458389282228 + ], + [ + "IndexOf", + -14.669482231140137 + ], + [ + "\u2581Knowles", + -14.669488906860352 + ], + [ + "\u2581Textur", + -14.669556617736816 + ], + [ + "\u2581webpagina", + -14.669568061828612 + ], + [ + "\u2581formellement", + -14.669586181640623 + ], + [ + "\u2581cens\u00e9e", + -14.669597625732422 + ], + [ + "tauscht", + -14.669707298278809 + ], + [ + "r\u00fchr", + -14.669708251953123 + ], + [ + "\u2581rhy", + -14.669737815856934 + ], + [ + "\u2581Mascara", + -14.6697416305542 + ], + [ + "gedroht", + -14.669766426086426 + ], + [ + "paolo", + -14.669767379760742 + ], + [ + "\u2581verwijder", + -14.669797897338867 + ], + [ + "StateChange", + -14.669806480407717 + ], + [ + "\u2581pleeg", + -14.66981029510498 + ], + [ + "\u2581suprimida", + -14.669857025146484 + ], + [ + "\u2581disuelto", + -14.669864654541016 + ], + [ + "\u2581Lebesgue", + -14.669867515563965 + ], + [ + "\u2581Seelsorge", + -14.669867515563965 + ], + [ + "\u2581gleichbleibende", + -14.669869422912598 + ], + [ + "\u2581adeptos", + -14.66987133026123 + ], + [ + "\u2581Obreg\u00f3n", + -14.669883728027344 + ], + [ + "\u2581storiografic", + -14.669886589050291 + ], + [ + "zentralregister", + -14.669904708862305 + ], + [ + "\u2581Faculteit", + -14.669929504394531 + ], + [ + "\u2581motorbike", + -14.669937133789062 + ], + [ + "\u2581afsluiten", + -14.669964790344238 + ], + [ + "Einkommensteuer", + -14.669979095458984 + ], + [ + "\u2581colocaci\u00f3n", + -14.67003059387207 + ], + [ + "\u2581d\u00e9croch", + -14.670032501220703 + ], + [ + "accumule", + -14.670045852661133 + ], + [ + "\u2581buitengewoon", + -14.67005443572998 + ], + [ + "\u2581Piccoli", + -14.67007541656494 + ], + [ + "contrarsi", + -14.670083999633787 + ], + [ + "terdisciplinary", + -14.670089721679688 + ], + [ + "\u2581culminar", + -14.670095443725586 + ], + [ + "\u2581maquet", + -14.670100212097168 + ], + [ + "graban", + -14.670117378234863 + ], + [ + "verschuldung", + -14.67011833190918 + ], + [ + "\u2581Einsetzen", + -14.67013454437256 + ], + [ + "\u2581dominical", + -14.670183181762695 + ], + [ + "introduced", + -14.670233726501465 + ], + [ + "\u2581ancestrale", + -14.670248031616213 + ], + [ + "\u2581ricorrenz", + -14.67029094696045 + ], + [ + "\u2581glitter", + -14.670300483703612 + ], + [ + "\u2581sopravvissuto", + -14.670302391052246 + ], + [ + "\u2581eeuwenlang", + -14.67037582397461 + ], + [ + "iscriminator", + -14.670391082763672 + ], + [ + "zessiv", + -14.670401573181152 + ], + [ + "MEMO", + -14.670412063598633 + ], + [ + "\u2581salotto", + -14.67042064666748 + ], + [ + "\u2581Knoblauch", + -14.670437812805176 + ], + [ + "\u2581beheimatet", + -14.670438766479492 + ], + [ + "\u2581sottomissione", + -14.670439720153809 + ], + [ + "\u2581Schwarzenegger", + -14.67044162750244 + ], + [ + "\u2581sportspeople", + -14.670465469360352 + ], + [ + "queryset", + -14.670489311218262 + ], + [ + "\u2581letture", + -14.670496940612791 + ], + [ + "Bayreuth", + -14.67050075531006 + ], + [ + "\u2581noleggia", + -14.670525550842283 + ], + [ + "\u2581comicios", + -14.6705322265625 + ], + [ + "\u2581falliment", + -14.67053508758545 + ], + [ + "\u2581aportaciones", + -14.670536994934082 + ], + [ + "ActionListener", + -14.67056941986084 + ], + [ + "\u2581Exklusi", + -14.670618057250977 + ], + [ + "rompre", + -14.670644760131836 + ], + [ + "\u2581musicaux", + -14.670665740966797 + ], + [ + "\u2581r\u00e9siste", + -14.67067527770996 + ], + [ + "\u2581ontvlucht", + -14.670692443847656 + ], + [ + "\u2581\u00fcbersetzen", + -14.670737266540527 + ], + [ + "\u2581Procede", + -14.67074203491211 + ], + [ + "\u2581estructurales", + -14.670763969421388 + ], + [ + "arborescen", + -14.670768737792969 + ], + [ + "\u2581Collar", + -14.670772552490234 + ], + [ + "\u2581conventionnelle", + -14.670818328857422 + ], + [ + "\u2581reconnai", + -14.670827865600586 + ], + [ + "\u2581Wikivers", + -14.670889854431152 + ], + [ + "\u2581bagnata", + -14.671000480651855 + ], + [ + "CLICKHOUSE", + -14.671008110046388 + ], + [ + "\u2581gastr\u00f3pode", + -14.671009063720703 + ], + [ + "vervuiling", + -14.67101001739502 + ], + [ + "\u2581narcissism", + -14.671015739440918 + ], + [ + "\u2581firmeza", + -14.671027183532717 + ], + [ + "\u2581accomuna", + -14.671028137207031 + ], + [ + "\u2581refaire", + -14.67104148864746 + ], + [ + "bestimmende", + -14.67112159729004 + ], + [ + "Combi", + -14.671187400817873 + ], + [ + "entrifuge", + -14.67119312286377 + ], + [ + "\u2581borracho", + -14.671196937561035 + ], + [ + "\u2581ioniza", + -14.671215057373049 + ], + [ + "\u2581Echin", + -14.671242713928224 + ], + [ + "\u2581desperately", + -14.67129898071289 + ], + [ + "Inactive", + -14.671307563781738 + ], + [ + "\u2581gustado", + -14.671327590942385 + ], + [ + "\u2581perguntando", + -14.67136573791504 + ], + [ + "\u2581minivan", + -14.671448707580566 + ], + [ + "ficaces", + -14.671479225158691 + ], + [ + "\u2581Typisch", + -14.671507835388184 + ], + [ + "wong", + -14.671518325805664 + ], + [ + "Molekulargewicht", + -14.671579360961914 + ], + [ + "\u2581Philli", + -14.67158031463623 + ], + [ + "\u2581C\u00e9zanne", + -14.67158317565918 + ], + [ + "\u2581tessile", + -14.671584129333496 + ], + [ + "\u2581sensoriel", + -14.671592712402344 + ], + [ + "\u2581Marechal", + -14.671606063842772 + ], + [ + "\u2581fourrure", + -14.671606063842772 + ], + [ + "\u2581erigida", + -14.671688079833984 + ], + [ + "Ausw\u00e4rt", + -14.671690940856934 + ], + [ + "\u2581Konzen", + -14.671720504760742 + ], + [ + "\u2581sanit", + -14.671770095825195 + ], + [ + "umanistic", + -14.671799659729004 + ], + [ + "\u2581concepire", + -14.671799659729004 + ], + [ + "nopli", + -14.671807289123535 + ], + [ + "SCHL", + -14.671826362609863 + ], + [ + "\u2581Harar", + -14.671831130981444 + ], + [ + "\u2581intr\u00ednseca", + -14.671841621398926 + ], + [ + "Davis", + -14.671842575073242 + ], + [ + "\u2581seguir\u00eda", + -14.67185878753662 + ], + [ + "\u2581m\u00e9tall", + -14.671875 + ], + [ + "\u2581recensi", + -14.671991348266602 + ], + [ + "\u2581arrojad", + -14.672030448913574 + ], + [ + "Sanskri", + -14.672035217285156 + ], + [ + "Abgeordnetenhaus", + -14.672040939331056 + ], + [ + "\u2581Krzy", + -14.672042846679688 + ], + [ + "\u2581Verdon", + -14.672062873840332 + ], + [ + "\u2581rec\u00edproca", + -14.672096252441406 + ], + [ + "\u2581corresponsal", + -14.67215061187744 + ], + [ + "\u2581libp", + -14.672157287597656 + ], + [ + "ijlstaarten", + -14.67216968536377 + ], + [ + "\u2581ponerl", + -14.672173500061035 + ], + [ + "\u2581Kriegswaffen", + -14.672176361083984 + ], + [ + "\u2581Germaine", + -14.67219066619873 + ], + [ + "\u2581pflanzliche", + -14.672228813171388 + ], + [ + "\u2581conquered", + -14.672231674194336 + ], + [ + "\u2581Suel", + -14.672235488891602 + ], + [ + "ompartment", + -14.672261238098145 + ], + [ + "\u2581galante", + -14.672306060791016 + ], + [ + "lantaarn", + -14.67231559753418 + ], + [ + "M\u00e1laga", + -14.67233943939209 + ], + [ + "MagicMock", + -14.67238712310791 + ], + [ + "\u2581mislukk", + -14.67239475250244 + ], + [ + "\u2581Jacarta", + -14.672395706176758 + ], + [ + "\u2581entendemos", + -14.67239761352539 + ], + [ + "\u2581Cin\u00e9", + -14.672414779663086 + ], + [ + "membership", + -14.672426223754885 + ], + [ + "\u2581Peterborough", + -14.672438621520996 + ], + [ + "\u2581sofisticado", + -14.672473907470703 + ], + [ + "\u2581communique", + -14.672476768493652 + ], + [ + "Timezone", + -14.672548294067385 + ], + [ + "battle", + -14.672563552856444 + ], + [ + "\u2581brunne", + -14.672607421875 + ], + [ + "planm\u00e4", + -14.67267894744873 + ], + [ + "individualit\u00e0", + -14.672700881958008 + ], + [ + "PreActBottleneck", + -14.672714233398438 + ], + [ + "horden", + -14.672733306884766 + ], + [ + "\u2581transacciones", + -14.672735214233398 + ], + [ + "\u2581tyrosine", + -14.672737121582031 + ], + [ + "eutet", + -14.672760009765623 + ], + [ + "Champagne", + -14.672765731811523 + ], + [ + "landesi", + -14.672828674316406 + ], + [ + "\u2581Concerning", + -14.672859191894531 + ], + [ + "\u2581Kosov", + -14.672882080078123 + ], + [ + "BDI", + -14.672930717468262 + ], + [ + "\u2581ex\u00f3tico", + -14.67296314239502 + ], + [ + "\u2581Hemmnisse", + -14.672980308532717 + ], + [ + "\u00e9loign", + -14.672995567321776 + ], + [ + "orkesten", + -14.673006057739258 + ], + [ + "endezvous", + -14.67305850982666 + ], + [ + "\u2581Ehrenamt", + -14.673080444335938 + ], + [ + "\u2581sagra", + -14.673103332519531 + ], + [ + "agonia", + -14.673110008239746 + ], + [ + "\u2581Fujimo", + -14.673158645629885 + ], + [ + "\u2581tolerante", + -14.673189163208008 + ], + [ + "\u2581ausrichten", + -14.673200607299805 + ], + [ + "Kiss", + -14.67323398590088 + ], + [ + "\u2581futurista", + -14.67326545715332 + ], + [ + "\u2581Galate", + -14.673266410827637 + ], + [ + "\u2581\u00e9prouv\u00e9", + -14.673280715942385 + ], + [ + "Hibernate", + -14.673293113708496 + ], + [ + "\u2581Par\u00f3quia", + -14.673295021057127 + ], + [ + "\u2581Sibelius", + -14.673295021057127 + ], + [ + "cetonitril", + -14.673296928405762 + ], + [ + "\u2581contradicci\u00f3n", + -14.673307418823242 + ], + [ + "transformaciones", + -14.673333168029783 + ], + [ + "Authenticate", + -14.673357963562012 + ], + [ + "\u2581mostraram", + -14.673394203186035 + ], + [ + "timit\u00e9", + -14.673401832580566 + ], + [ + "\u2581j\u00fcdischer", + -14.673418045043944 + ], + [ + "\u2581Versuchsreihe", + -14.673583984375 + ], + [ + "\u2581identica", + -14.673589706420898 + ], + [ + "antenna", + -14.673604011535645 + ], + [ + "Sachbesch\u00e4digung", + -14.673670768737791 + ], + [ + "\u2581Solana", + -14.673701286315918 + ], + [ + "poussant", + -14.67375659942627 + ], + [ + "\u2581veront", + -14.673763275146484 + ], + [ + "childkr", + -14.673789978027344 + ], + [ + "Marlboro", + -14.67386245727539 + ], + [ + "\u2581Innocenzo", + -14.673867225646973 + ], + [ + "\u2581Temptation", + -14.673872947692873 + ], + [ + "creativecommons", + -14.673873901367188 + ], + [ + "\u2581riconoscono", + -14.673905372619627 + ], + [ + "\u2581bijection", + -14.673922538757324 + ], + [ + "\u2581Abspaltung", + -14.673924446105955 + ], + [ + "tickstoff", + -14.673982620239258 + ], + [ + "\u2581sedimentar", + -14.673982620239258 + ], + [ + "familienh\u00e4user", + -14.673994064331056 + ], + [ + "\u2581crociata", + -14.674007415771484 + ], + [ + "\u2581Maracan", + -14.674053192138672 + ], + [ + "\u2581Patholog", + -14.674091339111328 + ], + [ + "\u2581d\u00e9cor\u00e9e", + -14.674104690551758 + ], + [ + "\u2581estabiliza", + -14.674105644226074 + ], + [ + "rrota", + -14.674129486083984 + ], + [ + "entreprendre", + -14.674160957336426 + ], + [ + "\u2581bedauert", + -14.674177169799805 + ], + [ + "\u2581Casc", + -14.674213409423828 + ], + [ + "\u2581coltell", + -14.67426586151123 + ], + [ + "INSTALLER", + -14.674274444580078 + ], + [ + "\u2581Harrier", + -14.674290657043455 + ], + [ + "\u2581acquatici", + -14.674298286437988 + ], + [ + "cudaMem", + -14.67430591583252 + ], + [ + "openia", + -14.674324989318848 + ], + [ + "\u2581Habitu", + -14.674335479736328 + ], + [ + "\u2581aanbied", + -14.674345970153809 + ], + [ + "longeant", + -14.674358367919922 + ], + [ + "siedelung", + -14.674391746520996 + ], + [ + "ashir", + -14.674394607543944 + ], + [ + "\u2581pelgrims", + -14.674440383911133 + ], + [ + "\u2581stochastische", + -14.674440383911133 + ], + [ + "\u2581Sprechstunden", + -14.674448013305664 + ], + [ + "tionnaire", + -14.674455642700195 + ], + [ + "\u2581onjuist", + -14.674468994140623 + ], + [ + "maanden", + -14.67447280883789 + ], + [ + "\u2581embarcado", + -14.674477577209473 + ], + [ + "\u2581compulsion", + -14.674492835998535 + ], + [ + "\u2581Fascism", + -14.674497604370115 + ], + [ + "eszenz", + -14.674501419067385 + ], + [ + "pathogene", + -14.67455005645752 + ], + [ + "\u2581distaccat", + -14.674591064453123 + ], + [ + "\u2581camarer", + -14.674595832824709 + ], + [ + "\u2581Geographische", + -14.674612045288086 + ], + [ + "gewer", + -14.674625396728516 + ], + [ + "\u2581Begr\u00fcnder", + -14.674644470214844 + ], + [ + "nziali", + -14.674652099609377 + ], + [ + "ErrorHandler", + -14.674702644348145 + ], + [ + "mindest", + -14.674717903137209 + ], + [ + "\u2581taxonomi", + -14.674724578857422 + ], + [ + "\u2581Rossetti", + -14.674734115600586 + ], + [ + "\u2581Schipper", + -14.674745559692385 + ], + [ + "\u2581Arant", + -14.674786567687988 + ], + [ + "\u2581Consort", + -14.674808502197266 + ], + [ + "\u2581Crispi", + -14.67481517791748 + ], + [ + "\u2581normalidad", + -14.674835205078123 + ], + [ + "\u2581apports", + -14.674861907958984 + ], + [ + "\u2581Conosce", + -14.674886703491213 + ], + [ + "\u2581Seide", + -14.674908638000488 + ], + [ + "\u2581Biophys", + -14.674939155578612 + ], + [ + "ubini", + -14.674965858459473 + ], + [ + "ListBy", + -14.67501163482666 + ], + [ + "THRESHOLD", + -14.675012588500977 + ], + [ + "histologi", + -14.67501449584961 + ], + [ + "visibile", + -14.675016403198242 + ], + [ + "\u2581Narciso", + -14.675024032592772 + ], + [ + "\u2581originada", + -14.675030708312988 + ], + [ + "bedienung", + -14.675049781799316 + ], + [ + "\u2581criatividade", + -14.675057411193848 + ], + [ + "\u2581crollat", + -14.675070762634276 + ], + [ + "iller\u00eda", + -14.675071716308594 + ], + [ + "\u2581Volkspartij", + -14.67508029937744 + ], + [ + "stagioni", + -14.675092697143556 + ], + [ + "\u2581substitu\u00ed", + -14.675098419189451 + ], + [ + "\u2581convenci\u00f3", + -14.675135612487791 + ], + [ + "\u2581erstmaligen", + -14.67513942718506 + ], + [ + "\u2581strukturschwach", + -14.675178527832031 + ], + [ + "knappschaft", + -14.675196647644045 + ], + [ + "\u2581sconsiglia", + -14.67520236968994 + ], + [ + "\u2581performers", + -14.675220489501951 + ], + [ + "battist", + -14.675236701965332 + ], + [ + "\u2581rapidit\u00e9", + -14.675250053405762 + ], + [ + "viveram", + -14.67531681060791 + ], + [ + "ytochrom", + -14.675318717956545 + ], + [ + "hauptmann", + -14.67536449432373 + ], + [ + "k\u00fcnst", + -14.675369262695312 + ], + [ + "\u2581produzia", + -14.67538070678711 + ], + [ + "nbekend", + -14.675395011901855 + ], + [ + "\u2581completada", + -14.67540454864502 + ], + [ + "articolato", + -14.675419807434082 + ], + [ + "\u2581INFORMA", + -14.675422668457031 + ], + [ + "bispo", + -14.675472259521484 + ], + [ + "\u2581fanciullo", + -14.675588607788086 + ], + [ + "\u2581Paralympische", + -14.675589561462402 + ], + [ + "tcolorbox", + -14.67559051513672 + ], + [ + "\u2581Paard", + -14.67559051513672 + ], + [ + "acr\u00f3nimo", + -14.675599098205566 + ], + [ + "\u2581Concertgebouw", + -14.675607681274414 + ], + [ + "\u2581Keltische", + -14.675610542297363 + ], + [ + "Verbrauch", + -14.67565631866455 + ], + [ + "absoluteString", + -14.675660133361816 + ], + [ + "uomini", + -14.675664901733398 + ], + [ + "\u2581geometries", + -14.675671577453612 + ], + [ + "\u2581collegando", + -14.675678253173828 + ], + [ + "Oriental", + -14.67570972442627 + ], + [ + "\u2581furthermore", + -14.675718307495115 + ], + [ + "\u2581p\u00e9trolier", + -14.675724029541016 + ], + [ + "\u2581herauszu", + -14.675748825073242 + ], + [ + "\u2581m\u00e9dian", + -14.675748825073242 + ], + [ + "\u2581rechtop", + -14.67575454711914 + ], + [ + "\u2581pesticides", + -14.675771713256836 + ], + [ + "bitano", + -14.675775527954102 + ], + [ + "Konflikt", + -14.67579174041748 + ], + [ + "\u2581sorrise", + -14.675799369812012 + ], + [ + "weigh", + -14.675846099853516 + ], + [ + "oficialmente", + -14.675872802734377 + ], + [ + "\u2581Tiberius", + -14.675881385803224 + ], + [ + "\u2581empirically", + -14.675893783569336 + ], + [ + "\u2581guadagni", + -14.675926208496094 + ], + [ + "trocknen", + -14.675952911376951 + ], + [ + "\u2581finishte", + -14.675980567932127 + ], + [ + "\u2581V\u00e9rifi", + -14.676076889038086 + ], + [ + "\u2581Olie", + -14.676079750061035 + ], + [ + "\u2581llev\u00e1ndo", + -14.676081657409668 + ], + [ + "guttat", + -14.67611026763916 + ], + [ + "ignard", + -14.676112174987791 + ], + [ + "\u2581t\u00e1cticas", + -14.676156044006348 + ], + [ + "Bekannt", + -14.676159858703612 + ], + [ + "\u2581afschaffing", + -14.676159858703612 + ], + [ + "DoesNotExist", + -14.67616367340088 + ], + [ + "carboxyli", + -14.676166534423828 + ], + [ + "ajustement", + -14.676183700561523 + ], + [ + "\u2581Rechtskraft", + -14.676249504089355 + ], + [ + "\u2581Dunkeln", + -14.676268577575684 + ], + [ + "\u2581bet\u00e4tigt", + -14.67626953125 + ], + [ + "\u2581colorate", + -14.676281929016112 + ], + [ + "\u2581nacionalidades", + -14.676289558410645 + ], + [ + "ahnte", + -14.67630100250244 + ], + [ + "t\u00f3xicos", + -14.67634105682373 + ], + [ + "\u2581Gerichtskosten", + -14.676355361938477 + ], + [ + "jimo", + -14.676369667053224 + ], + [ + "eihen", + -14.676398277282717 + ], + [ + "\u2581Sanson", + -14.676399230957031 + ], + [ + "LoggerFactory", + -14.676420211791992 + ], + [ + "\u2581d\u00e9mant", + -14.676450729370115 + ], + [ + "\u2581Memmingen", + -14.676486015319824 + ], + [ + "\u2581erheb", + -14.676546096801758 + ], + [ + "\u2581Wahn", + -14.676583290100098 + ], + [ + "\u2581rembours", + -14.676623344421388 + ], + [ + "\u2581Liberti", + -14.676645278930664 + ], + [ + "cocha", + -14.676668167114258 + ], + [ + "\u2581Apprendre", + -14.67673397064209 + ], + [ + "\u2581concesiones", + -14.67673397064209 + ], + [ + "\u2581disolvi\u00f3", + -14.67673397064209 + ], + [ + "\u2581sirviendo", + -14.67673397064209 + ], + [ + "\u2581permettront", + -14.676735877990724 + ], + [ + "\u2581Iquique", + -14.676739692687988 + ], + [ + "\u2581Compl\u00e9ments", + -14.676740646362305 + ], + [ + "vacueerd", + -14.676742553710938 + ], + [ + "\u2581incrociat", + -14.676749229431152 + ], + [ + "\u2581ilimitado", + -14.676750183105469 + ], + [ + "\u2581rabb", + -14.676753044128418 + ], + [ + "\u2581Tedeschi", + -14.676762580871582 + ], + [ + "\u2581Remeros", + -14.676764488220217 + ], + [ + "\u2581Corda", + -14.67677116394043 + ], + [ + "oefende", + -14.676772117614746 + ], + [ + "stratagem", + -14.676809310913086 + ], + [ + "\u2581Terremoto", + -14.676813125610352 + ], + [ + "\u2581abgesenkt", + -14.676813125610352 + ], + [ + "f\u00fchrender", + -14.676819801330566 + ], + [ + "\u2581Pr\u00e4ferenzen", + -14.67683219909668 + ], + [ + "\u2581vectorial", + -14.676877975463867 + ], + [ + "ad\u00e9quat", + -14.676878929138184 + ], + [ + "\u00fcbrig", + -14.676886558532717 + ], + [ + "\u2581boulder", + -14.676887512207031 + ], + [ + "committed", + -14.676909446716309 + ], + [ + "\u2581prestan", + -14.676926612854004 + ], + [ + "doubted", + -14.676963806152344 + ], + [ + "\u2581wisse", + -14.676965713500977 + ], + [ + "Annunci", + -14.677042007446287 + ], + [ + "\u2581Solda", + -14.67705249786377 + ], + [ + "costata", + -14.677090644836426 + ], + [ + "PageToken", + -14.677096366882324 + ], + [ + "\u2581Algar", + -14.677142143249512 + ], + [ + "\u2581emigreerde", + -14.677176475524902 + ], + [ + "\u2581verlaufende", + -14.67717742919922 + ], + [ + "splitting", + -14.677253723144531 + ], + [ + "fl\u00e4chig", + -14.677265167236328 + ], + [ + "stvo", + -14.677265167236328 + ], + [ + "\u2581Stadtrechte", + -14.67727756500244 + ], + [ + "\u2581ausgedehnten", + -14.677289009094238 + ], + [ + "\u2581Loba", + -14.677290916442873 + ], + [ + "\u2581inond", + -14.677301406860352 + ], + [ + "\u2581mozzafiato", + -14.677309036254885 + ], + [ + "hospitaal", + -14.67731475830078 + ], + [ + "\u2581controversi", + -14.677316665649414 + ], + [ + "\u2581Bekanntwerden", + -14.677321434020996 + ], + [ + "\u2581Giardini", + -14.677326202392578 + ], + [ + "\u2581Aussichtspunkt", + -14.677334785461426 + ], + [ + "\u2581executando", + -14.677334785461426 + ], + [ + "skipped", + -14.677345275878906 + ], + [ + "\u2581irriso", + -14.677386283874512 + ], + [ + "\u2581Kaga", + -14.677414894104004 + ], + [ + "\u2581esportat", + -14.677433967590332 + ], + [ + "\u2581tolerier", + -14.677438735961914 + ], + [ + "\u2581Magnetisierung", + -14.677481651306152 + ], + [ + "\u2581onderbouw", + -14.677505493164062 + ], + [ + "\u2581prestigious", + -14.677515983581545 + ], + [ + "trockne", + -14.677517890930176 + ], + [ + "vresti", + -14.67755126953125 + ], + [ + "\u2581moderniser", + -14.677566528320312 + ], + [ + "\u2581solidarity", + -14.67757511138916 + ], + [ + "\u2581Aureli", + -14.677582740783691 + ], + [ + "il\u00e1n", + -14.67758846282959 + ], + [ + "\u2581intrede", + -14.677664756774902 + ], + [ + "\u2581consolidated", + -14.677666664123535 + ], + [ + "\u2581torines", + -14.677678108215332 + ], + [ + "\u2581unauff\u00e4llig", + -14.677678108215332 + ], + [ + "innacle", + -14.677679061889648 + ], + [ + "chicha", + -14.677688598632812 + ], + [ + "reducible", + -14.677695274353027 + ], + [ + "SAGE", + -14.677696228027344 + ], + [ + "\u2581Visigot", + -14.67771053314209 + ], + [ + "Westfali", + -14.67775058746338 + ], + [ + "ducteur", + -14.677780151367188 + ], + [ + "Pacifi", + -14.677783012390137 + ], + [ + "\u2581croqu", + -14.677841186523438 + ], + [ + "\u2581Diff\u00e9rent", + -14.67788314819336 + ], + [ + "\u2581min\u00e9raux", + -14.67788314819336 + ], + [ + "Reusable", + -14.677884101867676 + ], + [ + "\u2581gebrouwen", + -14.677888870239258 + ], + [ + "\u2581Entw\u00e4sserung", + -14.677892684936523 + ], + [ + "gerten", + -14.67789363861084 + ], + [ + "\u2581aufzugeben", + -14.677897453308104 + ], + [ + "\u2581importaci\u00f3n", + -14.677936553955078 + ], + [ + "\u2581Nitra", + -14.677953720092772 + ], + [ + "\u2581marocchin", + -14.677956581115724 + ], + [ + "\u2581scorgere", + -14.677958488464355 + ], + [ + "Maarten", + -14.677971839904783 + ], + [ + "\u00e9rif", + -14.678030014038086 + ], + [ + "\u2581acabar\u00eda", + -14.6780366897583 + ], + [ + "eiling", + -14.678049087524414 + ], + [ + "ungsgem\u00e4", + -14.678068161010742 + ], + [ + "\u2581seismic", + -14.678096771240234 + ], + [ + "outage", + -14.678106307983398 + ], + [ + "anglebig", + -14.67811393737793 + ], + [ + "\u2581fascination", + -14.678143501281738 + ], + [ + "\u2581Varianzanalyse", + -14.678160667419434 + ], + [ + "axones", + -14.678216934204102 + ], + [ + "Diplom", + -14.678248405456545 + ], + [ + "\u2581precipitaci\u00f3n", + -14.678251266479492 + ], + [ + "itadelle", + -14.67825412750244 + ], + [ + "\u2581saperlo", + -14.678256034851074 + ], + [ + "consacr", + -14.678302764892578 + ], + [ + "goose", + -14.678302764892578 + ], + [ + "lfingen", + -14.678308486938477 + ], + [ + "Agreement", + -14.678350448608398 + ], + [ + "\u2581genuinely", + -14.678385734558104 + ], + [ + "corb", + -14.678410530090332 + ], + [ + "\u2581Nguy", + -14.678417205810549 + ], + [ + "\u2581Vollzitat", + -14.678458213806152 + ], + [ + "\u2581entgegnete", + -14.678458213806152 + ], + [ + "\u2581inc\u00f3gnita", + -14.678458213806152 + ], + [ + "\u2581londinese", + -14.678458213806152 + ], + [ + "\u2581preistoria", + -14.678472518920898 + ], + [ + "betroffene", + -14.67853546142578 + ], + [ + "eachable", + -14.678536415100098 + ], + [ + "\u2581Matteotti", + -14.678542137145996 + ], + [ + "affidabilit\u00e0", + -14.678547859191896 + ], + [ + "\u2581beliebter", + -14.678568840026855 + ], + [ + "StringField", + -14.67860984802246 + ], + [ + "\u2581phonolog", + -14.678628921508787 + ], + [ + "lehrgang", + -14.678670883178713 + ], + [ + "Membran", + -14.678672790527344 + ], + [ + "rantz", + -14.67868709564209 + ], + [ + "IAE", + -14.678699493408203 + ], + [ + "capitare", + -14.678701400756836 + ], + [ + "\u2581Symptomatik", + -14.678750991821287 + ], + [ + "\u2581biologist", + -14.678755760192873 + ], + [ + "\u2581previd", + -14.678768157958984 + ], + [ + "\u2581haunt", + -14.678804397583008 + ], + [ + "gepr\u00e4gt", + -14.678807258605955 + ], + [ + "\u2581traiciona", + -14.67881202697754 + ], + [ + "\u2581sobrecarga", + -14.6788330078125 + ], + [ + "Englisch", + -14.678855895996094 + ], + [ + "\u2581cytosol", + -14.678936004638672 + ], + [ + "urprisingly", + -14.67895221710205 + ], + [ + "\u2581apaixona", + -14.678953170776367 + ], + [ + "Beruf", + -14.679021835327148 + ], + [ + "\u2581Valtellina", + -14.679034233093262 + ], + [ + "\u2581Arsizio", + -14.679041862487791 + ], + [ + "ambulatori", + -14.67909049987793 + ], + [ + "\u2581distinguent", + -14.67911148071289 + ], + [ + "\u2581proposons", + -14.679147720336914 + ], + [ + "gestimmt", + -14.679171562194824 + ], + [ + "\u2581sviluppando", + -14.67923069000244 + ], + [ + "\u2581aglutina", + -14.679231643676758 + ], + [ + "habilitation", + -14.67935848236084 + ], + [ + "\u2581negentien", + -14.679375648498535 + ], + [ + "\u2581clinically", + -14.679396629333496 + ], + [ + "waki", + -14.679405212402344 + ], + [ + "\u2581asynchronously", + -14.67942237854004 + ], + [ + "Trails", + -14.679460525512695 + ], + [ + "\u2581reparier", + -14.679462432861328 + ], + [ + "\u2581Controversia", + -14.67946434020996 + ], + [ + "eyri", + -14.679481506347656 + ], + [ + "enigma", + -14.679607391357422 + ], + [ + "\u2581profec\u00eda", + -14.679609298706056 + ], + [ + "\u2581Herakle", + -14.679616928100586 + ], + [ + "\u2581circunda", + -14.6796293258667 + ], + [ + "silber", + -14.679638862609863 + ], + [ + "dutores", + -14.679640769958496 + ], + [ + "ontinuity", + -14.679640769958496 + ], + [ + "\u2581desayuno", + -14.679645538330078 + ], + [ + "\u2581victorios", + -14.679657936096191 + ], + [ + "moviendo", + -14.67966651916504 + ], + [ + "\u2581volksmond", + -14.679680824279783 + ], + [ + "\u2581gemittelt", + -14.6796875 + ], + [ + "filiaci\u00f3n", + -14.67970848083496 + ], + [ + "morfologi", + -14.679713249206545 + ], + [ + "nacen", + -14.679725646972656 + ], + [ + "\u2581oscillan", + -14.679734230041504 + ], + [ + "\u2581schwarzer", + -14.679783821105955 + ], + [ + "ThreadPool", + -14.679791450500488 + ], + [ + "\u2581Geogr\u00e1fica", + -14.679816246032717 + ], + [ + "geblendet", + -14.679829597473145 + ], + [ + "ntezza", + -14.679835319519045 + ], + [ + "\u2581conchigli", + -14.679863929748535 + ], + [ + "addAttribute", + -14.67987823486328 + ], + [ + "mutatie", + -14.679922103881836 + ], + [ + "AFT", + -14.679923057556152 + ], + [ + "valencia", + -14.679937362670898 + ], + [ + "\u2581Cretaceo", + -14.679948806762695 + ], + [ + "\u2581remani", + -14.679949760437012 + ], + [ + "akkoorden", + -14.679976463317873 + ], + [ + "\u2581Arnau", + -14.679987907409668 + ], + [ + "\u2581fluente", + -14.680015563964844 + ], + [ + "pariert", + -14.680021286010742 + ], + [ + "\u2581empresariales", + -14.680026054382324 + ], + [ + "\u2581sangra", + -14.680030822753906 + ], + [ + "\u2581flei", + -14.680068969726562 + ], + [ + "\u2581patogen", + -14.680132865905762 + ], + [ + "schussdrucksache", + -14.680146217346191 + ], + [ + "\u2581Agrupaci\u00f3n", + -14.680185317993164 + ], + [ + "\u2581Snuitmotten", + -14.680185317993164 + ], + [ + "\u2581repr\u00e9sentait", + -14.680185317993164 + ], + [ + "\u2581introdotte", + -14.680188179016112 + ], + [ + "\u2581Straatsburg", + -14.680205345153809 + ], + [ + "isEqualTo", + -14.680213928222656 + ], + [ + "\u2581paralys", + -14.680220603942873 + ], + [ + "\u2581dittatore", + -14.68022346496582 + ], + [ + "overlast", + -14.680230140686035 + ], + [ + "\u2581admirador", + -14.680256843566896 + ], + [ + "\u2581Napa", + -14.680270195007324 + ], + [ + "\u2581reliance", + -14.68027687072754 + ], + [ + "\u2581uitgroei", + -14.68035888671875 + ], + [ + "\u2581Neuwahl", + -14.680363655090332 + ], + [ + "\u2581detenzione", + -14.680368423461914 + ], + [ + "\u2581unterwerfen", + -14.680373191833496 + ], + [ + "\u2581respectifs", + -14.680425643920898 + ], + [ + "\u2581frontalier", + -14.68045425415039 + ], + [ + "\u2581SDKResponse", + -14.680475234985352 + ], + [ + "\u2581Tarifnummer", + -14.680475234985352 + ], + [ + "Rechtsverletzung", + -14.680479049682615 + ], + [ + "\u2581Gesamtfl\u00e4che", + -14.680497169494627 + ], + [ + "Caf\u00e9", + -14.680529594421388 + ], + [ + "hieb", + -14.68055248260498 + ], + [ + "\u2581Jeremiah", + -14.680603981018066 + ], + [ + "rtlicher", + -14.680654525756836 + ], + [ + "Serm", + -14.680655479431152 + ], + [ + "\u2581Equilibri", + -14.680660247802734 + ], + [ + "\u2581Repression", + -14.680671691894531 + ], + [ + "\u2581Shimizu", + -14.68076229095459 + ], + [ + "\u2581Sandakan", + -14.680764198303224 + ], + [ + "alousie", + -14.680774688720703 + ], + [ + "l\u00edqu", + -14.680793762207031 + ], + [ + "\u2581alargada", + -14.680809020996094 + ], + [ + "\u2581Aspir", + -14.680837631225586 + ], + [ + "\u2581conquistaram", + -14.680837631225586 + ], + [ + "\u2581llegar\u00e1", + -14.680856704711914 + ], + [ + "pregiudica", + -14.680889129638672 + ], + [ + "\u2581Blizzard", + -14.680971145629885 + ], + [ + "levar\u00e1", + -14.680981636047363 + ], + [ + "autenticit\u00e0", + -14.681020736694336 + ], + [ + "Tank", + -14.681035041809082 + ], + [ + "\u2581Graphik", + -14.68104076385498 + ], + [ + "uwel", + -14.681052207946776 + ], + [ + "ORTE", + -14.681070327758787 + ], + [ + "\u2581vorlegt", + -14.681078910827637 + ], + [ + "\u2581Humber", + -14.681081771850586 + ], + [ + "wischenbericht", + -14.681085586547852 + ], + [ + "\u2581Ignaz", + -14.681089401245115 + ], + [ + "\u2581cautel", + -14.681117057800291 + ], + [ + "\u2581pubert", + -14.681211471557615 + ], + [ + "\u2581georgische", + -14.68122386932373 + ], + [ + "fluyen", + -14.681267738342283 + ], + [ + "strophysical", + -14.681310653686523 + ], + [ + "m\u00e9nagement", + -14.68133544921875 + ], + [ + "SourceFile", + -14.6813383102417 + ], + [ + "utsourcing", + -14.6813383102417 + ], + [ + "\u2581hoedanigheid", + -14.6813383102417 + ], + [ + "\u2581Azzurra", + -14.68134307861328 + ], + [ + "\u2581Vorstandsmitgli", + -14.681344032287598 + ], + [ + "\u2581rinnovo", + -14.681346893310549 + ], + [ + "\u2581jalou", + -14.681407928466797 + ], + [ + "\u2581Delphine", + -14.68142795562744 + ], + [ + "\u2581antrop\u00f3logo", + -14.681501388549805 + ], + [ + "\u2581Textilien", + -14.681563377380373 + ], + [ + "hionin", + -14.68159294128418 + ], + [ + "\u2581D\u00e4mpfung", + -14.681604385375977 + ], + [ + "\u2581gradin", + -14.681618690490724 + ], + [ + "\u2581fortifie", + -14.681631088256836 + ], + [ + "\u2581Caridad", + -14.68163776397705 + ], + [ + "RIAN", + -14.681685447692873 + ], + [ + "Polizei", + -14.681697845458984 + ], + [ + "ATIN", + -14.681714057922363 + ], + [ + "renomme", + -14.681737899780272 + ], + [ + "\u2581Profund", + -14.68177604675293 + ], + [ + "\u2581Pontif\u00edcia", + -14.681804656982422 + ], + [ + "\u2581lanceerde", + -14.681870460510254 + ], + [ + "\u2581Hangmatspinnen", + -14.681915283203123 + ], + [ + "\u2581skeptisch", + -14.68191623687744 + ], + [ + "\u2581Emittenten", + -14.681917190551758 + ], + [ + "\u2581Beratenden", + -14.681941986083984 + ], + [ + "aquele", + -14.6819486618042 + ], + [ + "\u2581juridisch", + -14.68195343017578 + ], + [ + "\u2581perfecciona", + -14.681957244873049 + ], + [ + "\u2581beslissende", + -14.681973457336426 + ], + [ + "\u2581Exerc\u00edcio", + -14.682064056396484 + ], + [ + "Fisher", + -14.682079315185549 + ], + [ + "\u2581mangiano", + -14.682109832763672 + ], + [ + "\u2581epileps", + -14.682162284851074 + ], + [ + "\u2581Henrietta", + -14.68218994140625 + ], + [ + "Wiesbaden", + -14.682222366333008 + ], + [ + "\u2581rimonta", + -14.682242393493652 + ], + [ + "Th\u00fcringen", + -14.682247161865234 + ], + [ + "\u2581limitiert", + -14.682280540466309 + ], + [ + "chismo", + -14.682297706604004 + ], + [ + "\u2581polished", + -14.68234157562256 + ], + [ + "oticiero", + -14.682350158691406 + ], + [ + "NextLink", + -14.682351112365724 + ], + [ + "\u2581naheliegend", + -14.682397842407228 + ], + [ + "Arquivo", + -14.682452201843262 + ], + [ + "\u2581liturgi", + -14.682476997375488 + ], + [ + "\u2581Oeganda", + -14.682493209838867 + ], + [ + "\u2581contrapartida", + -14.682493209838867 + ], + [ + "\u2581vijandelijke", + -14.682493209838867 + ], + [ + "traagheids", + -14.682494163513184 + ], + [ + "\u2581Beantragung", + -14.682494163513184 + ], + [ + "\u2581espalhou", + -14.682494163513184 + ], + [ + "\u2581Rog\u00e9rio", + -14.682502746582031 + ], + [ + "\u2581Volkskrant", + -14.682506561279297 + ], + [ + "ttosozialprodukt", + -14.682507514953612 + ], + [ + "abstention", + -14.68251609802246 + ], + [ + "utla", + -14.682527542114258 + ], + [ + "\u2581Agrippa", + -14.68254280090332 + ], + [ + "milk", + -14.682573318481444 + ], + [ + "\u2581Schuldendienst", + -14.682591438293455 + ], + [ + "\u2581Betroffen", + -14.682592391967772 + ], + [ + "amillo", + -14.682623863220217 + ], + [ + "\u2581uitgeoefend", + -14.682626724243164 + ], + [ + "\u2581Kontaktdaten", + -14.68262767791748 + ], + [ + "\u2581systoli", + -14.682659149169922 + ], + [ + "\u2581Entlad", + -14.682663917541504 + ], + [ + "\u2581Tr\u00e4g", + -14.682665824890137 + ], + [ + "meinst", + -14.68267822265625 + ], + [ + "\u2581firmada", + -14.682683944702148 + ], + [ + "Mouss", + -14.68271827697754 + ], + [ + "\u2581iscriver", + -14.682722091674805 + ], + [ + "\u2581Philologie", + -14.682726860046388 + ], + [ + "haired", + -14.682816505432127 + ], + [ + "\u2581Prototypen", + -14.682817459106444 + ], + [ + "\u2581Schola", + -14.68283462524414 + ], + [ + "\u2581Dienstreisen", + -14.68285083770752 + ], + [ + "anonimato", + -14.682873725891112 + ], + [ + "\u2581Manilla", + -14.682873725891112 + ], + [ + "galaxy", + -14.68297290802002 + ], + [ + "\u2581pesticid", + -14.682982444763184 + ], + [ + "grundrecht", + -14.683011054992676 + ], + [ + "ciedad", + -14.683012962341309 + ], + [ + "trimming", + -14.683021545410156 + ], + [ + "\u2581abgrenz", + -14.683045387268066 + ], + [ + "equalToSuperview", + -14.68306827545166 + ], + [ + "DidBecomeActive", + -14.683069229125977 + ], + [ + "pigment", + -14.683070182800291 + ], + [ + "\u2581Scorsese", + -14.68307113647461 + ], + [ + "\u2581ejerc\u00eda", + -14.68307113647461 + ], + [ + "\u2581Spermien", + -14.683072090148926 + ], + [ + "\u2581s\u00fcdkoreanische", + -14.683074951171877 + ], + [ + "Sch\u00e4ffer", + -14.683094024658203 + ], + [ + "\u2581sapiente", + -14.68313980102539 + ], + [ + "\u2581verfilmd", + -14.68313980102539 + ], + [ + "\u2581impazzi", + -14.683146476745604 + ], + [ + "\u2581Camerin", + -14.683147430419922 + ], + [ + "\u2581Chaucer", + -14.683155059814451 + ], + [ + "schwang", + -14.68317985534668 + ], + [ + "ordeiro", + -14.683213233947754 + ], + [ + "\u2581discut\u00e9", + -14.683228492736816 + ], + [ + "\u2581Microsystems", + -14.683241844177246 + ], + [ + "\u2581exceptionally", + -14.683244705200195 + ], + [ + "Medienwirtschaft", + -14.683270454406738 + ], + [ + "baustein", + -14.683276176452637 + ], + [ + "\u2581exportador", + -14.683289527893066 + ], + [ + "\u2581marktbeherrsch", + -14.683311462402344 + ], + [ + "\u2581simulazione", + -14.68331527709961 + ], + [ + "\u2581independentista", + -14.68331813812256 + ], + [ + "pensable", + -14.683323860168455 + ], + [ + "obscur", + -14.683357238769531 + ], + [ + "ATTER", + -14.68336009979248 + ], + [ + "OUND", + -14.683369636535645 + ], + [ + "\u2581capitalistico", + -14.683403968811035 + ], + [ + "iniqu", + -14.683420181274414 + ], + [ + "\u2581Colocar", + -14.683538436889648 + ], + [ + "pessoal", + -14.683541297912598 + ], + [ + "EADS", + -14.683554649353027 + ], + [ + "lieutenant", + -14.68357753753662 + ], + [ + "\u2581Gargano", + -14.683587074279783 + ], + [ + "\u2581Kwart", + -14.683624267578123 + ], + [ + "\u2581V\u00e9ron", + -14.68362808227539 + ], + [ + "\u2581deb\u00fctierte", + -14.683655738830566 + ], + [ + "assertIsNo", + -14.683658599853516 + ], + [ + "\u2581Gewerbebetrieb", + -14.683661460876465 + ], + [ + "\u2581Nationalrat", + -14.683679580688477 + ], + [ + "\u2581ortodoxos", + -14.68371868133545 + ], + [ + "\u2581agotado", + -14.683730125427246 + ], + [ + "\u2581analytically", + -14.683767318725586 + ], + [ + "\u2581Vornahme", + -14.6837739944458 + ], + [ + "\u2581astratta", + -14.683801651000977 + ], + [ + "\u2581interurbani", + -14.68380355834961 + ], + [ + "\u2581impiegata", + -14.683825492858888 + ], + [ + "\u2581Lemaire", + -14.683833122253418 + ], + [ + "ouffe", + -14.683845520019531 + ], + [ + "\u2581beruhende", + -14.683849334716797 + ], + [ + "vection", + -14.683852195739746 + ], + [ + "\u2581determinou", + -14.68386936187744 + ], + [ + "\u2581attraktiver", + -14.683880805969238 + ], + [ + "WIF", + -14.6839017868042 + ], + [ + "l\u00e9galement", + -14.683926582336426 + ], + [ + "\u2581verzocht", + -14.68397331237793 + ], + [ + "\u2581metafor", + -14.683998107910156 + ], + [ + "Perhaps", + -14.68403434753418 + ], + [ + "nomaly", + -14.684060096740724 + ], + [ + "DEVEL", + -14.68408203125 + ], + [ + "bestaande", + -14.684087753295898 + ], + [ + "ombrello", + -14.684137344360352 + ], + [ + "\u2581Calama", + -14.684139251708984 + ], + [ + "\u2581consuel", + -14.684144020080566 + ], + [ + "\u2581unschuldig", + -14.684149742126465 + ], + [ + "obtient", + -14.684175491333008 + ], + [ + "\u2581Umbenennung", + -14.684226989746094 + ], + [ + "\u2581einzuordnen", + -14.684226989746094 + ], + [ + "\u2581rivolgono", + -14.684226989746094 + ], + [ + "\u2581Innovaci\u00f3n", + -14.68422794342041 + ], + [ + "membre", + -14.684228897094728 + ], + [ + "\u2581min\u00e9rale", + -14.684236526489258 + ], + [ + "\u2581Gascogne", + -14.684240341186523 + ], + [ + "\u2581risparmi", + -14.684263229370115 + ], + [ + "\u2581r\u00e9ticen", + -14.684266090393066 + ], + [ + "\u2581spezz", + -14.684266090393066 + ], + [ + "\u2581indictment", + -14.684273719787598 + ], + [ + "\u2581analoghe", + -14.684311866760254 + ], + [ + "Theory", + -14.684346199035645 + ], + [ + "veduto", + -14.684353828430176 + ], + [ + "\u2581ficarem", + -14.684403419494627 + ], + [ + "chlucht", + -14.68441677093506 + ], + [ + "\u2581Heimatstadt", + -14.684426307678224 + ], + [ + "\u2581ottimale", + -14.684446334838867 + ], + [ + "setSelected", + -14.6844482421875 + ], + [ + "ziante", + -14.684462547302246 + ], + [ + "ompendium", + -14.684468269348145 + ], + [ + "udente", + -14.684484481811523 + ], + [ + "voking", + -14.684598922729492 + ], + [ + "orniche", + -14.68460750579834 + ], + [ + "\u2581sottomess", + -14.684614181518556 + ], + [ + "\u2581produsse", + -14.684617042541504 + ], + [ + "verlee", + -14.68465805053711 + ], + [ + "fl\u00fcchtig", + -14.684674263000488 + ], + [ + "\u2581lutador", + -14.684679985046388 + ], + [ + "wertsch", + -14.6846923828125 + ], + [ + "kweek", + -14.684737205505373 + ], + [ + "edaillon", + -14.68474292755127 + ], + [ + "sselin", + -14.68474578857422 + ], + [ + "Krone", + -14.684758186340332 + ], + [ + "auront", + -14.684765815734863 + ], + [ + "\u2581arestas", + -14.684778213500977 + ], + [ + "\u00e9ventuelles", + -14.684805870056152 + ], + [ + "\u2581Llobregat", + -14.684805870056152 + ], + [ + "\u2581Vermoedelijk", + -14.684805870056152 + ], + [ + "\u2581patrim\u00f3nio", + -14.684805870056152 + ], + [ + "\u2581Lingu\u00edstica", + -14.684806823730469 + ], + [ + "\u2581kommunistischen", + -14.684807777404783 + ], + [ + "\u2581Pachuca", + -14.684815406799316 + ], + [ + "\u2581Woodrow", + -14.684818267822266 + ], + [ + "\u2581Sternbild", + -14.684849739074709 + ], + [ + "\u2581flanquea", + -14.684901237487791 + ], + [ + "\u2581St\u00e4ndige", + -14.684916496276855 + ], + [ + "Breaker", + -14.68497371673584 + ], + [ + "\u2581detektier", + -14.685044288635254 + ], + [ + "\u2581dreizehn", + -14.685049057006836 + ], + [ + "\u2581Krop", + -14.685057640075684 + ], + [ + "\u2581post\u00e9rit\u00e9", + -14.685070991516112 + ], + [ + "InSection", + -14.685073852539062 + ], + [ + "\u2581ganancia", + -14.68507957458496 + ], + [ + "\u2581Morphi", + -14.685199737548828 + ], + [ + "ichler", + -14.685233116149902 + ], + [ + "\u2581protegger", + -14.685236930847168 + ], + [ + "\u2581T\u00e4terschaft", + -14.68527126312256 + ], + [ + "verwaltungsamt", + -14.685274124145508 + ], + [ + "froid", + -14.685280799865724 + ], + [ + "scienza", + -14.68528175354004 + ], + [ + "\u2581Bundesmitteln", + -14.685308456420898 + ], + [ + "gitando", + -14.685310363769531 + ], + [ + "\u2581afferr", + -14.685320854187012 + ], + [ + "\u2581Alessi", + -14.685362815856934 + ], + [ + "\u2581Herrenhaus", + -14.685370445251465 + ], + [ + "\u2581Anf\u00edbios", + -14.685384750366213 + ], + [ + "\u2581Filarm\u00f3nica", + -14.685384750366213 + ], + [ + "verpackungen", + -14.685385704040527 + ], + [ + "\u2581Schlaganfall", + -14.685386657714844 + ], + [ + "\u2581bautism", + -14.685389518737791 + ], + [ + "\u2581pedestres", + -14.685397148132324 + ], + [ + "\u2581slaapkamer", + -14.685397148132324 + ], + [ + "Inheritance", + -14.68540096282959 + ], + [ + "\u2581Carlyle", + -14.685401916503906 + ], + [ + "\u2581fronterizo", + -14.685413360595703 + ], + [ + "\u2581Consigli", + -14.685463905334473 + ], + [ + "drukkerij", + -14.685470581054688 + ], + [ + "\u2581*---------", + -14.685535430908203 + ], + [ + "proliferati", + -14.685590744018556 + ], + [ + "calado", + -14.685608863830566 + ], + [ + "selectedIndex", + -14.685612678527832 + ], + [ + "\u2581Legendre", + -14.685619354248049 + ], + [ + "percebida", + -14.68562126159668 + ], + [ + "Statut", + -14.685632705688477 + ], + [ + "copriva", + -14.685667037963867 + ], + [ + "excitation", + -14.685694694519045 + ], + [ + "\u2581Goncourt", + -14.68573760986328 + ], + [ + "istress", + -14.685813903808594 + ], + [ + "\u2581finanziare", + -14.685887336730955 + ], + [ + "\u2581Erschwer", + -14.685922622680664 + ], + [ + "Marcus", + -14.685946464538574 + ], + [ + "realpi", + -14.685949325561523 + ], + [ + "dichtstbijzijnde", + -14.685964584350586 + ], + [ + "\u2581gendarmes", + -14.68596649169922 + ], + [ + "\u2581avverr\u00e0", + -14.685970306396484 + ], + [ + "\u2581anstrengend", + -14.685976028442385 + ], + [ + "\u2581culinaria", + -14.685982704162598 + ], + [ + "\u2581Heusden", + -14.685990333557127 + ], + [ + "\u2581muziekproducent", + -14.686004638671877 + ], + [ + "\u2581accedi\u00f3", + -14.686013221740724 + ], + [ + "\u2581empfing", + -14.686025619506836 + ], + [ + "\u2581gouvernance", + -14.686026573181152 + ], + [ + "\u2581despis", + -14.686030387878418 + ], + [ + "\u2581ironisch", + -14.686033248901367 + ], + [ + "\u2581titu", + -14.686063766479492 + ], + [ + "lchemy", + -14.686094284057615 + ], + [ + "schwung", + -14.686113357543944 + ], + [ + "\u2581Sask", + -14.68613052368164 + ], + [ + "\u2581raffredda", + -14.686141967773438 + ], + [ + "zug\u00e4nge", + -14.686193466186523 + ], + [ + "\u2581empilha", + -14.686214447021484 + ], + [ + "\u2581Guay", + -14.686224937438965 + ], + [ + "\u2581Colucci", + -14.686235427856444 + ], + [ + "\u2581distra\u00edd", + -14.686240196228027 + ], + [ + "carregar", + -14.686264991760254 + ], + [ + "\u2581Travess", + -14.686267852783203 + ], + [ + "\u2581Sigur", + -14.686277389526367 + ], + [ + "\u2581irgendein", + -14.686285018920898 + ], + [ + "\u2581Gesamtkonzept", + -14.686286926269531 + ], + [ + "\u2581comunicarse", + -14.686298370361328 + ], + [ + "Brazil", + -14.686305046081545 + ], + [ + "piderm", + -14.68631362915039 + ], + [ + "enfri", + -14.686338424682615 + ], + [ + "exempt", + -14.68639087677002 + ], + [ + "rn\u00e1", + -14.686391830444336 + ], + [ + "\u2581anwendungs", + -14.686456680297852 + ], + [ + "\u2581tornati", + -14.6864595413208 + ], + [ + "\u2581symphoni", + -14.686467170715332 + ], + [ + "grip", + -14.686511993408203 + ], + [ + "molecuul", + -14.68654441833496 + ], + [ + "\u2581M\u00e4rtyrer", + -14.68654441833496 + ], + [ + "\u2581muslimischen", + -14.68654441833496 + ], + [ + "\u2581Valdarno", + -14.686545372009276 + ], + [ + "\u2581Campidano", + -14.686549186706545 + ], + [ + "\u2581cosmology", + -14.68655014038086 + ], + [ + "\u2581asiatiques", + -14.686573028564451 + ], + [ + "\u2581diluted", + -14.686610221862791 + ], + [ + "djacent", + -14.686651229858398 + ], + [ + "\u2581parteciparono", + -14.68670654296875 + ], + [ + "ligamento", + -14.6867094039917 + ], + [ + "\u2581chamb", + -14.686756134033203 + ], + [ + "\u2581vogelsoort", + -14.686792373657228 + ], + [ + "orship", + -14.686796188354492 + ], + [ + "everything", + -14.686800003051758 + ], + [ + "\u2581sapatos", + -14.686811447143556 + ], + [ + "foy", + -14.68683624267578 + ], + [ + "\u2581liqueur", + -14.686864852905272 + ], + [ + "\u2581donaciones", + -14.686867713928224 + ], + [ + "\u2581exigida", + -14.68690586090088 + ], + [ + "\u2581stabilmente", + -14.686906814575195 + ], + [ + "\u2581pauselijk", + -14.686909675598145 + ], + [ + "\u2581agresivo", + -14.686934471130373 + ], + [ + "dimbourg", + -14.686965942382812 + ], + [ + "lheira", + -14.686969757080078 + ], + [ + "entwicklungsplan", + -14.686979293823242 + ], + [ + "\u2581arremess", + -14.687005043029783 + ], + [ + "zech", + -14.687073707580566 + ], + [ + "\u2581estudando", + -14.687090873718262 + ], + [ + "\u2581munitie", + -14.687092781066896 + ], + [ + "\u2581Dasselbe", + -14.687126159667969 + ], + [ + "\u2581Amenhotep", + -14.687127113342283 + ], + [ + "\u2581Betancourt", + -14.687129974365234 + ], + [ + "Virgin", + -14.68713665008545 + ], + [ + "autschuk", + -14.687139511108398 + ], + [ + "\u2581geruchten", + -14.687143325805664 + ], + [ + "\u2581tragf\u00e4hige", + -14.687146186828612 + ], + [ + "\u2581caspase", + -14.687163352966309 + ], + [ + "\u2581Bangu", + -14.687167167663574 + ], + [ + "\u2581Vascular", + -14.687178611755373 + ], + [ + "\u2581desarrolladores", + -14.687179565429688 + ], + [ + "ruistocht", + -14.687190055847168 + ], + [ + "\u2581R\u00e4nder", + -14.68722438812256 + ], + [ + "inflight", + -14.687225341796877 + ], + [ + "\u2581incessant", + -14.687226295471191 + ], + [ + "globulin", + -14.687238693237305 + ], + [ + "ausl\u00e4nder", + -14.687241554260254 + ], + [ + "\u2581Entziehung", + -14.687260627746582 + ], + [ + "\u2581Chaumont", + -14.68726634979248 + ], + [ + "Projectdir", + -14.687281608581545 + ], + [ + "\u2581danseuse", + -14.687345504760742 + ], + [ + "\u2581Primetime", + -14.687363624572754 + ], + [ + "petitie", + -14.68736743927002 + ], + [ + "censione", + -14.687379837036133 + ], + [ + "pharmak", + -14.687383651733398 + ], + [ + "oneOf", + -14.687387466430664 + ], + [ + "\u2581slacht", + -14.687395095825195 + ], + [ + "\u2581Geburtsort", + -14.687406539916992 + ], + [ + "geldig", + -14.687420845031738 + ], + [ + "\u2581abandonando", + -14.687450408935549 + ], + [ + "\u2581pr\u00e9tendant", + -14.68745231628418 + ], + [ + "\u2581progressively", + -14.687495231628418 + ], + [ + "indented", + -14.687504768371582 + ], + [ + "Kasteel", + -14.687507629394531 + ], + [ + "\u2581p\u00e1lid", + -14.68753719329834 + ], + [ + "finiva", + -14.68759822845459 + ], + [ + "pol\u00edtico", + -14.687626838684082 + ], + [ + "remixicon", + -14.687699317932127 + ], + [ + "CHARACTER", + -14.687704086303713 + ], + [ + "touchUpInside", + -14.687704086303713 + ], + [ + "\u2581verst\u00e4ndigt", + -14.687735557556152 + ], + [ + "\u2581avampost", + -14.68775749206543 + ], + [ + "cortando", + -14.687766075134276 + ], + [ + "\u2581ricostru", + -14.68776798248291 + ], + [ + "\u2581Meerdere", + -14.68778133392334 + ], + [ + "\u2581Victims", + -14.68778133392334 + ], + [ + "\u2581anciana", + -14.687846183776855 + ], + [ + "traps", + -14.687856674194336 + ], + [ + "popolamento", + -14.687867164611816 + ], + [ + "FSF", + -14.687883377075195 + ], + [ + "Spitzenverband", + -14.687885284423828 + ], + [ + "\u2581precolombi", + -14.687896728515623 + ], + [ + "\u2581arrebat", + -14.687899589538574 + ], + [ + "interpreted", + -14.687911987304688 + ], + [ + "Makr", + -14.6879243850708 + ], + [ + "autismo", + -14.687955856323242 + ], + [ + "\u2581Produtos", + -14.68803596496582 + ], + [ + "\u2581Arga", + -14.68804931640625 + ], + [ + "\u2581darleg", + -14.688061714172363 + ], + [ + "preIndex", + -14.688092231750488 + ], + [ + "\u2581Biochemi", + -14.688101768493652 + ], + [ + "\u2581milizia", + -14.688127517700195 + ], + [ + "scesa", + -14.688132286071776 + ], + [ + "Recurrent", + -14.688139915466309 + ], + [ + "rkins", + -14.688191413879396 + ], + [ + "\u2581professionalit\u00e0", + -14.688218116760254 + ], + [ + "\u2581doncella", + -14.688276290893556 + ], + [ + "\u2581aeroportuali", + -14.688284873962402 + ], + [ + "\u2581protagonizar", + -14.688284873962402 + ], + [ + "rretta", + -14.688302993774414 + ], + [ + "Vieil", + -14.688310623168944 + ], + [ + "\u2581volleyball", + -14.68833827972412 + ], + [ + "kritisch", + -14.688339233398438 + ], + [ + "\u2581clausol", + -14.68838596343994 + ], + [ + "\u2581pecu\u00e1ria", + -14.688446044921877 + ], + [ + "computing", + -14.688447952270508 + ], + [ + "Kneip", + -14.688495635986328 + ], + [ + "TTEN", + -14.68850040435791 + ], + [ + "senator", + -14.68854522705078 + ], + [ + "rappeur", + -14.688617706298828 + ], + [ + "\u2581Bereit", + -14.688633918762209 + ], + [ + "\u2581verwirrt", + -14.688679695129396 + ], + [ + "\u2581Curling", + -14.688737869262695 + ], + [ + "demir", + -14.688749313354492 + ], + [ + "in\u00e1stica", + -14.688809394836426 + ], + [ + "Keychain", + -14.688830375671388 + ], + [ + "\u2581Pluton", + -14.68884563446045 + ], + [ + "cloudflare", + -14.688850402832031 + ], + [ + "\u2581almacenes", + -14.68886661529541 + ], + [ + "\u2581Kontroverse", + -14.688867568969728 + ], + [ + "\u2581transla", + -14.688867568969728 + ], + [ + "\u2581durchf\u00fchrbar", + -14.688868522644045 + ], + [ + "\u2581desaparecimento", + -14.688875198364258 + ], + [ + "\u2581tact", + -14.68889045715332 + ], + [ + "l\u00e9gu\u00e9", + -14.68889617919922 + ], + [ + "\u2581Marsilio", + -14.68891429901123 + ], + [ + "\u2581p\u00e9rip", + -14.688929557800291 + ], + [ + "udini", + -14.688937187194824 + ], + [ + "HART", + -14.688940048217772 + ], + [ + "schiffahrt", + -14.68895435333252 + ], + [ + "\u2581breadth", + -14.688966751098633 + ], + [ + "\u2581Rappresenta", + -14.68897819519043 + ], + [ + "\u2581magnetization", + -14.68897819519043 + ], + [ + "Including", + -14.689005851745604 + ], + [ + "\u2581Pintor", + -14.689019203186035 + ], + [ + "\u2581Baustellen", + -14.689020156860352 + ], + [ + "\u00e9coule", + -14.68903350830078 + ], + [ + "ceratop", + -14.689047813415527 + ], + [ + "tuosi", + -14.689122200012209 + ], + [ + "Restricted", + -14.68917751312256 + ], + [ + "undestag", + -14.689212799072266 + ], + [ + "\u2581dramaturge", + -14.68922519683838 + ], + [ + "\u2581minoritaire", + -14.689248085021973 + ], + [ + "allclose", + -14.68929386138916 + ], + [ + "eptun", + -14.689294815063477 + ], + [ + "\u2581assisting", + -14.689334869384766 + ], + [ + "\u2581Tabac", + -14.689382553100586 + ], + [ + "\u2581botti", + -14.689385414123535 + ], + [ + "\u2581contenitore", + -14.689447402954102 + ], + [ + "\u2581sirvieron", + -14.689447402954102 + ], + [ + "\u2581Sparkasse", + -14.689476013183594 + ], + [ + "\u2581Galil\u00e9e", + -14.689478874206545 + ], + [ + "\u2581invadido", + -14.68948459625244 + ], + [ + "Validity", + -14.689495086669922 + ], + [ + "querySelectorAll", + -14.689499855041504 + ], + [ + "\u2581Vej", + -14.689523696899414 + ], + [ + "\u2581tegengestelde", + -14.689526557922363 + ], + [ + "\u2581Plaz", + -14.689529418945312 + ], + [ + "Toolchain", + -14.689565658569336 + ], + [ + "\u2581klinkers", + -14.689573287963867 + ], + [ + "\u2581Trompete", + -14.689594268798828 + ], + [ + "\u2581Giannin", + -14.689644813537598 + ], + [ + "\u2581Petrol", + -14.689653396606444 + ], + [ + "\u2581pelouse", + -14.689654350280762 + ], + [ + "\u2581Colling", + -14.689659118652344 + ], + [ + "parameterOrder", + -14.689687728881836 + ], + [ + "\u2581carteles", + -14.689691543579102 + ], + [ + "diskret", + -14.689729690551758 + ], + [ + "\u2581Kulisse", + -14.689777374267578 + ], + [ + "FACT", + -14.689786911010742 + ], + [ + "elftallen", + -14.689828872680664 + ], + [ + "\u2581Fallzahlen", + -14.689842224121094 + ], + [ + "\u2581D\u00e9mocrati", + -14.689855575561523 + ], + [ + "\u2581homosexuales", + -14.689860343933104 + ], + [ + "\u2581diplomatiche", + -14.689868927001951 + ], + [ + "\u2581Cavalier", + -14.689870834350586 + ], + [ + "\u2581Volksver", + -14.689870834350586 + ], + [ + "Permutation", + -14.689888954162598 + ], + [ + "Goleador", + -14.68990707397461 + ], + [ + "\u2581Vannucc", + -14.689935684204102 + ], + [ + "st\u00fcndigen", + -14.689942359924316 + ], + [ + "firi\u00f3", + -14.689952850341797 + ], + [ + "printable", + -14.689959526062012 + ], + [ + "mobilisiert", + -14.689974784851074 + ], + [ + "ulevar", + -14.689990997314451 + ], + [ + "\u2581sintomo", + -14.689992904663086 + ], + [ + "ritmica", + -14.69000244140625 + ], + [ + "\u2581antisemita", + -14.690030097961426 + ], + [ + "\u2581bijgedragen", + -14.690030097961426 + ], + [ + "\u2581postoperativen", + -14.690034866333008 + ], + [ + "ezidiv", + -14.69003677368164 + ], + [ + "\u2581Fr\u00fcherkennung", + -14.690045356750488 + ], + [ + "ssigen", + -14.690107345581056 + ], + [ + "\u2581Kandidatur", + -14.690114974975586 + ], + [ + "\u2581Beobach", + -14.690123558044434 + ], + [ + "\u2581Designado", + -14.690140724182127 + ], + [ + "begleitung", + -14.690160751342772 + ], + [ + "VALIDATE", + -14.690199851989746 + ], + [ + "\u2581solitari", + -14.69023609161377 + ], + [ + "ississippi", + -14.690245628356934 + ], + [ + "\u2581poisoning", + -14.690248489379885 + ], + [ + "\u2581Differ", + -14.690315246582031 + ], + [ + "\u2581ongewenst", + -14.690317153930664 + ], + [ + "\u2581costruendo", + -14.690321922302246 + ], + [ + "ILING", + -14.69032859802246 + ], + [ + "illable", + -14.690366744995115 + ], + [ + "\u2581innehat", + -14.69039249420166 + ], + [ + "alifornische", + -14.690403938293455 + ], + [ + "Sunday", + -14.690414428710938 + ], + [ + "v\u00e4ter", + -14.690417289733888 + ], + [ + "cuerpo", + -14.690420150756836 + ], + [ + "\u2581interagieren", + -14.690435409545898 + ], + [ + "\u2581onthouden", + -14.690555572509766 + ], + [ + "\u2581exposing", + -14.690557479858398 + ], + [ + "\u2581barricade", + -14.690590858459473 + ], + [ + "LineString", + -14.69059944152832 + ], + [ + "fundir", + -14.690607070922852 + ], + [ + "ccelerometer", + -14.6906099319458 + ], + [ + "\u2581Eurytomidae", + -14.690613746643066 + ], + [ + "\u2581hechizo", + -14.690613746643066 + ], + [ + "\u2581festeggiamenti", + -14.690630912780762 + ], + [ + "\u2581checagem", + -14.690638542175291 + ], + [ + "\u2581Ablenkung", + -14.69066333770752 + ], + [ + "hutting", + -14.690669059753418 + ], + [ + "\u2581Clearwater", + -14.690695762634276 + ], + [ + "\u2581Monreal", + -14.690736770629885 + ], + [ + "Drama", + -14.69076442718506 + ], + [ + "j\u00fcng", + -14.69079875946045 + ], + [ + "n\u00fcchtern", + -14.69084930419922 + ], + [ + "drongen", + -14.690857887268066 + ], + [ + "\u2581Cecc", + -14.690878868103027 + ], + [ + "\u2581gemella", + -14.69092082977295 + ], + [ + "geb\u00fc", + -14.69093894958496 + ], + [ + "\u2581depositat", + -14.690946578979492 + ], + [ + "\u2581frappant", + -14.691043853759766 + ], + [ + "\u2581Octavi", + -14.691075325012209 + ], + [ + "schwester", + -14.691076278686523 + ], + [ + "\u2581eliminati", + -14.691076278686523 + ], + [ + "\u2581Pasar", + -14.691107749938965 + ], + [ + "\u2581cargada", + -14.691107749938965 + ], + [ + "\u00e9moc", + -14.691119194030762 + ], + [ + "generazione", + -14.691157341003418 + ], + [ + "ermeneutic", + -14.691163063049316 + ], + [ + "\u2581comparando", + -14.691165924072266 + ], + [ + "ubiquitin", + -14.691171646118164 + ], + [ + "Advers\u00e1rio", + -14.691192626953123 + ], + [ + "\u2581imprecisa", + -14.69119358062744 + ], + [ + "boilerplate", + -14.691197395324709 + ], + [ + "\u2581Prandelli", + -14.69119930267334 + ], + [ + "\u2581surjective", + -14.691204071044922 + ], + [ + "\u2581spiacevol", + -14.691205024719238 + ], + [ + "ignorespaces", + -14.691228866577148 + ], + [ + "sahariana", + -14.69123649597168 + ], + [ + "Configured", + -14.691239356994627 + ], + [ + "SOCIA", + -14.69126796722412 + ], + [ + "lacti", + -14.691277503967283 + ], + [ + "\u2581ritrovata", + -14.691285133361816 + ], + [ + "\u2581Einzelpersonen", + -14.69129467010498 + ], + [ + "\u2581Spannungsfeld", + -14.69130516052246 + ], + [ + "\u2581ovari", + -14.69130802154541 + ], + [ + "ronically", + -14.691319465637209 + ], + [ + "\u2581Secundaria", + -14.691336631774902 + ], + [ + "erretti", + -14.691344261169434 + ], + [ + "PartialResponse", + -14.691349029541016 + ], + [ + "\u2581lottery", + -14.691351890563965 + ], + [ + "\u2581rialza", + -14.691378593444824 + ], + [ + "\u2581sostituto", + -14.691399574279783 + ], + [ + "\u2581relancer", + -14.691414833068848 + ], + [ + "\u2581Mascate", + -14.691444396972656 + ], + [ + "oup\u00e9e", + -14.691454887390137 + ], + [ + "clusion", + -14.691463470458984 + ], + [ + "\u2581afnemen", + -14.691468238830566 + ], + [ + "variadic", + -14.691536903381348 + ], + [ + "centesco", + -14.69154453277588 + ], + [ + "\u2581Steiger", + -14.691558837890623 + ], + [ + "auvais", + -14.69158935546875 + ], + [ + "\u2581frutt", + -14.691596031188965 + ], + [ + "solvenzverwalter", + -14.691636085510254 + ], + [ + "indicalista", + -14.691662788391112 + ], + [ + "anovic", + -14.691715240478516 + ], + [ + "RMI", + -14.691741943359377 + ], + [ + "\u2581docencia", + -14.691757202148438 + ], + [ + "\u2581Approbation", + -14.691776275634766 + ], + [ + "\u2581zwaartekracht", + -14.691776275634766 + ], + [ + "\u2581langzamer", + -14.691778182983398 + ], + [ + "Kean", + -14.69178295135498 + ], + [ + "\u2581dici\u00e9ndole", + -14.69178867340088 + ], + [ + "\u2581ripercorre", + -14.691795349121094 + ], + [ + "\u2581anstreb", + -14.691811561584473 + ], + [ + "bersetzungshilfe", + -14.691815376281738 + ], + [ + "\u2581remodelaci\u00f3n", + -14.6918363571167 + ], + [ + "\u2581ENDCLASS", + -14.691845893859863 + ], + [ + "rizia", + -14.691872596740724 + ], + [ + "Demokratisierung", + -14.691877365112305 + ], + [ + "logrotate", + -14.691880226135254 + ], + [ + "acronimo", + -14.691895484924316 + ], + [ + "\u2581Bolivie", + -14.691914558410645 + ], + [ + "\u2581colorful", + -14.691924095153809 + ], + [ + "managedObject", + -14.691936492919922 + ], + [ + "\u2581capiva", + -14.691949844360352 + ], + [ + "Irish", + -14.691953659057615 + ], + [ + "sterblich", + -14.69196319580078 + ], + [ + "\u2581verifich", + -14.691980361938477 + ], + [ + "MapView", + -14.692012786865234 + ], + [ + "cluded", + -14.692026138305664 + ], + [ + "\u2581radicalement", + -14.692041397094728 + ], + [ + "Tableau", + -14.692042350769045 + ], + [ + "\u2581Gillet", + -14.692063331604004 + ], + [ + "\u2581Geplant", + -14.692084312438965 + ], + [ + "\u00e9l\u00e9gan", + -14.692108154296877 + ], + [ + "Herstellung", + -14.692131996154783 + ], + [ + "\u2581quadratischen", + -14.692155838012695 + ], + [ + "conosce", + -14.692156791687012 + ], + [ + "\u00e9bran", + -14.692164421081545 + ], + [ + "Stripped", + -14.692185401916504 + ], + [ + "\u2581ego\u00edsta", + -14.692191123962402 + ], + [ + "\u2581Symbolik", + -14.692233085632324 + ], + [ + "\u2581corsari", + -14.692245483398438 + ], + [ + "stijds", + -14.69225025177002 + ], + [ + "\u2581Mutt", + -14.69228744506836 + ], + [ + "acclimat", + -14.692339897155762 + ], + [ + "\u2581El\u00e9ctric", + -14.69235897064209 + ], + [ + "\u2581surcorean", + -14.692364692687988 + ], + [ + "teuerabzug", + -14.692388534545898 + ], + [ + "\u2581heterosexual", + -14.692435264587402 + ], + [ + "\u2581demonstrado", + -14.692476272583008 + ], + [ + "\u2581placc", + -14.692490577697754 + ], + [ + "\u2581concebi", + -14.692526817321776 + ], + [ + "\u2581period\u00edstica", + -14.69253635406494 + ], + [ + "FUNCTIONS", + -14.692544937133787 + ], + [ + "\u2581circulate", + -14.6925687789917 + ], + [ + "bewilligung", + -14.692571640014648 + ], + [ + "\u2581certificaci\u00f3n", + -14.692582130432127 + ], + [ + "\u2581sommato", + -14.692584037780762 + ], + [ + "\u2581Septem", + -14.692633628845217 + ], + [ + "l\u00e9ia", + -14.692676544189451 + ], + [ + "technicus", + -14.692707061767578 + ], + [ + "G\u00fcnther", + -14.692741394042969 + ], + [ + "\u2581Monarqu", + -14.6928129196167 + ], + [ + "\u2581disponeva", + -14.69284439086914 + ], + [ + "\u2581artistiek", + -14.69285011291504 + ], + [ + "Eingang", + -14.692866325378418 + ], + [ + "\u2581sprofonda", + -14.69294261932373 + ], + [ + "\u2581Attraktionen", + -14.69294548034668 + ], + [ + "\u2581multim\u00e9dia", + -14.69294548034668 + ], + [ + "rickson", + -14.692949295043944 + ], + [ + "\u2581inm\u00f3vil", + -14.692952156066896 + ], + [ + "\u2581Originariamente", + -14.692960739135742 + ], + [ + "\u2581giornalistica", + -14.692960739135742 + ], + [ + "\u2581rimbalz", + -14.692960739135742 + ], + [ + "\u2581intrinsische", + -14.69299030303955 + ], + [ + "\u2581reverendo", + -14.692992210388184 + ], + [ + "\u2581Erstellen", + -14.69299602508545 + ], + [ + "cagn", + -14.692997932434082 + ], + [ + "\u2581Energiewende", + -14.693016052246094 + ], + [ + "lkerungsdichte", + -14.69301986694336 + ], + [ + "FirstName", + -14.693026542663574 + ], + [ + "k\u00e4uf", + -14.693059921264648 + ], + [ + "\u2581r\u00e9diger", + -14.693065643310549 + ], + [ + "\u2581festlegt", + -14.693076133728027 + ], + [ + "Kompetenz", + -14.693093299865724 + ], + [ + "Subclass", + -14.693109512329102 + ], + [ + "\u2581Expres", + -14.693120956420898 + ], + [ + "\u2581indefinitely", + -14.693154335021973 + ], + [ + "\u2581pretti", + -14.693201065063477 + ], + [ + "\u2581debieron", + -14.693270683288574 + ], + [ + "seguirlo", + -14.693303108215332 + ], + [ + "Specula", + -14.693318367004396 + ], + [ + "\u2581recuperato", + -14.693318367004396 + ], + [ + "gupta", + -14.693395614624023 + ], + [ + "worst", + -14.693408012390137 + ], + [ + "\u2581revisada", + -14.693438529968262 + ], + [ + "puntare", + -14.693450927734377 + ], + [ + "Palladi", + -14.693469047546388 + ], + [ + "newInstance", + -14.693471908569336 + ], + [ + "\u2581nutritiv", + -14.693479537963867 + ], + [ + "\u2581Mercad", + -14.693483352661133 + ], + [ + "\u2581Todesursache", + -14.693521499633787 + ], + [ + "\u2581bouddhisme", + -14.693527221679688 + ], + [ + "\u2581contradictory", + -14.693538665771484 + ], + [ + "\u2581cr\u00e9ativit\u00e9", + -14.6935396194458 + ], + [ + "\u2581accomoda", + -14.69355297088623 + ], + [ + "\u2581farmaceutic", + -14.693578720092772 + ], + [ + "\u2581freeway", + -14.693578720092772 + ], + [ + "Interact", + -14.693584442138672 + ], + [ + "\u2581enquadra", + -14.69360065460205 + ], + [ + "\u2581aburrid", + -14.693603515625 + ], + [ + "\u2581Kapitalerh", + -14.69360637664795 + ], + [ + "\u2581Biographical", + -14.693631172180176 + ], + [ + "sompt", + -14.69364070892334 + ], + [ + "\u2581encabez", + -14.693652153015137 + ], + [ + "\u2581musterte", + -14.693669319152832 + ], + [ + "\u2581Militair", + -14.693678855895996 + ], + [ + "\u2581grosseir", + -14.693710327148438 + ], + [ + "Victim", + -14.693729400634766 + ], + [ + "\u2581Normanni", + -14.693731307983398 + ], + [ + "car\u00e9", + -14.693732261657717 + ], + [ + "\u2581Luftfahrzeugen", + -14.693742752075195 + ], + [ + "\u2581Hermanas", + -14.693743705749512 + ], + [ + "\u2581afleggen", + -14.693781852722168 + ], + [ + "foui", + -14.69382381439209 + ], + [ + "\u2581dipendenze", + -14.69386386871338 + ], + [ + "\u2581reflexiones", + -14.693869590759276 + ], + [ + "\u2581Discu", + -14.693873405456545 + ], + [ + "Panorama", + -14.693882942199709 + ], + [ + "\u2581dejarlo", + -14.69389820098877 + ], + [ + "onservateur", + -14.693931579589844 + ], + [ + "\u2581commessi", + -14.69393825531006 + ], + [ + "sqlit", + -14.693954467773438 + ], + [ + "hieu", + -14.693979263305664 + ], + [ + "\u2581bevordering", + -14.693982124328612 + ], + [ + "\u2581Gisel", + -14.694036483764648 + ], + [ + "iriche", + -14.694042205810549 + ], + [ + "weiligen", + -14.694052696228027 + ], + [ + "\u2581Revolt", + -14.694062232971191 + ], + [ + "\u2581Armeense", + -14.694083213806152 + ], + [ + "verkehrswegeplan", + -14.694110870361328 + ], + [ + "\u2581donsvlinder", + -14.69411277770996 + ], + [ + "\u2581scrivania", + -14.694116592407228 + ], + [ + "\u2581fiorentini", + -14.694119453430176 + ], + [ + "\u2581Thanksgiving", + -14.694120407104492 + ], + [ + "\u2581Geburtsdatum", + -14.69412612915039 + ], + [ + "muscular", + -14.694183349609377 + ], + [ + "ivez", + -14.69421100616455 + ], + [ + "\u2581Wertsch\u00e4tzung", + -14.694217681884766 + ], + [ + "Interlands", + -14.694250106811523 + ], + [ + "ing\u00fc\u00edstica", + -14.694256782531738 + ], + [ + "\u2581broadband", + -14.694262504577637 + ], + [ + "\u2581Generaci\u00f3n", + -14.694265365600586 + ], + [ + "\u2581Suec", + -14.694275856018066 + ], + [ + "\u2581Meneses", + -14.694294929504396 + ], + [ + "\u2581Scarlett", + -14.694300651550291 + ], + [ + "\u2581genitore", + -14.694363594055176 + ], + [ + "nappheit", + -14.69437026977539 + ], + [ + "\u2581Rendez", + -14.694392204284668 + ], + [ + "\u2581porteranno", + -14.69439697265625 + ], + [ + "\u2581donazioni", + -14.694405555725098 + ], + [ + "\u2581Sanford", + -14.694415092468262 + ], + [ + "\u2581Eigenwert", + -14.69444465637207 + ], + [ + "\u2581Entidades", + -14.694449424743652 + ], + [ + "\u2581libraire", + -14.694497108459473 + ], + [ + "easant", + -14.69455623626709 + ], + [ + "\u2581stuffed", + -14.694564819335938 + ], + [ + "mobili\u00e1rio", + -14.694588661193848 + ], + [ + "\u2581scoppiat", + -14.694594383239746 + ], + [ + "\u2581souten", + -14.694607734680176 + ], + [ + "\u2581mitbringen", + -14.69461441040039 + ], + [ + "\u2581opzicht", + -14.694626808166504 + ], + [ + "Segundo", + -14.694656372070312 + ], + [ + "\u2581Cl\u00e1sica", + -14.694695472717283 + ], + [ + "\u2581am\u00e9lior\u00e9e", + -14.694700241088867 + ], + [ + "Kulturgeschichte", + -14.694705963134766 + ], + [ + "eletta", + -14.694725036621094 + ], + [ + "\u2581necr\u00f3pol", + -14.694750785827637 + ], + [ + "\u2581fronteggiare", + -14.694761276245115 + ], + [ + "\u2581absurda", + -14.694811820983888 + ], + [ + "\u2581souhaitait", + -14.69483757019043 + ], + [ + "\u00e4ndliche", + -14.694842338562012 + ], + [ + "hump", + -14.694857597351074 + ], + [ + "\u2581conhecem", + -14.694863319396973 + ], + [ + "transfusi", + -14.694865226745604 + ], + [ + "\u2581inflitt", + -14.694865226745604 + ], + [ + "widrigen", + -14.694906234741213 + ], + [ + "fl\u00fcchtlinge", + -14.69490909576416 + ], + [ + "\u2581deliciosa", + -14.694926261901855 + ], + [ + "\u2581Gu\u00e9r", + -14.694938659667969 + ], + [ + "\u2581Baubeginn", + -14.694951057434082 + ], + [ + "\u2581flau", + -14.695087432861328 + ], + [ + "urley", + -14.695109367370604 + ], + [ + "Grazie", + -14.695116996765137 + ], + [ + "satisfactori", + -14.695124626159668 + ], + [ + "\u00e9tendant", + -14.69513702392578 + ], + [ + "\u2581fertiliza", + -14.6952543258667 + ], + [ + "awakeFromNib", + -14.69527816772461 + ], + [ + "preewald", + -14.695287704467772 + ], + [ + "lsteuer", + -14.695318222045898 + ], + [ + "Claro", + -14.695332527160645 + ], + [ + "\u2581Erbschaft", + -14.695374488830566 + ], + [ + "esploratore", + -14.695392608642578 + ], + [ + "aufstieg", + -14.695393562316896 + ], + [ + "geduld", + -14.695398330688477 + ], + [ + "\u2581Bakk", + -14.695476531982422 + ], + [ + "zendorf", + -14.69548225402832 + ], + [ + "\u2581allevia", + -14.695486068725586 + ], + [ + "terrestre", + -14.695488929748535 + ], + [ + "agonale", + -14.695552825927734 + ], + [ + "\u2581costituent", + -14.695555686950684 + ], + [ + "\u2581educativ", + -14.695558547973633 + ], + [ + "bonen", + -14.695570945739746 + ], + [ + "MimeType", + -14.695595741271973 + ], + [ + "\u2581motivieren", + -14.695606231689451 + ], + [ + "isoform", + -14.69564151763916 + ], + [ + "\u2581procedendo", + -14.695719718933104 + ], + [ + "\u2581pumping", + -14.695719718933104 + ], + [ + "\u2581frisson", + -14.69573211669922 + ], + [ + "ventino", + -14.6957368850708 + ], + [ + "bri\u00f3", + -14.695743560791016 + ], + [ + "\u2581christen", + -14.695748329162598 + ], + [ + "guado", + -14.695754051208496 + ], + [ + "ESTO", + -14.695816040039062 + ], + [ + "ISK", + -14.695825576782228 + ], + [ + "\u2581Trill", + -14.695838928222656 + ], + [ + "\u2581Sacrifice", + -14.695865631103516 + ], + [ + "\u2581Mildred", + -14.695866584777832 + ], + [ + "uthanasie", + -14.695871353149414 + ], + [ + "\u2581promener", + -14.695881843566896 + ], + [ + "\u2581interrompida", + -14.69589614868164 + ], + [ + "\u2581genoves", + -14.695897102355955 + ], + [ + "\u2581Anarchis", + -14.69593334197998 + ], + [ + "\u2581Rubinstein", + -14.695945739746094 + ], + [ + "Ordem", + -14.695950508117676 + ], + [ + "\u2581abgesch\u00e4tzt", + -14.695951461791992 + ], + [ + "reactivity", + -14.695967674255373 + ], + [ + "\u2581rafforzat", + -14.695975303649902 + ], + [ + "\u2581Patras", + -14.695978164672852 + ], + [ + "\u2581gewaltt\u00e4tige", + -14.695999145507812 + ], + [ + "\u2581rapt", + -14.696059226989746 + ], + [ + "\u2581laureat", + -14.696075439453123 + ], + [ + "elgem", + -14.696086883544922 + ], + [ + "\u2581geschilderten", + -14.696090698242188 + ], + [ + "\u00e4rms", + -14.696170806884766 + ], + [ + "rijtuig", + -14.69617748260498 + ], + [ + "ISTIN", + -14.696207046508787 + ], + [ + "opmerkingen", + -14.696218490600586 + ], + [ + "judge", + -14.696260452270508 + ], + [ + "movendo", + -14.696267127990724 + ], + [ + "\u2581brusque", + -14.696383476257324 + ], + [ + "Splitting", + -14.696426391601562 + ], + [ + "wsRequestMetrics", + -14.69644546508789 + ], + [ + "\u2581specificato", + -14.69644832611084 + ], + [ + "Categorical", + -14.696450233459473 + ], + [ + "\u2581Ejercicio", + -14.696451187133787 + ], + [ + "\u2581Erythrozyten", + -14.696451187133787 + ], + [ + "\u2581Hydropsychidae", + -14.696451187133787 + ], + [ + "\u2581scheitern", + -14.696453094482422 + ], + [ + "\u2581integri", + -14.696457862854004 + ], + [ + "\u2581calenta", + -14.696486473083496 + ], + [ + "Taka", + -14.696489334106444 + ], + [ + "\u2581franchigia", + -14.696492195129396 + ], + [ + "\u2581Marchesa", + -14.69649887084961 + ], + [ + "\u2581merknaam", + -14.696505546569824 + ], + [ + "\u2581Casin", + -14.696513175964355 + ], + [ + "Prepared", + -14.696557998657228 + ], + [ + "Almost", + -14.696572303771973 + ], + [ + "\u2581Frust", + -14.696585655212402 + ], + [ + "d\u00e9partement", + -14.696613311767578 + ], + [ + "\u2581apprezzata", + -14.69661808013916 + ], + [ + "\u2581riviertje", + -14.69661808013916 + ], + [ + "projektion", + -14.69664192199707 + ], + [ + "membraan", + -14.696653366088867 + ], + [ + "\u2581Hiervan", + -14.69667148590088 + ], + [ + "\u2581municiones", + -14.696685791015623 + ], + [ + "\u2581recitare", + -14.696764945983888 + ], + [ + "rraga", + -14.696773529052734 + ], + [ + "\u2581embara", + -14.696792602539062 + ], + [ + "\u2581aufzul", + -14.696826934814451 + ], + [ + "\u2581Plutar", + -14.69682788848877 + ], + [ + "hronology", + -14.696849822998049 + ], + [ + "\u2581hallazgo", + -14.696863174438477 + ], + [ + "dicha", + -14.696874618530272 + ], + [ + "Direktor", + -14.696882247924805 + ], + [ + "\u2581vorausgegangen", + -14.696988105773926 + ], + [ + "Umsatz", + -14.69699478149414 + ], + [ + "\u2581californian", + -14.697026252746582 + ], + [ + "\u2581altruist", + -14.697030067443848 + ], + [ + "\u2581Piombino", + -14.697036743164062 + ], + [ + "\u2581panchayat", + -14.697036743164062 + ], + [ + "\u2581zur\u00fcckzukehren", + -14.697040557861328 + ], + [ + "\u2581Attraversa", + -14.697046279907228 + ], + [ + "\u2581EUROPEAN", + -14.697061538696287 + ], + [ + "armherzig", + -14.697063446044922 + ], + [ + "inguin", + -14.69710636138916 + ], + [ + "\u2581Minogue", + -14.69713306427002 + ], + [ + "\u2581fraternit", + -14.697135925292969 + ], + [ + "Diameter", + -14.697163581848145 + ], + [ + "serverless", + -14.697168350219728 + ], + [ + "\u2581progettati", + -14.697185516357422 + ], + [ + "\u2581trapiant", + -14.697211265563965 + ], + [ + "\u2581reserviert", + -14.697237968444824 + ], + [ + "\u2581conector", + -14.697239875793455 + ], + [ + "\u2581coaxial", + -14.697248458862305 + ], + [ + "\u2581exemplifica", + -14.69728183746338 + ], + [ + "audet", + -14.69729709625244 + ], + [ + "\u2581suivai", + -14.697317123413086 + ], + [ + "egeu", + -14.697324752807615 + ], + [ + "horthand", + -14.69733428955078 + ], + [ + "CGPoint", + -14.697362899780272 + ], + [ + "IndicatorView", + -14.697394371032717 + ], + [ + "\u2581Bronchi", + -14.697415351867676 + ], + [ + "\u2581Adoles", + -14.69747829437256 + ], + [ + "lossom", + -14.697486877441406 + ], + [ + "gradation", + -14.69749641418457 + ], + [ + "\u2581markie", + -14.697507858276367 + ], + [ + "decompress", + -14.697543144226074 + ], + [ + "gerhuis", + -14.697603225708008 + ], + [ + "\u2581Societies", + -14.697623252868652 + ], + [ + "\u2581landoppervlakte", + -14.697623252868652 + ], + [ + "\u2581sch\u00e4ftigt", + -14.697623252868652 + ], + [ + "\u2581Treffpunkt", + -14.697647094726562 + ], + [ + "catena", + -14.697653770446776 + ], + [ + "\u2581atribuida", + -14.697674751281738 + ], + [ + "\u2581\u00fcbersandt", + -14.697684288024902 + ], + [ + "exposure", + -14.69768524169922 + ], + [ + "AssertNoThrow", + -14.697697639465332 + ], + [ + "\u2581barocc", + -14.697708129882812 + ], + [ + "\u2581milizi", + -14.69771957397461 + ], + [ + "verosimile", + -14.697724342346191 + ], + [ + "etores", + -14.697754859924316 + ], + [ + "mogen", + -14.697799682617188 + ], + [ + "\u2581zusammengef\u00fchrt", + -14.697806358337402 + ], + [ + "referendo", + -14.697876930236816 + ], + [ + "\u2581beledig", + -14.69792938232422 + ], + [ + "\u2581jornalismo", + -14.697951316833496 + ], + [ + "\u2581berichtigt", + -14.69799518585205 + ], + [ + "\u2581Anh\u00e4ngen", + -14.698028564453123 + ], + [ + "watchdog", + -14.698034286499023 + ], + [ + "\u2581sadness", + -14.69809913635254 + ], + [ + "avena", + -14.698143005371094 + ], + [ + "tagliata", + -14.698162078857422 + ], + [ + "ndowment", + -14.698164939880373 + ], + [ + "\u2581ensinado", + -14.698165893554688 + ], + [ + "vorhersage", + -14.698168754577637 + ], + [ + "scer\u00e0", + -14.698203086853027 + ], + [ + "\u2581Mymaridae", + -14.698209762573242 + ], + [ + "\u2581mattutin", + -14.698212623596191 + ], + [ + "elevation", + -14.69821548461914 + ], + [ + "\u2581hierarchische", + -14.698232650756836 + ], + [ + "eurotransmitter", + -14.698238372802734 + ], + [ + "\u2581mobilidade", + -14.698275566101074 + ], + [ + "\u2581D\u00e9fi", + -14.698294639587402 + ], + [ + "\u2581mecenas", + -14.698296546936035 + ], + [ + "\u2581Leichnam", + -14.6983003616333 + ], + [ + "\u2581terminar\u00eda", + -14.69830322265625 + ], + [ + "Unmarshaller", + -14.69833755493164 + ], + [ + "\u2581zamp", + -14.698342323303224 + ], + [ + "\u2581genuina", + -14.6983642578125 + ], + [ + "\u2581governanti", + -14.698376655578612 + ], + [ + "\u2581Reiseb\u00fcro", + -14.69839096069336 + ], + [ + "verrouill", + -14.698393821716309 + ], + [ + "cion\u00e1ria", + -14.698456764221191 + ], + [ + "\u2581accertar", + -14.698490142822266 + ], + [ + "\u2581Dinan", + -14.698508262634276 + ], + [ + "egemoni", + -14.69853687286377 + ], + [ + "\u2581semplificat", + -14.698567390441896 + ], + [ + "Soci", + -14.69858169555664 + ], + [ + "\u2581abgeschnitten", + -14.698663711547852 + ], + [ + "\u2581paranoid", + -14.69867706298828 + ], + [ + "anchored", + -14.698701858520508 + ], + [ + "voorschriften", + -14.698726654052734 + ], + [ + "\u2581Provenzano", + -14.698732376098633 + ], + [ + "distanz", + -14.69874382019043 + ], + [ + "nxiety", + -14.698775291442873 + ], + [ + "stron\u00f3mico", + -14.698789596557615 + ], + [ + "ombal", + -14.69879150390625 + ], + [ + "lakrupsvlinders", + -14.698796272277832 + ], + [ + "\u2581ecclesiastici", + -14.698796272277832 + ], + [ + "\u2581unvermeidlich", + -14.698801040649414 + ], + [ + "c\u00e9ntrico", + -14.698810577392578 + ], + [ + "hemmnisse", + -14.698810577392578 + ], + [ + "\u2581socialism", + -14.698822021484377 + ], + [ + "\u2581arbitraria", + -14.698829650878906 + ], + [ + "\u2581molteplicit\u00e0", + -14.698850631713867 + ], + [ + "\u2581geboortestad", + -14.698875427246094 + ], + [ + "\u2581warriors", + -14.698888778686523 + ], + [ + "\u2581Tuber", + -14.698917388916016 + ], + [ + "\u2581mitberatenden", + -14.698944091796877 + ], + [ + "\u2581rapit", + -14.69897174835205 + ], + [ + "unruhig", + -14.698982238769531 + ], + [ + "\u2581betr\u00e4chtlichen", + -14.699016571044922 + ], + [ + "\u2581urbanizaci\u00f3n", + -14.699017524719238 + ], + [ + "\u2581iscritt", + -14.699020385742188 + ], + [ + "\u2581rimanenti", + -14.699030876159668 + ], + [ + "\u2581puderam", + -14.699033737182615 + ], + [ + "\u2581existier", + -14.69904899597168 + ], + [ + "Dichte", + -14.699098587036133 + ], + [ + "UserProfile", + -14.69912052154541 + ], + [ + "veyor", + -14.699126243591309 + ], + [ + "\u2581aliviad", + -14.699140548706056 + ], + [ + "\u2581newborn", + -14.699199676513672 + ], + [ + "governador", + -14.69920539855957 + ], + [ + "\u2581sauc", + -14.699225425720217 + ], + [ + "guration", + -14.69926643371582 + ], + [ + "\u2581luxembourgeois", + -14.699273109436035 + ], + [ + "employer", + -14.699288368225098 + ], + [ + "tsunami", + -14.699347496032717 + ], + [ + "\u2581Getr\u00e4nk", + -14.699347496032717 + ], + [ + "\u2581Vlad\u00edmir", + -14.699382781982422 + ], + [ + "\u2581Trafalgar", + -14.699383735656738 + ], + [ + "\u2581remedies", + -14.699384689331056 + ], + [ + "\u2581papil", + -14.699385643005373 + ], + [ + "plej", + -14.699386596679688 + ], + [ + "\u2581Warenkorb", + -14.699398040771484 + ], + [ + "\u2581Weng", + -14.699418067932127 + ], + [ + "\u2581gezondheidszorg", + -14.69943904876709 + ], + [ + "preisniveau", + -14.69944190979004 + ], + [ + "\u2581custode", + -14.699459075927734 + ], + [ + "\u2581diramazione", + -14.699460983276367 + ], + [ + "solvent", + -14.699481964111328 + ], + [ + "\u2581automatisiert", + -14.69951343536377 + ], + [ + "Analytik", + -14.69952392578125 + ], + [ + "Woll", + -14.699528694152832 + ], + [ + "\u2581Giusti", + -14.69953727722168 + ], + [ + "\u2581Wilke", + -14.69960117340088 + ], + [ + "gyptische", + -14.699641227722168 + ], + [ + "\u2581thoughtful", + -14.6996431350708 + ], + [ + "schluckt", + -14.699664115905762 + ], + [ + "preprint", + -14.699721336364746 + ], + [ + "\u2581plechtig", + -14.69975757598877 + ], + [ + "keystone", + -14.69980525970459 + ], + [ + "ugfestigkeit", + -14.699825286865234 + ], + [ + "\u2581Einfall", + -14.699862480163574 + ], + [ + "Investitions", + -14.699872016906738 + ], + [ + "Schnell", + -14.699878692626951 + ], + [ + "\u2581workforce", + -14.699878692626951 + ], + [ + "\u2581einnimmt", + -14.69991397857666 + ], + [ + "anek", + -14.699954986572266 + ], + [ + "\u2581Charleville", + -14.699970245361328 + ], + [ + "\u2581Respeite", + -14.699971199035645 + ], + [ + "\u2581percepire", + -14.699975967407228 + ], + [ + "\u2581kanadische", + -14.69998264312744 + ], + [ + "\u2581parabol", + -14.7000150680542 + ], + [ + "eaderboard", + -14.700017929077148 + ], + [ + "zilver", + -14.70001983642578 + ], + [ + "resid\u00eda", + -14.700064659118652 + ], + [ + "Kaap", + -14.700066566467283 + ], + [ + "rijzen", + -14.7000732421875 + ], + [ + "\u2581translating", + -14.700087547302246 + ], + [ + "\u2581corr\u00e9lation", + -14.700133323669434 + ], + [ + "producing", + -14.70014476776123 + ], + [ + "\u2581legioen", + -14.700157165527344 + ], + [ + "linson", + -14.700222969055176 + ], + [ + "\u2581finestrin", + -14.700262069702148 + ], + [ + "\u2581rivelarsi", + -14.700265884399414 + ], + [ + "\u2581descartado", + -14.700289726257324 + ], + [ + "\u2581refreshing", + -14.70032024383545 + ], + [ + "rasad", + -14.700329780578612 + ], + [ + "verheirat", + -14.700358390808104 + ], + [ + "Armand", + -14.700364112854004 + ], + [ + "\u2581statistici", + -14.700372695922852 + ], + [ + "ewahrung", + -14.700392723083496 + ], + [ + "\u2581levava", + -14.70042324066162 + ], + [ + "refera", + -14.700424194335938 + ], + [ + "isticamente", + -14.700451850891112 + ], + [ + "\u2581tappeto", + -14.70046329498291 + ], + [ + "\u2581fantasios", + -14.700469017028809 + ], + [ + "\u2581raccontano", + -14.70048713684082 + ], + [ + "\u2581vascell", + -14.700495719909668 + ], + [ + "\u2581Oberrhein", + -14.700498580932615 + ], + [ + "\u2581cognat", + -14.70051097869873 + ], + [ + "oplasti", + -14.700511932373049 + ], + [ + "FormData", + -14.70053768157959 + ], + [ + "saum", + -14.700538635253906 + ], + [ + "seguendo", + -14.700549125671388 + ], + [ + "\u2581Pardubice", + -14.70055866241455 + ], + [ + "\u2581terap\u00e9utic", + -14.70055866241455 + ], + [ + "franqu", + -14.70057487487793 + ], + [ + "\u2581impresor", + -14.700608253479004 + ], + [ + "\u2581creyendo", + -14.700624465942385 + ], + [ + "cludendo", + -14.70064640045166 + ], + [ + "diskriminierende", + -14.700679779052734 + ], + [ + "streept", + -14.70068073272705 + ], + [ + "\u2581mandib", + -14.700708389282228 + ], + [ + "\u2581Anuario", + -14.700727462768556 + ], + [ + "\u2581Thale", + -14.700727462768556 + ], + [ + "Royaume", + -14.700772285461426 + ], + [ + "\u2581reanuda", + -14.700775146484377 + ], + [ + "\u2581Schrott", + -14.700801849365234 + ], + [ + "\u2581Illustrator", + -14.70089626312256 + ], + [ + "\u2581meningit", + -14.70092487335205 + ], + [ + "esthesia", + -14.700927734375 + ], + [ + "besucher", + -14.700950622558594 + ], + [ + "rapu", + -14.700966835021973 + ], + [ + "\u2581memorizza", + -14.700976371765137 + ], + [ + "ESPA", + -14.70100212097168 + ], + [ + "\u2581teenage", + -14.701069831848145 + ], + [ + "\u2581zustimmend", + -14.701080322265623 + ], + [ + "\u2581betrekkelijk", + -14.701147079467772 + ], + [ + "\u2581Nacionalista", + -14.701163291931152 + ], + [ + "\u2581Baixada", + -14.701164245605469 + ], + [ + "\u2581Carleton", + -14.701167106628418 + ], + [ + "\u2581abzustimmen", + -14.701169967651367 + ], + [ + "\u2581selfish", + -14.701187133789062 + ], + [ + "resultaat", + -14.701237678527832 + ], + [ + "Wilcoxon", + -14.70124053955078 + ], + [ + "\u2581Woerden", + -14.70124053955078 + ], + [ + "ObjectiveC", + -14.701244354248049 + ], + [ + "\u2581Radfahren", + -14.70127773284912 + ], + [ + "ienna", + -14.701302528381348 + ], + [ + "schrij", + -14.701339721679688 + ], + [ + "nowflake", + -14.70140552520752 + ], + [ + "\u2581bejahen", + -14.70140552520752 + ], + [ + "OpenCore", + -14.701410293579102 + ], + [ + "Svizzera", + -14.701443672180176 + ], + [ + "\u2581irritante", + -14.701443672180176 + ], + [ + "compiute", + -14.70146369934082 + ], + [ + "\u2581Wasserfall", + -14.70150661468506 + ], + [ + "baseerde", + -14.701542854309082 + ], + [ + "omyces", + -14.701552391052246 + ], + [ + "\u2581Pollar", + -14.701565742492676 + ], + [ + "\u2581conclu\u00ed", + -14.701574325561523 + ], + [ + "\u2581escrava", + -14.701592445373535 + ], + [ + "INGStation", + -14.70161247253418 + ], + [ + "\u2581Prossimo", + -14.701629638671877 + ], + [ + "\u2581rumoros", + -14.70169162750244 + ], + [ + "Privatwirtschaft", + -14.701714515686035 + ], + [ + "\u2581secrec", + -14.701737403869627 + ], + [ + "\u2581otomana", + -14.701748847961426 + ], + [ + "Introduce", + -14.701754570007324 + ], + [ + "\u2581Skulptur", + -14.701757431030272 + ], + [ + "sangrent", + -14.701767921447754 + ], + [ + "\u2581Baustoffe", + -14.701772689819336 + ], + [ + "aceton", + -14.701801300048828 + ], + [ + "\u2581Parec\u00eda", + -14.701802253723145 + ], + [ + "amish", + -14.7018404006958 + ], + [ + "lowerBound", + -14.701863288879396 + ], + [ + "rguer", + -14.701896667480469 + ], + [ + "Hetero", + -14.701915740966797 + ], + [ + "\u2581recua", + -14.70191764831543 + ], + [ + "\u2581convenzioni", + -14.70193576812744 + ], + [ + "Mensch", + -14.701939582824709 + ], + [ + "\u2581Blickwinkel", + -14.70195770263672 + ], + [ + "rtograf\u00eda", + -14.702035903930664 + ], + [ + "tl\u00e1ntica", + -14.702043533325195 + ], + [ + "Annealing", + -14.70205020904541 + ], + [ + "\u2581complotto", + -14.702077865600586 + ], + [ + "\u2581Wohnungsmarkt", + -14.702089309692385 + ], + [ + "\u2581salpica", + -14.702102661132812 + ], + [ + "Elachist", + -14.702141761779783 + ], + [ + "\u2581abgehol", + -14.702150344848633 + ], + [ + "\u2581R\u00fcckfahrt", + -14.702189445495604 + ], + [ + "\u2581preparan", + -14.70220947265625 + ], + [ + "\u2581maximizar", + -14.702221870422363 + ], + [ + "\u2581Wilcox", + -14.70223331451416 + ], + [ + "DataPoint", + -14.702251434326172 + ], + [ + "\u2581optimaal", + -14.70233154296875 + ], + [ + "houette", + -14.7023344039917 + ], + [ + "\u2581Combien", + -14.702350616455078 + ], + [ + "licati", + -14.702353477478027 + ], + [ + "ENTS", + -14.702356338500977 + ], + [ + "\u2581Sommersemester", + -14.70236110687256 + ], + [ + "acknowledgement", + -14.702362060546877 + ], + [ + "\u2581Inquisici\u00f3n", + -14.702388763427734 + ], + [ + "\u2581conjugado", + -14.702400207519531 + ], + [ + "\u2581\u00e9questre", + -14.702406883239746 + ], + [ + "\u2581suposi", + -14.702431678771973 + ], + [ + "\u2581Isop", + -14.702433586120604 + ], + [ + "ridder", + -14.702448844909668 + ], + [ + "Fullscreen", + -14.702463150024414 + ], + [ + "\u2581correlat", + -14.702500343322754 + ], + [ + "\u2581overblijvende", + -14.702547073364258 + ], + [ + "\u2581Saisonende", + -14.70256805419922 + ], + [ + "\u2581produzca", + -14.702576637268066 + ], + [ + "Titan", + -14.702619552612305 + ], + [ + "attice", + -14.702648162841797 + ], + [ + "otidiano", + -14.702669143676758 + ], + [ + "\u2581pellic", + -14.702677726745604 + ], + [ + "\u2581domiciliari", + -14.70268440246582 + ], + [ + "erschulische", + -14.702692985534668 + ], + [ + "aggiusta", + -14.702749252319336 + ], + [ + "\u2581Soziologe", + -14.702788352966309 + ], + [ + "\u2581rinnovata", + -14.702795028686523 + ], + [ + "\u2581Leonel", + -14.7028226852417 + ], + [ + "\u2581Apostolic", + -14.702831268310549 + ], + [ + "\u2581Fortunato", + -14.702850341796877 + ], + [ + "encarnaci\u00f3n", + -14.70286750793457 + ], + [ + "redefined", + -14.702896118164062 + ], + [ + "gestrichelt", + -14.70290756225586 + ], + [ + "LaunchOptionsKey", + -14.702914237976074 + ], + [ + "\u2581Facundo", + -14.702914237976074 + ], + [ + "\u2581nagedachtenis", + -14.702914237976074 + ], + [ + "removeFromSuper", + -14.70291519165039 + ], + [ + "DeclareUnicode", + -14.70291805267334 + ], + [ + "vgeni", + -14.702919960021973 + ], + [ + "\u2581instalou", + -14.702933311462402 + ], + [ + "\u2581abruptly", + -14.702947616577148 + ], + [ + "trocknung", + -14.702999114990234 + ], + [ + "\u2581Anthon", + -14.703021049499512 + ], + [ + "\u2581Bouillon", + -14.70304012298584 + ], + [ + "\u2581desquelles", + -14.70308780670166 + ], + [ + "actische", + -14.703089714050291 + ], + [ + "\u2581riuscite", + -14.70309829711914 + ], + [ + "LUNG", + -14.703099250793455 + ], + [ + "\u2581Wahnsinn", + -14.703105926513672 + ], + [ + "ilmar", + -14.703120231628418 + ], + [ + "\u2581redesign", + -14.70317840576172 + ], + [ + "\u2581accademica", + -14.703191757202148 + ], + [ + "\u2581etnografi", + -14.703202247619627 + ], + [ + "\u2581aumentaron", + -14.70323657989502 + ], + [ + "lachtoffer", + -14.703242301940918 + ], + [ + "\u2581referral", + -14.703259468078612 + ], + [ + "\u2581Gesch\u00e4ftsmodell", + -14.70331859588623 + ], + [ + "\u2581Bergland", + -14.70332145690918 + ], + [ + "Ceph", + -14.703343391418455 + ], + [ + "tenciones", + -14.70334815979004 + ], + [ + "lecommunications", + -14.70336627960205 + ], + [ + "brahim", + -14.70338535308838 + ], + [ + "\u2581Mansfeld", + -14.703393936157228 + ], + [ + "ographer", + -14.703411102294922 + ], + [ + "\u2581verspreidde", + -14.703436851501465 + ], + [ + "\u2581Carlotta", + -14.703483581542969 + ], + [ + "\u2581impl\u00edcito", + -14.703503608703612 + ], + [ + "ngju", + -14.703506469726562 + ], + [ + "\u2581Arqueolog\u00eda", + -14.703513145446776 + ], + [ + "\u2581denunci\u00f3", + -14.703516960144045 + ], + [ + "vielversprechend", + -14.703527450561523 + ], + [ + "\u2581riflettono", + -14.70352840423584 + ], + [ + "\u2581selectively", + -14.703550338745115 + ], + [ + "\u2581definiscono", + -14.703557014465332 + ], + [ + "\u2581Milagr", + -14.703564643859863 + ], + [ + "\u2581lombardi", + -14.70357608795166 + ], + [ + "\u2581Korallen", + -14.703577041625977 + ], + [ + "defensa", + -14.703580856323242 + ], + [ + "Ausbau", + -14.703606605529783 + ], + [ + "accampamento", + -14.703612327575684 + ], + [ + "\u2581torner\u00e0", + -14.703614234924316 + ], + [ + "\u2581regolamenti", + -14.703621864318848 + ], + [ + "\u2581ib\u00e9rico", + -14.70362377166748 + ], + [ + "\u2581disposait", + -14.703639030456545 + ], + [ + "falante", + -14.70367431640625 + ], + [ + "\u2581erlernen", + -14.703678131103516 + ], + [ + "\u2581Reisepass", + -14.703706741333008 + ], + [ + "rigono", + -14.703803062438965 + ], + [ + "BIE", + -14.703817367553713 + ], + [ + "\u2581l\u00e4ngerem", + -14.70384407043457 + ], + [ + "Inherited", + -14.703864097595217 + ], + [ + "\u2581glutamate", + -14.70387363433838 + ], + [ + "\u00e9bri", + -14.703883171081545 + ], + [ + "\u2581abdecken", + -14.70388412475586 + ], + [ + "ocracia", + -14.703886985778809 + ], + [ + "\u2581Plessis", + -14.70389175415039 + ], + [ + "realtime", + -14.703971862792969 + ], + [ + "\u2581procedencia", + -14.703983306884766 + ], + [ + "kombi", + -14.703984260559082 + ], + [ + "\u2581aggiung", + -14.704024314880373 + ], + [ + "\u2581Sikk", + -14.70405387878418 + ], + [ + "\u2581Lehrg\u00e4nge", + -14.70406436920166 + ], + [ + "\u2581Uiteraard", + -14.704092979431152 + ], + [ + "\u2581sucesivas", + -14.704092979431152 + ], + [ + "pulmonal", + -14.704093933105469 + ], + [ + "\u2581coster\u00e0", + -14.7041015625 + ], + [ + "\u2581vocalist", + -14.704107284545898 + ], + [ + "\u2581lettergreep", + -14.704123497009276 + ], + [ + "\u2581pr\u00e9sentait", + -14.70413303375244 + ], + [ + "ongshan", + -14.704139709472656 + ], + [ + "\u2581sudafrican", + -14.704142570495604 + ], + [ + "\u2581Chronis", + -14.704143524169922 + ], + [ + "signifikant", + -14.704157829284668 + ], + [ + "\u2581chiamiamo", + -14.7041654586792 + ], + [ + "\u2581oper\u00e1rio", + -14.7041654586792 + ], + [ + "Erforderlichkeit", + -14.70418930053711 + ], + [ + "h\u00e9mi", + -14.70421314239502 + ], + [ + "\u2581anaerob", + -14.704235076904297 + ], + [ + "ISU", + -14.704248428344728 + ], + [ + "\u2581Fachhochschul", + -14.704266548156738 + ], + [ + "nnery", + -14.70428466796875 + ], + [ + "Grave", + -14.704302787780762 + ], + [ + "tuberculat", + -14.704330444335938 + ], + [ + "befestigung", + -14.70434284210205 + ], + [ + "arbons\u00e4ure", + -14.704354286193848 + ], + [ + "\u2581exagerado", + -14.704354286193848 + ], + [ + "entourent", + -14.704383850097656 + ], + [ + "lrec", + -14.704391479492188 + ], + [ + "\u2581genealogia", + -14.704413414001465 + ], + [ + "sparende", + -14.704507827758787 + ], + [ + "\u2581acustica", + -14.704511642456056 + ], + [ + "\u2581elterliche", + -14.704545974731444 + ], + [ + "barak", + -14.704551696777344 + ], + [ + "Coach", + -14.704628944396973 + ], + [ + "\u2581befriedigen", + -14.704631805419922 + ], + [ + "alhau", + -14.704639434814451 + ], + [ + "m\u00e9rindiens", + -14.704683303833008 + ], + [ + "\u2581ravitaillement", + -14.704683303833008 + ], + [ + "\u2581bouilli", + -14.70469093322754 + ], + [ + "\u2581acusar", + -14.70470905303955 + ], + [ + "\u2581temblor", + -14.704716682434082 + ], + [ + "\u2581hinterlie", + -14.704777717590332 + ], + [ + "Repubblica", + -14.70480251312256 + ], + [ + "\u2581d\u00e9clenchement", + -14.704829216003418 + ], + [ + "rlanda", + -14.704830169677734 + ], + [ + "\u2581Romantik", + -14.704834938049316 + ], + [ + "oggettivo", + -14.704838752746582 + ], + [ + "\u2581Fusi", + -14.704893112182615 + ], + [ + "\u2581Messiah", + -14.70496654510498 + ], + [ + "\u2581mitochondria", + -14.70499038696289 + ], + [ + "\u2581danificado", + -14.705023765563965 + ], + [ + "\u2581discretamente", + -14.705037117004396 + ], + [ + "\u2581favoris\u00e9", + -14.705048561096191 + ], + [ + "\u2581galassia", + -14.70506191253662 + ], + [ + "\u2581Antonov", + -14.70506763458252 + ], + [ + "gesessen", + -14.705110549926758 + ], + [ + "\u2581dimostrando", + -14.70512866973877 + ], + [ + "\u2581Telm", + -14.70514965057373 + ], + [ + "elektronische", + -14.705155372619627 + ], + [ + "grenzende", + -14.705211639404297 + ], + [ + "\u2581convic", + -14.70522117614746 + ], + [ + "\u2581cytokine", + -14.705246925354004 + ], + [ + "\u2581\u00edntegr", + -14.705256462097168 + ], + [ + "bergangsgeld", + -14.705262184143066 + ], + [ + "uparavant", + -14.705265045166016 + ], + [ + "fl\u00fcchtete", + -14.705265998840332 + ], + [ + "getOwnProperty", + -14.705273628234863 + ], + [ + "Millonarios", + -14.70527458190918 + ], + [ + "Tentoonstelling", + -14.70527458190918 + ], + [ + "\u2581Baltasar", + -14.70527458190918 + ], + [ + "\u2581Expatriate", + -14.70527458190918 + ], + [ + "IMPLICIT", + -14.705304145812988 + ], + [ + "\u2581ritenendo", + -14.705317497253418 + ], + [ + "\u2581actionnaires", + -14.70533561706543 + ], + [ + "\u2581Betreute", + -14.70533847808838 + ], + [ + "\u2581accelerating", + -14.705354690551758 + ], + [ + "\u2581pr\u00e9paratoire", + -14.705363273620604 + ], + [ + "\u2581weighing", + -14.705379486083984 + ], + [ + "Observatoire", + -14.705389976501465 + ], + [ + "\u2581immobiliare", + -14.705456733703612 + ], + [ + "Keyserling", + -14.70549201965332 + ], + [ + "flasche", + -14.70549201965332 + ], + [ + "\u2581estimaciones", + -14.70549201965332 + ], + [ + "\u2581ammalat", + -14.705498695373535 + ], + [ + "\u2581verificada", + -14.705503463745115 + ], + [ + "\u2581Ausw", + -14.705577850341797 + ], + [ + "\u00e4chtigkeit", + -14.705586433410645 + ], + [ + "\u2581sarcofa", + -14.705591201782228 + ], + [ + "\u2581Ilustr", + -14.705636978149414 + ], + [ + "\u2581computaci\u00f3n", + -14.705659866333008 + ], + [ + "\u2581Agraria", + -14.705665588378906 + ], + [ + "\u2581Localizada", + -14.70573902130127 + ], + [ + "\u2581Numeros", + -14.705751419067385 + ], + [ + "kastel", + -14.705754280090332 + ], + [ + "azzola", + -14.705760955810549 + ], + [ + "\u2581Arquidiocese", + -14.70578956604004 + ], + [ + "licherweise", + -14.70579433441162 + ], + [ + "\u2581Leather", + -14.705827713012695 + ], + [ + "iehen", + -14.70583152770996 + ], + [ + "cooter", + -14.705850601196287 + ], + [ + "\u2581gewerbsm\u00e4", + -14.705864906311035 + ], + [ + "Esplanad", + -14.705870628356934 + ], + [ + "\u2581disputate", + -14.7058744430542 + ], + [ + "\u2581cafeteria", + -14.705877304077148 + ], + [ + "\u2581invers\u00e9", + -14.705892562866213 + ], + [ + "insertBefore", + -14.705899238586426 + ], + [ + "handbuch", + -14.705910682678224 + ], + [ + "traj", + -14.705931663513184 + ], + [ + "\u2581Sprachkurs", + -14.705934524536133 + ], + [ + "\u2581posgrado", + -14.70594596862793 + ], + [ + "\u2581eliminata", + -14.705949783325195 + ], + [ + "\u2581Cyclone", + -14.705973625183104 + ], + [ + "\u2581Giudicato", + -14.705987930297852 + ], + [ + "\u2581erblickt", + -14.7059965133667 + ], + [ + "\u2581tentation", + -14.70600700378418 + ], + [ + "nboarding", + -14.706045150756836 + ], + [ + "\u2581cancelaci\u00f3n", + -14.706128120422363 + ], + [ + "\u2581differed", + -14.706147193908691 + ], + [ + "\u2581dienstplicht", + -14.70620346069336 + ], + [ + "\u2581metastasis", + -14.706255912780762 + ], + [ + "\u2581Berat", + -14.70627784729004 + ], + [ + "riefen", + -14.70629596710205 + ], + [ + "\u2581Spontan", + -14.706324577331545 + ], + [ + "verell", + -14.706337928771973 + ], + [ + "\u2581Clausili", + -14.706338882446287 + ], + [ + "\u2581Hauptziel", + -14.706354141235352 + ], + [ + "vorg\u00e4ngen", + -14.706356048583984 + ], + [ + "scheidungen", + -14.70639419555664 + ], + [ + "EAC", + -14.706406593322754 + ], + [ + "calpe", + -14.7064208984375 + ], + [ + "\u2581indicios", + -14.706425666809082 + ], + [ + "\u2581connotation", + -14.706439018249512 + ], + [ + "\u2581atl\u00e9tic", + -14.706445693969728 + ], + [ + "\u2581istinti", + -14.706454277038574 + ], + [ + "INGSpoorlijn", + -14.706457138061523 + ], + [ + "anw\u00e4rter", + -14.706457138061523 + ], + [ + "\u2581sp\u00e9cimen", + -14.706457138061523 + ], + [ + "BinaryOp", + -14.706459045410156 + ], + [ + "\u2581repubblicani", + -14.706483840942385 + ], + [ + "\u2581subregione", + -14.7064847946167 + ], + [ + "Bevollm\u00e4chtigten", + -14.706546783447266 + ], + [ + "accetta", + -14.706564903259276 + ], + [ + "\u2581relojes", + -14.706564903259276 + ], + [ + "PAREN", + -14.706576347351074 + ], + [ + "s\u00e1ti", + -14.706607818603516 + ], + [ + "\u2581clavic", + -14.706610679626465 + ], + [ + "EditText", + -14.70661163330078 + ], + [ + "kontrakt", + -14.706643104553224 + ], + [ + "\u2581Vertraut", + -14.706649780273438 + ], + [ + "\u2581Consegu", + -14.706671714782717 + ], + [ + "\u2581Olimpi", + -14.706671714782717 + ], + [ + "carinat", + -14.706687927246094 + ], + [ + "\u2581schizophren", + -14.706705093383787 + ], + [ + "\u2581blossom", + -14.70671844482422 + ], + [ + "Karlsruhe", + -14.70676326751709 + ], + [ + "leration", + -14.706772804260254 + ], + [ + "\u2581collectionneur", + -14.706780433654783 + ], + [ + "AHR", + -14.70682144165039 + ], + [ + "\u2581gelijkwaardig", + -14.706833839416504 + ], + [ + "sanitized", + -14.706838607788086 + ], + [ + "\u2581recueillir", + -14.70685863494873 + ], + [ + "StringPtr", + -14.706859588623049 + ], + [ + "biographical", + -14.706913948059082 + ], + [ + "\u2581prolong\u00e9", + -14.70694351196289 + ], + [ + "\u2581logically", + -14.70695686340332 + ], + [ + "httpClient", + -14.706986427307127 + ], + [ + "\u2581afstude", + -14.70701026916504 + ], + [ + "freisetzung", + -14.70704174041748 + ], + [ + "bedrag", + -14.707049369812012 + ], + [ + "rigori", + -14.707049369812012 + ], + [ + "charCodeAt", + -14.707050323486328 + ], + [ + "\u2581mostraban", + -14.707050323486328 + ], + [ + "\u2581piantagioni", + -14.707056999206545 + ], + [ + "Imperial", + -14.707077980041504 + ], + [ + "\u2581blending", + -14.707082748413086 + ], + [ + "tardecer", + -14.70708465576172 + ], + [ + "STRUCTUR", + -14.707085609436035 + ], + [ + "\u2581uitbracht", + -14.707086563110352 + ], + [ + "\u2581Ullrich", + -14.7070951461792 + ], + [ + "actually", + -14.707106590270996 + ], + [ + "Ideal", + -14.707113265991213 + ], + [ + "Sulzbach", + -14.70711612701416 + ], + [ + "\u2581osmanische", + -14.70711612701416 + ], + [ + "FieldPath", + -14.707124710083008 + ], + [ + "\u2581Sloven", + -14.707128524780272 + ], + [ + "\u2581Produtor", + -14.707154273986816 + ], + [ + "\u2581Vorurteile", + -14.707173347473145 + ], + [ + "\u2581baguette", + -14.707213401794434 + ], + [ + "groov", + -14.707226753234863 + ], + [ + "uphori", + -14.707244873046877 + ], + [ + "\u2581merveilleuse", + -14.707255363464355 + ], + [ + "\u2581Vorbilder", + -14.70725917816162 + ], + [ + "\u2581recombination", + -14.707265853881836 + ], + [ + "jetzt", + -14.707268714904783 + ], + [ + "\u2581encaj", + -14.707284927368164 + ], + [ + "\u2581interrogar", + -14.707331657409668 + ], + [ + "\u2581unterstrichen", + -14.70733642578125 + ], + [ + "Dopo", + -14.707355499267578 + ], + [ + "violeta", + -14.70741844177246 + ], + [ + "\u2581retransmis", + -14.707430839538574 + ], + [ + "Sugar", + -14.707444190979004 + ], + [ + "kothek", + -14.7075834274292 + ], + [ + "p\u00e4dagoge", + -14.707629203796388 + ], + [ + "trabajo", + -14.70763874053955 + ], + [ + "influenciou", + -14.707640647888184 + ], + [ + "\u2581Accidentes", + -14.707640647888184 + ], + [ + "\u2581Laborat\u00f3rio", + -14.707640647888184 + ], + [ + "\u2581acostumado", + -14.707640647888184 + ], + [ + "ourguignon", + -14.707660675048828 + ], + [ + "xploiteerd", + -14.707674026489258 + ], + [ + "M\u00fchl", + -14.707701683044434 + ], + [ + "\u2581Wencesla", + -14.707746505737305 + ], + [ + "\u2581fourmi", + -14.707752227783203 + ], + [ + "\u2581pianificare", + -14.707768440246582 + ], + [ + "\u2581Marchesi", + -14.70777988433838 + ], + [ + "\u2581Banta", + -14.70778465270996 + ], + [ + "\u2581foneti", + -14.707785606384276 + ], + [ + "\u2581boxeador", + -14.707853317260742 + ], + [ + "uttered", + -14.70790672302246 + ], + [ + "sunci\u00f3n", + -14.707907676696776 + ], + [ + "\u2581garantiu", + -14.707921981811523 + ], + [ + "InProceedings", + -14.707952499389648 + ], + [ + "\u2581verificata", + -14.70795726776123 + ], + [ + "\u2581Bergerac", + -14.707959175109863 + ], + [ + "\u2581bienfait", + -14.708003997802734 + ], + [ + "\u2581vitalit\u00e0", + -14.708019256591797 + ], + [ + "\u2581voordien", + -14.708054542541504 + ], + [ + "ministre", + -14.708094596862791 + ], + [ + "\u2581Monast", + -14.708094596862791 + ], + [ + "\u2581Nebent\u00e4tigkeit", + -14.708114624023438 + ], + [ + "\u2581g\u00e9n\u00e9raliste", + -14.708124160766602 + ], + [ + "\u2581poderemos", + -14.708128929138184 + ], + [ + "\u2581hinweist", + -14.708138465881348 + ], + [ + "\u2581prostitui", + -14.708169937133787 + ], + [ + "\u2581Bel\u00e4stigung", + -14.708232879638672 + ], + [ + "\u2581economisti", + -14.708233833312988 + ], + [ + "\u2581Teodosi", + -14.708247184753418 + ], + [ + "engagent", + -14.708248138427734 + ], + [ + "\u2581necrosis", + -14.70824909210205 + ], + [ + "formarse", + -14.708250045776367 + ], + [ + "\u2581thail\u00e4ndischen", + -14.708250999450684 + ], + [ + "surtout", + -14.708255767822266 + ], + [ + "\u00e9laborer", + -14.708264350891112 + ], + [ + "cocca", + -14.708284378051758 + ], + [ + "\u2581devised", + -14.708285331726074 + ], + [ + "oncourt", + -14.70828914642334 + ], + [ + "imidazol", + -14.708306312561035 + ], + [ + "\u2581bergamasc", + -14.708317756652832 + ], + [ + "\u2581McInt", + -14.708333015441896 + ], + [ + "URO", + -14.708355903625488 + ], + [ + "\u2581negando", + -14.70839023590088 + ], + [ + "\u2581embryonic", + -14.708415031433104 + ], + [ + "Palais", + -14.708423614501951 + ], + [ + "\u2581anonymisiert", + -14.70843505859375 + ], + [ + "\u2581Leasing", + -14.708459854125977 + ], + [ + "tacto", + -14.708470344543455 + ], + [ + "yn\u00e4kolog", + -14.708491325378418 + ], + [ + "\u2581Talavera", + -14.708497047424316 + ], + [ + "\u2581codificada", + -14.70851230621338 + ], + [ + "\u2581interplay", + -14.708545684814451 + ], + [ + "uzzel", + -14.7085542678833 + ], + [ + "\u2581s\u00e9mi", + -14.708630561828612 + ], + [ + "\u2581fastidi", + -14.70864486694336 + ], + [ + "intellig", + -14.708653450012209 + ], + [ + "\u2581decorata", + -14.7086763381958 + ], + [ + "\u2581prestataire", + -14.708700180053713 + ], + [ + "OGG", + -14.708721160888672 + ], + [ + "\u2581essentiell", + -14.708727836608888 + ], + [ + "\u2581afgelegen", + -14.708757400512695 + ], + [ + "\u2581filmaci\u00f3n", + -14.708760261535645 + ], + [ + "\u2581triangulation", + -14.708779335021973 + ], + [ + "kasteel", + -14.708796501159668 + ], + [ + "Russland", + -14.708799362182615 + ], + [ + "\u2581picto", + -14.708806991577148 + ], + [ + "Salernitana", + -14.70882511138916 + ], + [ + "\u2581Raiffeisen", + -14.70882511138916 + ], + [ + "Sensibilisierung", + -14.708826065063477 + ], + [ + "Tiribocchi", + -14.708826065063477 + ], + [ + "s\u00edncrona", + -14.708826065063477 + ], + [ + "\u2581Rzesz\u00f3w", + -14.708826065063477 + ], + [ + "\u2581architettoniche", + -14.708826065063477 + ], + [ + "INSTRUCTION", + -14.708827018737791 + ], + [ + "\u2581Implikationen", + -14.708827018737791 + ], + [ + "\u2581catamaran", + -14.708827018737791 + ], + [ + "Hamcrest", + -14.70883083343506 + ], + [ + "\u2581verantworten", + -14.708844184875488 + ], + [ + "\u2581supongo", + -14.708861351013184 + ], + [ + "\u2581Birmani", + -14.708867073059082 + ], + [ + "\u2581credible", + -14.708876609802246 + ], + [ + "p\u00e4dagogischer", + -14.708880424499512 + ], + [ + "\u2581esaspera", + -14.708916664123535 + ], + [ + "\u2581chuckle", + -14.708941459655762 + ], + [ + "\u2581encompasses", + -14.70895290374756 + ], + [ + "\u2581angefochtenen", + -14.709080696105955 + ], + [ + "rittel", + -14.70909309387207 + ], + [ + "\u2581sociolog\u00eda", + -14.709113121032717 + ], + [ + "\u2581Beweislast", + -14.709192276000977 + ], + [ + "\u2581expandido", + -14.709214210510254 + ], + [ + "olten", + -14.709237098693848 + ], + [ + "\u2581Sagra", + -14.70924472808838 + ], + [ + "\u2581instalador", + -14.70927906036377 + ], + [ + "\u2581tunisi", + -14.709282875061035 + ], + [ + "\u2581Delgad", + -14.709305763244627 + ], + [ + "\u2581Artemi", + -14.70932674407959 + ], + [ + "\u2581classific", + -14.70932674407959 + ], + [ + "ustache", + -14.709379196166992 + ], + [ + "\u2581disuguaglianz", + -14.709418296813965 + ], + [ + "ventrikul\u00e4re", + -14.70941925048828 + ], + [ + "\u2581Fawcett", + -14.70941925048828 + ], + [ + "\u2581sprovvist", + -14.709420204162598 + ], + [ + "\u2581disperato", + -14.709423065185549 + ], + [ + "spermatozo", + -14.709426879882812 + ], + [ + "\u2581wishful", + -14.709427833557127 + ], + [ + "\u2581Koenraad", + -14.709428787231444 + ], + [ + "\u2581conduisant", + -14.709430694580078 + ], + [ + "\u2581gregoriano", + -14.709436416625977 + ], + [ + "\u2581Compagnon", + -14.709437370300291 + ], + [ + "ference", + -14.709440231323242 + ], + [ + "Kristallstruktur", + -14.709460258483888 + ], + [ + "\u2581Conhecid", + -14.70946216583252 + ], + [ + "UnaryServer", + -14.709477424621582 + ], + [ + "dussero", + -14.709480285644531 + ], + [ + "Estimated", + -14.70952033996582 + ], + [ + "\u2581saberlo", + -14.709524154663086 + ], + [ + "brigado", + -14.709545135498049 + ], + [ + "tendue", + -14.70956325531006 + ], + [ + "\u2581Pardosa", + -14.70957088470459 + ], + [ + "parallax", + -14.709593772888184 + ], + [ + "\u2581Staatsoper", + -14.709623336791992 + ], + [ + "\u2581Cranach", + -14.709630012512209 + ], + [ + "\u2581infantaria", + -14.709646224975586 + ], + [ + "\u2581dissoute", + -14.709664344787598 + ], + [ + "dowed", + -14.709670066833496 + ], + [ + "\u2581conclave", + -14.709705352783203 + ], + [ + "\u2581Monographie", + -14.709752082824709 + ], + [ + "\u2581Gewerbegebiet", + -14.709806442260742 + ], + [ + "\u2581steigert", + -14.70981216430664 + ], + [ + "acc\u00e9l", + -14.709826469421388 + ], + [ + "particularly", + -14.709831237792969 + ], + [ + "\u2581erw\u00e4rm", + -14.709836959838867 + ], + [ + "\u2581pretori", + -14.709837913513184 + ], + [ + "Dividend", + -14.709846496582031 + ], + [ + "chauffer", + -14.70986270904541 + ], + [ + "busta", + -14.70990753173828 + ], + [ + "conclusion", + -14.710006713867188 + ], + [ + "\u2581Gershwin", + -14.710012435913086 + ], + [ + "\u2581Miraflores", + -14.710012435913086 + ], + [ + "\u2581scavalca", + -14.71002197265625 + ], + [ + "emaine", + -14.710028648376465 + ], + [ + "\u2581armonios", + -14.71003532409668 + ], + [ + "\u2581amenities", + -14.710039138793944 + ], + [ + "sebastian", + -14.710040092468262 + ], + [ + "\u2581tembla", + -14.710044860839844 + ], + [ + "\u2581Democr", + -14.710053443908691 + ], + [ + "\u2581superconductor", + -14.71006679534912 + ], + [ + "\u2581Springsteen", + -14.710081100463867 + ], + [ + "\u2581Pfingst", + -14.710090637207031 + ], + [ + "noexcept", + -14.710108757019045 + ], + [ + "eweils", + -14.71011447906494 + ], + [ + "\u2581Bereicherung", + -14.71013069152832 + ], + [ + "\u2581influido", + -14.710163116455078 + ], + [ + "\u2581taalgebied", + -14.71020221710205 + ], + [ + "\u2581investido", + -14.710209846496582 + ], + [ + "ggins", + -14.710224151611328 + ], + [ + "\u2581argelin", + -14.71025276184082 + ], + [ + "\u2581aconselha", + -14.710253715515137 + ], + [ + "\u2581Aspar", + -14.710256576538086 + ], + [ + "\u2581Tibetaans", + -14.710256576538086 + ], + [ + "\u2581philippin", + -14.710256576538086 + ], + [ + "\u2581proferi", + -14.71030330657959 + ], + [ + "\u2581filogen\u00e9tic", + -14.71033763885498 + ], + [ + "\u2581Chiama", + -14.710346221923828 + ], + [ + "gradar", + -14.710366249084473 + ], + [ + "\u2581provvedere", + -14.710412979125977 + ], + [ + "uccini", + -14.710439682006836 + ], + [ + "gathered", + -14.710445404052734 + ], + [ + "\u2581illusor", + -14.710447311401367 + ], + [ + "ireworks", + -14.710512161254885 + ], + [ + "\u2581umbilical", + -14.71060562133789 + ], + [ + "\u2581ricevuti", + -14.710606575012209 + ], + [ + "\u2581illegaal", + -14.710607528686523 + ], + [ + "\u2581Hip\u00f3lito", + -14.71060848236084 + ], + [ + "\u2581farm\u00e1cia", + -14.710617065429688 + ], + [ + "\u2581Cayetan", + -14.710648536682127 + ], + [ + "\u2581laatstgenoemde", + -14.71067237854004 + ], + [ + "\u2581cociner", + -14.710697174072266 + ], + [ + "recepten", + -14.71071720123291 + ], + [ + "\u2581controllati", + -14.710722923278809 + ], + [ + "\u2581entregada", + -14.71072483062744 + ], + [ + "Lachaise", + -14.71074676513672 + ], + [ + "\u2581vorkommenden", + -14.710747718811035 + ], + [ + "\u2581Vulnerab", + -14.710766792297363 + ], + [ + "rispe", + -14.710795402526855 + ], + [ + "ovjet", + -14.710830688476562 + ], + [ + "\u2581Noordwijk", + -14.710886001586914 + ], + [ + "wavelength", + -14.71088695526123 + ], + [ + "hilfegesetz", + -14.71088981628418 + ], + [ + "Southern", + -14.71092414855957 + ], + [ + "accessible", + -14.710949897766112 + ], + [ + "calculus", + -14.710962295532228 + ], + [ + "\u2581assalta", + -14.710976600646973 + ], + [ + "\u2581discutida", + -14.711015701293944 + ], + [ + "esi\u00f3n", + -14.711050033569336 + ], + [ + "\u2581salvarl", + -14.711058616638184 + ], + [ + "\u2581Existi", + -14.711066246032717 + ], + [ + "\u2581serieuze", + -14.711102485656738 + ], + [ + "rhab", + -14.711108207702637 + ], + [ + "gibile", + -14.71115493774414 + ], + [ + "\u2581recarga", + -14.711159706115724 + ], + [ + "liquot", + -14.711193084716797 + ], + [ + "\u2581emblem\u00e1tico", + -14.711200714111328 + ], + [ + "\u2581widerspiegelt", + -14.711201667785645 + ], + [ + "\u2581benachrichtig", + -14.71120262145996 + ], + [ + "\u2581pathogenesis", + -14.711204528808594 + ], + [ + "BoundingBox", + -14.711220741271973 + ], + [ + "\u00e9n\u00e9tique", + -14.711248397827148 + ], + [ + "\u2581balcanic", + -14.711249351501465 + ], + [ + "\u2581dispar\u00f3", + -14.71125602722168 + ], + [ + "\u2581apodado", + -14.711276054382324 + ], + [ + "Erwerbsminderung", + -14.711298942565918 + ], + [ + "quivalence", + -14.71131420135498 + ], + [ + "\u2581gemelos", + -14.711316108703612 + ], + [ + "\u2581psychosis", + -14.711349487304688 + ], + [ + "\u2581bezweckt", + -14.711363792419434 + ], + [ + "\u2581renou", + -14.711365699768066 + ], + [ + "\u2581Productores", + -14.711381912231444 + ], + [ + "udding", + -14.711398124694824 + ], + [ + "\u2581supresi\u00f3n", + -14.71149444580078 + ], + [ + "herrlichen", + -14.711499214172363 + ], + [ + "\u2581segreteria", + -14.711501121520996 + ], + [ + "rohstoff", + -14.711514472961426 + ], + [ + "\u2581beautifully", + -14.71156120300293 + ], + [ + "zuschalten", + -14.711563110351562 + ], + [ + "pristine", + -14.711585998535156 + ], + [ + "\u2581Schlitz", + -14.711588859558104 + ], + [ + "\u2581reverencia", + -14.711607933044434 + ], + [ + "palanca", + -14.711609840393066 + ], + [ + "\u2581Examination", + -14.711639404296877 + ], + [ + "lovensk", + -14.71172332763672 + ], + [ + "\u2581inclinada", + -14.711764335632324 + ], + [ + "puede", + -14.711788177490234 + ], + [ + "\u2581Restriktions", + -14.711799621582031 + ], + [ + "\u2581carvalho", + -14.71184539794922 + ], + [ + "cursus", + -14.711847305297852 + ], + [ + "ggressor", + -14.711847305297852 + ], + [ + "\u2581Tuberkulose", + -14.711878776550291 + ], + [ + "verstehen", + -14.71198272705078 + ], + [ + "inisterkonferenz", + -14.7120361328125 + ], + [ + "\u2581survient", + -14.712051391601562 + ], + [ + "\u2581deelneem", + -14.712066650390623 + ], + [ + "vulnerabilit", + -14.712068557739258 + ], + [ + "\u2581manipulated", + -14.712077140808104 + ], + [ + "\u2581superlativ", + -14.712100982666016 + ], + [ + "\u2581grandissima", + -14.71214771270752 + ], + [ + "\u2581rapporteur", + -14.712193489074709 + ], + [ + "PropertyType", + -14.712210655212402 + ], + [ + "TAIN", + -14.7122163772583 + ], + [ + "Powell", + -14.712221145629885 + ], + [ + "Collider", + -14.712223052978516 + ], + [ + "primaryKey", + -14.712241172790527 + ], + [ + "scrollTo", + -14.712251663208008 + ], + [ + "\u2581attua", + -14.71229648590088 + ], + [ + "\u2581darwinian", + -14.712335586547852 + ], + [ + "equate", + -14.71235466003418 + ], + [ + "\u2581residenze", + -14.712362289428713 + ], + [ + "\u2581possessing", + -14.712368965148926 + ], + [ + "\u2581agropecu\u00e1ri", + -14.712389945983888 + ], + [ + "\u2581porcelana", + -14.71239185333252 + ], + [ + "\u2581maratona", + -14.712403297424316 + ], + [ + "ulett", + -14.712409019470217 + ], + [ + "\u2581Perpetu", + -14.71241569519043 + ], + [ + "\u2581applicate", + -14.71247673034668 + ], + [ + "\u2581panin", + -14.712481498718262 + ], + [ + "\u2581tectoni", + -14.712489128112791 + ], + [ + "\u2581memoriza", + -14.712510108947754 + ], + [ + "\u2581vergangene", + -14.71255588531494 + ], + [ + "\u2581librerie", + -14.712556838989258 + ], + [ + "\u2581sentenciado", + -14.712562561035156 + ], + [ + "\u2581Gemeindeteil", + -14.712586402893066 + ], + [ + "\u2581caricato", + -14.712661743164062 + ], + [ + "strategia", + -14.71266746520996 + ], + [ + "\u2581proteic", + -14.712685585021973 + ], + [ + "\u2581gravierend", + -14.712689399719238 + ], + [ + "\u2581Mazzar", + -14.712697982788086 + ], + [ + "gedanke", + -14.712745666503906 + ], + [ + "\u2581warnen", + -14.712780952453612 + ], + [ + "\u2581visceral", + -14.712800979614258 + ], + [ + "oostkant", + -14.712824821472168 + ], + [ + "\u2581asignada", + -14.712846755981444 + ], + [ + "\u2581reprime", + -14.712862968444824 + ], + [ + "\u2581deploying", + -14.71286964416504 + ], + [ + "\u2581sommari", + -14.712892532348633 + ], + [ + "hysiological", + -14.71289348602295 + ], + [ + "Recep", + -14.712895393371582 + ], + [ + "Eclipse", + -14.712916374206545 + ], + [ + "\u2581pensavo", + -14.712955474853516 + ], + [ + "rompen", + -14.712971687316896 + ], + [ + "Repositories", + -14.712980270385742 + ], + [ + "inputStream", + -14.71298122406006 + ], + [ + "\u2581tangenziale", + -14.712986946105955 + ], + [ + "\u2581Westerwelle", + -14.712997436523438 + ], + [ + "\u2581viscous", + -14.71299934387207 + ], + [ + "\u2581Auftragnehmer", + -14.713030815124512 + ], + [ + "\u2581taalgebruik", + -14.71303653717041 + ], + [ + "\u2581Celti", + -14.713054656982422 + ], + [ + "cagione", + -14.71306610107422 + ], + [ + "\u2581Pharmako", + -14.713069915771484 + ], + [ + "\u2581actuado", + -14.71307373046875 + ], + [ + "\u2581Tschi", + -14.713080406188965 + ], + [ + "scrib\u00eda", + -14.71312141418457 + ], + [ + "\u2581Rinaldi", + -14.713128089904783 + ], + [ + "\u2581rinomati", + -14.71313190460205 + ], + [ + "\u2581Mikrowelle", + -14.713133811950684 + ], + [ + "elipse", + -14.713163375854492 + ], + [ + "mmener", + -14.713212013244627 + ], + [ + "\u2581cambiata", + -14.713212966918944 + ], + [ + "\u2581ergriff", + -14.713232040405272 + ], + [ + "jilla", + -14.713269233703612 + ], + [ + "\u2581rastrell", + -14.71327781677246 + ], + [ + "\u2581Bentheim", + -14.713407516479492 + ], + [ + "luogo", + -14.713421821594238 + ], + [ + "pornographi", + -14.713465690612791 + ], + [ + "UIApplicationMa", + -14.71349048614502 + ], + [ + "Interpolat", + -14.713500022888184 + ], + [ + "\u2581complementaria", + -14.713528633117676 + ], + [ + "bezieher", + -14.713568687438965 + ], + [ + "\u2581Guerri", + -14.713577270507812 + ], + [ + "\u2581Gebhard", + -14.713587760925291 + ], + [ + "Howard", + -14.713611602783203 + ], + [ + "dubbia", + -14.713666915893556 + ], + [ + "buleuse", + -14.713672637939451 + ], + [ + "\u2581informellen", + -14.713685035705566 + ], + [ + "\u2581empresaria", + -14.713687896728516 + ], + [ + "\u2581Martinelli", + -14.713688850402832 + ], + [ + "\u2581absorvid", + -14.713703155517578 + ], + [ + "\u2581nourrit", + -14.713705062866213 + ], + [ + "navigatie", + -14.713720321655272 + ], + [ + "\u2581Diabet", + -14.713720321655272 + ], + [ + "Meier", + -14.713726997375488 + ], + [ + "\u2581pret\u00e9rito", + -14.713747024536133 + ], + [ + "lineatus", + -14.713756561279297 + ], + [ + "\u2581remontant", + -14.713789939880373 + ], + [ + "\u2581festeggiare", + -14.713847160339355 + ], + [ + "calori", + -14.713862419128418 + ], + [ + "\u2581Wendell", + -14.713865280151367 + ], + [ + "\u2581precipitat", + -14.713878631591797 + ], + [ + "r\u00e9f\u00e9rer", + -14.713887214660645 + ], + [ + "esperto", + -14.713926315307615 + ], + [ + "wertigen", + -14.713974952697754 + ], + [ + "\u2581caresse", + -14.714016914367676 + ], + [ + "\u2581Pneumo", + -14.714021682739258 + ], + [ + "\u2581opgevoed", + -14.714066505432127 + ], + [ + "layoutSubviews", + -14.714137077331545 + ], + [ + "barbu", + -14.71417236328125 + ], + [ + "ifthenelse", + -14.714174270629885 + ], + [ + "\u2581pr\u00e9matur\u00e9", + -14.714176177978516 + ], + [ + "\u2581geweigerd", + -14.714177131652832 + ], + [ + "\u2581umgestaltet", + -14.714177131652832 + ], + [ + "Orchestra", + -14.714180946350098 + ], + [ + "\u2581interstellar", + -14.714180946350098 + ], + [ + "\u2581novelty", + -14.714200019836426 + ], + [ + "\u2581Triathlon", + -14.714224815368652 + ], + [ + "\u2581ondergeschikt", + -14.714256286621094 + ], + [ + "hestnut", + -14.714271545410156 + ], + [ + "\u2581homosexuality", + -14.714282989501951 + ], + [ + "\u2581linguaggi", + -14.714292526245115 + ], + [ + "Agd", + -14.714314460754396 + ], + [ + "Unwrap", + -14.714385032653809 + ], + [ + "ExternalProject", + -14.71438980102539 + ], + [ + "\u2581Fundado", + -14.714444160461426 + ], + [ + "prac", + -14.71447467803955 + ], + [ + "\u2581aufgewachsen", + -14.714522361755373 + ], + [ + "\u2581circoli", + -14.714523315429688 + ], + [ + "ispanic", + -14.714564323425291 + ], + [ + "\u2581rewarded", + -14.71458911895752 + ], + [ + "\u2581Kipling", + -14.714621543884276 + ], + [ + "\u2581Takeshi", + -14.714632987976074 + ], + [ + "Prussian", + -14.714664459228516 + ], + [ + "Joan", + -14.714678764343262 + ], + [ + "\u2581Barbieri", + -14.714679718017578 + ], + [ + "\u2581nuvolos", + -14.714726448059082 + ], + [ + "NoUnkeyedLiteral", + -14.714773178100586 + ], + [ + "odhisattva", + -14.714773178100586 + ], + [ + "vleermuis", + -14.714773178100586 + ], + [ + "\u2581Lodovico", + -14.714773178100586 + ], + [ + "\u2581McBride", + -14.714773178100586 + ], + [ + "\u2581Nam\u00edbia", + -14.714773178100586 + ], + [ + "\u2581scozzesi", + -14.714773178100586 + ], + [ + "\u2581Steuerzahler", + -14.71477508544922 + ], + [ + "\u2581benaderen", + -14.714776992797852 + ], + [ + "Neumann", + -14.7147798538208 + ], + [ + "\u2581furnace", + -14.7147798538208 + ], + [ + "\u2581Vaillant", + -14.714791297912598 + ], + [ + "\u2581mon\u00e1rquico", + -14.71479320526123 + ], + [ + "\u2581Endverbraucher", + -14.714808464050291 + ], + [ + "\u2581Identidad", + -14.714831352233888 + ], + [ + "\u2581residing", + -14.71485996246338 + ], + [ + "\u2581perpetrator", + -14.714879035949709 + ], + [ + "\u2581invisibili", + -14.71494960784912 + ], + [ + "\u2581Sanguin", + -14.714959144592283 + ], + [ + "\u2581adattarsi", + -14.714970588684082 + ], + [ + "transitie", + -14.715014457702637 + ], + [ + "provisto", + -14.715046882629396 + ], + [ + "\u2581Gradienten", + -14.715060234069824 + ], + [ + "\u2581funeraria", + -14.71506690979004 + ], + [ + "\u00e9rgico", + -14.715100288391112 + ], + [ + "\u2581Erkl\u00e4r", + -14.71513557434082 + ], + [ + "Offering", + -14.71518898010254 + ], + [ + "\u2581presenteert", + -14.715246200561523 + ], + [ + "ronimo", + -14.715262413024902 + ], + [ + "ServerName", + -14.715266227722168 + ], + [ + "iplomacy", + -14.715271949768066 + ], + [ + "atzelfde", + -14.715310096740724 + ], + [ + "\u2581batteur", + -14.715322494506836 + ], + [ + "\u2581eilandengroep", + -14.715346336364746 + ], + [ + "\u2581unproblematisch", + -14.715370178222656 + ], + [ + "\u2581polonesa", + -14.715394020080566 + ], + [ + "\u2581compatta", + -14.715394973754885 + ], + [ + "\u2581polegadas", + -14.715407371520996 + ], + [ + "\u2581Fanfare", + -14.715411186218262 + ], + [ + "illois", + -14.71544075012207 + ], + [ + "\u2581aanvoer", + -14.715492248535156 + ], + [ + "pliziert", + -14.715493202209473 + ], + [ + "\u2581etniche", + -14.71552848815918 + ], + [ + "\u2581chevauch", + -14.715538024902344 + ], + [ + "sseuse", + -14.715564727783203 + ], + [ + "\u2581aerodynami", + -14.715575218200684 + ], + [ + "satisfi", + -14.715603828430176 + ], + [ + "getColumn", + -14.71561336517334 + ], + [ + "ovarian", + -14.71563720703125 + ], + [ + "schwindigkeit", + -14.71578598022461 + ], + [ + "\u2581impressionado", + -14.715829849243164 + ], + [ + "\u2581turban", + -14.715863227844238 + ], + [ + "\u2581aliqu", + -14.715899467468262 + ], + [ + "\u2581ausgebracht", + -14.715909004211426 + ], + [ + "\u2581Cleve", + -14.715912818908691 + ], + [ + "\u2581Arbeitsvertr\u00e4ge", + -14.715924263000488 + ], + [ + "\u2581Vail", + -14.71592617034912 + ], + [ + "\u2581repatria", + -14.715932846069336 + ], + [ + "ic\u00eddio", + -14.71595573425293 + ], + [ + "steenvliegen", + -14.715960502624512 + ], + [ + "\u2581geblesseerd", + -14.71596622467041 + ], + [ + "\u2581s\u00e9pulture", + -14.71596622467041 + ], + [ + "\u2581presupposti", + -14.715968132019045 + ], + [ + "\u2581vaincre", + -14.715972900390623 + ], + [ + "\u2581rinunciato", + -14.71597385406494 + ], + [ + "\u2581onderhandelen", + -14.71597671508789 + ], + [ + "\u2581paragone", + -14.71597671508789 + ], + [ + "Crossover", + -14.71599292755127 + ], + [ + "udica", + -14.716012954711914 + ], + [ + "\u2581Viadana", + -14.71603298187256 + ], + [ + "oyance", + -14.716049194335938 + ], + [ + "\u2581Brignol", + -14.716065406799316 + ], + [ + "t\u00e4hle", + -14.716081619262695 + ], + [ + "funktion\u00e4r", + -14.716093063354492 + ], + [ + "Ministro", + -14.71610164642334 + ], + [ + "\u2581machado", + -14.716105461120604 + ], + [ + "commonjs", + -14.716118812561035 + ], + [ + "einstieg", + -14.716156959533691 + ], + [ + "opposent", + -14.716156959533691 + ], + [ + "\u2581aufgeworfen", + -14.716192245483398 + ], + [ + "centrarse", + -14.716198921203612 + ], + [ + "\u2581zuwider", + -14.71620273590088 + ], + [ + "Strahl", + -14.716218948364258 + ], + [ + "Maximiz", + -14.716238021850586 + ], + [ + "\u2581sperava", + -14.716248512268066 + ], + [ + "\u2581passionn", + -14.716275215148926 + ], + [ + "gremia", + -14.716341972351074 + ], + [ + "\u2581opgehangen", + -14.716388702392578 + ], + [ + "blenden", + -14.716405868530272 + ], + [ + "\u2581visiblement", + -14.7164888381958 + ], + [ + "guzz", + -14.716511726379396 + ], + [ + "\u2581constru\u00ed", + -14.716512680053713 + ], + [ + "\u2581Colch", + -14.716537475585938 + ], + [ + "\u2581Erbschaftsteuer", + -14.716551780700684 + ], + [ + "\u2581Berlioz", + -14.716564178466797 + ], + [ + "\u2581m\u00e9lang\u00e9", + -14.716565132141112 + ], + [ + "\u2581affollato", + -14.716617584228516 + ], + [ + "\u2581Freestyle", + -14.716638565063477 + ], + [ + "parenchym", + -14.716639518737791 + ], + [ + "hogere", + -14.716681480407717 + ], + [ + "hebbende", + -14.716694831848145 + ], + [ + "ironi", + -14.716760635375977 + ], + [ + "\u2581ofendid", + -14.71677017211914 + ], + [ + "upperBound", + -14.716792106628418 + ], + [ + "\u2581astronomische", + -14.716804504394531 + ], + [ + "\u2581wholesale", + -14.71682071685791 + ], + [ + "\u2581conquist\u00f3", + -14.71682834625244 + ], + [ + "\u2581Contributors", + -14.716835975646973 + ], + [ + "sistito", + -14.716866493225098 + ], + [ + "\u2581acentuada", + -14.716880798339844 + ], + [ + "\u2581underway", + -14.716893196105955 + ], + [ + "Proposed", + -14.716900825500488 + ], + [ + "umulus", + -14.716920852661133 + ], + [ + "geworben", + -14.717022895812988 + ], + [ + "\u2581soumet", + -14.717036247253418 + ], + [ + "equilibrar", + -14.717045783996582 + ], + [ + "berschreiten", + -14.717069625854492 + ], + [ + "\u2581espander", + -14.71707820892334 + ], + [ + "BPA", + -14.717089653015137 + ], + [ + "ssieme", + -14.717157363891602 + ], + [ + "\u2581Trebisonda", + -14.717161178588867 + ], + [ + "\u2581hidr\u00e1ulica", + -14.717161178588867 + ], + [ + "\u2581erzwungen", + -14.717162132263184 + ], + [ + "\u2581Antidumpingzoll", + -14.71716594696045 + ], + [ + "\u2581Lockerung", + -14.717167854309082 + ], + [ + "\u2581leukemia", + -14.717180252075195 + ], + [ + "\u2581Piranesi", + -14.71718406677246 + ], + [ + "\u2581establec\u00eda", + -14.717187881469728 + ], + [ + "\u2581Scientist", + -14.717190742492676 + ], + [ + "inferior", + -14.717279434204102 + ], + [ + "\u2581gu\u00e9rison", + -14.717326164245604 + ], + [ + "\u2581giornaliera", + -14.717374801635742 + ], + [ + "Palazzo", + -14.717378616333008 + ], + [ + "\u2581preocup", + -14.71740436553955 + ], + [ + "gonde", + -14.71741008758545 + ], + [ + "satelliten", + -14.717442512512209 + ], + [ + "\u2581vergleicht", + -14.717506408691406 + ], + [ + "r\u00fccksichtigt", + -14.717514038085938 + ], + [ + "\u2581misera", + -14.71751880645752 + ], + [ + "Verh\u00e4ltnisse", + -14.717552185058594 + ], + [ + "\u2581sopraggiun", + -14.71763515472412 + ], + [ + "\u2581rentabilidad", + -14.717658042907717 + ], + [ + "\u2581afirmado", + -14.717680931091309 + ], + [ + "iasis", + -14.717721939086914 + ], + [ + "\u2581seleziona", + -14.71773624420166 + ], + [ + "\u2581Pedag\u00f3gic", + -14.717759132385254 + ], + [ + "\u2581cauchemar", + -14.717759132385254 + ], + [ + "insuffisance", + -14.71776008605957 + ], + [ + "\u2581Licenciado", + -14.71776008605957 + ], + [ + "\u2581Modigliani", + -14.71776008605957 + ], + [ + "\u2581Verurteilten", + -14.71776008605957 + ], + [ + "\u2581proh\u00edbe", + -14.71776008605957 + ], + [ + "\u2581hydrophobic", + -14.71776294708252 + ], + [ + "\u2581Increased", + -14.717766761779783 + ], + [ + "holstein", + -14.717772483825684 + ], + [ + "\u2581Ruggier", + -14.717774391174316 + ], + [ + "\u2581dirigiendo", + -14.717785835266112 + ], + [ + "lju", + -14.717791557312012 + ], + [ + "vasal", + -14.717793464660645 + ], + [ + "StatusBadRequest", + -14.717802047729492 + ], + [ + "\u2581commissari", + -14.717815399169922 + ], + [ + "\u2581r\u00e9unies", + -14.717822074890137 + ], + [ + "\u2581colloquial", + -14.717844009399414 + ], + [ + "\u2581Greenberg", + -14.71784782409668 + ], + [ + "\u2581Komplet", + -14.717872619628906 + ], + [ + "\u2581preoccuparsi", + -14.717976570129396 + ], + [ + "\u2581Fishing", + -14.717984199523926 + ], + [ + "\u00e4sten", + -14.718013763427734 + ], + [ + "\u2581salinit", + -14.718032836914062 + ], + [ + "Glutamat", + -14.718059539794922 + ], + [ + "Nethereum", + -14.718076705932615 + ], + [ + "\u2581chiamarl", + -14.718111991882324 + ], + [ + "\u2581tribuno", + -14.71817398071289 + ], + [ + "osomes", + -14.718177795410156 + ], + [ + "\u2581arm\u00e9nien", + -14.718206405639648 + ], + [ + "Financial", + -14.718213081359863 + ], + [ + "\u00f3dica", + -14.718262672424316 + ], + [ + "\u2581fiabilit\u00e9", + -14.71830940246582 + ], + [ + "Interactor", + -14.71833038330078 + ], + [ + "\u2581Donizetti", + -14.718358039855955 + ], + [ + "\u2581cinnamon", + -14.718358039855955 + ], + [ + "\u2581infructu", + -14.718358039855955 + ], + [ + "infermiera", + -14.718360900878906 + ], + [ + "\u2581terribly", + -14.718360900878906 + ], + [ + "\u2581Tatverd\u00e4chtige", + -14.718371391296388 + ], + [ + "\u2581Garnison", + -14.718377113342283 + ], + [ + "Cichlidae", + -14.71838092803955 + ], + [ + "\u2581divergenz", + -14.718413352966309 + ], + [ + "\u2581spektrale", + -14.718461036682127 + ], + [ + "r\u00e9versible", + -14.718466758728027 + ], + [ + "\u2581soubesse", + -14.718509674072266 + ], + [ + "\u2581p\u00e1ssaro", + -14.718558311462402 + ], + [ + "\u2581Martijn", + -14.7185640335083 + ], + [ + "\u2581dettagliate", + -14.718581199645996 + ], + [ + "\u2581esibisc", + -14.718584060668944 + ], + [ + "\u2581existindo", + -14.71860694885254 + ], + [ + "ijfd", + -14.718616485595703 + ], + [ + "acu\u00e1tica", + -14.718624114990234 + ], + [ + "Strike", + -14.718664169311523 + ], + [ + "\u2581upgrading", + -14.718674659729004 + ], + [ + "\u2581poterono", + -14.71871280670166 + ], + [ + "\u2581montagneux", + -14.718750953674316 + ], + [ + "\u2581Coordenad", + -14.71876621246338 + ], + [ + "\u2581facultativ", + -14.71877098083496 + ], + [ + "matricola", + -14.718792915344238 + ], + [ + "\u2581einfachste", + -14.718801498413086 + ], + [ + "\u2581Marokkaanse", + -14.7188138961792 + ], + [ + "reichsten", + -14.71882152557373 + ], + [ + "\u2581Williamsburg", + -14.718832015991213 + ], + [ + "\u2581pr\u00e9jug\u00e9", + -14.718853950500488 + ], + [ + "assandra", + -14.718887329101562 + ], + [ + "vortrag", + -14.71888828277588 + ], + [ + "ansmuggen", + -14.718923568725586 + ], + [ + "narchy", + -14.718931198120115 + ], + [ + "WillResignActive", + -14.718955993652344 + ], + [ + "\u2581Reconnaissance", + -14.71895694732666 + ], + [ + "\u2581montanhoso", + -14.71895694732666 + ], + [ + "\u2581Beliebtheit", + -14.718957901000977 + ], + [ + "\u2581Staffordshire", + -14.718963623046877 + ], + [ + "\u00e4gen", + -14.718972206115724 + ], + [ + "Opposition", + -14.718987464904783 + ], + [ + "\u2581Berufserfahrung", + -14.71899127960205 + ], + [ + "\u2581sollevat", + -14.71902847290039 + ], + [ + "\u2581construindo", + -14.719090461730955 + ], + [ + "\u2581desbloquea", + -14.719097137451172 + ], + [ + "\u2581lymphocytes", + -14.719110488891602 + ], + [ + "Harmonia", + -14.719120979309082 + ], + [ + "lonk", + -14.71912670135498 + ], + [ + "\u2581perseguitat", + -14.719141960144045 + ], + [ + "\u2581beidseitig", + -14.719152450561523 + ], + [ + "\u2581vistazo", + -14.719175338745115 + ], + [ + "\u2581Macca", + -14.71920394897461 + ], + [ + "ATING", + -14.719274520874023 + ], + [ + "\u2581convict", + -14.719274520874023 + ], + [ + "RAIS", + -14.71927547454834 + ], + [ + "korrelation", + -14.719310760498049 + ], + [ + "\u2581\u00fcbertrieben", + -14.719327926635742 + ], + [ + "\u2581trill", + -14.71933937072754 + ], + [ + "nalisando", + -14.719342231750488 + ], + [ + "\u2581L\u00fcbecker", + -14.719351768493652 + ], + [ + "angenheit", + -14.719449996948242 + ], + [ + "\u2581Arni", + -14.719460487365724 + ], + [ + "\u2581conservent", + -14.71947956085205 + ], + [ + "\u2581Berufsschule", + -14.719528198242188 + ], + [ + "illeurs", + -14.71955394744873 + ], + [ + "\u2581Ravensbr\u00fcck", + -14.719559669494627 + ], + [ + "Schlagzeug", + -14.719563484191896 + ], + [ + "\u2581affascinanti", + -14.719563484191896 + ], + [ + "\u2581cadete", + -14.71956729888916 + ], + [ + "\u2581cigarro", + -14.719578742980955 + ], + [ + "\u2581scomparire", + -14.719579696655272 + ], + [ + "\u2581Solicit", + -14.719593048095703 + ], + [ + "\u2581inocencia", + -14.71963882446289 + ], + [ + "\u2581Korf", + -14.719671249389648 + ], + [ + "\u2581Messpunkt", + -14.719691276550291 + ], + [ + "\u2581wallonne", + -14.71971035003662 + ], + [ + "NIG", + -14.719715118408203 + ], + [ + "InceptionE", + -14.719745635986328 + ], + [ + "eitner", + -14.719803810119627 + ], + [ + "stoornis", + -14.719803810119627 + ], + [ + "pensada", + -14.71981716156006 + ], + [ + "imethylamino", + -14.719842910766602 + ], + [ + "\u2581richtlijnen", + -14.719884872436523 + ], + [ + "\u2581Notf\u00e4lle", + -14.719887733459473 + ], + [ + "bfolge", + -14.719892501831056 + ], + [ + "\u2581consid\u00e9rait", + -14.71989631652832 + ], + [ + "\u2581teoretic", + -14.719910621643066 + ], + [ + "ServiceServer", + -14.71992015838623 + ], + [ + "\u2581hom\u00f3log", + -14.719945907592772 + ], + [ + "\u2581Strophe", + -14.71996784210205 + ], + [ + "Arbeitseinkommen", + -14.720012664794922 + ], + [ + "verschillen", + -14.720012664794922 + ], + [ + "\u2581Kameraden", + -14.720046997070312 + ], + [ + "\u2581santuari", + -14.720104217529297 + ], + [ + "\u2581apartar", + -14.72014045715332 + ], + [ + "\u2581Consejero", + -14.720155715942385 + ], + [ + "\u2581Jundia\u00ed", + -14.720155715942385 + ], + [ + "\u2581Trunkenheit", + -14.720155715942385 + ], + [ + "\u2581Narkose", + -14.7201566696167 + ], + [ + "flessibile", + -14.720157623291016 + ], + [ + "\u2581Delacroix", + -14.720157623291016 + ], + [ + "\u2581Ang\u00e9lica", + -14.72016143798828 + ], + [ + "\u2581Rockwell", + -14.720179557800291 + ], + [ + "Saturniidae", + -14.720199584960938 + ], + [ + "\u2581Muntari", + -14.720230102539062 + ], + [ + "ondensator", + -14.720276832580566 + ], + [ + "\u2581discografico", + -14.72028923034668 + ], + [ + "ococc", + -14.72030258178711 + ], + [ + "\u2581Jiangxi", + -14.720341682434082 + ], + [ + "\u2581Bahnverbindung", + -14.720402717590332 + ], + [ + "\u2581precepto", + -14.72043514251709 + ], + [ + "\u2581eingezeichnet", + -14.720458030700684 + ], + [ + "\u2581waardevolle", + -14.720474243164062 + ], + [ + "\u2581Troc", + -14.720480918884276 + ], + [ + "serializeOp", + -14.720488548278809 + ], + [ + "plizieren", + -14.720499038696287 + ], + [ + "litico", + -14.720503807067873 + ], + [ + "ederated", + -14.720538139343262 + ], + [ + "\u2581contradictori", + -14.720541000366213 + ], + [ + "denkm\u00e4ler", + -14.720548629760742 + ], + [ + "\u2581Menschenhandel", + -14.720553398132324 + ], + [ + "\u2581chiarit", + -14.720600128173828 + ], + [ + "\u2581incapaci", + -14.72060203552246 + ], + [ + "\u2581georgiana", + -14.720633506774902 + ], + [ + "\u2581qualitatively", + -14.72064971923828 + ], + [ + "\u2581esoteric", + -14.720664024353027 + ], + [ + "\u2581quatern", + -14.720699310302734 + ], + [ + "allied", + -14.720702171325684 + ], + [ + "military", + -14.720721244812012 + ], + [ + "\u2581Berwick", + -14.720722198486328 + ], + [ + "istungserbringer", + -14.720747947692873 + ], + [ + "gepflanzt", + -14.720755577087402 + ], + [ + "\u2581biglietterie", + -14.720755577087402 + ], + [ + "\u2581riunisce", + -14.720766067504885 + ], + [ + "\u2581imboccare", + -14.7207670211792 + ], + [ + "\u2581Taberna", + -14.720772743225098 + ], + [ + "Characidae", + -14.720773696899414 + ], + [ + "\u2581ausiliari", + -14.720776557922363 + ], + [ + "\u2581balistique", + -14.720783233642578 + ], + [ + "russland", + -14.720786094665527 + ], + [ + "\u2581Vient", + -14.720787048339844 + ], + [ + "attivi", + -14.720789909362791 + ], + [ + "\u2581privil\u00e9gio", + -14.720810890197754 + ], + [ + "\u2581enamorada", + -14.720833778381348 + ], + [ + "\u2581posicionamento", + -14.720844268798828 + ], + [ + "\u2581desactiva", + -14.720847129821776 + ], + [ + "\u2581komplement\u00e4re", + -14.7208890914917 + ], + [ + "\u2581photographic", + -14.720892906188965 + ], + [ + "alumi", + -14.72089958190918 + ], + [ + "\u2581tertiary", + -14.720903396606444 + ], + [ + "\u2581Liquidit\u00e4t", + -14.720948219299316 + ], + [ + "\u2581ondernemen", + -14.720989227294922 + ], + [ + "\u2581p\u00e9nalit\u00e9", + -14.721007347106934 + ], + [ + "\u2581decorative", + -14.721046447753906 + ], + [ + "\u2581castigar", + -14.721075057983398 + ], + [ + "\u2581facette", + -14.721104621887209 + ], + [ + "Highway", + -14.721139907836914 + ], + [ + "redator", + -14.721174240112305 + ], + [ + "\u2581stabilite", + -14.721184730529783 + ], + [ + "\u2581coltivato", + -14.721199035644531 + ], + [ + "rosca", + -14.721199989318848 + ], + [ + "\u2581ausbauen", + -14.721199989318848 + ], + [ + "\u2581meurtrier", + -14.721250534057615 + ], + [ + "\u2581pariente", + -14.721263885498049 + ], + [ + "\u2581prevalere", + -14.721271514892578 + ], + [ + "\u2581Sekundar", + -14.72129249572754 + ], + [ + "\u2581notifiziert", + -14.72129249572754 + ], + [ + "\u2581Baugenehmigung", + -14.721324920654297 + ], + [ + "CreatedAt", + -14.721336364746094 + ], + [ + "placid", + -14.721354484558104 + ], + [ + "\u2581H\u00e9raldique", + -14.721355438232422 + ], + [ + "\u2581sostenitore", + -14.721355438232422 + ], + [ + "\u2581conglomerado", + -14.721359252929688 + ], + [ + "\u2581Verbesse", + -14.721362113952637 + ], + [ + "\u2581esgrima", + -14.721362113952637 + ], + [ + "zuletzt", + -14.721370697021484 + ], + [ + "\u2581selvatico", + -14.721389770507812 + ], + [ + "\u2581semiton", + -14.721409797668455 + ], + [ + "koordinaten", + -14.72143840789795 + ], + [ + "\u2581Monteverdi", + -14.72143840789795 + ], + [ + "\u2581Adrienne", + -14.721470832824709 + ], + [ + "\u2581Cherche", + -14.721474647521973 + ], + [ + "\u2581insulating", + -14.721479415893556 + ], + [ + "Antennen", + -14.72148609161377 + ], + [ + "barock", + -14.721505165100098 + ], + [ + "\u2581saquead", + -14.721506118774414 + ], + [ + "viaria", + -14.721549987792969 + ], + [ + "\u2581\u00fcberwiegt", + -14.721603393554688 + ], + [ + "verbind", + -14.721619606018066 + ], + [ + "\u2581absorbent", + -14.72164249420166 + ], + [ + "gennaio", + -14.721685409545898 + ], + [ + "scendido", + -14.721713066101074 + ], + [ + "\u2581negaron", + -14.721714973449709 + ], + [ + "\u2581Enfants", + -14.721878051757812 + ], + [ + "\u2581Covent", + -14.721927642822266 + ], + [ + "Eindklasseringen", + -14.721956253051758 + ], + [ + "\u2581Tlaxcala", + -14.721956253051758 + ], + [ + "\u2581famigerat", + -14.721956253051758 + ], + [ + "\u2581repubbliche", + -14.721956253051758 + ], + [ + "\u2581significaci\u00f3n", + -14.721956253051758 + ], + [ + "\u2581aanbeveling", + -14.721959114074709 + ], + [ + "\u2581glorious", + -14.721961975097656 + ], + [ + "\u2581Akkreditierung", + -14.721964836120604 + ], + [ + "\u2581streiten", + -14.72197151184082 + ], + [ + "\u2581Migrantinnen", + -14.72197723388672 + ], + [ + "\u2581swiftlint", + -14.721979141235352 + ], + [ + "pagada", + -14.7219820022583 + ], + [ + "\u2581intrecciat", + -14.722000122070312 + ], + [ + "\u2581Bergam", + -14.722023010253906 + ], + [ + "\u2581Spence", + -14.72203254699707 + ], + [ + "prang", + -14.72209358215332 + ], + [ + "\u2581Kaufkraft", + -14.722097396850586 + ], + [ + "\u2581vallate", + -14.722183227539062 + ], + [ + "\u2581Blumenau", + -14.722283363342283 + ], + [ + "\u2581incorreta", + -14.722295761108398 + ], + [ + "\u2581Handlungsfelder", + -14.722320556640623 + ], + [ + "\u2581nacquero", + -14.722378730773926 + ], + [ + "\u2581meinschaft", + -14.722417831420898 + ], + [ + "Movement", + -14.72242259979248 + ], + [ + "\u2581apparati", + -14.722496032714844 + ], + [ + "PROCE", + -14.72252082824707 + ], + [ + "\u2581surrealista", + -14.722526550292969 + ], + [ + "Encodable", + -14.722557067871094 + ], + [ + "\u2581Hauptgefreiter", + -14.722557067871094 + ], + [ + "\u2581Saccharose", + -14.722557067871094 + ], + [ + "\u2581sunshine", + -14.722557067871094 + ], + [ + "\u2581h\u00fcgelig", + -14.722559928894045 + ], + [ + "\u2581periferie", + -14.72256851196289 + ], + [ + "\u2581tailor", + -14.722569465637209 + ], + [ + "\u2581atteignant", + -14.722578048706056 + ], + [ + "poyo", + -14.722594261169434 + ], + [ + "\u2581R\u00fcckstellungen", + -14.722594261169434 + ], + [ + "\u2581cytotoxic", + -14.722601890563965 + ], + [ + "chemformula", + -14.722661018371582 + ], + [ + "berlapp", + -14.722702026367188 + ], + [ + "ungerechtfertigt", + -14.722702980041504 + ], + [ + "\u2581richiamare", + -14.722704887390137 + ], + [ + "\u2581smarrit", + -14.722733497619627 + ], + [ + "\u2581carbura", + -14.72275447845459 + ], + [ + "opslag", + -14.722764015197754 + ], + [ + "leuchtung", + -14.722777366638184 + ], + [ + "fundada", + -14.722883224487305 + ], + [ + "\u2581rebaixad", + -14.722886085510254 + ], + [ + "\u2581recebia", + -14.722960472106934 + ], + [ + "\u2581Ersetzung", + -14.722989082336426 + ], + [ + "orgueil", + -14.722991943359377 + ], + [ + "\u2581Guidi", + -14.723116874694824 + ], + [ + "ITEL", + -14.723124504089355 + ], + [ + "\u2581estacionar", + -14.723136901855469 + ], + [ + "sign\u00e9s", + -14.723150253295898 + ], + [ + "\u2581prestaci\u00f3n", + -14.72315502166748 + ], + [ + "\u2581narcotr\u00e1fico", + -14.723158836364746 + ], + [ + "\u2581antropomorf", + -14.72316074371338 + ], + [ + "\u2581herinneren", + -14.723179817199709 + ], + [ + "\u2581gescoord", + -14.72319221496582 + ], + [ + "\u2581Commercio", + -14.723196029663086 + ], + [ + "\u2581Teologia", + -14.723220825195312 + ], + [ + "\u2581Pr\u00e4gung", + -14.723223686218262 + ], + [ + "\u2581Estudante", + -14.723237037658691 + ], + [ + "Mordellidae", + -14.723251342773438 + ], + [ + "ouffre", + -14.723260879516602 + ], + [ + "Better", + -14.723271369934082 + ], + [ + "\u2581Tigr", + -14.723276138305664 + ], + [ + "\u2581entails", + -14.72329044342041 + ], + [ + "\u2581matricula", + -14.723306655883787 + ], + [ + "\u2581precaution", + -14.72336483001709 + ], + [ + "\u2581attivare", + -14.723387718200684 + ], + [ + "\u2581Malag", + -14.723447799682615 + ], + [ + "\u2581Meran", + -14.723459243774414 + ], + [ + "sourceMappingURL", + -14.723480224609377 + ], + [ + "ligodendr", + -14.723516464233398 + ], + [ + "\u2581sconfigge", + -14.72354507446289 + ], + [ + "\u2581adecuadamente", + -14.723550796508787 + ], + [ + "\u2581r\u00e9son", + -14.723554611206056 + ], + [ + "gevraagd", + -14.723583221435549 + ], + [ + "\u2581Schilderung", + -14.7236328125 + ], + [ + "ussain", + -14.723706245422363 + ], + [ + "desert", + -14.723732948303224 + ], + [ + "historical", + -14.723752975463867 + ], + [ + "acknowledgment", + -14.723759651184082 + ], + [ + "Pritchard", + -14.723760604858398 + ], + [ + "\u2581intriguing", + -14.723760604858398 + ], + [ + "\u2581m\u00e9lancoli", + -14.723760604858398 + ], + [ + "\u2581ongebruikelijk", + -14.723763465881348 + ], + [ + "\u2581Mandelli", + -14.723773002624512 + ], + [ + "azilit\u00e4t", + -14.723777770996094 + ], + [ + "\u2581Ruman\u00eda", + -14.723779678344728 + ], + [ + "\u2581conduc\u00eda", + -14.723795890808104 + ], + [ + "forzato", + -14.723807334899902 + ], + [ + "\u2581Finanzausschu", + -14.723820686340332 + ], + [ + "\u2581fondovalle", + -14.72382354736328 + ], + [ + "\u2581transf\u00e9rer", + -14.723830223083496 + ], + [ + "\u2581incursiones", + -14.723831176757812 + ], + [ + "\u2581hipoteca", + -14.723846435546877 + ], + [ + "\u2581indispensabili", + -14.72386646270752 + ], + [ + "tiveram", + -14.723875999450684 + ], + [ + "luppa", + -14.723876953125 + ], + [ + "\u2581Tarant", + -14.723881721496582 + ], + [ + "\u2581medianoche", + -14.723918914794922 + ], + [ + "adrid", + -14.723992347717283 + ], + [ + "Trompet", + -14.72406005859375 + ], + [ + "zudecken", + -14.724065780639648 + ], + [ + "\u2581lusitan", + -14.72413158416748 + ], + [ + "\u2581recomendaci\u00f3n", + -14.724138259887695 + ], + [ + "staurazione", + -14.724143981933594 + ], + [ + "reiken", + -14.724183082580566 + ], + [ + "perfeito", + -14.72422981262207 + ], + [ + "\u2581combinaciones", + -14.72422981262207 + ], + [ + "\u2581Dillinge", + -14.724231719970703 + ], + [ + "\u2581rispetti", + -14.724247932434082 + ], + [ + "Taiwan", + -14.72425365447998 + ], + [ + "TextInput", + -14.724257469177246 + ], + [ + "\u2581reminiscent", + -14.724266052246094 + ], + [ + "NewClient", + -14.724292755126951 + ], + [ + "stitutionalism", + -14.724302291870115 + ], + [ + "\u2581widerspiegeln", + -14.72436237335205 + ], + [ + "\u2581emboscada", + -14.724363327026367 + ], + [ + "\u2581matorral", + -14.724363327026367 + ], + [ + "\u2581proclam\u00e9", + -14.724363327026367 + ], + [ + "\u2581Hoofdstedelijk", + -14.724366188049316 + ], + [ + "\u2581Molotov", + -14.724370956420898 + ], + [ + "\u2581exercia", + -14.724380493164062 + ], + [ + "\u2581chilien", + -14.724383354187012 + ], + [ + "\u2581Bew\u00e4sserung", + -14.72438907623291 + ], + [ + "regola", + -14.724394798278809 + ], + [ + "Foreground", + -14.7244291305542 + ], + [ + "\u2581Delacour", + -14.72443389892578 + ], + [ + "\u2581r\u00e9sonance", + -14.72443675994873 + ], + [ + "\u2581riconferma", + -14.72445297241211 + ], + [ + "\u2581Emigrantes", + -14.724472999572754 + ], + [ + "aspri", + -14.724495887756348 + ], + [ + "\u2581vers\u00e4umt", + -14.724514961242676 + ], + [ + "donata", + -14.724520683288574 + ], + [ + "\u2581institutionnel", + -14.724528312683104 + ], + [ + "\u2581hinausgeht", + -14.724556922912598 + ], + [ + "\u2581attuare", + -14.724566459655762 + ], + [ + "arihuana", + -14.724592208862305 + ], + [ + "\u2581finesse", + -14.724644660949709 + ], + [ + "\u2581explicou", + -14.72464656829834 + ], + [ + "Television", + -14.724653244018556 + ], + [ + "\u2581Malach", + -14.724658966064451 + ], + [ + "\u2581attribuiti", + -14.7246732711792 + ], + [ + "\u2581plantaciones", + -14.724681854248049 + ], + [ + "hiya", + -14.72471523284912 + ], + [ + "Flandr", + -14.724722862243652 + ], + [ + "wireframe", + -14.724770545959473 + ], + [ + "\u2581biscotti", + -14.724777221679688 + ], + [ + "\u2581orfanato", + -14.72477912902832 + ], + [ + "\u2581terminent", + -14.724781036376951 + ], + [ + "\u2581Donni", + -14.72480010986328 + ], + [ + "\u2581Sardinien", + -14.724806785583496 + ], + [ + "\u2581uitbrak", + -14.724811553955078 + ], + [ + "Emulsion", + -14.724818229675291 + ], + [ + "\u2581quemado", + -14.72485065460205 + ], + [ + "\u2581paleontologi", + -14.724879264831545 + ], + [ + "\u2581Tosca", + -14.724892616271973 + ], + [ + "\u2581Ivanovi", + -14.724895477294922 + ], + [ + "ingestion", + -14.724903106689451 + ], + [ + "\u2581approcci", + -14.72490406036377 + ], + [ + "\u2581iluminada", + -14.724923133850098 + ], + [ + "\u2581Kr\u00e1lov\u00e9", + -14.72496509552002 + ], + [ + "Intensit\u00e4t", + -14.72500228881836 + ], + [ + "\u2581Chichester", + -14.725024223327637 + ], + [ + "\u2581redundancy", + -14.725027084350586 + ], + [ + "proliferative", + -14.725040435791016 + ], + [ + "IMPLEMENTATION", + -14.725056648254396 + ], + [ + "literalmente", + -14.725062370300291 + ], + [ + "Familienmitglied", + -14.72508716583252 + ], + [ + "Provinz", + -14.725088119506836 + ], + [ + "\u2581tredicesim", + -14.725105285644531 + ], + [ + "\u2581Markenamt", + -14.725125312805176 + ], + [ + "eidig", + -14.725136756896973 + ], + [ + "viario", + -14.72515869140625 + ], + [ + "\u2581Rabbin", + -14.725179672241213 + ], + [ + "recognition", + -14.725200653076172 + ], + [ + "\u2581impopular", + -14.725237846374512 + ], + [ + "Pump", + -14.725257873535156 + ], + [ + "\u2581Benede", + -14.725298881530762 + ], + [ + "\u2581entirety", + -14.72530746459961 + ], + [ + "mnesti", + -14.725313186645508 + ], + [ + "\u2581clamor", + -14.725323677062988 + ], + [ + "\u2581photovolta", + -14.725333213806152 + ], + [ + "ntimos", + -14.725367546081545 + ], + [ + "\u2581caporal", + -14.72537899017334 + ], + [ + "sch\u00e4rfen", + -14.72543239593506 + ], + [ + "zielte", + -14.725444793701172 + ], + [ + "\u2581taqui", + -14.725499153137209 + ], + [ + "\u2581manifestement", + -14.725539207458496 + ], + [ + "fluoreszenz", + -14.725549697875977 + ], + [ + "\u2581Steifigkeit", + -14.725568771362305 + ], + [ + "\u2581Entt\u00e4uschung", + -14.72557544708252 + ], + [ + "ungarisch", + -14.725579261779783 + ], + [ + "\u2581stealing", + -14.725614547729492 + ], + [ + "\u2581d\u00e9tache", + -14.725666046142578 + ], + [ + "\u2581Oberverwaltungs", + -14.72568416595459 + ], + [ + "\u2581campesino", + -14.72569465637207 + ], + [ + "Nutzer", + -14.725765228271484 + ], + [ + "\u2581operante", + -14.725777626037598 + ], + [ + "\u2581Aeron\u00e1utica", + -14.725783348083496 + ], + [ + "\u2581Stauf", + -14.725807189941406 + ], + [ + "Schranke", + -14.725815773010254 + ], + [ + "\u2581monolit", + -14.725831031799316 + ], + [ + "fundador", + -14.725900650024414 + ], + [ + "accelerazione", + -14.725906372070312 + ], + [ + "\u2581lamentable", + -14.72597885131836 + ], + [ + "selectable", + -14.726081848144531 + ], + [ + "lpito", + -14.726101875305176 + ], + [ + "\u2581villageois", + -14.726112365722656 + ], + [ + "\u2581savoure", + -14.726113319396973 + ], + [ + "\u2581operanti", + -14.726114273071287 + ], + [ + "henlage", + -14.72616195678711 + ], + [ + "\u2581Saqqara", + -14.726170539855955 + ], + [ + "\u2581wapenstilstand", + -14.726176261901855 + ], + [ + "TintColor", + -14.72618007659912 + ], + [ + "\u2581Kiliman", + -14.726183891296388 + ], + [ + "Carpe", + -14.726188659667969 + ], + [ + "\u2581apreciada", + -14.72619342803955 + ], + [ + "\u2581Tropenwald", + -14.726204872131348 + ], + [ + "\u2581cavea", + -14.72623062133789 + ], + [ + "\u2581verleid", + -14.726242065429688 + ], + [ + "\u2581Modifikationen", + -14.726243019104004 + ], + [ + "\u2581Wiederhol", + -14.726247787475586 + ], + [ + "\u2581pasticci", + -14.726299285888672 + ], + [ + "\u2581interferencia", + -14.726304054260254 + ], + [ + "\u2581clarified", + -14.72630500793457 + ], + [ + "\u2581Energiequellen", + -14.726305961608888 + ], + [ + "Altopian", + -14.726306915283203 + ], + [ + "PCO", + -14.726385116577148 + ], + [ + "croque", + -14.726409912109377 + ], + [ + "\u2581redaktionell", + -14.726417541503906 + ], + [ + "combinator", + -14.726482391357422 + ], + [ + "\u2581refract", + -14.726492881774902 + ], + [ + "\u2581remontent", + -14.726502418518066 + ], + [ + "Alkohol", + -14.726511001586914 + ], + [ + "redete", + -14.726534843444824 + ], + [ + "\u2581Erfah", + -14.726563453674316 + ], + [ + "EFL", + -14.72658634185791 + ], + [ + "\u2581Universitat", + -14.726634979248049 + ], + [ + "\u2581fuselage", + -14.726635932922363 + ], + [ + "\u2581Ausflugsziel", + -14.726651191711426 + ], + [ + "pilogue", + -14.72669792175293 + ], + [ + "\u00e9pouvant", + -14.726774215698242 + ], + [ + "\u2581armaz\u00e9ns", + -14.726774215698242 + ], + [ + "oplosbaar", + -14.72677516937256 + ], + [ + "\u2581fisionomia", + -14.726777076721191 + ], + [ + "\u2581laberinto", + -14.72677993774414 + ], + [ + "\u2581Jelinek", + -14.726780891418455 + ], + [ + "\u2581Vollzugsaufwand", + -14.72679042816162 + ], + [ + "Grenadine", + -14.726791381835938 + ], + [ + "\u2581incentivi", + -14.726814270019531 + ], + [ + "\u2581Dedica", + -14.72683048248291 + ], + [ + "\u2581connett", + -14.726836204528809 + ], + [ + "\u2581promiscu", + -14.72684383392334 + ], + [ + "cuario", + -14.726849555969238 + ], + [ + "\u2581schlimmsten", + -14.726851463317873 + ], + [ + "elesti", + -14.726861000061035 + ], + [ + "euningen", + -14.726872444152832 + ], + [ + "Hinweis", + -14.72690486907959 + ], + [ + "\u2581ausf\u00fchrt", + -14.72691535949707 + ], + [ + "\u2581paradoja", + -14.726916313171388 + ], + [ + "largar", + -14.72691822052002 + ], + [ + "preendido", + -14.726966857910156 + ], + [ + "orregge", + -14.727004051208496 + ], + [ + "\u2581alternando", + -14.727017402648926 + ], + [ + "\u2581instantiated", + -14.727052688598633 + ], + [ + "\u2581mitteilte", + -14.727143287658691 + ], + [ + "\u2581renombre", + -14.727160453796388 + ], + [ + "verblijft", + -14.727165222167969 + ], + [ + "\u2581annulla", + -14.727203369140623 + ], + [ + "\u2581oprichten", + -14.727212905883787 + ], + [ + "\u2581schiedenen", + -14.727232933044434 + ], + [ + "\u2581Spezifi", + -14.727246284484863 + ], + [ + "\u2581Herberg", + -14.727252006530762 + ], + [ + "\u2581immunitari", + -14.72725772857666 + ], + [ + "chelon", + -14.727289199829102 + ], + [ + "plizit", + -14.727302551269531 + ], + [ + "\u00fcberschuss", + -14.727303504943848 + ], + [ + "mittenti", + -14.727334022521973 + ], + [ + "\u2581strappar", + -14.727341651916504 + ], + [ + "sachverst\u00e4ndige", + -14.727377891540527 + ], + [ + "sekretariat", + -14.727377891540527 + ], + [ + "\u00e4llen", + -14.727395057678224 + ], + [ + "\u2581souffr", + -14.72741985321045 + ], + [ + "\u2581tiroteo", + -14.727439880371094 + ], + [ + "\u2581d\u00e9pouille", + -14.727447509765623 + ], + [ + "\u2581\u00fcberlagert", + -14.727452278137209 + ], + [ + "ppenheim", + -14.727465629577637 + ], + [ + "\u2581Regla", + -14.727482795715332 + ], + [ + "\u2581bezweifelt", + -14.727558135986328 + ], + [ + "ahlungsmittel", + -14.727587699890137 + ], + [ + "hirurgische", + -14.727599143981934 + ], + [ + "\u2581prosperar", + -14.72760009765625 + ], + [ + "plieg", + -14.72762393951416 + ], + [ + "\u2581rivelata", + -14.727630615234377 + ], + [ + "\u2581pilastr", + -14.727643966674805 + ], + [ + "\u2581digitado", + -14.72764492034912 + ], + [ + "\u2581battlefield", + -14.72765064239502 + ], + [ + "portrette", + -14.727688789367676 + ], + [ + "\u2581modificazioni", + -14.72770881652832 + ], + [ + "prendiamo", + -14.727716445922852 + ], + [ + "\u2581discordi", + -14.727723121643066 + ], + [ + "gres\u00f3", + -14.727855682373049 + ], + [ + "eperkt", + -14.727879524230955 + ], + [ + "\u2581argomenta", + -14.727879524230955 + ], + [ + "vorrat", + -14.727880477905272 + ], + [ + "Albanie", + -14.727899551391602 + ], + [ + "\u2581Batalh", + -14.727911949157717 + ], + [ + "\u2581Grayson", + -14.727911949157717 + ], + [ + "prolif\u00e9ration", + -14.727982521057127 + ], + [ + "desej\u00e1vel", + -14.727983474731444 + ], + [ + "\u2581worries", + -14.728033065795898 + ], + [ + "\u2581Cyclisme", + -14.72803783416748 + ], + [ + "\u2581speelgoed", + -14.728038787841797 + ], + [ + "yklo", + -14.728039741516112 + ], + [ + "\u2581Broglie", + -14.728045463562012 + ], + [ + "obertura", + -14.728047370910645 + ], + [ + "\u2581hechicer", + -14.728056907653809 + ], + [ + "\u2581Composiciones", + -14.728062629699709 + ], + [ + "Dedicated", + -14.728074073791504 + ], + [ + "\u2581logicamente", + -14.72807788848877 + ], + [ + "hervorming", + -14.728142738342283 + ], + [ + "\u2581annullare", + -14.728187561035156 + ], + [ + "\u2581Muttersprache", + -14.728198051452637 + ], + [ + "multidisciplinar", + -14.728206634521484 + ], + [ + "sopropyl", + -14.72823429107666 + ], + [ + "\u2581hyperplane", + -14.728242874145508 + ], + [ + "\u2581caill", + -14.72828197479248 + ], + [ + "\u2581esplodere", + -14.728289604187012 + ], + [ + "\u2581Kirst", + -14.72829246520996 + ], + [ + "\u2581konkurrierende", + -14.728314399719238 + ], + [ + "impal", + -14.72832489013672 + ], + [ + "\u2581maltempo", + -14.728343963623049 + ], + [ + "\u2581tramandat", + -14.728371620178224 + ], + [ + "\u2581Ptolem", + -14.728373527526855 + ], + [ + "\u2581begeleidde", + -14.728412628173828 + ], + [ + "\u2581filon", + -14.72841739654541 + ], + [ + "Stereo", + -14.728423118591309 + ], + [ + "konzentrat", + -14.728470802307127 + ], + [ + "Visualiz", + -14.728475570678713 + ], + [ + "getriebe", + -14.728477478027344 + ], + [ + "\u2581contar\u00e1", + -14.728486061096191 + ], + [ + "ersbach", + -14.72848892211914 + ], + [ + "ncamento", + -14.728497505187988 + ], + [ + "\u2581confirmaci\u00f3n", + -14.72856616973877 + ], + [ + "\u2581Kosmetik", + -14.72858715057373 + ], + [ + "\u2581acquainted", + -14.728588104248049 + ], + [ + "\u2581gr\u00e1vida", + -14.728588104248049 + ], + [ + "\u2581Stendhal", + -14.72859001159668 + ], + [ + "\u2581esotic", + -14.72860336303711 + ], + [ + "sumado", + -14.728617668151855 + ], + [ + "\u2581istituit", + -14.728628158569336 + ], + [ + "\u2581Sheppard", + -14.728631019592283 + ], + [ + "fahndung", + -14.72866439819336 + ], + [ + "\u2581infinitive", + -14.728675842285156 + ], + [ + "\u2581acclaim", + -14.728689193725586 + ], + [ + "verleih", + -14.728713989257812 + ], + [ + "\u2581renascimento", + -14.728724479675291 + ], + [ + "postcode", + -14.728734970092772 + ], + [ + "grangian", + -14.728745460510254 + ], + [ + "Intelligence", + -14.72874641418457 + ], + [ + "\u2581pernici", + -14.728755950927734 + ], + [ + "MainActivity", + -14.728771209716797 + ], + [ + "\u2581abziel", + -14.72881031036377 + ], + [ + "\u2581absorbid", + -14.728862762451172 + ], + [ + "\u2581onderliggende", + -14.728903770446776 + ], + [ + "\u2581apportent", + -14.72891330718994 + ], + [ + "\u2581zahlreich", + -14.72891616821289 + ], + [ + "\u2581ribadit", + -14.72892951965332 + ], + [ + "\u2581Verkehrswert", + -14.728938102722168 + ], + [ + "bezeich", + -14.72895050048828 + ], + [ + "beschrieben", + -14.728964805603027 + ], + [ + "rtifactory", + -14.72897243499756 + ], + [ + "duldet", + -14.72900390625 + ], + [ + "\u2581baston", + -14.729012489318848 + ], + [ + "Eagle", + -14.729036331176758 + ], + [ + "\u2581hospitality", + -14.72908878326416 + ], + [ + "\u2581organisch", + -14.729121208190918 + ], + [ + "\u2581trascinat", + -14.729133605957031 + ], + [ + "louch", + -14.729153633117676 + ], + [ + "\u2581Hurghada", + -14.729191780090332 + ], + [ + "\u2581Taormina", + -14.729191780090332 + ], + [ + "\u2581rijstroken", + -14.729191780090332 + ], + [ + "\u2581Capitolin", + -14.729192733764648 + ], + [ + "\u2581Casalmaggiore", + -14.729195594787598 + ], + [ + "ospite", + -14.729222297668455 + ], + [ + "extensibility", + -14.729249954223633 + ], + [ + "schutzbeh", + -14.729251861572266 + ], + [ + "trazia", + -14.729286193847656 + ], + [ + "vitate", + -14.729293823242188 + ], + [ + "\u2581Sachsenhausen", + -14.72933292388916 + ], + [ + "klammer", + -14.729339599609377 + ], + [ + "lectric", + -14.729392051696776 + ], + [ + "\u2581r\u00e9alisant", + -14.729432106018066 + ], + [ + "argumentTypes", + -14.72949504852295 + ], + [ + "arikatur", + -14.729499816894531 + ], + [ + "\u2581tattic", + -14.72951602935791 + ], + [ + "sociaux", + -14.729578018188477 + ], + [ + "\u2581continuait", + -14.72960376739502 + ], + [ + "\u2581Islanders", + -14.729623794555664 + ], + [ + "lasificatoria", + -14.729660034179688 + ], + [ + "\u2581grandiosa", + -14.729679107666016 + ], + [ + "\u2581doctrinal", + -14.729696273803713 + ], + [ + "\u2581communion", + -14.729700088500977 + ], + [ + "\u2581Schl\u00fcsse", + -14.729788780212402 + ], + [ + "\u2581downstairs", + -14.72979736328125 + ], + [ + "\u2581sammenhang", + -14.72979736328125 + ], + [ + "\u2581Grundfreiheiten", + -14.729798316955566 + ], + [ + "\u2581klassisch", + -14.729801177978516 + ], + [ + "\u2581Urauff\u00fchrung", + -14.729806900024414 + ], + [ + "\u2581Hieronymus", + -14.729829788208008 + ], + [ + "\u2581vertolk", + -14.729839324951172 + ], + [ + "recommended", + -14.729844093322754 + ], + [ + "intreccio", + -14.729846000671388 + ], + [ + "\u2581verstrekt", + -14.729884147644045 + ], + [ + "fiaba", + -14.729894638061523 + ], + [ + "\u2581abreviatura", + -14.729900360107422 + ], + [ + "\u2581reticol", + -14.729917526245115 + ], + [ + "\u2581sinnlos", + -14.72992992401123 + ], + [ + "\u2581Todavia", + -14.729934692382812 + ], + [ + "filler", + -14.72995376586914 + ], + [ + "chowski", + -14.729957580566406 + ], + [ + "\u2581Corvett", + -14.729962348937988 + ], + [ + "\u2581rectification", + -14.730025291442873 + ], + [ + "\u2581bevolkingsgroep", + -14.730059623718262 + ], + [ + "\u2581desaloj", + -14.730063438415527 + ], + [ + "\u2581langweilig", + -14.73007583618164 + ], + [ + "\u2581r\u00e9mun\u00e9r", + -14.730182647705078 + ], + [ + "\u2581garantiss", + -14.73020839691162 + ], + [ + "pflaster", + -14.730222702026367 + ], + [ + "\u2581residui", + -14.730244636535645 + ], + [ + "vestidura", + -14.7302885055542 + ], + [ + "\u2581NSDat", + -14.730348587036133 + ], + [ + "\u2581anticipata", + -14.730354309082031 + ], + [ + "lectromagn\u00e9tique", + -14.730356216430664 + ], + [ + "\u2581strumentali", + -14.730382919311523 + ], + [ + "\u2581bezichtigen", + -14.730402946472168 + ], + [ + "\u2581harvested", + -14.730402946472168 + ], + [ + "\u2581vocabolario", + -14.73042106628418 + ], + [ + "\u2581Unilever", + -14.730440139770508 + ], + [ + "\u2581filantrop", + -14.73044204711914 + ], + [ + "\u2581cultiv\u00e9e", + -14.730464935302734 + ], + [ + "\u2581Mindestma", + -14.73047161102295 + ], + [ + "addenstoelmuggen", + -14.730504989624023 + ], + [ + "\u2581Acquist", + -14.730513572692873 + ], + [ + "\u2581histone", + -14.73053741455078 + ], + [ + "\u2581erguida", + -14.730560302734377 + ], + [ + "z\u00e4hler", + -14.730567932128906 + ], + [ + "\u2581verg\u00fct", + -14.730573654174805 + ], + [ + "\u2581locativ", + -14.730583190917969 + ], + [ + "bdito", + -14.73060703277588 + ], + [ + "\u2581durchsetzt", + -14.730628967285156 + ], + [ + "Jeugd", + -14.730645179748535 + ], + [ + "\u2581transcribe", + -14.73065185546875 + ], + [ + "\u2581Gesamtl\u00e4nge", + -14.73068141937256 + ], + [ + "\u2581dismissal", + -14.73069667816162 + ], + [ + "Debugging", + -14.73069953918457 + ], + [ + "llokation", + -14.730732917785645 + ], + [ + "ovial", + -14.730749130249023 + ], + [ + "\u2581l\u00fcckenlos", + -14.730786323547363 + ], + [ + "\u2581Birg", + -14.730793952941896 + ], + [ + "\u2581Plantilla", + -14.730819702148438 + ], + [ + "\u2581Frontal", + -14.730850219726562 + ], + [ + "incisione", + -14.730880737304688 + ], + [ + "\u2581coltivare", + -14.73088836669922 + ], + [ + "upponiamo", + -14.730910301208496 + ], + [ + "\u2581encompass", + -14.73098087310791 + ], + [ + "\u2581steinerne", + -14.730985641479492 + ], + [ + "c\u00e9ntrica", + -14.731009483337402 + ], + [ + "\u2581exuberante", + -14.731009483337402 + ], + [ + "\u2581hauptberuflich", + -14.731009483337402 + ], + [ + "\u2581R\u00e4umung", + -14.73101043701172 + ], + [ + "\u2581embarrassed", + -14.73101043701172 + ], + [ + "leased", + -14.731014251708984 + ], + [ + "\u2581Keul", + -14.731016159057615 + ], + [ + "\u2581Jahrgangsstufe", + -14.731019973754885 + ], + [ + "\u2581irrompe", + -14.731026649475098 + ], + [ + "\u2581Cochi", + -14.73102855682373 + ], + [ + "\u2581medesimi", + -14.731030464172363 + ], + [ + "\u2581Bundesfinanzhof", + -14.731039047241213 + ], + [ + "pgfplots", + -14.731042861938477 + ], + [ + "\u2581duurzaamheid", + -14.731045722961426 + ], + [ + "rivais", + -14.731048583984377 + ], + [ + "tablier", + -14.731053352355955 + ], + [ + "chneumon", + -14.731101036071776 + ], + [ + "parametrization", + -14.73110580444336 + ], + [ + "\u2581personalities", + -14.731111526489258 + ], + [ + "\u2581comm\u00e9mor", + -14.731194496154783 + ], + [ + "\u2581Cabello", + -14.73121738433838 + ], + [ + "\u2581ristrett", + -14.731237411499023 + ], + [ + "berlebenden", + -14.731277465820312 + ], + [ + "\u2581pronounce", + -14.731328010559082 + ], + [ + "\u2581symphonique", + -14.731369972229004 + ], + [ + "\u2581taliban", + -14.731378555297852 + ], + [ + "smiles", + -14.7313871383667 + ], + [ + "\u2581bambin", + -14.731407165527344 + ], + [ + "\u2581sofreram", + -14.731415748596191 + ], + [ + "\u2581remission", + -14.73147201538086 + ], + [ + "\u2581Bartoli", + -14.731475830078123 + ], + [ + "Enfer", + -14.731537818908691 + ], + [ + "\u2581voordracht", + -14.731553077697754 + ], + [ + "\u2581zivilgesell", + -14.731569290161133 + ], + [ + "perdersi", + -14.731610298156738 + ], + [ + "\u2581erspart", + -14.731612205505373 + ], + [ + "\u2581cattolicesimo", + -14.73161506652832 + ], + [ + "\u2581prostitu\u00e9e", + -14.731616020202637 + ], + [ + "\u2581Cambodja", + -14.731616973876951 + ], + [ + "\u2581Muestra", + -14.731640815734863 + ], + [ + "\u2581cuestionar", + -14.731642723083496 + ], + [ + "\u2581guesthouse", + -14.731698036193848 + ], + [ + "\u2581Heise", + -14.731730461120604 + ], + [ + "\u2581pilgrimage", + -14.73174285888672 + ], + [ + "\u2581inconv\u00e9nients", + -14.73177433013916 + ], + [ + "\u2581restaurata", + -14.731776237487791 + ], + [ + "\u2581roteamento", + -14.731801986694336 + ], + [ + "hyphantes", + -14.731807708740234 + ], + [ + "Democratisch", + -14.73182487487793 + ], + [ + "\u2581trumpet", + -14.731834411621094 + ], + [ + "GOOD", + -14.731898307800291 + ], + [ + "omestead", + -14.731919288635254 + ], + [ + "\u2581Bosnisch", + -14.731921195983888 + ], + [ + "\u2581Nieders\u00e4chsisch", + -14.731926918029783 + ], + [ + "ostak", + -14.731929779052734 + ], + [ + "ubben", + -14.731939315795898 + ], + [ + "\u2581Tyl", + -14.731945037841797 + ], + [ + "\u2581stew", + -14.732015609741213 + ], + [ + "\u2581Sudeten", + -14.732043266296388 + ], + [ + "\u2581conveniently", + -14.732157707214355 + ], + [ + "strukturierung", + -14.732163429260254 + ], + [ + "\u2581inadequad", + -14.732163429260254 + ], + [ + "\u2581Protago", + -14.732166290283203 + ], + [ + "\u2581Wetterdienst", + -14.732171058654783 + ], + [ + "Guyana", + -14.732182502746582 + ], + [ + "\u2581ricavar", + -14.73219871520996 + ], + [ + "Invitrogen", + -14.732222557067873 + ], + [ + "\u2581Gr\u00e1fica", + -14.732222557067873 + ], + [ + "\u2581Pirandello", + -14.732222557067873 + ], + [ + "\u2581Rhabditophora", + -14.732222557067873 + ], + [ + "\u2581UIBezierPath", + -14.732222557067873 + ], + [ + "\u2581adhesi\u00f3n", + -14.732222557067873 + ], + [ + "\u2581castelhan", + -14.732224464416504 + ], + [ + "\u2581soccorsi", + -14.732224464416504 + ], + [ + "Permalink", + -14.732229232788086 + ], + [ + "\u2581\u00fcbernachten", + -14.732234954833984 + ], + [ + "\u2581ilimitada", + -14.732248306274414 + ], + [ + "adolescenza", + -14.732250213623049 + ], + [ + "charakterisieren", + -14.732276916503906 + ], + [ + "\u2581perpetu", + -14.732297897338867 + ], + [ + "\u2581exclusi\u00f3n", + -14.732306480407717 + ], + [ + "\u2581Vorwahl", + -14.73233413696289 + ], + [ + "Bachelor", + -14.732341766357422 + ], + [ + "\u2581cacciatore", + -14.73236083984375 + ], + [ + "Staphyl", + -14.732434272766112 + ], + [ + "\u2581attracting", + -14.732465744018556 + ], + [ + "\u2581rederij", + -14.732465744018556 + ], + [ + "Kfz", + -14.732498168945312 + ], + [ + "\u2581unpleasure", + -14.732507705688477 + ], + [ + "verk\u00fcrzung", + -14.732514381408691 + ], + [ + "initialValue", + -14.732563972473145 + ], + [ + "bepalend", + -14.73258113861084 + ], + [ + "\u2581unterlegen", + -14.732583045959473 + ], + [ + "\u2581iranienne", + -14.732611656188965 + ], + [ + "\u2581attestano", + -14.73261260986328 + ], + [ + "heuer", + -14.73261833190918 + ], + [ + "cudaDevice", + -14.732629776000977 + ], + [ + "\u2581sessant", + -14.732633590698242 + ], + [ + "CLUSI", + -14.732659339904783 + ], + [ + "\u2581detergent", + -14.732726097106934 + ], + [ + "\u2581d\u00e9sagr\u00e9able", + -14.732778549194336 + ], + [ + "Fruit", + -14.73280906677246 + ], + [ + "\u2581acredite", + -14.732820510864258 + ], + [ + "\u2581veroordeling", + -14.732829093933104 + ], + [ + "\u2581narration", + -14.73283576965332 + ], + [ + "\u2581neergeschoten", + -14.732836723327637 + ], + [ + "DISPATCH", + -14.7328462600708 + ], + [ + "\u2581Radcliffe", + -14.732847213745115 + ], + [ + "\u2581Ipiranga", + -14.732861518859863 + ], + [ + "prophylax", + -14.732867240905762 + ], + [ + "\u2581ghiacciat", + -14.732868194580078 + ], + [ + "\u2581riscopert", + -14.732880592346191 + ], + [ + "spiega", + -14.732894897460938 + ], + [ + "iguar", + -14.732897758483888 + ], + [ + "\u2581costruir", + -14.732911109924316 + ], + [ + "metragens", + -14.732953071594238 + ], + [ + "lyphosat", + -14.73295783996582 + ], + [ + "Christine", + -14.73296356201172 + ], + [ + "yrillisch", + -14.73298168182373 + ], + [ + "couleur", + -14.732982635498049 + ], + [ + "\u2581punktuell", + -14.732988357543944 + ], + [ + "\u2581incondicional", + -14.732994079589844 + ], + [ + "\u2581direcionado", + -14.73299789428711 + ], + [ + "\u2581Nordafrika", + -14.73301887512207 + ], + [ + "dominated", + -14.733034133911133 + ], + [ + "\u2581tactical", + -14.733047485351562 + ], + [ + "\u2581vitra", + -14.733052253723145 + ], + [ + "troch", + -14.733064651489258 + ], + [ + "lifetime", + -14.733067512512209 + ], + [ + "vidiu", + -14.733067512512209 + ], + [ + "\u2581conformity", + -14.733092308044434 + ], + [ + "amori", + -14.733101844787598 + ], + [ + "\u2581esmalt", + -14.733102798461914 + ], + [ + "\u2581macchinari", + -14.733102798461914 + ], + [ + "Naught", + -14.733134269714355 + ], + [ + "\u2581dormant", + -14.733166694641112 + ], + [ + "thirdparty", + -14.733177185058594 + ], + [ + "vington", + -14.73324203491211 + ], + [ + "\u2581rayonn", + -14.733245849609377 + ], + [ + "dietro", + -14.733246803283691 + ], + [ + "\u2581Andaman", + -14.733253479003906 + ], + [ + "\u2581guerrilh", + -14.7332763671875 + ], + [ + "zuivering", + -14.733295440673828 + ], + [ + "\u2581gentiluom", + -14.733306884765623 + ], + [ + "Liberal", + -14.733323097229004 + ], + [ + "\u2581worrying", + -14.73332977294922 + ], + [ + "ottant", + -14.73334789276123 + ], + [ + "\u2581Nordhausen", + -14.73336696624756 + ], + [ + "\u2581Tschernobyl", + -14.733437538146973 + ], + [ + "\u2581monoclonal", + -14.733449935913086 + ], + [ + "\u2581Gazastreifen", + -14.733452796936035 + ], + [ + "\u2581Josefina", + -14.733452796936035 + ], + [ + "\u2581Ofici", + -14.73345947265625 + ], + [ + "\u2581pioneira", + -14.733469009399414 + ], + [ + "\u2581H\u00e4mophil", + -14.733495712280272 + ], + [ + "\u2581decanta", + -14.73351764678955 + ], + [ + "\u2581derribad", + -14.73353099822998 + ], + [ + "ac\u00eda", + -14.733535766601562 + ], + [ + "\u2581Reinald", + -14.73355197906494 + ], + [ + "\u2581spaccia", + -14.733553886413574 + ], + [ + "\u2581matti", + -14.733592987060549 + ], + [ + "\u2581Jur\u00eddica", + -14.733601570129396 + ], + [ + "\u2581chaleureu", + -14.733602523803713 + ], + [ + "\u2581aspirazioni", + -14.733609199523926 + ], + [ + "\u2581Escritura", + -14.733620643615724 + ], + [ + "schildpadden", + -14.733634948730469 + ], + [ + "Ergonomi", + -14.733656883239746 + ], + [ + "\u2581definindo", + -14.733685493469238 + ], + [ + "\u2581climatiche", + -14.733773231506348 + ], + [ + "int\u00e9ressent", + -14.73377799987793 + ], + [ + "gardant", + -14.733802795410156 + ], + [ + "trachten", + -14.733813285827637 + ], + [ + "\u2581disgrega", + -14.733875274658203 + ], + [ + "\u2581Bildnis", + -14.733879089355469 + ], + [ + "\u2581verhaallijn", + -14.733887672424316 + ], + [ + "vochten", + -14.733933448791504 + ], + [ + "onorevole", + -14.733942985534668 + ], + [ + "\u2581Technol", + -14.733959197998049 + ], + [ + "accademia", + -14.734014511108398 + ], + [ + "Kathedraal", + -14.734045028686523 + ], + [ + "\u2581p\u00f3stumo", + -14.73404598236084 + ], + [ + "\u2581Rimbaud", + -14.734052658081056 + ], + [ + "Niedersachsen", + -14.734057426452637 + ], + [ + "\u2581juxtapos", + -14.734066009521484 + ], + [ + "ierenleeuwen", + -14.734079360961914 + ], + [ + "\u2581pr\u00e9historique", + -14.734086990356444 + ], + [ + "continuation", + -14.734088897705078 + ], + [ + "amayo", + -14.734198570251465 + ], + [ + "\u2581Urlauber", + -14.734204292297363 + ], + [ + "\u2581Iugosl\u00e1via", + -14.734251976013184 + ], + [ + "\u2581mantovan", + -14.734256744384766 + ], + [ + "\u2581compresi\u00f3n", + -14.734286308288574 + ], + [ + "\u2581emergenti", + -14.73429012298584 + ], + [ + "amane", + -14.734305381774902 + ], + [ + "\u2581bedankt", + -14.73432159423828 + ], + [ + "\u2581Freibetr\u00e4ge", + -14.734332084655762 + ], + [ + "rgenes", + -14.73433780670166 + ], + [ + "geliehen", + -14.734344482421877 + ], + [ + "\u2581Thieves", + -14.73435115814209 + ], + [ + "particularidades", + -14.73437213897705 + ], + [ + "\u2581reduzi", + -14.734397888183594 + ], + [ + "trailer", + -14.734403610229492 + ], + [ + "\u2581Marchant", + -14.734469413757324 + ], + [ + "Female", + -14.734517097473145 + ], + [ + "Richter", + -14.73454761505127 + ], + [ + "hilfegesetzes", + -14.734573364257812 + ], + [ + "curriendo", + -14.734601020812988 + ], + [ + "\u2581erweckt", + -14.734604835510254 + ], + [ + "\u2581conjugation", + -14.73462200164795 + ], + [ + "voormalig", + -14.734639167785645 + ], + [ + "\u2581n\u00e9gociant", + -14.734654426574709 + ], + [ + "mulet", + -14.734657287597656 + ], + [ + "\u2581compitieron", + -14.73466682434082 + ], + [ + "\u2581d\u00e9croissan", + -14.734670639038086 + ], + [ + "\u2581ult\u00e9rieur", + -14.73467254638672 + ], + [ + "ProvisioningStat", + -14.7346830368042 + ], + [ + "Preferente", + -14.734688758850098 + ], + [ + "\u2581opposants", + -14.734694480895996 + ], + [ + "\u2581lintworm", + -14.734696388244627 + ], + [ + "\u2581rugslag", + -14.734710693359377 + ], + [ + "verschluss", + -14.73472785949707 + ], + [ + "Passport", + -14.73473834991455 + ], + [ + "\u2581comunicativa", + -14.734739303588867 + ], + [ + "\u2581Pistons", + -14.7347412109375 + ], + [ + "interferenz", + -14.73476219177246 + ], + [ + "\u2581celebrity", + -14.734782218933104 + ], + [ + "eerders", + -14.734786987304688 + ], + [ + "quindi", + -14.734827041625977 + ], + [ + "Argentini", + -14.734829902648926 + ], + [ + "synchronisati", + -14.73484706878662 + ], + [ + "zentration", + -14.734867095947266 + ], + [ + "\u2581moralist", + -14.734868049621582 + ], + [ + "cercle", + -14.73488426208496 + ], + [ + "planerische", + -14.73490047454834 + ], + [ + "\u2581ladrones", + -14.7349271774292 + ], + [ + "yberneti", + -14.73493194580078 + ], + [ + "\u2581pr\u00e4zisiert", + -14.734942436218262 + ], + [ + "\u2581Herod", + -14.734971046447754 + ], + [ + "\u2581Logiciel", + -14.734992027282717 + ], + [ + "agueiro", + -14.735004425048828 + ], + [ + "\u2581aliscaf", + -14.7350435256958 + ], + [ + "imbrogli", + -14.735057830810549 + ], + [ + "\u2581recherchier", + -14.735064506530762 + ], + [ + "iserende", + -14.735111236572266 + ], + [ + "\u2581H\u00e4mo", + -14.735112190246582 + ], + [ + "\u2581percentuali", + -14.735133171081545 + ], + [ + "stelligen", + -14.73516082763672 + ], + [ + "\u2581langdurig", + -14.735182762145996 + ], + [ + "\u2581Pericle", + -14.735230445861816 + ], + [ + "Gasbarroni", + -14.735261917114258 + ], + [ + "\u2581Verzweiflung", + -14.735261917114258 + ], + [ + "\u2581ricevute", + -14.735261917114258 + ], + [ + "become", + -14.735283851623535 + ], + [ + "Firma", + -14.7352876663208 + ], + [ + "BaseResponse", + -14.735312461853027 + ], + [ + "\u2581morfol\u00f3gica", + -14.73533821105957 + ], + [ + "Abraham", + -14.735342979431152 + ], + [ + "\u2581toekenn", + -14.735352516174316 + ], + [ + "\u2581Anstelle", + -14.735371589660645 + ], + [ + "Industriel\u00e4ndern", + -14.73538303375244 + ], + [ + "\u2581portatil", + -14.735411643981934 + ], + [ + "\u2581succeeding", + -14.7354154586792 + ], + [ + "nonexistent", + -14.735421180725098 + ], + [ + "\u2581Volgende", + -14.735443115234377 + ], + [ + "aubourg", + -14.735444068908691 + ], + [ + "zandsteen", + -14.735453605651855 + ], + [ + "\u2581cronol\u00f3gica", + -14.73547077178955 + ], + [ + "ramite", + -14.735511779785156 + ], + [ + "compositeur", + -14.735514640808104 + ], + [ + "EUROPE", + -14.735528945922852 + ], + [ + "\u2581suprimido", + -14.735567092895508 + ], + [ + "in\u00e9galit\u00e9", + -14.735575675964355 + ], + [ + "partnerschaften", + -14.735631942749023 + ], + [ + "\u2581propagaci\u00f3n", + -14.735639572143556 + ], + [ + "\u2581coppe", + -14.735648155212402 + ], + [ + "dromi", + -14.73570728302002 + ], + [ + "\u2581Relaci\u00f3n", + -14.73573875427246 + ], + [ + "Authorized", + -14.735766410827637 + ], + [ + "bleibt", + -14.735772132873535 + ], + [ + "Stockholm", + -14.735815048217772 + ], + [ + "\u2581Dactyl", + -14.735816955566406 + ], + [ + "\u2581Medidas", + -14.735816955566406 + ], + [ + "petenz", + -14.735819816589355 + ], + [ + "\u2581trabajaron", + -14.735821723937988 + ], + [ + "fiada", + -14.735836029052734 + ], + [ + "Uncertainty", + -14.735865592956545 + ], + [ + "\u2581Bladrollers", + -14.735870361328123 + ], + [ + "\u2581Chateaubriand", + -14.735870361328123 + ], + [ + "\u2581Wassenaar", + -14.73587131500244 + ], + [ + "\u2581kombinieren", + -14.73587131500244 + ], + [ + "\u2581neerlandeses", + -14.735872268676758 + ], + [ + "\u2581compiace", + -14.735873222351074 + ], + [ + "\u2581surrendered", + -14.735876083374023 + ], + [ + "ulenz", + -14.735882759094238 + ], + [ + "Anfechtungsklage", + -14.7358980178833 + ], + [ + "\u2581insurrecci\u00f3n", + -14.735904693603516 + ], + [ + "\u2581Oberland", + -14.735907554626465 + ], + [ + "\u2581esibir", + -14.73590850830078 + ], + [ + "\u2581eletrodos", + -14.736013412475586 + ], + [ + "\u2581pronunci\u00f3", + -14.736034393310549 + ], + [ + "\u2581arraiga", + -14.736044883728027 + ], + [ + "\u2581exaspera", + -14.73606777191162 + ], + [ + "\u2581jesuita", + -14.73608112335205 + ], + [ + "TET", + -14.736085891723633 + ], + [ + "\u2581pendu", + -14.736089706420898 + ], + [ + "u\u00e1ndo", + -14.736154556274414 + ], + [ + "\u2581spaceship", + -14.736187934875488 + ], + [ + "\u2581inwendige", + -14.73624038696289 + ], + [ + "schiebe", + -14.73627471923828 + ], + [ + "\u2581celebr", + -14.736355781555176 + ], + [ + "sekunden", + -14.736385345458984 + ], + [ + "t\u00e9cnica", + -14.736404418945312 + ], + [ + "\u2581pensiamo", + -14.736419677734377 + ], + [ + "categorydate", + -14.736424446105955 + ], + [ + "Somme", + -14.73643398284912 + ], + [ + "\u2581decaying", + -14.73643398284912 + ], + [ + "valutato", + -14.736445426940918 + ], + [ + "sessenta", + -14.736479759216309 + ], + [ + "\u2581Arabidopsis", + -14.736479759216309 + ], + [ + "\u2581Ecuatorian", + -14.736479759216309 + ], + [ + "\u2581Vars\u00f3via", + -14.736479759216309 + ], + [ + "\u2581acorazado", + -14.736479759216309 + ], + [ + "\u2581consectetur", + -14.736479759216309 + ], + [ + "Unrecognized", + -14.73648166656494 + ], + [ + "\u2581bedurft", + -14.736482620239258 + ], + [ + "\u2581overbodig", + -14.736494064331056 + ], + [ + "\u2581adjudic", + -14.736515998840332 + ], + [ + "\u2581Maguire", + -14.73651885986328 + ], + [ + "\u2581ergodic", + -14.736543655395508 + ], + [ + "\u2581atribu\u00ed", + -14.736550331115724 + ], + [ + "gild", + -14.736555099487305 + ], + [ + "mont\u00e9s", + -14.73659896850586 + ], + [ + "\u2581bondgenoot", + -14.736682891845703 + ], + [ + "\u2581Themenfeld", + -14.736685752868652 + ], + [ + "\u2581quantistica", + -14.736722946166992 + ], + [ + "\u2581sublimi", + -14.736743927001951 + ], + [ + "erkl\u00e4", + -14.736748695373535 + ], + [ + "Meinungsfreiheit", + -14.736763954162598 + ], + [ + "\u2581supiera", + -14.736781120300291 + ], + [ + "\u2581Lyr", + -14.736783027648926 + ], + [ + "\u2581Straubing", + -14.736846923828123 + ], + [ + "\u2581convalescen", + -14.736889839172363 + ], + [ + "\u2581royalty", + -14.736906051635742 + ], + [ + "\u2581alteraci\u00f3n", + -14.736968994140623 + ], + [ + "l\u00e9tico", + -14.736990928649902 + ], + [ + "Verhalten", + -14.736995697021484 + ], + [ + "estrelou", + -14.736995697021484 + ], + [ + "olandese", + -14.737015724182127 + ], + [ + "getActive", + -14.737022399902344 + ], + [ + "Freiburg", + -14.737024307250977 + ], + [ + "caricare", + -14.737037658691406 + ], + [ + "\u2581BImSchG", + -14.737090110778809 + ], + [ + "\u2581auszuw\u00e4hlen", + -14.737090110778809 + ], + [ + "\u2581Rucksack", + -14.737092971801758 + ], + [ + "\u2581indossano", + -14.737095832824709 + ], + [ + "\u2581Guizhou", + -14.737102508544922 + ], + [ + "\u2581anglosaj", + -14.737102508544922 + ], + [ + "\u2581hiperdecimal", + -14.737103462219238 + ], + [ + "\u2581commodities", + -14.73712921142578 + ], + [ + "\u2581stimoli", + -14.737152099609377 + ], + [ + "\u2581Jarrett", + -14.737159729003906 + ], + [ + "\u2581negligencia", + -14.737159729003906 + ], + [ + "\u2581demonstrieren", + -14.73720359802246 + ], + [ + "\u2581Pr\u00e1tica", + -14.737248420715332 + ], + [ + "\u2581desgarr", + -14.73725700378418 + ], + [ + "\u2581angeklagt", + -14.737261772155762 + ], + [ + "\u2581polyester", + -14.737276077270508 + ], + [ + "\u2581Bouvier", + -14.737281799316406 + ], + [ + "\u2581eliminier", + -14.737327575683594 + ], + [ + "amese", + -14.737360000610352 + ], + [ + "unaway", + -14.737397193908691 + ], + [ + "\u2581Religiosos", + -14.737434387207031 + ], + [ + "aneja", + -14.737442016601562 + ], + [ + "\u2581impuesta", + -14.73744773864746 + ], + [ + "Performer", + -14.737610816955566 + ], + [ + "\u2581eterogene", + -14.737611770629885 + ], + [ + "\u2581profuma", + -14.73763942718506 + ], + [ + "uitgegeven", + -14.737648963928224 + ], + [ + "\u2581Voorhee", + -14.73768138885498 + ], + [ + "\u2581Conform\u00e9ment", + -14.737699508666992 + ], + [ + "\u2581Rascacielos", + -14.737699508666992 + ], + [ + "apoptotic", + -14.737700462341309 + ], + [ + "\u2581maquillaje", + -14.737700462341309 + ], + [ + "beheersing", + -14.737703323364258 + ], + [ + "\u2581verlengen", + -14.737722396850586 + ], + [ + "\u2581num\u00e9r", + -14.737762451171877 + ], + [ + "piacimento", + -14.737798690795898 + ], + [ + "\u2581prestigieuse", + -14.737798690795898 + ], + [ + "\u2581indicateurs", + -14.73780918121338 + ], + [ + "\u2581Melon", + -14.737812995910645 + ], + [ + "askade", + -14.737854957580566 + ], + [ + "ischemia", + -14.73790454864502 + ], + [ + "\u2581ph\u00e9nom\u00e9n", + -14.737911224365234 + ], + [ + "eferrer", + -14.73793125152588 + ], + [ + "\u2581fortificazione", + -14.73793125152588 + ], + [ + "\u2581Gabri", + -14.737966537475586 + ], + [ + "\u2581Parejas", + -14.73801612854004 + ], + [ + "\u00e9quence", + -14.738048553466797 + ], + [ + "\u2581Calab", + -14.738097190856934 + ], + [ + "\u2581Jock", + -14.73809814453125 + ], + [ + "\u2581\u00fcberregional", + -14.738130569458008 + ], + [ + "\u2581avanzati", + -14.738153457641602 + ], + [ + "\u2581Petroler", + -14.73817253112793 + ], + [ + "\u2581monopolist", + -14.738187789916992 + ], + [ + "acuare", + -14.738204002380373 + ], + [ + "Lorraine", + -14.738258361816406 + ], + [ + "\u2581Coloque", + -14.738273620605469 + ], + [ + "racket", + -14.738277435302734 + ], + [ + "investiga", + -14.738283157348633 + ], + [ + "ECTS", + -14.738287925720217 + ], + [ + "Esp\u00e9rance", + -14.738327980041504 + ], + [ + "incr\u00e9ment", + -14.738346099853516 + ], + [ + "\u2581oxidier", + -14.738348007202148 + ], + [ + "\u2581Flamingo", + -14.738356590270996 + ], + [ + "ourbon", + -14.738375663757324 + ], + [ + "\u2581manantial", + -14.738380432128906 + ], + [ + "\u2581Silverstone", + -14.738402366638184 + ], + [ + "hythmus", + -14.738405227661133 + ], + [ + "\u2581sinking", + -14.738421440124512 + ], + [ + "\u2581Laffont", + -14.738459587097168 + ], + [ + "rztliche", + -14.738473892211914 + ], + [ + "\u2581Wisse", + -14.738478660583496 + ], + [ + "\u2581vengar", + -14.73850917816162 + ], + [ + "\u2581spreche", + -14.738512992858888 + ], + [ + "\u2581Subvention", + -14.738519668579102 + ], + [ + "\u2581sanidad", + -14.738520622253418 + ], + [ + "Suggest", + -14.738576889038086 + ], + [ + "\u2581Capacidade", + -14.73863124847412 + ], + [ + "\u2581analoghi", + -14.738638877868652 + ], + [ + "\u2581Obrador", + -14.738641738891602 + ], + [ + "linkedin", + -14.738687515258787 + ], + [ + "Geb\u00e4ude", + -14.73871612548828 + ], + [ + "anatorium", + -14.73871898651123 + ], + [ + "haltigkeit", + -14.738743782043455 + ], + [ + "\u2581confermano", + -14.738798141479492 + ], + [ + "\u2581transcendant", + -14.738836288452148 + ], + [ + "mutati", + -14.738842964172363 + ], + [ + "CONTI", + -14.738847732543944 + ], + [ + "\u2581Kl\u00e4ranlage", + -14.738862991333008 + ], + [ + "\u2581capolavori", + -14.738921165466309 + ], + [ + "\u2581d\u00e9crivant", + -14.738921165466309 + ], + [ + "\u2581voortzetting", + -14.738940238952637 + ], + [ + "\u2581bondgenoten", + -14.738944053649902 + ], + [ + "\u2581Ministerkomitee", + -14.738950729370115 + ], + [ + "Maatschappij", + -14.738956451416016 + ], + [ + "pommern", + -14.738958358764648 + ], + [ + "\u2581Extinktion", + -14.73896026611328 + ], + [ + "\u2581islamist", + -14.738972663879396 + ], + [ + "villan", + -14.738974571228027 + ], + [ + "eepalive", + -14.738983154296877 + ], + [ + "einkohlenbergbau", + -14.738983154296877 + ], + [ + "\u2581Inhaltsstoffe", + -14.739070892333984 + ], + [ + "aufzeichnung", + -14.739076614379885 + ], + [ + "kleden", + -14.739076614379885 + ], + [ + "\u2581bundesdeutschen", + -14.73911952972412 + ], + [ + "\u2581Druckerei", + -14.739169120788574 + ], + [ + "\u2581wetland", + -14.739178657531738 + ], + [ + "Raj", + -14.739182472229004 + ], + [ + "\u2581fuggiti", + -14.73921012878418 + ], + [ + "\u2581Sicherungsma", + -14.739211082458496 + ], + [ + "\u2581harmonische", + -14.739215850830078 + ], + [ + "Oberamts", + -14.739216804504396 + ], + [ + "silence", + -14.739224433898926 + ], + [ + "lmendr", + -14.739249229431152 + ], + [ + "\u2581proportionality", + -14.739261627197266 + ], + [ + "workbench", + -14.739288330078123 + ], + [ + "vitamin", + -14.73930549621582 + ], + [ + "\u2581warenhuis", + -14.739306449890137 + ], + [ + "\u2581Cronolog\u00eda", + -14.739350318908691 + ], + [ + "\u2581arrecife", + -14.7393798828125 + ], + [ + "\u2581\u00fcberfordert", + -14.739394187927246 + ], + [ + "\u2581aanleggen", + -14.739423751831056 + ], + [ + "\u2581Konsole", + -14.739453315734863 + ], + [ + "\u2581remercier", + -14.739458084106444 + ], + [ + "Miet", + -14.739513397216797 + ], + [ + "\u2581acessada", + -14.739537239074709 + ], + [ + "\u2581Balestr", + -14.739567756652832 + ], + [ + "\u2581Besatzungszone", + -14.73957633972168 + ], + [ + "sungsans\u00e4tze", + -14.739583969116213 + ], + [ + "rrtum", + -14.73964023590088 + ], + [ + "\u2581prepoten", + -14.739646911621094 + ], + [ + "\u2581acessados", + -14.739651679992676 + ], + [ + "ballverein", + -14.739657402038574 + ], + [ + "pplicant", + -14.739662170410156 + ], + [ + "angana", + -14.739712715148926 + ], + [ + "\u2581Weiterf\u00fchrung", + -14.739715576171877 + ], + [ + "\u2581Maschi", + -14.73971939086914 + ], + [ + "juku", + -14.739792823791504 + ], + [ + "\u2581Extin", + -14.73979949951172 + ], + [ + "hydrauli", + -14.739826202392578 + ], + [ + "interlocutore", + -14.739846229553224 + ], + [ + "ollettino", + -14.739850044250488 + ], + [ + "\u2581Auftakt", + -14.739855766296388 + ], + [ + "Opp", + -14.739882469177246 + ], + [ + "\u2581modernist", + -14.739886283874512 + ], + [ + "\u2581pl\u00e4diert", + -14.739920616149902 + ], + [ + "iziani", + -14.739933967590332 + ], + [ + "oquial", + -14.739970207214355 + ], + [ + "\u2581Bruchteil", + -14.739981651306152 + ], + [ + "coordinator", + -14.740001678466797 + ], + [ + "Huang", + -14.740007400512695 + ], + [ + "originalit\u00e0", + -14.740015029907228 + ], + [ + "\u2581todavia", + -14.740028381347656 + ], + [ + "\u2581convivencia", + -14.740077018737791 + ], + [ + "\u2581blutige", + -14.740099906921388 + ], + [ + "lenty", + -14.740102767944336 + ], + [ + "\u2581abor\u00edgenes", + -14.74014377593994 + ], + [ + "\u2581exclaimed", + -14.74014377593994 + ], + [ + "conscientemente", + -14.740144729614258 + ], + [ + "\u2581confinado", + -14.740155220031738 + ], + [ + "\u2581vrolijk", + -14.740156173706056 + ], + [ + "\u2581rifornimenti", + -14.740157127380373 + ], + [ + "\u2581Onderweg", + -14.740167617797852 + ], + [ + "\u2581teruggekeerd", + -14.740181922912598 + ], + [ + "redivisie", + -14.740184783935549 + ], + [ + "PROB", + -14.740227699279783 + ], + [ + "\u2581incipiente", + -14.740239143371582 + ], + [ + "\u2581Topolino", + -14.740251541137695 + ], + [ + "\u2581acredito", + -14.740289688110352 + ], + [ + "\u2581Ersatzteile", + -14.740327835083008 + ], + [ + "lasca", + -14.74036693572998 + ], + [ + "patolog\u00eda", + -14.740443229675291 + ], + [ + "\u2581parciais", + -14.740478515625 + ], + [ + "\u00e1mico", + -14.740496635437012 + ], + [ + "\u2581radiazione", + -14.740517616271973 + ], + [ + "\u2581intravede", + -14.740537643432615 + ], + [ + "monatige", + -14.740596771240234 + ], + [ + "uurd", + -14.740602493286133 + ], + [ + "\u2581rematad", + -14.740612030029297 + ], + [ + "buut", + -14.740617752075195 + ], + [ + "\u2581Hinrichtung", + -14.740618705749512 + ], + [ + "\u00e9lectrique", + -14.740623474121094 + ], + [ + "\u2581rischiare", + -14.740640640258787 + ], + [ + "\u2581cooperar", + -14.740652084350586 + ], + [ + "rogative", + -14.740662574768066 + ], + [ + "medical", + -14.74066925048828 + ], + [ + "\u2581charpent", + -14.74071979522705 + ], + [ + "\u00e9clairer", + -14.74074363708496 + ], + [ + "Misisipi", + -14.740756034851074 + ], + [ + "\u2581Andernfalls", + -14.740756034851074 + ], + [ + "\u2581Ausschreitungen", + -14.740756034851074 + ], + [ + "\u2581difficoltos", + -14.740756034851074 + ], + [ + "\u2581lymphoma", + -14.740756034851074 + ], + [ + "\u2581Laboratorium", + -14.740764617919922 + ], + [ + "Shack", + -14.740789413452148 + ], + [ + "\u2581Schulungen", + -14.740795135498049 + ], + [ + "\u2581lavand", + -14.740798950195312 + ], + [ + "tracce", + -14.740801811218262 + ], + [ + "\u2581ripartire", + -14.740801811218262 + ], + [ + "catalysis", + -14.740843772888184 + ], + [ + "\u2581divinidad", + -14.740856170654297 + ], + [ + "MockObject", + -14.740880012512209 + ], + [ + "arbeitsgericht", + -14.740928649902344 + ], + [ + "\u2581assassinar", + -14.740974426269531 + ], + [ + "ancestry", + -14.740997314453123 + ], + [ + "ictorious", + -14.74102020263672 + ], + [ + "\u2581ortogr\u00e1fica", + -14.741026878356934 + ], + [ + "\u2581indovina", + -14.7410306930542 + ], + [ + "\u2581griechischer", + -14.74103546142578 + ], + [ + "\u2581injuste", + -14.741138458251951 + ], + [ + "\u2581ostinat", + -14.74116325378418 + ], + [ + "plicazione", + -14.741182327270508 + ], + [ + "\u2581Ausgangslage", + -14.741207122802734 + ], + [ + "sultan", + -14.741209030151367 + ], + [ + "metter\u00e0", + -14.741212844848633 + ], + [ + "ingabe", + -14.741238594055176 + ], + [ + "\u2581polish", + -14.741244316101074 + ], + [ + "Effective", + -14.741255760192873 + ], + [ + "xcavation", + -14.741263389587402 + ], + [ + "\u2581Castellini", + -14.741276741027832 + ], + [ + "\u2581Tramway", + -14.741299629211426 + ], + [ + "\u2581Marjo", + -14.741338729858398 + ], + [ + "\u2581Badeort", + -14.741345405578612 + ], + [ + "DELE", + -14.74134635925293 + ], + [ + "\u2581verabschieden", + -14.741368293762209 + ], + [ + "pariciones", + -14.74137020111084 + ], + [ + "RequirePackage", + -14.74138641357422 + ], + [ + "\u2581Sandstrand", + -14.741440773010254 + ], + [ + "\u2581instalaron", + -14.741463661193848 + ], + [ + "\u2581d\u00e9fait", + -14.74149227142334 + ], + [ + "vasi\u00f3n", + -14.741498947143556 + ], + [ + "ContainerState", + -14.741499900817873 + ], + [ + "\u2581Cicl", + -14.741533279418944 + ], + [ + "IRR", + -14.741535186767578 + ], + [ + "\u2581Martinica", + -14.741575241088867 + ], + [ + "\u2581bestseller", + -14.741592407226562 + ], + [ + "\u2581Folle", + -14.741640090942385 + ], + [ + "\u2581formativo", + -14.741650581359863 + ], + [ + "\u2581recitazione", + -14.741660118103027 + ], + [ + "\u2581Mercantil", + -14.74166202545166 + ], + [ + "\u2581repeli", + -14.741677284240724 + ], + [ + "platt", + -14.741717338562012 + ], + [ + "botton", + -14.741731643676758 + ], + [ + "hndung", + -14.741756439208984 + ], + [ + "\u2581Sozialpartner", + -14.741758346557615 + ], + [ + "\u2581narrowed", + -14.741806030273438 + ], + [ + "\u2581Denomina", + -14.741826057434082 + ], + [ + "Sociedad", + -14.741833686828612 + ], + [ + "gleiten", + -14.741851806640623 + ], + [ + "Pued", + -14.741930961608888 + ], + [ + "ulke", + -14.741949081420898 + ], + [ + "Reflexe", + -14.741958618164062 + ], + [ + "\u2581Eustatius", + -14.741981506347656 + ], + [ + "\u2581consagr\u00f3", + -14.741981506347656 + ], + [ + "\u2581Christoffel", + -14.741998672485352 + ], + [ + "\u2581Sekundarstufe", + -14.742046356201172 + ], + [ + "\u2581Recreativ", + -14.742074966430664 + ], + [ + "\u2581spontan\u00e9ment", + -14.742104530334473 + ], + [ + "\u2581equivocada", + -14.742106437683104 + ], + [ + "Magnific", + -14.7421236038208 + ], + [ + "\u2581zur\u00fcckgegeben", + -14.742144584655762 + ], + [ + "CTOR", + -14.742158889770508 + ], + [ + "solicite", + -14.74216079711914 + ], + [ + "Einfuhr", + -14.742196083068848 + ], + [ + "\u2581baleine", + -14.742228507995604 + ], + [ + "\u2581attaccata", + -14.742246627807615 + ], + [ + "\u2581triangulaire", + -14.742255210876465 + ], + [ + "tallone", + -14.742264747619627 + ], + [ + "\u2581Terrestre", + -14.74229335784912 + ], + [ + "\u2581oversight", + -14.742297172546388 + ], + [ + "Kindertagesst\u00e4tt", + -14.742331504821776 + ], + [ + "\u2581recome", + -14.74234390258789 + ], + [ + "Ausschu", + -14.742344856262209 + ], + [ + "\u2581exquisit", + -14.742380142211914 + ], + [ + "\u2581digestivo", + -14.742386817932127 + ], + [ + "\u2581Ministra", + -14.742401123046877 + ], + [ + "Concert", + -14.742449760437012 + ], + [ + "Afbeeldingen", + -14.74246597290039 + ], + [ + "\u2581am\u00e9nagements", + -14.742481231689451 + ], + [ + "\u2581teorizza", + -14.742483139038086 + ], + [ + "\u2581Refuge", + -14.74253273010254 + ], + [ + "\u2581earnest", + -14.742561340332031 + ], + [ + "celular", + -14.74256420135498 + ], + [ + "POSTROUTING", + -14.742595672607422 + ], + [ + "\u2581Escorial", + -14.742602348327637 + ], + [ + "\u2581Suivant", + -14.742605209350586 + ], + [ + "\u2581Heimsheim", + -14.742633819580078 + ], + [ + "Derivation", + -14.742635726928713 + ], + [ + "\u2581pandilla", + -14.742653846740724 + ], + [ + "ialyse", + -14.742668151855469 + ], + [ + "\u2581travolt", + -14.742671012878418 + ], + [ + "\u2581belastbare", + -14.74267292022705 + ], + [ + "\u2581Employ", + -14.742683410644531 + ], + [ + "\u2581Ausgrenzung", + -14.74268913269043 + ], + [ + "indebita", + -14.742719650268556 + ], + [ + "\u2581coleccionista", + -14.742719650268556 + ], + [ + "\u2581Albatros", + -14.742725372314451 + ], + [ + "einbu", + -14.742754936218262 + ], + [ + "\u2581d\u00e9mo", + -14.742772102355955 + ], + [ + "Bachmann", + -14.742799758911133 + ], + [ + "\u2581entertaining", + -14.74280071258545 + ], + [ + "\u2581Amali", + -14.742803573608398 + ], + [ + "\u2581profilazione", + -14.74280834197998 + ], + [ + "\u2581convenzionali", + -14.742820739746094 + ], + [ + "\u2581pendi", + -14.74282455444336 + ], + [ + "Medizin", + -14.742859840393066 + ], + [ + "\u2581Ramsa", + -14.742863655090332 + ], + [ + "\u2581Copeland", + -14.74287223815918 + ], + [ + "\u2581Galloway", + -14.74287223815918 + ], + [ + "Informatique", + -14.742877006530762 + ], + [ + "\u2581preparata", + -14.74288272857666 + ], + [ + "enrichir", + -14.742904663085938 + ], + [ + "\u2581riacquist", + -14.742912292480469 + ], + [ + "imprimeur", + -14.742938041687012 + ], + [ + "humanisme", + -14.74297332763672 + ], + [ + "preuve", + -14.743006706237791 + ], + [ + "erschelde", + -14.743017196655272 + ], + [ + "deplib", + -14.74306297302246 + ], + [ + "Monster", + -14.743067741394045 + ], + [ + "Saarbr\u00fccken", + -14.743123054504396 + ], + [ + "pongamos", + -14.743148803710938 + ], + [ + "\u2581P\u00e9ro", + -14.743154525756836 + ], + [ + "\u2581scandi", + -14.743172645568848 + ], + [ + "\u2581R\u00fcckwirkung", + -14.743196487426758 + ], + [ + "activator", + -14.743340492248535 + ], + [ + "\u2581d\u00e9sarm", + -14.743385314941406 + ], + [ + "\u2581hondure", + -14.743398666381836 + ], + [ + "\u2581Jongens", + -14.743401527404783 + ], + [ + "\u2581Salento", + -14.743412971496582 + ], + [ + "entendit", + -14.74342918395996 + ], + [ + "\u2581aanbrengen", + -14.74343967437744 + ], + [ + "\u2581mapuche", + -14.743446350097656 + ], + [ + "geheuer", + -14.743526458740234 + ], + [ + "afwijking", + -14.743549346923828 + ], + [ + "\u2581gerarchi", + -14.743560791015623 + ], + [ + "bauche", + -14.743607521057127 + ], + [ + "\u2581favorisce", + -14.743614196777344 + ], + [ + "\u2581Frisi", + -14.743658065795898 + ], + [ + "overschot", + -14.743659973144531 + ], + [ + "\u2581Partisan", + -14.74366283416748 + ], + [ + "\u2581quoting", + -14.743678092956545 + ], + [ + "\u2581aussprechen", + -14.74367904663086 + ], + [ + "\u2581squisit", + -14.743718147277832 + ], + [ + "atched", + -14.743721961975098 + ], + [ + "fatig", + -14.743724822998049 + ], + [ + "\u2581implantar", + -14.743725776672363 + ], + [ + "refiero", + -14.743729591369627 + ], + [ + "beving", + -14.743739128112791 + ], + [ + "\u2581vers\u00edculo", + -14.74378490447998 + ], + [ + "gekle", + -14.74378776550293 + ], + [ + "Bandiera", + -14.743803024291992 + ], + [ + "\u2581Energiepolitik", + -14.743803024291992 + ], + [ + "\u2581concr\u00e9tis", + -14.743821144104004 + ], + [ + "\u00e9rosi", + -14.74382209777832 + ], + [ + "\u2581Gefangenschaft", + -14.74382209777832 + ], + [ + "\u2581hemisferio", + -14.743823051452637 + ], + [ + "defiziente", + -14.743828773498535 + ], + [ + "\u2581Org\u00e1nica", + -14.743829727172852 + ], + [ + "\u2581violemment", + -14.74383544921875 + ], + [ + "GTE", + -14.743874549865724 + ], + [ + "\u2581Titulaire", + -14.74388599395752 + ], + [ + "\u2581mayordomo", + -14.74393367767334 + ], + [ + "\u2581verdiep", + -14.74402904510498 + ], + [ + "\u2581Behebung", + -14.74403190612793 + ], + [ + "Economic", + -14.744043350219728 + ], + [ + "\u2581sandwiches", + -14.744053840637209 + ], + [ + "\u2581\u00e4ngstlich", + -14.744083404541016 + ], + [ + "\u2581reclaim", + -14.744089126586914 + ], + [ + "\u2581bewerkstelligen", + -14.74417495727539 + ], + [ + "kursiv", + -14.744213104248049 + ], + [ + "opposto", + -14.74422836303711 + ], + [ + "\u2581abriendo", + -14.744267463684082 + ], + [ + "\u2581Polnischen", + -14.744268417358398 + ], + [ + "Wittgenstein", + -14.74427318572998 + ], + [ + "\u2581fossiel", + -14.744277000427246 + ], + [ + "direccion", + -14.744284629821776 + ], + [ + "\u2581julgado", + -14.744307518005373 + ], + [ + "Boek", + -14.744317054748535 + ], + [ + "\u2581Krach", + -14.744325637817385 + ], + [ + "ppard", + -14.744338989257812 + ], + [ + "Risikomanagement", + -14.744342803955078 + ], + [ + "\u2581soudaine", + -14.744359016418455 + ], + [ + "anzubringen", + -14.744369506835938 + ], + [ + "\u2581Fritsch", + -14.74437427520752 + ], + [ + "\u2581sigilla", + -14.744379043579102 + ], + [ + "ASSI", + -14.744383811950684 + ], + [ + "prendido", + -14.744414329528809 + ], + [ + "\u2581espetacular", + -14.74443531036377 + ], + [ + "\u2581Embajada", + -14.744436264038086 + ], + [ + "\u2581cin\u00e9tique", + -14.744450569152832 + ], + [ + "transparenz", + -14.744460105895996 + ], + [ + "\u2581chioschi", + -14.744465827941896 + ], + [ + "\u2581Gallica", + -14.744474411010742 + ], + [ + "\u2581Proseguendo", + -14.744482040405272 + ], + [ + "Cesar", + -14.744486808776855 + ], + [ + "M\u00e4rkisch", + -14.744494438171388 + ], + [ + "\u2581pregunto", + -14.7445068359375 + ], + [ + "Marseille", + -14.74450969696045 + ], + [ + "Verbraucherinnen", + -14.744510650634766 + ], + [ + "nukleotid", + -14.744513511657717 + ], + [ + "Redundan", + -14.74453353881836 + ], + [ + "\u2581duurder", + -14.74454402923584 + ], + [ + "\u2581pesquer", + -14.744565963745115 + ], + [ + "radicate", + -14.744589805603027 + ], + [ + "iedler", + -14.744657516479492 + ], + [ + "\u2581eingeschlagen", + -14.744674682617188 + ], + [ + "\u2581enterarse", + -14.744708061218262 + ], + [ + "\u2581Monastir", + -14.744735717773438 + ], + [ + "\u2581summari", + -14.744797706604004 + ], + [ + "\u2581P\u00e9rig", + -14.744812965393066 + ], + [ + "\u2581deliberati", + -14.74482250213623 + ], + [ + "\u2581stimata", + -14.744865417480469 + ], + [ + "Botschaft", + -14.744901657104492 + ], + [ + "katholisch", + -14.744924545288086 + ], + [ + "Oberst", + -14.74494171142578 + ], + [ + "\u2581doceerde", + -14.744952201843262 + ], + [ + "\u2581Laufbahngruppe", + -14.744955062866213 + ], + [ + "peace", + -14.744994163513184 + ], + [ + "scatto", + -14.74499797821045 + ], + [ + "\u2581vereadores", + -14.745009422302246 + ], + [ + "antropolog", + -14.745018005371094 + ], + [ + "\u2581RICHTLINIE", + -14.745050430297852 + ], + [ + "\u2581rimpiazzat", + -14.745050430297852 + ], + [ + "\u00e9ternit\u00e9", + -14.745051383972168 + ], + [ + "nitra", + -14.74505615234375 + ], + [ + "\u2581int\u00e9ress\u00e9e", + -14.745062828063965 + ], + [ + "\u2581repealed", + -14.745070457458496 + ], + [ + "geprezen", + -14.74508571624756 + ], + [ + "Brooklyn", + -14.745088577270508 + ], + [ + "\u2581remarqua", + -14.74509048461914 + ], + [ + "\u2581despacha", + -14.74509620666504 + ], + [ + "\u2581Carmelita", + -14.74512767791748 + ], + [ + "amelCase", + -14.745153427124023 + ], + [ + "Austin", + -14.745165824890137 + ], + [ + "accurata", + -14.745195388793944 + ], + [ + "\u2581Gebilde", + -14.745198249816896 + ], + [ + "\u2581Phyl", + -14.745198249816896 + ], + [ + "\u2581Rhapsody", + -14.745219230651855 + ], + [ + "AndroidRuntime", + -14.745247840881348 + ], + [ + "\u2581Margari", + -14.745251655578612 + ], + [ + "nergia", + -14.745253562927246 + ], + [ + "\u2581unterschiedli", + -14.745281219482422 + ], + [ + "bajando", + -14.745299339294434 + ], + [ + "\u2581vizcond", + -14.745306968688965 + ], + [ + "\u2581giurist", + -14.745314598083496 + ], + [ + "emembrance", + -14.745331764221191 + ], + [ + "\u2581cercarono", + -14.745336532592772 + ], + [ + "akush", + -14.745471000671388 + ], + [ + "\u2581verkie", + -14.745489120483398 + ], + [ + "arabas", + -14.745502471923828 + ], + [ + "\u2581respeitado", + -14.745511054992676 + ], + [ + "\u2581Emigrant", + -14.745515823364258 + ], + [ + "shorttitle", + -14.745538711547852 + ], + [ + "\u2581avvent", + -14.7455472946167 + ], + [ + "BELL", + -14.745610237121582 + ], + [ + "\u2581B\u00e1r", + -14.745635986328123 + ], + [ + "rituelen", + -14.745640754699709 + ], + [ + "insenatur", + -14.745649337768556 + ], + [ + "\u2581rarissim", + -14.745650291442873 + ], + [ + "provoked", + -14.74565315246582 + ], + [ + "wandelaar", + -14.74565601348877 + ], + [ + "\u2581Archbishop", + -14.745671272277832 + ], + [ + "\u2581Childhood", + -14.745702743530272 + ], + [ + "Erfolg", + -14.745779991149902 + ], + [ + "gularis", + -14.74581241607666 + ], + [ + "\u2581collider", + -14.745826721191406 + ], + [ + "\u2581protru", + -14.745834350585938 + ], + [ + "\u2581Trinita", + -14.74588394165039 + ], + [ + "\u2581Schweregrad", + -14.745903968811035 + ], + [ + "\u2581Engp\u00e4sse", + -14.745981216430664 + ], + [ + "\u2581renderlo", + -14.74603271484375 + ], + [ + "\u2581ensoleill\u00e9", + -14.746054649353027 + ], + [ + "\u2581Eindr\u00fccke", + -14.746065139770508 + ], + [ + "elwit", + -14.74606704711914 + ], + [ + "ouwmeester", + -14.746111869812012 + ], + [ + "\u2581sustento", + -14.746167182922363 + ], + [ + "\u2581l\u00e9xic", + -14.746186256408691 + ], + [ + "\u2581cedr", + -14.746188163757324 + ], + [ + "fifth", + -14.746224403381348 + ], + [ + "ethylester", + -14.746235847473145 + ], + [ + "\u2581Meinungsv", + -14.746251106262209 + ], + [ + "\u2581l\u00e9gislateur", + -14.746280670166016 + ], + [ + "\u2581ongeacht", + -14.74631118774414 + ], + [ + "\u2581spalanca", + -14.746322631835938 + ], + [ + "\u2581carrinh", + -14.746338844299316 + ], + [ + "proportion", + -14.746341705322266 + ], + [ + "sdefizite", + -14.746353149414062 + ], + [ + "pindle", + -14.746400833129885 + ], + [ + "Accumulator", + -14.746438026428224 + ], + [ + "\u2581conectividad", + -14.74644660949707 + ], + [ + "\u2581regolarit\u00e0", + -14.74644660949707 + ], + [ + "andlebars", + -14.746468544006348 + ], + [ + "fundiert", + -14.746600151062012 + ], + [ + "Livro", + -14.746628761291504 + ], + [ + "\u2581colpite", + -14.746674537658691 + ], + [ + "\u2581facenti", + -14.74670124053955 + ], + [ + "\u2581rigoros", + -14.746723175048828 + ], + [ + "\u2581sistemazioni", + -14.746761322021484 + ], + [ + "\u2581reinvent", + -14.746767044067385 + ], + [ + "\u2581irland", + -14.746768951416016 + ], + [ + "Tibet", + -14.746780395507812 + ], + [ + "ckendorf", + -14.74679183959961 + ], + [ + "NFA", + -14.74681568145752 + ], + [ + "\u2581tr\u00e4um", + -14.746831893920898 + ], + [ + "\u2581Gesamtrechnung", + -14.746878623962402 + ], + [ + "\u2581verzwakt", + -14.746899604797363 + ], + [ + "ResolveRelative", + -14.746904373168944 + ], + [ + "\u2581argomentazioni", + -14.746922492980955 + ], + [ + "\u2581saisonni", + -14.746926307678224 + ], + [ + "unirono", + -14.746956825256348 + ], + [ + "\u2581Dolphins", + -14.746987342834473 + ], + [ + "\u2581compasi\u00f3n", + -14.747045516967772 + ], + [ + "\u2581hanteren", + -14.747048377990724 + ], + [ + "\u2581herdad", + -14.74709415435791 + ], + [ + "\u2581realizaban", + -14.747097969055176 + ], + [ + "\u2581besmet", + -14.747110366821287 + ], + [ + "CodingKey", + -14.747125625610352 + ], + [ + "vis\u00e9s", + -14.747125625610352 + ], + [ + "oddess", + -14.74713897705078 + ], + [ + "\u2581indirectement", + -14.747143745422363 + ], + [ + "\u2581Seither", + -14.74716854095459 + ], + [ + "\u2581poussent", + -14.747198104858398 + ], + [ + "Harvard", + -14.74722671508789 + ], + [ + "\u2581festividades", + -14.747296333312988 + ], + [ + "\u2581Leichtathlet", + -14.747347831726074 + ], + [ + "\u2581Escar", + -14.747385025024414 + ], + [ + "\u2581psychanalyse", + -14.747401237487791 + ], + [ + "\u2581mensajero", + -14.747408866882324 + ], + [ + "\u2581vivr", + -14.747438430786133 + ], + [ + "\u2581auditie", + -14.747443199157717 + ], + [ + "rolamento", + -14.74744987487793 + ], + [ + "\u2581Instalando", + -14.747502326965332 + ], + [ + "\u2581detaillierter", + -14.74750804901123 + ], + [ + "\u2581hekserij", + -14.747512817382812 + ], + [ + "\u2581rev\u00f3lver", + -14.747512817382812 + ], + [ + "\u2581sopravvisse", + -14.747512817382812 + ], + [ + "\u2581dinamismo", + -14.747514724731444 + ], + [ + "\u2581escoceses", + -14.747514724731444 + ], + [ + "lotted", + -14.74752140045166 + ], + [ + "lutathion", + -14.747522354125977 + ], + [ + "\u2581soberania", + -14.747523307800291 + ], + [ + "\u2581troverai", + -14.747523307800291 + ], + [ + "Austerlitz", + -14.74753189086914 + ], + [ + "Marqu", + -14.747539520263672 + ], + [ + "Blind", + -14.747550010681152 + ], + [ + "\u2581R\u00e9giment", + -14.747551918029783 + ], + [ + "\u2581Sagittari", + -14.747565269470217 + ], + [ + "eruniversit\u00e4re", + -14.74756908416748 + ], + [ + "\u2581rembourser", + -14.747593879699709 + ], + [ + "\u2581elucidate", + -14.747602462768556 + ], + [ + "\u2581moei", + -14.74764347076416 + ], + [ + "\u2581Afterwards", + -14.74766445159912 + ], + [ + "gevoed", + -14.747669219970703 + ], + [ + "kennbar", + -14.74767017364502 + ], + [ + "immanen", + -14.747716903686523 + ], + [ + "fternoon", + -14.747721672058104 + ], + [ + "teressanterweise", + -14.747767448425291 + ], + [ + "\u2581Eide", + -14.747808456420898 + ], + [ + "infiamm", + -14.747824668884276 + ], + [ + "nterferometer", + -14.74782657623291 + ], + [ + "\u2581Suzan", + -14.747831344604492 + ], + [ + "\u2581strafrechtlich", + -14.747905731201172 + ], + [ + "\u2581trilling", + -14.747958183288574 + ], + [ + "\u2581emocionalmente", + -14.74799919128418 + ], + [ + "\u2581Cumul", + -14.748002052307127 + ], + [ + "s\u00e9curit\u00e9", + -14.748003005981444 + ], + [ + "\u2581mon\u00e1stic", + -14.748062133789062 + ], + [ + "ommat", + -14.748086929321287 + ], + [ + "\u2581Pal\u00e4stinenser", + -14.748129844665527 + ], + [ + "vermietung", + -14.748133659362791 + ], + [ + "\u2581Homogen", + -14.748141288757324 + ], + [ + "\u2581Empresarios", + -14.748151779174805 + ], + [ + "Philibert", + -14.748165130615234 + ], + [ + "\u2581Conferentie", + -14.7481689453125 + ], + [ + "\u2581basisplaats", + -14.748190879821776 + ], + [ + "\u2581superstition", + -14.74820041656494 + ], + [ + "\u2581distinse", + -14.748208999633787 + ], + [ + "NICA", + -14.748210906982422 + ], + [ + "\u2581racionais", + -14.748217582702637 + ], + [ + "\u2581hiperb\u00f3lic", + -14.748262405395508 + ], + [ + "Verwaltung", + -14.748272895812988 + ], + [ + "\u2581punit", + -14.748276710510254 + ], + [ + "\u2581sopravvissut", + -14.748284339904783 + ], + [ + "iramide", + -14.748295783996582 + ], + [ + "\u2581Degradation", + -14.748323440551758 + ], + [ + "par\u00e1", + -14.74832534790039 + ], + [ + "\u2581inerenti", + -14.7483491897583 + ], + [ + "ViewDelegate", + -14.748380661010742 + ], + [ + "\u2581Giustin", + -14.74838161468506 + ], + [ + "Haushaltsf\u00fchrung", + -14.748393058776855 + ], + [ + "squea", + -14.748397827148438 + ], + [ + "\u2581McF", + -14.748459815979004 + ], + [ + "\u2581Drittmittel", + -14.748516082763672 + ], + [ + "TCG", + -14.748570442199709 + ], + [ + "\u2581abstrato", + -14.748598098754885 + ], + [ + "\u2581Trouve", + -14.748618125915527 + ], + [ + "ishima", + -14.74864387512207 + ], + [ + "\u2581difensori", + -14.74864673614502 + ], + [ + "\u2581ruimtevaart", + -14.748652458190918 + ], + [ + "\u2581heiden", + -14.748702049255373 + ], + [ + "\u2581Partikelgr", + -14.748736381530762 + ], + [ + "\u2581lubrifiant", + -14.748745918273926 + ], + [ + "\u2581Scorpi", + -14.748756408691406 + ], + [ + "\u2581abgefragt", + -14.74875831604004 + ], + [ + "glocke", + -14.748767852783203 + ], + [ + "\u2581Bromwich", + -14.74876880645752 + ], + [ + "\u2581tenebros", + -14.748781204223633 + ], + [ + "\u2581Validit\u00e4t", + -14.748785018920898 + ], + [ + "\u2581arbitral", + -14.748785972595217 + ], + [ + "\u2581regulado", + -14.74880599975586 + ], + [ + "\u2581hopeless", + -14.748819351196287 + ], + [ + "\u2581Japanners", + -14.748861312866213 + ], + [ + "vi\u00e1rio", + -14.748921394348145 + ], + [ + "\u2581recibir\u00e1", + -14.74898910522461 + ], + [ + "\u2581Fiscal\u00eda", + -14.748995780944824 + ], + [ + "\u2581formosa", + -14.749006271362305 + ], + [ + "Abertura", + -14.749011993408203 + ], + [ + "\u2581sentenz", + -14.749013900756836 + ], + [ + "\u2581CONDI", + -14.749019622802734 + ], + [ + "\u2581fracassa", + -14.749059677124023 + ], + [ + "\u2581facilitating", + -14.749061584472656 + ], + [ + "HeaderView", + -14.749072074890137 + ], + [ + "deepEqual", + -14.749099731445312 + ], + [ + "\u2581parallelamente", + -14.74911117553711 + ], + [ + "\u2581rivendicazioni", + -14.749165534973145 + ], + [ + "imeno", + -14.749188423156738 + ], + [ + "\u2581consument", + -14.749200820922852 + ], + [ + "sterling", + -14.749208450317385 + ], + [ + "residir", + -14.749256134033203 + ], + [ + "imana", + -14.749263763427734 + ], + [ + "ROG", + -14.749292373657228 + ], + [ + "\u2581Herleitung", + -14.74930477142334 + ], + [ + "\u2581Communicatie", + -14.749363899230955 + ], + [ + "\u2581confesi\u00f3n", + -14.74937915802002 + ], + [ + "\u2581unambiguous", + -14.74940299987793 + ], + [ + "\u2581tubercul", + -14.749438285827637 + ], + [ + "\u2581battello", + -14.749471664428713 + ], + [ + "\u2581verbied", + -14.74951457977295 + ], + [ + "\u2581platoon", + -14.749558448791504 + ], + [ + "n\u00e9ant", + -14.749570846557615 + ], + [ + "compatibilit\u00e0", + -14.74957275390625 + ], + [ + "\u2581evacuar", + -14.74958324432373 + ], + [ + "\u2581indicaba", + -14.74965763092041 + ], + [ + "\u2581exhaustiv", + -14.749706268310549 + ], + [ + "uecento", + -14.749709129333496 + ], + [ + "\u2581Kalibrier", + -14.749715805053713 + ], + [ + "\u2581introdusse", + -14.749741554260254 + ], + [ + "zitten", + -14.749784469604492 + ], + [ + "mittelst\u00e4ndische", + -14.749791145324709 + ], + [ + "arterie", + -14.74980640411377 + ], + [ + "\u2581overlook", + -14.749826431274414 + ], + [ + "\u2581Taji", + -14.749832153320312 + ], + [ + "\u2581quisermos", + -14.749849319458008 + ], + [ + "idgenossenschaft", + -14.749859809875488 + ], + [ + "\u2581Documentaire", + -14.749874114990234 + ], + [ + "licentie", + -14.74989128112793 + ], + [ + "\u2581epistolar", + -14.749902725219728 + ], + [ + "\u2581Medalh", + -14.749957084655762 + ], + [ + "\u2581Matin", + -14.749978065490724 + ], + [ + "\u2581Beauftragung", + -14.749981880187988 + ], + [ + "\u2581immaterielle", + -14.749982833862305 + ], + [ + "\u2581herkend", + -14.750017166137695 + ], + [ + "Acadie", + -14.750043869018556 + ], + [ + "locand", + -14.750056266784668 + ], + [ + "\u2581Presidencial", + -14.750150680541992 + ], + [ + "assunta", + -14.750163078308104 + ], + [ + "\u2581romagnol", + -14.750165939331056 + ], + [ + "sekret", + -14.7501802444458 + ], + [ + "\u2581onderduik", + -14.750182151794434 + ], + [ + "Fontaine", + -14.750197410583496 + ], + [ + "Styleable", + -14.75021266937256 + ], + [ + "zteca", + -14.750222206115724 + ], + [ + "speicherung", + -14.750267028808594 + ], + [ + "\u2581requerir", + -14.750284194946287 + ], + [ + "\u2581apoiada", + -14.750286102294922 + ], + [ + "\u2581gobiern", + -14.750308990478516 + ], + [ + "\u2581Morat", + -14.750326156616213 + ], + [ + "robos", + -14.750328063964844 + ], + [ + "\u2581particularidad", + -14.75035572052002 + ], + [ + "\u2581recolhid", + -14.750359535217283 + ], + [ + "\u2581comunit\u00e1rio", + -14.750405311584473 + ], + [ + "raadslid", + -14.75042724609375 + ], + [ + "pteridae", + -14.75043773651123 + ], + [ + "\u2581Shing", + -14.750513076782228 + ], + [ + "\u00f3\u00f3r", + -14.750616073608398 + ], + [ + "\u2581Psychologische", + -14.750625610351562 + ], + [ + "\u2581transtorno", + -14.750665664672852 + ], + [ + "\u2581Exposiciones", + -14.750709533691406 + ], + [ + "\u2581arrivarci", + -14.750737190246582 + ], + [ + "\u2581Hochland", + -14.75076675415039 + ], + [ + "\u2581prateri", + -14.750767707824709 + ], + [ + "\u2581revanch", + -14.7507963180542 + ], + [ + "lmsted", + -14.750814437866213 + ], + [ + "pareja", + -14.750846862792969 + ], + [ + "\u2581entz\u00fcnde", + -14.750849723815918 + ], + [ + "Caracas", + -14.750873565673828 + ], + [ + "Tower", + -14.750874519348145 + ], + [ + "\u2581Bezeichnet", + -14.7509183883667 + ], + [ + "promotion", + -14.75095272064209 + ], + [ + "Religion", + -14.750970840454102 + ], + [ + "Abschluss", + -14.750971794128418 + ], + [ + "Praxis", + -14.750990867614746 + ], + [ + "NextPageToken", + -14.751007080078123 + ], + [ + "\u2581thermisch", + -14.751033782958984 + ], + [ + "PORTED", + -14.751058578491213 + ], + [ + "keda", + -14.751079559326172 + ], + [ + "\u2581monso", + -14.751099586486816 + ], + [ + "\u2581comparire", + -14.751107215881348 + ], + [ + "lgara", + -14.751121520996094 + ], + [ + "schreien", + -14.75113010406494 + ], + [ + "hogun", + -14.751155853271484 + ], + [ + "separate", + -14.751155853271484 + ], + [ + "\u2581governata", + -14.751206398010254 + ], + [ + "\u2581Pr\u00e4diktor", + -14.75121784210205 + ], + [ + "\u2581sinfon\u00eda", + -14.751272201538086 + ], + [ + "dminton", + -14.75127410888672 + ], + [ + "\u2581stui", + -14.75127410888672 + ], + [ + "\u2581acquisiti", + -14.751293182373049 + ], + [ + "\u2581zwemster", + -14.751296997070312 + ], + [ + "\u2581dialectique", + -14.75130844116211 + ], + [ + "tomographie", + -14.751333236694336 + ], + [ + "\u2581bachillerato", + -14.751404762268066 + ], + [ + "\u2581excis", + -14.75146770477295 + ], + [ + "\u2581m\u00e9t\u00e9or", + -14.751468658447266 + ], + [ + "\u2581implantado", + -14.751508712768556 + ], + [ + "\u2581Mosle", + -14.751509666442873 + ], + [ + "\u2581Pract", + -14.751531600952148 + ], + [ + "\u2581destacable", + -14.751553535461426 + ], + [ + "\u2581Cellulose", + -14.751564979553224 + ], + [ + "\u2581raggruppati", + -14.751567840576172 + ], + [ + "Submitted", + -14.751617431640623 + ], + [ + "\u2581intratten", + -14.751626968383787 + ], + [ + "\u2581ResultMap", + -14.751715660095217 + ], + [ + "\u2581d\u00e9passement", + -14.751795768737791 + ], + [ + "passeerd", + -14.751815795898438 + ], + [ + "trusion", + -14.7518310546875 + ], + [ + "\u2581Karlheinz", + -14.751836776733398 + ], + [ + "\u2581Alarmschijf", + -14.751838684082031 + ], + [ + "\u2581licenciada", + -14.751838684082031 + ], + [ + "\u2581gekweekt", + -14.751839637756348 + ], + [ + "\u00e9nonce", + -14.751845359802246 + ], + [ + "\u2581Nutztier", + -14.751851081848145 + ], + [ + "\u2581Salander", + -14.751882553100586 + ], + [ + "\u2581Mehraufwand", + -14.751906394958496 + ], + [ + "ferromagnetic", + -14.751922607421877 + ], + [ + "\u2581Conjuga", + -14.751989364624023 + ], + [ + "\u2581svegli", + -14.752012252807615 + ], + [ + "countdown", + -14.752013206481934 + ], + [ + "\u2581pilotage", + -14.752049446105955 + ], + [ + "\u2581grassetto", + -14.752080917358398 + ], + [ + "metabolite", + -14.75210666656494 + ], + [ + "ommandant", + -14.752107620239258 + ], + [ + "\u2581maglie", + -14.752107620239258 + ], + [ + "BVerfG", + -14.752134323120115 + ], + [ + "\u2581Naturally", + -14.752153396606444 + ], + [ + "elzijn", + -14.752179145812988 + ], + [ + "ParseException", + -14.752202987670898 + ], + [ + "setDescription", + -14.752223014831545 + ], + [ + "\u2581unanfechtbar", + -14.752242088317873 + ], + [ + "\u2581ergreift", + -14.75224781036377 + ], + [ + "\u2581bord\u00e9", + -14.75234317779541 + ], + [ + "\u2581m\u00e9diateur", + -14.752344131469728 + ], + [ + "\u2581decodifica", + -14.752439498901367 + ], + [ + "\u2581Diskus", + -14.752442359924316 + ], + [ + "prerequisites", + -14.75245475769043 + ], + [ + "\u2581suscettibil", + -14.752456665039062 + ], + [ + "\u2581Ondernem", + -14.75245761871338 + ], + [ + "hancellor", + -14.752461433410645 + ], + [ + "\u2581definiciones", + -14.752461433410645 + ], + [ + "\u2581cientificamente", + -14.75246524810791 + ], + [ + "ib\u00e9ri", + -14.752481460571287 + ], + [ + "\u2581Palladium", + -14.752481460571287 + ], + [ + "derivat", + -14.752482414245604 + ], + [ + "\u2581Corleone", + -14.752487182617188 + ], + [ + "\u2581dimentich", + -14.752487182617188 + ], + [ + "\u2581condottiero", + -14.75254726409912 + ], + [ + "gili", + -14.75261688232422 + ], + [ + "\u2581gisement", + -14.752655029296877 + ], + [ + "\u2581soppressi", + -14.752667427062988 + ], + [ + "delphi", + -14.752679824829102 + ], + [ + "\u2581transporteur", + -14.752695083618164 + ], + [ + "mensura", + -14.75269603729248 + ], + [ + "\u2581piatta", + -14.75270175933838 + ], + [ + "coscienza", + -14.752724647521973 + ], + [ + "\u2581Vaterland", + -14.75273323059082 + ], + [ + "\u2581Vrienden", + -14.752758026123049 + ], + [ + "\u2581hostilidad", + -14.752765655517578 + ], + [ + "\u2581sabiam", + -14.752769470214844 + ], + [ + "\u00e9tablissent", + -14.752771377563477 + ], + [ + "\u2581Berichtspflicht", + -14.75279712677002 + ], + [ + "\u2581Mundart", + -14.752806663513184 + ], + [ + "ormenta", + -14.752811431884766 + ], + [ + "VISION", + -14.752840995788574 + ], + [ + "\u2581Koud", + -14.752851486206056 + ], + [ + "\u2581tavolino", + -14.75286865234375 + ], + [ + "\u2581d\u00e9comp", + -14.7528715133667 + ], + [ + "\u2581portarvi", + -14.75298023223877 + ], + [ + "\u2581abbatte", + -14.753061294555664 + ], + [ + "klassieke", + -14.753073692321776 + ], + [ + "\u2581midfielder", + -14.753079414367676 + ], + [ + "\u2581southeastern", + -14.753097534179688 + ], + [ + "CombineFields", + -14.753098487854004 + ], + [ + "\u2581Gewalttaten", + -14.753106117248535 + ], + [ + "rupted", + -14.753110885620115 + ], + [ + "duisait", + -14.753127098083496 + ], + [ + "\u2581auftaucht", + -14.753150939941406 + ], + [ + "\u2581consensi", + -14.753203392028809 + ], + [ + "homb", + -14.753204345703123 + ], + [ + "xtrusion", + -14.7532320022583 + ], + [ + "Pessoa", + -14.753239631652832 + ], + [ + "\u2581serpentin", + -14.75329875946045 + ], + [ + "alzando", + -14.753334045410156 + ], + [ + "\u2581sintier", + -14.753340721130373 + ], + [ + "\u2581Giuliani", + -14.753392219543455 + ], + [ + "\u2581utilice", + -14.75340747833252 + ], + [ + "m\u00fcndung", + -14.7534761428833 + ], + [ + "\u2581Beweisaufnahme", + -14.753478050231934 + ], + [ + "materie", + -14.753509521484377 + ], + [ + "\u2581bidimensional", + -14.753536224365234 + ], + [ + "\u2581matinal", + -14.753551483154297 + ], + [ + "CONFIGURATIONS", + -14.753580093383787 + ], + [ + "\u2581libanesische", + -14.753625869750977 + ], + [ + "\u2581Messerschmitt", + -14.753695487976074 + ], + [ + "\u2581cellForRowAt", + -14.753695487976074 + ], + [ + "\u2581Cuaderno", + -14.753718376159668 + ], + [ + "sverwahrung", + -14.753726959228516 + ], + [ + "\u2581persecuzioni", + -14.753731727600098 + ], + [ + "\u2581recaudaci\u00f3n", + -14.75373649597168 + ], + [ + "\u2581Schwarzschild", + -14.753738403320312 + ], + [ + "\u2581implantaci\u00f3n", + -14.753744125366213 + ], + [ + "\u2581Bergamasc", + -14.753748893737791 + ], + [ + "\u2581Modellvorhaben", + -14.753779411315918 + ], + [ + "\u2581preferential", + -14.75380039215088 + ], + [ + "\u2581affectionate", + -14.753811836242676 + ], + [ + "\u2581negoziati", + -14.753811836242676 + ], + [ + "evidence", + -14.753823280334473 + ], + [ + "tacam", + -14.753846168518066 + ], + [ + "\u2581aufsteigende", + -14.7538480758667 + ], + [ + "gebrek", + -14.753849983215332 + ], + [ + "moufl", + -14.753868103027344 + ], + [ + "\u2581recueille", + -14.753872871398926 + ], + [ + "\u2581aggiuntive", + -14.753873825073242 + ], + [ + "\u2581hospedar", + -14.75389003753662 + ], + [ + "\u2581succedere", + -14.75392246246338 + ], + [ + "\u2581gestationeerd", + -14.753981590270996 + ], + [ + "Bundestagsdruck", + -14.754043579101562 + ], + [ + "\u2581Participar", + -14.754073143005373 + ], + [ + "quaient", + -14.754108428955078 + ], + [ + "Meeting", + -14.754121780395508 + ], + [ + "\u2581kaiserlichen", + -14.75412368774414 + ], + [ + "ronswespen", + -14.75412940979004 + ], + [ + "\u2581Filosofi", + -14.754136085510254 + ], + [ + "ieuwsbrief", + -14.754154205322266 + ], + [ + "\u2581beklagen", + -14.754159927368164 + ], + [ + "legality", + -14.754197120666504 + ], + [ + "\u2581Brunell", + -14.754236221313477 + ], + [ + "\u2581auditory", + -14.754237174987791 + ], + [ + "\u2581pr\u00e9cisant", + -14.754241943359377 + ], + [ + "\u2581pongo", + -14.754250526428224 + ], + [ + "Olimpia", + -14.754274368286133 + ], + [ + "Haarlem", + -14.754308700561523 + ], + [ + "\u2581silencieuse", + -14.754315376281738 + ], + [ + "\u2581rigoglios", + -14.754316329956056 + ], + [ + "\u2581coronapandemie", + -14.754322052001951 + ], + [ + "\u2581tournent", + -14.754364967346191 + ], + [ + "ccurate", + -14.754420280456545 + ], + [ + "\u2581operieren", + -14.75445556640625 + ], + [ + "\u2581disminuy", + -14.75451374053955 + ], + [ + "PERIMENTAL", + -14.754528045654297 + ], + [ + "\u2581cumulativ", + -14.754586219787598 + ], + [ + "eflective", + -14.75458812713623 + ], + [ + "liya", + -14.754599571228027 + ], + [ + "\u2581trovandosi", + -14.75461196899414 + ], + [ + "\u2581adagi", + -14.754767417907717 + ], + [ + "\u2581ontkend", + -14.754768371582031 + ], + [ + "\u2581arbitrario", + -14.754788398742676 + ], + [ + "\u2581sperimentali", + -14.754796028137209 + ], + [ + "\u2581arrebata", + -14.754817962646484 + ], + [ + "\u2581rispond", + -14.754876136779783 + ], + [ + "\u2581Slui", + -14.754887580871582 + ], + [ + "RELWITHDEBINFO", + -14.754935264587402 + ], + [ + "\u2581voorzetsel", + -14.75493621826172 + ], + [ + "\u2581Asi\u00e1tica", + -14.754939079284668 + ], + [ + "\u2581Fant\u00e1stico", + -14.754939079284668 + ], + [ + "\u2581impenetrab", + -14.754945755004885 + ], + [ + "selektion", + -14.754955291748049 + ], + [ + "\u2581comentando", + -14.755003929138184 + ], + [ + "vigna", + -14.755040168762209 + ], + [ + "\u2581Issu", + -14.755043983459473 + ], + [ + "\u2581patriotique", + -14.755043983459473 + ], + [ + "ougou", + -14.7550630569458 + ], + [ + "twijfel", + -14.755087852478027 + ], + [ + "innerhalb", + -14.75511646270752 + ], + [ + "\u2581coltivati", + -14.755121231079102 + ], + [ + "\u2581sobresaliente", + -14.755146980285645 + ], + [ + "\u2581Physikalische", + -14.755228996276855 + ], + [ + "\u2581Callist", + -14.75528335571289 + ], + [ + "\u2581Doppiat", + -14.755298614501951 + ], + [ + "PtrInput", + -14.75530242919922 + ], + [ + "Capacidad", + -14.75532054901123 + ], + [ + "Geb\u00fchren", + -14.755359649658203 + ], + [ + "WithValue", + -14.755395889282228 + ], + [ + "ascina", + -14.755484580993652 + ], + [ + "unanimit", + -14.755632400512695 + ], + [ + "beauftragter", + -14.75564670562744 + ], + [ + "\u2581unkompliziert", + -14.75565242767334 + ], + [ + "akteure", + -14.755657196044922 + ], + [ + "\u2581Correspondance", + -14.755658149719238 + ], + [ + "\u2581Stauffe", + -14.755670547485352 + ], + [ + "intiendo", + -14.755685806274414 + ], + [ + "B\u00fcrokratiekosten", + -14.755720138549805 + ], + [ + "\u2581Metrostation", + -14.755743026733398 + ], + [ + "\u2581oblitera", + -14.755784034729004 + ], + [ + "zutragen", + -14.75580596923828 + ], + [ + "\u2581benestant", + -14.75582218170166 + ], + [ + "prudencia", + -14.755826950073242 + ], + [ + "\u2581Trembla", + -14.75595760345459 + ], + [ + "ponevano", + -14.755958557128906 + ], + [ + "\u2581analitica", + -14.755973815917969 + ], + [ + "\u2581neoplatoni", + -14.756009101867676 + ], + [ + "\u2581Koval", + -14.756027221679688 + ], + [ + "Impuls", + -14.75605010986328 + ], + [ + "FreeBSD", + -14.756064414978027 + ], + [ + "reuen", + -14.756104469299316 + ], + [ + "\u2581messiani", + -14.756108283996582 + ], + [ + "prigiona", + -14.756133079528809 + ], + [ + "mueven", + -14.756144523620604 + ], + [ + "\u2581estritamente", + -14.756180763244627 + ], + [ + "\u2581stainless", + -14.756189346313477 + ], + [ + "\u2581durchsucht", + -14.75621509552002 + ], + [ + "\u2581Wohnmobil", + -14.756271362304688 + ], + [ + "\u2581riunir", + -14.756281852722168 + ], + [ + "\u2581judiciary", + -14.756282806396484 + ], + [ + "\u2581ayudar\u00e1", + -14.756288528442385 + ], + [ + "Clasificaci\u00f3n", + -14.75631332397461 + ], + [ + "\u2581Productor", + -14.756340026855469 + ], + [ + "\u2581requiert", + -14.756366729736328 + ], + [ + "diamin", + -14.756376266479492 + ], + [ + "\u2581R\u00fcge", + -14.756400108337402 + ], + [ + "\u2581digestive", + -14.756433486938477 + ], + [ + "ArgumentParser", + -14.756437301635742 + ], + [ + "\u2581fungere", + -14.756444931030272 + ], + [ + "Fleisch", + -14.75645637512207 + ], + [ + "\u2581reconstruido", + -14.756479263305664 + ], + [ + "Handbuch", + -14.756511688232422 + ], + [ + "L\u00fcbeck", + -14.756516456604004 + ], + [ + "\u2581fanati", + -14.756543159484863 + ], + [ + "Senior", + -14.756559371948242 + ], + [ + "cnem", + -14.75656795501709 + ], + [ + "clusi\u00f3n", + -14.756573677062988 + ], + [ + "\u2581restaurazione", + -14.756577491760254 + ], + [ + "nthusiast", + -14.7566499710083 + ], + [ + "MessagesN", + -14.75668716430664 + ], + [ + "antera", + -14.756694793701172 + ], + [ + "acoma", + -14.756705284118652 + ], + [ + "\u2581ostili", + -14.756728172302246 + ], + [ + "\u2581wettelijk", + -14.756763458251951 + ], + [ + "\u2581Ethiopisch", + -14.756769180297852 + ], + [ + "Sepultados", + -14.756800651550291 + ], + [ + "ob\u00e9issance", + -14.756800651550291 + ], + [ + "\u2581Archaeological", + -14.756800651550291 + ], + [ + "\u2581Rodovi\u00e1rio", + -14.75680160522461 + ], + [ + "\u2581r\u00e9sidant", + -14.75680160522461 + ], + [ + "Thomisidae", + -14.756802558898926 + ], + [ + "\u2581burocrazia", + -14.756803512573242 + ], + [ + "\u2581homonyme", + -14.756815910339355 + ], + [ + "\u2581Spitfire", + -14.756823539733888 + ], + [ + "\u2581Diaspora", + -14.756830215454102 + ], + [ + "\u2581comandanti", + -14.756864547729492 + ], + [ + "Assistant", + -14.756891250610352 + ], + [ + "polk", + -14.756905555725098 + ], + [ + "actionnaire", + -14.75691032409668 + ], + [ + "\u2581llegamos", + -14.756917953491213 + ], + [ + "\u2581dingungen", + -14.756924629211426 + ], + [ + "\u2581Gerichtsverfahr", + -14.756925582885742 + ], + [ + "\u2581eingehender", + -14.756937980651855 + ], + [ + "\u2581teamgenoot", + -14.756939888000488 + ], + [ + "\u2581addfirst", + -14.75694465637207 + ], + [ + "Momentum", + -14.756951332092283 + ], + [ + "\u2581narrati", + -14.75697898864746 + ], + [ + "\u2581Greyback", + -14.757006645202637 + ], + [ + "\u2581vocabl", + -14.757022857666016 + ], + [ + "\u2581grossolan", + -14.757081985473633 + ], + [ + "Republik", + -14.757161140441896 + ], + [ + "Fremd", + -14.7572021484375 + ], + [ + "bekleidung", + -14.75725555419922 + ], + [ + "comandante", + -14.757269859313965 + ], + [ + "\u2581reservat\u00f3rio", + -14.757277488708496 + ], + [ + "\u2581calificar", + -14.757306098937988 + ], + [ + "luigi", + -14.75733470916748 + ], + [ + "\u2581SDKError", + -14.757357597351074 + ], + [ + "\u2581g\u00e9nocide", + -14.757423400878906 + ], + [ + "\u2581Vers\u00e4umnis", + -14.757426261901855 + ], + [ + "bruzzese", + -14.757513046264648 + ], + [ + "waarvan", + -14.757513999938965 + ], + [ + "mbril", + -14.75754165649414 + ], + [ + "st\u00e4b", + -14.75755500793457 + ], + [ + "aridi", + -14.757594108581545 + ], + [ + "Enumerable", + -14.75759983062744 + ], + [ + "\u2581Melanom", + -14.757609367370604 + ], + [ + "\u2581ajudaram", + -14.75766658782959 + ], + [ + "erinnung", + -14.75766944885254 + ], + [ + "passagier", + -14.757670402526855 + ], + [ + "\u2581galleg", + -14.757676124572754 + ], + [ + "orh\u00fcter", + -14.75769329071045 + ], + [ + "\u2581Pipi", + -14.757699012756348 + ], + [ + "prezzo", + -14.757753372192385 + ], + [ + "\u2581Pontific", + -14.757816314697266 + ], + [ + "\u2581cascin", + -14.757830619812012 + ], + [ + "\u2581Americhe", + -14.757845878601074 + ], + [ + "anader\u00eda", + -14.757909774780272 + ], + [ + "cumber", + -14.75791072845459 + ], + [ + "imnophila", + -14.757917404174805 + ], + [ + "\u2581Empfind", + -14.75793170928955 + ], + [ + "\u2581alluvional", + -14.757940292358398 + ], + [ + "\u2581tacc", + -14.757944107055664 + ], + [ + "\u2581ambientat", + -14.757946968078612 + ], + [ + "TLIBPATH", + -14.757977485656738 + ], + [ + "\u2581insolent", + -14.757984161376951 + ], + [ + "\u2581facendol", + -14.75800323486328 + ], + [ + "\u2581hergeleitet", + -14.758028984069824 + ], + [ + "Streitbeilegung", + -14.75804615020752 + ], + [ + "\u2581Wojciech", + -14.75804615020752 + ], + [ + "\u2581apost\u00f3lica", + -14.75804615020752 + ], + [ + "\u2581Diederik", + -14.758057594299316 + ], + [ + "\u2581Flugg\u00e4ste", + -14.758062362670898 + ], + [ + "\u2581Vermeulen", + -14.758069038391112 + ], + [ + "\u2581assediat", + -14.758074760437012 + ], + [ + "\u2581achtergelaten", + -14.758100509643556 + ], + [ + "virtuo", + -14.758137702941896 + ], + [ + "etektion", + -14.758139610290527 + ], + [ + "\u2581Facharzt", + -14.75814437866211 + ], + [ + "TestResult", + -14.758167266845703 + ], + [ + "\u2581Ramstein", + -14.758177757263184 + ], + [ + "ing\u00fci", + -14.758182525634766 + ], + [ + "\u2581emblematic", + -14.758197784423828 + ], + [ + "\u2581devastador", + -14.758216857910156 + ], + [ + "wasch", + -14.758218765258787 + ], + [ + "\u2581planificad", + -14.758235931396484 + ], + [ + "\u2581assegnare", + -14.758286476135254 + ], + [ + "\u2581northeastern", + -14.75837230682373 + ], + [ + "carrer", + -14.75840663909912 + ], + [ + "specting", + -14.758435249328612 + ], + [ + "\u2581Gouve", + -14.758553504943848 + ], + [ + "laudo", + -14.758590698242188 + ], + [ + "\u2581rigoureuse", + -14.75859546661377 + ], + [ + "\u2581traumatis", + -14.75859832763672 + ], + [ + "oxal", + -14.758624076843262 + ], + [ + "\u2581Corrente", + -14.758663177490234 + ], + [ + "Willibrord", + -14.758668899536133 + ], + [ + "\u2581officinalis", + -14.758670806884766 + ], + [ + "ombstone", + -14.75867748260498 + ], + [ + "\u2581camponeses", + -14.758678436279297 + ], + [ + "\u2581appli", + -14.758684158325195 + ], + [ + "\u2581riferire", + -14.758689880371094 + ], + [ + "\u2581delinque", + -14.758691787719728 + ], + [ + "Esposizione", + -14.758694648742676 + ], + [ + "jaarlijks", + -14.75869846343994 + ], + [ + "baselineskip", + -14.758715629577637 + ], + [ + "\u2581Comparatif", + -14.758731842041016 + ], + [ + "\u2581r\u00e9chauffement", + -14.75876235961914 + ], + [ + "striktion", + -14.758784294128418 + ], + [ + "\u2581ondernam", + -14.758869171142578 + ], + [ + "\u2581perfetti", + -14.758903503417969 + ], + [ + "spectra", + -14.758917808532717 + ], + [ + "\u2581rapidit\u00e0", + -14.758930206298828 + ], + [ + "metastasen", + -14.758931159973145 + ], + [ + "\u2581prender\u00e0", + -14.758936882019045 + ], + [ + "\u2581praticata", + -14.759039878845217 + ], + [ + "\u2581submundo", + -14.75904941558838 + ], + [ + "trupp", + -14.759140014648438 + ], + [ + "legierungen", + -14.759149551391602 + ], + [ + "\u2581sconcerta", + -14.759151458740234 + ], + [ + "hiffre", + -14.759162902832031 + ], + [ + "\u2581Randstad", + -14.75916862487793 + ], + [ + "juntivo", + -14.75920867919922 + ], + [ + "azelcast", + -14.759211540222168 + ], + [ + "\u2581Guant\u00e1namo", + -14.759292602539062 + ], + [ + "\u2581Pythagoras", + -14.759292602539062 + ], + [ + "\u2581crust\u00e1ceo", + -14.759294509887695 + ], + [ + "\u2581gefuseerd", + -14.759294509887695 + ], + [ + "\u2581Heraclitus", + -14.759305953979492 + ], + [ + "creative", + -14.75930881500244 + ], + [ + "\u2581socioeconomic", + -14.759317398071287 + ], + [ + "Rosario", + -14.759324073791504 + ], + [ + "\u2581Mancomunidad", + -14.759339332580566 + ], + [ + "ImageBuf", + -14.759340286254885 + ], + [ + "\u2581Kinderg\u00e4rten", + -14.7593412399292 + ], + [ + "\u2581rispondeva", + -14.759361267089844 + ], + [ + "\u2581Artenschutz", + -14.75936222076416 + ], + [ + "\u2581erkundet", + -14.75938892364502 + ], + [ + "\u2581Norddeutschland", + -14.759400367736816 + ], + [ + "erblich", + -14.759474754333496 + ], + [ + "alcuni", + -14.75949764251709 + ], + [ + "suitable", + -14.759519577026367 + ], + [ + "formally", + -14.759528160095217 + ], + [ + "\u2581cieg", + -14.759533882141112 + ], + [ + "ancilla", + -14.75954246520996 + ], + [ + "Amplitude", + -14.75962257385254 + ], + [ + "\u2581diesj\u00e4hrigen", + -14.759624481201172 + ], + [ + "\u2581stupefacenti", + -14.75962734222412 + ], + [ + "\u2581promoteur", + -14.759673118591309 + ], + [ + "ahlstelle", + -14.759683609008787 + ], + [ + "ectieven", + -14.759687423706056 + ], + [ + "\u2581j\u00fcngst", + -14.759693145751951 + ], + [ + "\u2581Atomgesetz", + -14.759706497192385 + ], + [ + "PREFER", + -14.759756088256836 + ], + [ + "\u2581polizi", + -14.759758949279783 + ], + [ + "Cylinder", + -14.759773254394531 + ], + [ + "\u2581befriedigende", + -14.75981330871582 + ], + [ + "Exceeded", + -14.759818077087402 + ], + [ + "\u2581Potencia", + -14.759828567504885 + ], + [ + "achlan", + -14.759897232055664 + ], + [ + "\u2581consequente", + -14.759905815124512 + ], + [ + "\u2581tambores", + -14.759915351867676 + ], + [ + "\u2581ontspringt", + -14.759917259216309 + ], + [ + "\u2581potut", + -14.759920120239258 + ], + [ + "\u2581paseriforme", + -14.75993824005127 + ], + [ + "\u2581Henle", + -14.759955406188965 + ], + [ + "lov\u00e1", + -14.759960174560549 + ], + [ + "\u2581saucepan", + -14.760000228881836 + ], + [ + "\u2581aggredit", + -14.760002136230469 + ], + [ + "\u2581pr\u00e4chtige", + -14.760004997253418 + ], + [ + "\u2581abogad", + -14.760035514831545 + ], + [ + "\u2581Fachausschusses", + -14.760045051574709 + ], + [ + "\u2581colloqui", + -14.760098457336426 + ], + [ + "\u2581transgress", + -14.760098457336426 + ], + [ + "COCO", + -14.760101318359377 + ], + [ + "\u2581reciprocamente", + -14.760181427001951 + ], + [ + "\u2581stufenweise", + -14.760224342346191 + ], + [ + "\u2581guardano", + -14.76026439666748 + ], + [ + "\u2581sacrist", + -14.760266304016112 + ], + [ + "Anzeiger", + -14.760298728942873 + ], + [ + "\u2581Jeremia", + -14.760310173034668 + ], + [ + "\u2581Collegi", + -14.760326385498049 + ], + [ + "ushan", + -14.76036262512207 + ], + [ + "\u2581dienenden", + -14.76037311553955 + ], + [ + "\u2581Pillars", + -14.760377883911133 + ], + [ + "\u2581Pfaffen", + -14.760395050048828 + ], + [ + "columnName", + -14.760405540466309 + ], + [ + "\u2581Margarethe", + -14.760445594787598 + ], + [ + "tenerla", + -14.760456085205078 + ], + [ + "Satellite", + -14.76046371459961 + ], + [ + "\u2581Bagatell", + -14.76046371459961 + ], + [ + "MISS", + -14.76049518585205 + ], + [ + "bemerkung", + -14.760505676269531 + ], + [ + "\u2581cordilheira", + -14.760540008544922 + ], + [ + "circonscriptions", + -14.760552406311035 + ], + [ + "Romaine", + -14.760557174682615 + ], + [ + "\u2581gastheer", + -14.76059913635254 + ], + [ + "pegar", + -14.760632514953612 + ], + [ + "\u2581laagland", + -14.760669708251951 + ], + [ + "daald", + -14.760709762573242 + ], + [ + "Soldaten", + -14.760725021362305 + ], + [ + "schleichen", + -14.760725021362305 + ], + [ + "\u2581justificaci\u00f3n", + -14.760748863220217 + ], + [ + "faust", + -14.760774612426758 + ], + [ + "\u2581admirado", + -14.76084804534912 + ], + [ + "\u2581estil\u00edstic", + -14.760856628417969 + ], + [ + "\u2581Landskampioen", + -14.760979652404783 + ], + [ + "folgung", + -14.760981559753418 + ], + [ + "gsl", + -14.76099681854248 + ], + [ + "\u2581negoziare", + -14.761000633239746 + ], + [ + "dvice", + -14.761041641235352 + ], + [ + "\u2581filhotes", + -14.76105785369873 + ], + [ + "\u2581bereicher", + -14.761072158813477 + ], + [ + "PreActBlock", + -14.761155128479004 + ], + [ + "\u2581Halverwege", + -14.761164665222168 + ], + [ + "\u2581St\u00e9phanie", + -14.761164665222168 + ], + [ + "\u2581rivoluzioni", + -14.761164665222168 + ], + [ + "\u2581wederzijds", + -14.761164665222168 + ], + [ + "\u2581Cruciatus", + -14.761178016662598 + ], + [ + "bertragungsnetz", + -14.761188507080078 + ], + [ + "temperie", + -14.761198043823242 + ], + [ + "ProtoReflect", + -14.761205673217772 + ], + [ + "\u2581prominence", + -14.761228561401367 + ], + [ + "\u2581julga", + -14.76123046875 + ], + [ + "NotAllowed", + -14.761238098144531 + ], + [ + "\u2581stattgegeben", + -14.76126766204834 + ], + [ + "\u2581Circunst", + -14.76128387451172 + ], + [ + "\u2581suplementar", + -14.761292457580566 + ], + [ + "habilitiert", + -14.761326789855955 + ], + [ + "emplace", + -14.761429786682127 + ], + [ + "\u2581sacristi", + -14.76144790649414 + ], + [ + "Ausbildung", + -14.761454582214355 + ], + [ + "recognize", + -14.76147174835205 + ], + [ + "Unterschiedliche", + -14.761524200439451 + ], + [ + "abell\u00f3n", + -14.761550903320312 + ], + [ + "\u2581Equatorial", + -14.761560440063477 + ], + [ + "\u2581provocation", + -14.76159954071045 + ], + [ + "tupor", + -14.761606216430664 + ], + [ + "\u2581Stadtkern", + -14.761639595031738 + ], + [ + "sch\u00fctzende", + -14.761672973632812 + ], + [ + "\u2581Bogot", + -14.761759757995604 + ], + [ + "velho", + -14.761764526367188 + ], + [ + "\u2581descritiv", + -14.76176643371582 + ], + [ + "\u2581desagrad\u00e1vel", + -14.76179027557373 + ], + [ + "\u2581einsch\u00e4tzen", + -14.761800765991213 + ], + [ + "\u2581Islamitische", + -14.761808395385742 + ], + [ + "\u2581restringi", + -14.761821746826172 + ], + [ + "\u2581Antonelli", + -14.761857986450195 + ], + [ + "\u2581diffondersi", + -14.761858940124512 + ], + [ + "pedagog", + -14.76190948486328 + ], + [ + "\u2581Bl\u00fctezeit", + -14.76191520690918 + ], + [ + "cheminement", + -14.761958122253418 + ], + [ + "uarentena", + -14.76197910308838 + ], + [ + "accountName", + -14.762009620666504 + ], + [ + "isEqual", + -14.762028694152832 + ], + [ + "\u2581consentiva", + -14.762035369873049 + ], + [ + "Containing", + -14.762080192565918 + ], + [ + "ProgressBar", + -14.762107849121094 + ], + [ + "\u2581Carib", + -14.76210880279541 + ], + [ + "\u2581coop\u00e9r", + -14.762144088745115 + ], + [ + "cr\u00edtica", + -14.762158393859863 + ], + [ + "Rotenburg", + -14.762160301208496 + ], + [ + "\u2581l\u00e4chelnd", + -14.76218032836914 + ], + [ + "\u2581weerspiegel", + -14.76218318939209 + ], + [ + "\u2581Fisheries", + -14.76220989227295 + ], + [ + "Galleria", + -14.762259483337402 + ], + [ + "Standort", + -14.76231861114502 + ], + [ + "\u2581Stadtbus", + -14.762322425842283 + ], + [ + "\u2581St\u00fcckzahl", + -14.762340545654297 + ], + [ + "\u2581seedling", + -14.762369155883787 + ], + [ + "Lugar", + -14.76241683959961 + ], + [ + "\u2581Berufsaus\u00fcbung", + -14.762435913085938 + ], + [ + "\u2581Demetri", + -14.76244068145752 + ], + [ + "chiari", + -14.762447357177734 + ], + [ + "heoretiker", + -14.762450218200684 + ], + [ + "\u2581beheersen", + -14.762506484985352 + ], + [ + "plicidad", + -14.762518882751465 + ], + [ + "\u2581scatenat", + -14.762619972229004 + ], + [ + "yod", + -14.762717247009276 + ], + [ + "reformatie", + -14.76275634765625 + ], + [ + "\u2581Trach", + -14.76276683807373 + ], + [ + "\u2581hemoglobin", + -14.762824058532717 + ], + [ + "\u2581postazioni", + -14.762835502624512 + ], + [ + "\u2581artifici", + -14.762909889221191 + ], + [ + "ariensis", + -14.76294231414795 + ], + [ + "\u2581psychiat", + -14.76298713684082 + ], + [ + "\u2581renunciou", + -14.763041496276855 + ], + [ + "\u2581naoorlogse", + -14.763042449951172 + ], + [ + "StatisticsPlugin", + -14.763044357299805 + ], + [ + "\u2581virreina", + -14.7630615234375 + ], + [ + "\u2581leeromgeving", + -14.763070106506348 + ], + [ + "stuurd", + -14.76309871673584 + ], + [ + "wischenfall", + -14.76313591003418 + ], + [ + "\u2581hermeti", + -14.76314640045166 + ], + [ + "\u2581shri", + -14.763157844543455 + ], + [ + "\u2581connetter", + -14.763163566589355 + ], + [ + "\u2581radiazioni", + -14.763193130493164 + ], + [ + "\u2581singularidad", + -14.763286590576172 + ], + [ + "feuerwehr", + -14.76328945159912 + ], + [ + "\u2581d\u00e9lib\u00e9ration", + -14.763395309448242 + ], + [ + "lateinisch", + -14.763463020324709 + ], + [ + "\u2581nazionalista", + -14.763510704040527 + ], + [ + "\u2581Tradicional", + -14.76356029510498 + ], + [ + "brasileiro", + -14.76356315612793 + ], + [ + "\u2581retrospect", + -14.763572692871094 + ], + [ + "vergencia", + -14.763599395751951 + ], + [ + "monatigen", + -14.7636137008667 + ], + [ + "griturism", + -14.763639450073242 + ], + [ + "\u2581abbattere", + -14.763642311096191 + ], + [ + "ishment", + -14.763660430908203 + ], + [ + "abbattimento", + -14.763667106628418 + ], + [ + "\u2581australiani", + -14.763667106628418 + ], + [ + "\u2581microbiota", + -14.763667106628418 + ], + [ + "\u2581calciatori", + -14.76368522644043 + ], + [ + "increasing", + -14.76368808746338 + ], + [ + "soldat", + -14.763697624206545 + ], + [ + "vitell", + -14.763717651367188 + ], + [ + "\u2581Kissingen", + -14.763794898986816 + ], + [ + "contentSize", + -14.763799667358398 + ], + [ + "Spotlight", + -14.763802528381348 + ], + [ + "chweiler", + -14.763837814331056 + ], + [ + "akkumul", + -14.763921737670898 + ], + [ + "nthos", + -14.763952255249023 + ], + [ + "\u2581Francine", + -14.763978958129885 + ], + [ + "ollateral", + -14.764030456542969 + ], + [ + "\u2581aufheben", + -14.764031410217283 + ], + [ + "verteidiger", + -14.764116287231444 + ], + [ + "\u2581manovr", + -14.76413917541504 + ], + [ + "\u2581Rogge", + -14.764168739318848 + ], + [ + "coefficient", + -14.764183044433594 + ], + [ + "\u2581desplegad", + -14.76419162750244 + ], + [ + "RICA", + -14.764206886291504 + ], + [ + "\u2581definizioni", + -14.764222145080566 + ], + [ + "\u00e9coulement", + -14.764225006103516 + ], + [ + "Architektur", + -14.76426887512207 + ], + [ + "betrouwbare", + -14.764293670654297 + ], + [ + "\u2581Radrennfahrer", + -14.76430320739746 + ], + [ + "\u2581Blasmusik", + -14.764322280883787 + ], + [ + "\u2581fratell", + -14.764324188232422 + ], + [ + "plannedJobs", + -14.764331817626951 + ], + [ + "\u2581angrenzende", + -14.764341354370115 + ], + [ + "valenz", + -14.76437759399414 + ], + [ + "phagidae", + -14.764543533325195 + ], + [ + "Ontologi", + -14.764630317687988 + ], + [ + "\u00e4chtlich", + -14.76466178894043 + ], + [ + "nuire", + -14.764729499816896 + ], + [ + "\u2581licenz", + -14.764784812927246 + ], + [ + "tagliati", + -14.764815330505373 + ], + [ + "onanza", + -14.76482105255127 + ], + [ + "form\u00e9es", + -14.76482391357422 + ], + [ + "\u2581Bracci", + -14.764881134033203 + ], + [ + "ohmann", + -14.764887809753418 + ], + [ + "zuteilen", + -14.764892578125 + ], + [ + "\u2581freiberuflich", + -14.764921188354492 + ], + [ + "\u2581Olympiasieger", + -14.764925956726074 + ], + [ + "\u2581intangible", + -14.76494026184082 + ], + [ + "ridente", + -14.764946937561035 + ], + [ + "\u2581zwangerschap", + -14.76500129699707 + ], + [ + "\u2581Mietpreis", + -14.765023231506348 + ], + [ + "\u2581can\u00f3ni", + -14.765032768249512 + ], + [ + "\u2581regidor", + -14.765042304992676 + ], + [ + "evenswijze", + -14.765091896057127 + ], + [ + "\u2581Woodland", + -14.765094757080078 + ], + [ + "\u2581Gelehrte", + -14.76511573791504 + ], + [ + "\u2581Mitbewerber", + -14.765121459960938 + ], + [ + "\u2581origin\u00e1ria", + -14.765134811401367 + ], + [ + "saltato", + -14.765145301818848 + ], + [ + "portarlo", + -14.765161514282228 + ], + [ + "metaclass", + -14.765174865722656 + ], + [ + "rowdfunding", + -14.765199661254885 + ], + [ + "arrivai", + -14.765230178833008 + ], + [ + "hapeLayer", + -14.765239715576172 + ], + [ + "\u2581massacra", + -14.765268325805664 + ], + [ + "fijne", + -14.76527976989746 + ], + [ + "Annotate", + -14.765324592590332 + ], + [ + "\u2581konsumier", + -14.765365600585938 + ], + [ + "\u2581Bermud", + -14.765426635742188 + ], + [ + "um\u00e1rio", + -14.765432357788086 + ], + [ + "Accessory", + -14.765435218811035 + ], + [ + "\u2581excessivo", + -14.76545238494873 + ], + [ + "\u2581Anthropology", + -14.76545524597168 + ], + [ + "\u2581preferem", + -14.765467643737791 + ], + [ + "\u2581f\u00e1b", + -14.765485763549805 + ], + [ + "siebzig", + -14.765512466430664 + ], + [ + "\u2581verzweigt", + -14.765517234802246 + ], + [ + "\u2581Einzelma", + -14.76552391052246 + ], + [ + "Jankulovski", + -14.765548706054688 + ], + [ + "\u2581spiraalvormig", + -14.765548706054688 + ], + [ + "zuordnung", + -14.765551567077637 + ], + [ + "\u2581Turnpike", + -14.76555347442627 + ], + [ + "\u2581mountainbike", + -14.765579223632812 + ], + [ + "alysis", + -14.765591621398926 + ], + [ + "fondue", + -14.765610694885254 + ], + [ + "\u2581Sant\u00edsimo", + -14.765612602233888 + ], + [ + "\u2581bicarbonat", + -14.765626907348633 + ], + [ + "Bibliographie", + -14.765684127807615 + ], + [ + "solitamente", + -14.76570987701416 + ], + [ + "\u2581pr\u00e9sidentiel", + -14.765740394592283 + ], + [ + "\u2581distanziert", + -14.765817642211914 + ], + [ + "\u2581Auswert", + -14.76585292816162 + ], + [ + "don\u00f3", + -14.765889167785645 + ], + [ + "articolazione", + -14.765904426574709 + ], + [ + "\u2581F\u00fcrstenberg", + -14.76592254638672 + ], + [ + "\u2581periphere", + -14.765979766845703 + ], + [ + "\u2581Fahrradfahren", + -14.7659912109375 + ], + [ + "aufgrund", + -14.766047477722168 + ], + [ + "ccheri", + -14.766077041625977 + ], + [ + "chtheit", + -14.766090393066406 + ], + [ + "\u2581herhalen", + -14.766136169433594 + ], + [ + "\u2581gebrauchen", + -14.766160011291504 + ], + [ + "UNSPECIFIED", + -14.766176223754885 + ], + [ + "\u2581verosimilmente", + -14.766176223754885 + ], + [ + "\u2581unaffected", + -14.766178131103516 + ], + [ + "\u2581siciliani", + -14.766179084777832 + ], + [ + "\u2581GameCube", + -14.766229629516602 + ], + [ + "\u2581giornalismo", + -14.766242027282717 + ], + [ + "prendida", + -14.766254425048828 + ], + [ + "\u2581esclarecer", + -14.766265869140623 + ], + [ + "\u2581corporelle", + -14.766300201416016 + ], + [ + "\u2581getraind", + -14.766301155090332 + ], + [ + "\u2581restringido", + -14.766305923461914 + ], + [ + "\u2581Stadtbild", + -14.766335487365724 + ], + [ + "\u2581sedicesim", + -14.766364097595217 + ], + [ + "Bayerische", + -14.766400337219238 + ], + [ + "\u2581ilumin", + -14.76640510559082 + ], + [ + "\u2581ponctuelle", + -14.766413688659668 + ], + [ + "\u2581parasiti", + -14.766424179077148 + ], + [ + "\u2581noruegues", + -14.766434669494627 + ], + [ + "\u2581portadores", + -14.766436576843262 + ], + [ + "fokus", + -14.766661643981934 + ], + [ + "capella", + -14.766712188720703 + ], + [ + "\u2581Construit", + -14.766715049743652 + ], + [ + "\u2581democratiche", + -14.766759872436523 + ], + [ + "\u2581F\u00e9d\u00e9ra", + -14.766764640808104 + ], + [ + "\u2581Fallzahl", + -14.766767501831056 + ], + [ + "\u2581heredera", + -14.766801834106444 + ], + [ + "bloemenfamilie", + -14.766803741455078 + ], + [ + "obrigatoriamente", + -14.766803741455078 + ], + [ + "\u2581pergaminho", + -14.766804695129396 + ], + [ + "\u2581courbure", + -14.766805648803713 + ], + [ + "\u2581Verwahr", + -14.766806602478027 + ], + [ + "\u2581hulpverlen", + -14.766812324523926 + ], + [ + "OMMEN", + -14.76684284210205 + ], + [ + "aspettato", + -14.766846656799316 + ], + [ + "\u2581gewaltigen", + -14.76687717437744 + ], + [ + "\u2581rondboog", + -14.76690673828125 + ], + [ + "nnuaire", + -14.766923904418944 + ], + [ + "\u2581Turbulenz", + -14.766934394836426 + ], + [ + "\u2581Inhaltlich", + -14.76699924468994 + ], + [ + "\u2581pl\u00e9ni", + -14.767101287841797 + ], + [ + "\u2581Presentaci\u00f3n", + -14.767154693603516 + ], + [ + "\u2581Bakteri", + -14.767189025878906 + ], + [ + "\u2581encuadra", + -14.767202377319336 + ], + [ + "vergess", + -14.767248153686523 + ], + [ + "\u2581luchadores", + -14.767266273498535 + ], + [ + "aaronder", + -14.767304420471191 + ], + [ + "\u2581triunf", + -14.767332077026367 + ], + [ + "\u2581Navir", + -14.76734733581543 + ], + [ + "Tutto", + -14.76738452911377 + ], + [ + "Europ\u00e9en", + -14.767395973205566 + ], + [ + "UpdateTime", + -14.767396926879885 + ], + [ + "\u2581puertorrique", + -14.767430305480955 + ], + [ + "\u2581maravilhosa", + -14.767433166503906 + ], + [ + "\u2581Ferrovi\u00e1ria", + -14.767440795898438 + ], + [ + "\u2581stilgelegd", + -14.767448425292969 + ], + [ + "MLHttpRequest", + -14.76745891571045 + ], + [ + "\u2581th\u00e9oricien", + -14.76750946044922 + ], + [ + "\u2581boiler", + -14.767521858215332 + ], + [ + "Wagen", + -14.767560958862305 + ], + [ + "\u2581linguiste", + -14.767580032348633 + ], + [ + "\u2581Bewerberinnen", + -14.767629623413086 + ], + [ + "Ol\u00edmpico", + -14.767630577087402 + ], + [ + "ungsrate", + -14.767632484436035 + ], + [ + "\u2581Gemessen", + -14.767634391784668 + ], + [ + "herebbe", + -14.767677307128906 + ], + [ + "ELECTION", + -14.767682075500488 + ], + [ + "alne\u00e1rio", + -14.767714500427246 + ], + [ + "\u2581Juv", + -14.767715454101562 + ], + [ + "\u2581R\u00e9ci", + -14.76778507232666 + ], + [ + "granularity", + -14.767802238464355 + ], + [ + "\u2581fulfilling", + -14.76781177520752 + ], + [ + "Fingerprint", + -14.767852783203123 + ], + [ + "afran", + -14.767895698547363 + ], + [ + "\u2581AllMusic", + -14.767927169799805 + ], + [ + "Defensive", + -14.767929077148438 + ], + [ + "TableCell", + -14.767935752868652 + ], + [ + "gneau", + -14.767950057983398 + ], + [ + "fahrbar", + -14.768033027648926 + ], + [ + "\u2581Dresd", + -14.76804256439209 + ], + [ + "\u2581Ildefonso", + -14.768061637878418 + ], + [ + "\u2581relocated", + -14.76806354522705 + ], + [ + "\u2581L\u00fcckentexte", + -14.76806926727295 + ], + [ + "\u2581grinding", + -14.768071174621582 + ], + [ + "quadriglia", + -14.76808738708496 + ], + [ + "\u2581schwerpunktm\u00e4", + -14.768088340759276 + ], + [ + "Jewish", + -14.76810073852539 + ], + [ + "inspirer", + -14.768107414245604 + ], + [ + "\u2581verschlie", + -14.768117904663086 + ], + [ + "COLLECTION", + -14.768128395080566 + ], + [ + "\u2581furgon", + -14.76813507080078 + ], + [ + "revisor", + -14.768146514892578 + ], + [ + "apparent", + -14.768178939819336 + ], + [ + "\u2581reposant", + -14.76818561553955 + ], + [ + "\u2581Anbaufl\u00e4che", + -14.768189430236816 + ], + [ + "\u2581mitragliatric", + -14.768233299255373 + ], + [ + "\u2581Nive", + -14.768264770507812 + ], + [ + "\u2581flotante", + -14.76827335357666 + ], + [ + "prendieron", + -14.768298149108888 + ], + [ + "eizigers", + -14.76830768585205 + ], + [ + "\u2581prometida", + -14.76832103729248 + ], + [ + "irgendwo", + -14.768367767333984 + ], + [ + "\u2581emotionally", + -14.768378257751465 + ], + [ + "\u2581Programmierspra", + -14.768406867980955 + ], + [ + "geschikt", + -14.768418312072754 + ], + [ + "ripeti", + -14.76843547821045 + ], + [ + "spektive", + -14.768436431884766 + ], + [ + "angepasste", + -14.768441200256348 + ], + [ + "anomali", + -14.768442153930664 + ], + [ + "\u2581Conquest", + -14.768519401550291 + ], + [ + "rauw", + -14.768599510192873 + ], + [ + "commonmark", + -14.768637657165527 + ], + [ + "Auftrag", + -14.768647193908691 + ], + [ + "\u2581Morbidit\u00e4t", + -14.768691062927246 + ], + [ + "\u2581demn\u00e4chst", + -14.768691062927246 + ], + [ + "durchsichtig", + -14.76870059967041 + ], + [ + "\u2581impiegare", + -14.768710136413574 + ], + [ + "\u2581revidiert", + -14.768720626831056 + ], + [ + "larus", + -14.768759727478027 + ], + [ + "\u2581secr\u00e9tariat", + -14.768759727478027 + ], + [ + "\u2581biologici", + -14.768762588500977 + ], + [ + "\u2581riparare", + -14.76877498626709 + ], + [ + "awad", + -14.768802642822266 + ], + [ + "iziano", + -14.768816947937012 + ], + [ + "resourceType", + -14.768832206726074 + ], + [ + "Metropol", + -14.768927574157717 + ], + [ + "\u2581Daug", + -14.768930435180664 + ], + [ + "affle", + -14.769002914428713 + ], + [ + "\u2581Underwood", + -14.76900863647461 + ], + [ + "eriscono", + -14.769014358520508 + ], + [ + "Pieter", + -14.769057273864746 + ], + [ + "\u2581M\u00fcndliche", + -14.769067764282228 + ], + [ + "Championnat", + -14.769083023071287 + ], + [ + "\u2581parkeerplaats", + -14.769086837768556 + ], + [ + "\u2581superficielle", + -14.76909351348877 + ], + [ + "\u2581SERVI", + -14.769108772277832 + ], + [ + "Reserve", + -14.769129753112791 + ], + [ + "amigo", + -14.76916790008545 + ], + [ + "brina", + -14.769176483154297 + ], + [ + "Pr\u00fcf", + -14.76917839050293 + ], + [ + "ambiental", + -14.769259452819824 + ], + [ + "REPLICA", + -14.769277572631836 + ], + [ + "\u2581Jupi", + -14.769283294677734 + ], + [ + "\u2581complicata", + -14.769290924072266 + ], + [ + "DUPLICATE", + -14.769320487976074 + ], + [ + "\u2581rekombinante", + -14.769320487976074 + ], + [ + "arbeitslosigkeit", + -14.769394874572754 + ], + [ + "\u2581omolog", + -14.76939582824707 + ], + [ + "\u2581Endkunden", + -14.769437789916992 + ], + [ + "gonflement", + -14.76945972442627 + ], + [ + "arangay", + -14.769512176513672 + ], + [ + "extremistisch", + -14.769521713256836 + ], + [ + "ritueel", + -14.769539833068848 + ], + [ + "\u2581Bovenste", + -14.769635200500488 + ], + [ + "\u2581Staatsgebiet", + -14.769640922546388 + ], + [ + "CHEM", + -14.769668579101562 + ], + [ + "anleitung", + -14.769676208496094 + ], + [ + "\u2581autoimmune", + -14.769686698913574 + ], + [ + "\u2581Canter", + -14.769701957702637 + ], + [ + "\u2581fugitiv", + -14.769704818725586 + ], + [ + "houwer", + -14.769710540771484 + ], + [ + "\u2581Gesamtsystem", + -14.769787788391112 + ], + [ + "mamos", + -14.76979160308838 + ], + [ + "ESSA", + -14.769887924194336 + ], + [ + "omolo", + -14.76989459991455 + ], + [ + "simplic", + -14.7698974609375 + ], + [ + "\u2581visitarl", + -14.769906044006348 + ], + [ + "\u2581devastazion", + -14.769927024841309 + ], + [ + "\u2581promotional", + -14.769951820373535 + ], + [ + "\u2581Emerging", + -14.769954681396484 + ], + [ + "z\u00e9landais", + -14.7699556350708 + ], + [ + "\u2581Speichel", + -14.769975662231444 + ], + [ + "\u2581Entfernen", + -14.769978523254396 + ], + [ + "\u2581Fremdkapital", + -14.769986152648926 + ], + [ + "\u2581Landesjustiz", + -14.770026206970217 + ], + [ + "berschu", + -14.770142555236816 + ], + [ + "\u2581Dolomite", + -14.770177841186523 + ], + [ + "parlanti", + -14.770200729370115 + ], + [ + "gelost", + -14.770246505737305 + ], + [ + "tiologie", + -14.770278930664062 + ], + [ + "\u2581organisateurs", + -14.770356178283691 + ], + [ + "\u2581sconsigliato", + -14.770394325256348 + ], + [ + "\u2581argentinischen", + -14.77040195465088 + ], + [ + "\u2581Sozi", + -14.770408630371094 + ], + [ + "\u2581rinforzi", + -14.77043628692627 + ], + [ + "iggins", + -14.77049732208252 + ], + [ + "sancio", + -14.77051067352295 + ], + [ + "Schweden", + -14.770516395568848 + ], + [ + "olytische", + -14.770527839660645 + ], + [ + "odierung", + -14.770537376403809 + ], + [ + "eeanemonen", + -14.77057933807373 + ], + [ + "\u2581Shrewsbury", + -14.770581245422363 + ], + [ + "\u2581encourag\u00e9", + -14.770581245422363 + ], + [ + "\u2581exaggerated", + -14.770581245422363 + ], + [ + "\u2581Bezugsgr", + -14.770604133605955 + ], + [ + "estosteron", + -14.77060604095459 + ], + [ + "\u2581Variabilit\u00e4t", + -14.77060890197754 + ], + [ + "\u2581Dienstgrad", + -14.770620346069336 + ], + [ + "\u2581convinta", + -14.770625114440918 + ], + [ + "Wiedemann", + -14.770651817321776 + ], + [ + "\u2581automatis\u00e9", + -14.77066135406494 + ], + [ + "\u2581reimburse", + -14.770671844482422 + ], + [ + "tightlist", + -14.77077293395996 + ], + [ + "t\u00fcrmen", + -14.770838737487791 + ], + [ + "\u2581courtois", + -14.770856857299805 + ], + [ + "phorus", + -14.770878791809082 + ], + [ + "\u2581Encarnaci\u00f3n", + -14.77089023590088 + ], + [ + "olitis", + -14.770917892456056 + ], + [ + "lektiert", + -14.770918846130373 + ], + [ + "infected", + -14.7709321975708 + ], + [ + "\u2581contention", + -14.770939826965332 + ], + [ + "\u2581denominaciones", + -14.770956039428713 + ], + [ + "rasure", + -14.770963668823242 + ], + [ + "uidde", + -14.770984649658203 + ], + [ + "\u2581origin\u00e4r", + -14.770989418029783 + ], + [ + "\u2581Basicamente", + -14.770997047424316 + ], + [ + "ravin", + -14.77104377746582 + ], + [ + "\u2581Thermodynami", + -14.771120071411133 + ], + [ + "rmure", + -14.77114200592041 + ], + [ + "\u00e9vocation", + -14.771147727966309 + ], + [ + "\u2581ausprobier", + -14.771172523498535 + ], + [ + "Chevro", + -14.771188735961914 + ], + [ + "\u2581cristalina", + -14.771210670471191 + ], + [ + "Waffenstillstand", + -14.771212577819824 + ], + [ + "affluenza", + -14.771212577819824 + ], + [ + "\u2581v\u00e9t\u00e9rinaire", + -14.771212577819824 + ], + [ + "\u2581windsurf", + -14.771240234375 + ], + [ + "\u2581Caliente", + -14.771246910095217 + ], + [ + "biotische", + -14.77126121520996 + ], + [ + "\u2581hernieuw", + -14.771262168884276 + ], + [ + "adran", + -14.771269798278809 + ], + [ + "oignant", + -14.77127456665039 + ], + [ + "steroids", + -14.771295547485352 + ], + [ + "JsonString", + -14.771320343017578 + ], + [ + "\u2581consultazione", + -14.77132511138916 + ], + [ + "\u2581Folgejahren", + -14.77138328552246 + ], + [ + "\u2581realizaram", + -14.771385192871094 + ], + [ + "Datenschutz", + -14.771392822265623 + ], + [ + "\u2581ingannar", + -14.771402359008787 + ], + [ + "\u2581revisado", + -14.771421432495115 + ], + [ + "\u2581frett", + -14.771422386169434 + ], + [ + "odactylidae", + -14.771425247192385 + ], + [ + "\u2581informaron", + -14.771434783935549 + ], + [ + "Dezember", + -14.771442413330078 + ], + [ + "\u2581Guig", + -14.771476745605469 + ], + [ + "\u2581Schupp", + -14.771477699279783 + ], + [ + "\u2581auszuweisen", + -14.77153491973877 + ], + [ + "\u2581reprimid", + -14.771539688110352 + ], + [ + "produzenten", + -14.771587371826172 + ], + [ + "\u2581Delibera", + -14.77159309387207 + ], + [ + "Coast", + -14.771610260009766 + ], + [ + "\u2581Billigkeit", + -14.771632194519045 + ], + [ + "\u2581Parlamentar", + -14.771644592285156 + ], + [ + "roadside", + -14.77165699005127 + ], + [ + "\u2581Admira", + -14.771676063537598 + ], + [ + "stilstand", + -14.77169418334961 + ], + [ + "approval", + -14.77170181274414 + ], + [ + "Heavy", + -14.77170753479004 + ], + [ + "nicer", + -14.771778106689451 + ], + [ + "\u2581impec", + -14.77182388305664 + ], + [ + "decodeIfPresent", + -14.771849632263184 + ], + [ + "eguaglianza", + -14.771852493286133 + ], + [ + "\u2581Landnutzung", + -14.77185344696045 + ], + [ + "\u2581wahrnimmt", + -14.771854400634766 + ], + [ + "travolge", + -14.771881103515623 + ], + [ + "\u2581Haina", + -14.77190113067627 + ], + [ + "\u2581Neugeborenen", + -14.771930694580078 + ], + [ + "\u2581fundaram", + -14.77194881439209 + ], + [ + "Wolfgang", + -14.771963119506836 + ], + [ + "\u2581moyennant", + -14.771976470947266 + ], + [ + "\u2581radioattiv", + -14.771980285644531 + ], + [ + "\u2581Ferrucci", + -14.77198314666748 + ], + [ + "congolais", + -14.77198886871338 + ], + [ + "\u2581titanium", + -14.771991729736328 + ], + [ + "\u2581manipulating", + -14.772088050842283 + ], + [ + "rztinnen", + -14.772117614746094 + ], + [ + "esthes", + -14.772135734558104 + ], + [ + "Constrain", + -14.772144317626951 + ], + [ + "Kelly", + -14.772159576416016 + ], + [ + "stationary", + -14.772187232971191 + ], + [ + "\u2581Sprecherin", + -14.77219009399414 + ], + [ + "\u2581renvoi", + -14.772214889526367 + ], + [ + "\u2581ideologic", + -14.77221965789795 + ], + [ + "PrivacyD", + -14.772247314453123 + ], + [ + "\u2581brutalement", + -14.772266387939451 + ], + [ + "RESH", + -14.772271156311035 + ], + [ + "Valeri", + -14.772281646728516 + ], + [ + "\u2581Stallman", + -14.772287368774414 + ], + [ + "\u2581Tanj", + -14.772309303283691 + ], + [ + "\u2581ordenaci\u00f3n", + -14.772314071655272 + ], + [ + "\u2581riservate", + -14.77237606048584 + ], + [ + "fileadmin", + -14.772420883178713 + ], + [ + "\u2581Macar", + -14.772422790527344 + ], + [ + "innest", + -14.772465705871582 + ], + [ + "Kanada", + -14.772473335266112 + ], + [ + "\u2581Surveillance", + -14.772475242614746 + ], + [ + "\u2581Veltroni", + -14.77247714996338 + ], + [ + "\u2581sigaretta", + -14.772486686706545 + ], + [ + "\u2581scolarit\u00e9", + -14.772509574890137 + ], + [ + "\u2581exorbitant", + -14.772515296936035 + ], + [ + "\u2581rechercheur", + -14.772526741027832 + ], + [ + "\u2581Stillstand", + -14.772543907165527 + ], + [ + "esclusiv", + -14.77263069152832 + ], + [ + "Attic", + -14.772634506225586 + ], + [ + "\u2581Neugestaltung", + -14.772662162780762 + ], + [ + "\u2581toponymi", + -14.772663116455078 + ], + [ + "munidad", + -14.77269458770752 + ], + [ + "\u2581Sicherheitsma", + -14.772706985473633 + ], + [ + "\u2581esperamos", + -14.77273941040039 + ], + [ + "herausgearbeitet", + -14.772756576538086 + ], + [ + "\u2581necessitate", + -14.772768020629885 + ], + [ + "catalogId", + -14.772772789001465 + ], + [ + "NNI", + -14.772815704345703 + ], + [ + "parfois", + -14.772845268249512 + ], + [ + "\u2581acconsent", + -14.772883415222168 + ], + [ + "eferral", + -14.772915840148926 + ], + [ + "Bundesverfassung", + -14.77291774749756 + ], + [ + "\u2581alcanzaba", + -14.772979736328123 + ], + [ + "scarpon", + -14.772991180419922 + ], + [ + "\u2581Grundzustand", + -14.77301025390625 + ], + [ + "\u2581Opstand", + -14.77302074432373 + ], + [ + "\u2581protegendo", + -14.773022651672363 + ], + [ + "\u2581corrispo", + -14.773035049438477 + ], + [ + "bediente", + -14.773059844970703 + ], + [ + "\u2581piramidal", + -14.773064613342283 + ], + [ + "\u2581giov", + -14.773079872131348 + ], + [ + "\u2581dramaserie", + -14.773086547851562 + ], + [ + "pezialist", + -14.773097038269045 + ], + [ + "\u2581Trapassato", + -14.773107528686523 + ], + [ + "\u2581humildad", + -14.773107528686523 + ], + [ + "\u2581Abmahnung", + -14.77310848236084 + ], + [ + "\u2581vordringlich", + -14.773109436035156 + ], + [ + "infekti", + -14.77312469482422 + ], + [ + "\u2581amplificador", + -14.773239135742188 + ], + [ + "\u2581addebita", + -14.773274421691896 + ], + [ + "achever", + -14.773335456848145 + ], + [ + "\u2581abweicht", + -14.77334213256836 + ], + [ + "ctopus", + -14.773441314697266 + ], + [ + "\u2581contestant", + -14.77345371246338 + ], + [ + "\u2581Schleuse", + -14.773507118225098 + ], + [ + "Liefer", + -14.77352809906006 + ], + [ + "\u2581violaciones", + -14.77352809906006 + ], + [ + "connectivity", + -14.773534774780272 + ], + [ + "eitablauf", + -14.77353858947754 + ], + [ + "\u2581vervoeging", + -14.77354907989502 + ], + [ + "\u2581finiron", + -14.773567199707031 + ], + [ + "Heide", + -14.77359390258789 + ], + [ + "rmatura", + -14.773636817932127 + ], + [ + "hoosing", + -14.773642539978027 + ], + [ + "\u2581slightest", + -14.773674011230469 + ], + [ + "parameterization", + -14.773711204528809 + ], + [ + "\u2581Fokussierung", + -14.77374267578125 + ], + [ + "\u2581wederopbouw", + -14.773751258850098 + ], + [ + "\u2581Immunantwort", + -14.773755073547363 + ], + [ + "\u2581Ankn\u00fcpfung", + -14.773786544799805 + ], + [ + "\u2581comitiva", + -14.773794174194336 + ], + [ + "\u2581eccessiv", + -14.773797035217283 + ], + [ + "Knowledge", + -14.773801803588867 + ], + [ + "inematic", + -14.773829460144045 + ], + [ + "istortion", + -14.773834228515623 + ], + [ + "\u2581werknemer", + -14.773860931396484 + ], + [ + "chstbetr\u00e4ge", + -14.773869514465332 + ], + [ + "\u2581honr", + -14.773877143859863 + ], + [ + "\u2581venecian", + -14.77389907836914 + ], + [ + "\u2581forcier", + -14.773934364318848 + ], + [ + "\u2581nachgehen", + -14.773990631103516 + ], + [ + "\u2581corallina", + -14.773998260498049 + ], + [ + "\u2581vest\u00ed", + -14.774023056030272 + ], + [ + "verb\u00fcnde", + -14.774028778076172 + ], + [ + "\u2581hydrolysi", + -14.774039268493652 + ], + [ + "\u2581consolidado", + -14.774084091186523 + ], + [ + "\u2581gunste", + -14.774113655090332 + ], + [ + "\u2581vereerd", + -14.774142265319824 + ], + [ + "\u2581Regenf\u00e4lle", + -14.77414608001709 + ], + [ + "feriscono", + -14.774154663085938 + ], + [ + "METH", + -14.774161338806152 + ], + [ + "\u2581magicamente", + -14.774178504943848 + ], + [ + "\u2581Thorsten", + -14.77418041229248 + ], + [ + "\u2581hervorgehen", + -14.774184226989746 + ], + [ + "\u2581intervalles", + -14.774210929870604 + ], + [ + "IPConfiguration", + -14.774280548095703 + ], + [ + "\u2581hospedado", + -14.774297714233398 + ], + [ + "\u2581Morpho", + -14.774319648742676 + ], + [ + "cubrimiento", + -14.774346351623535 + ], + [ + "finit\u00e9", + -14.7743501663208 + ], + [ + "poni\u00e9ndose", + -14.774351119995115 + ], + [ + "\u2581Campidoglio", + -14.774373054504396 + ], + [ + "Lycosidae", + -14.774374008178713 + ], + [ + "\u2581Entoloma", + -14.774374008178713 + ], + [ + "sensorische", + -14.77438259124756 + ], + [ + "Steuerminderein", + -14.774392127990724 + ], + [ + "\u2581dichiarati", + -14.774392127990724 + ], + [ + "sponzen", + -14.77439308166504 + ], + [ + "\u2581correcci\u00f3n", + -14.774394989013672 + ], + [ + "\u2581Kanagawa", + -14.77440071105957 + ], + [ + "\u2581hoofdpersoon", + -14.77440357208252 + ], + [ + "\u2581vecchiaia", + -14.77441120147705 + ], + [ + "\u2581Suchmaschinen", + -14.774435997009276 + ], + [ + "\u2581repayment", + -14.774465560913086 + ], + [ + "\u2581hostilidades", + -14.774492263793944 + ], + [ + "Koordinate", + -14.774497032165527 + ], + [ + "manesimo", + -14.774505615234377 + ], + [ + "\u2581meteorologica", + -14.774535179138184 + ], + [ + "klusion", + -14.774603843688965 + ], + [ + "\u2581choisissez", + -14.774641036987305 + ], + [ + "eanor", + -14.77468967437744 + ], + [ + "\u2581Umweltfragen", + -14.7747220993042 + ], + [ + "\u2581cassation", + -14.774746894836426 + ], + [ + "\u2581decennium", + -14.774772644042969 + ], + [ + "\u2581stupit", + -14.774785995483398 + ], + [ + "parit\u00e9", + -14.774837493896484 + ], + [ + "\u2581sequenze", + -14.77484130859375 + ], + [ + "islamismo", + -14.774868965148926 + ], + [ + "\u2581souligna", + -14.774919509887695 + ], + [ + "\u2581Anderzijds", + -14.775006294250488 + ], + [ + "\u2581diretrizes", + -14.775006294250488 + ], + [ + "\u2581pflegebed\u00fcrftig", + -14.775009155273438 + ], + [ + "\u2581Cipriano", + -14.775010108947754 + ], + [ + "ographiques", + -14.775020599365234 + ], + [ + "auszuarbeiten", + -14.775076866149902 + ], + [ + "\u2581radicaux", + -14.775114059448242 + ], + [ + "\u2581Astrozyt", + -14.775116920471191 + ], + [ + "POLI", + -14.775128364562988 + ], + [ + "\u2581imperfett", + -14.775146484375 + ], + [ + "excepcionalmente", + -14.775168418884276 + ], + [ + "arpenter", + -14.77517795562744 + ], + [ + "\u2581separaron", + -14.775226593017578 + ], + [ + "ligisten", + -14.775227546691896 + ], + [ + "provando", + -14.775251388549805 + ], + [ + "\u2581Ballungs", + -14.775338172912598 + ], + [ + "daags", + -14.775412559509276 + ], + [ + "\u2581Tijdschrift", + -14.775590896606444 + ], + [ + "\u2581Kategorisierung", + -14.775639533996582 + ], + [ + "lessandrin", + -14.77565860748291 + ], + [ + "\u2581reciclagem", + -14.775660514831545 + ], + [ + "\u2581suportam", + -14.775665283203123 + ], + [ + "\u2581schnellstm", + -14.77566623687744 + ], + [ + "\u00e9sien", + -14.77570915222168 + ], + [ + "\u2581trascende", + -14.775712966918944 + ], + [ + "\u2581appliances", + -14.775762557983398 + ], + [ + "\u2581Skandinavien", + -14.775781631469728 + ], + [ + "\u2581Reinbe", + -14.775785446166992 + ], + [ + "bw\u00e4gung", + -14.775802612304688 + ], + [ + "etterie", + -14.775853157043455 + ], + [ + "premium", + -14.775856018066406 + ], + [ + "\u2581Solidarit", + -14.775866508483888 + ], + [ + "\u2581souhaitant", + -14.775908470153809 + ], + [ + "escalation", + -14.77605152130127 + ], + [ + "betaald", + -14.776082992553713 + ], + [ + "ication", + -14.776103019714355 + ], + [ + "ueves", + -14.776103973388672 + ], + [ + "umbel", + -14.776107788085938 + ], + [ + "\u2581gastron\u00f3mic", + -14.776113510131836 + ], + [ + "\u00e4gt", + -14.776158332824709 + ], + [ + "nonempty", + -14.7761869430542 + ], + [ + "\u2581sofistica", + -14.776259422302246 + ], + [ + "Tegucigalpa", + -14.776273727416992 + ], + [ + "\u2581erfgenaam", + -14.776273727416992 + ], + [ + "\u2581recolecci\u00f3n", + -14.776278495788574 + ], + [ + "aprovisionamento", + -14.77627944946289 + ], + [ + "jornal", + -14.77628231048584 + ], + [ + "\u2581freq\u00fcentemente", + -14.776288032531738 + ], + [ + "\u2581Malatesta", + -14.77629280090332 + ], + [ + "oordination", + -14.776304244995115 + ], + [ + "\u2581miglioramenti", + -14.776333808898926 + ], + [ + "\u2581Numerous", + -14.77634334564209 + ], + [ + "\u2581Highlander", + -14.776375770568848 + ], + [ + "\u2581illuminated", + -14.776375770568848 + ], + [ + "\u2581bovenzijde", + -14.776376724243164 + ], + [ + "\u2581Jerem", + -14.776394844055176 + ], + [ + "Caracter\u00edsticas", + -14.776450157165527 + ], + [ + "\u2581sintonia", + -14.776451110839844 + ], + [ + "aamde", + -14.776463508605955 + ], + [ + "accezione", + -14.776487350463867 + ], + [ + "trennbar", + -14.77653694152832 + ], + [ + "\u2581sch\u00e4digen", + -14.776603698730469 + ], + [ + "\u2581celebrating", + -14.776640892028809 + ], + [ + "\u2581epidemi", + -14.776741981506348 + ], + [ + "\u2581scarta", + -14.77682876586914 + ], + [ + "giustificat", + -14.776859283447266 + ], + [ + "\u2581argentinische", + -14.77686595916748 + ], + [ + "\u2581Gemenebest", + -14.77688980102539 + ], + [ + "moerassen", + -14.77690601348877 + ], + [ + "\u2581persuadir", + -14.776907920837402 + ], + [ + "PERMISSION", + -14.77692413330078 + ], + [ + "ranslucent", + -14.776942253112791 + ], + [ + "pr\u00e4gend", + -14.776945114135742 + ], + [ + "panish", + -14.777019500732422 + ], + [ + "FFFD", + -14.777057647705078 + ], + [ + "\u2581stamnummer", + -14.777058601379396 + ], + [ + "uspect", + -14.777132034301758 + ], + [ + "\u2581sensacional", + -14.77715301513672 + ], + [ + "\u2581verkleinert", + -14.7771577835083 + ], + [ + "lafond", + -14.777176856994627 + ], + [ + "\u2581ausw\u00e4rtigen", + -14.777177810668944 + ], + [ + "\u2581hulpmiddelen", + -14.777196884155272 + ], + [ + "\u2581Unterst\u00fct", + -14.777215003967283 + ], + [ + "sicuro", + -14.777229309082031 + ], + [ + "\u2581banquero", + -14.77723217010498 + ], + [ + "religioso", + -14.777236938476562 + ], + [ + "\u2581interrott", + -14.777256965637209 + ], + [ + "rauer", + -14.777260780334473 + ], + [ + "ostomatidae", + -14.777263641357422 + ], + [ + "\u2581acreditamos", + -14.777268409729004 + ], + [ + "omroep", + -14.77727222442627 + ], + [ + "\u2581phosphoric", + -14.777273178100586 + ], + [ + "eschworen", + -14.777360916137695 + ], + [ + "\u2581manifestato", + -14.777393341064451 + ], + [ + "\u2581Fortress", + -14.777399063110352 + ], + [ + "lumnos", + -14.777410507202148 + ], + [ + "Argentino", + -14.777427673339844 + ], + [ + "inspectie", + -14.777435302734377 + ], + [ + "\u2581Constela", + -14.777480125427246 + ], + [ + "\u2581\u00fcbertragenden", + -14.777506828308104 + ], + [ + "exponentielle", + -14.77751922607422 + ], + [ + "\u2581Recientemente", + -14.777543067932127 + ], + [ + "\u2581bolognese", + -14.777543067932127 + ], + [ + "\u2581Governatore", + -14.777546882629396 + ], + [ + "forschend", + -14.77755641937256 + ], + [ + "\u2581Striscia", + -14.777568817138672 + ], + [ + "\u2581Kiril", + -14.777602195739746 + ], + [ + "\u2581Batteria", + -14.777618408203123 + ], + [ + "\u2581occupational", + -14.77761936187744 + ], + [ + "ebsk", + -14.777630805969238 + ], + [ + "verbrennung", + -14.77768325805664 + ], + [ + "\u2581rechterhand", + -14.777710914611816 + ], + [ + "\u2581polyvalent", + -14.77776336669922 + ], + [ + "juez", + -14.77777862548828 + ], + [ + "erausgeber", + -14.777803421020508 + ], + [ + "werven", + -14.777824401855469 + ], + [ + "\u2581Demokraten", + -14.777902603149414 + ], + [ + "Espanha", + -14.777925491333008 + ], + [ + "\u2581schwerbehindert", + -14.77793025970459 + ], + [ + "\u2581Analys", + -14.778011322021484 + ], + [ + "\u2581Eleito", + -14.778039932250977 + ], + [ + "\u2581Instabilit\u00e4t", + -14.77806282043457 + ], + [ + "provisioner", + -14.77806568145752 + ], + [ + "\u2581accurat", + -14.778077125549316 + ], + [ + "\u2581estimulante", + -14.7781400680542 + ], + [ + "\u2581Sparte", + -14.77817153930664 + ], + [ + "\u2581biscuits", + -14.77818202972412 + ], + [ + "\u2581nachwachsende", + -14.778190612792969 + ], + [ + "\u2581Tanzanie", + -14.778196334838867 + ], + [ + "allergen", + -14.7781982421875 + ], + [ + "\u2581ricognizione", + -14.77820110321045 + ], + [ + "\u2581affollata", + -14.778207778930664 + ], + [ + "\u2581Ehrenzeichen", + -14.77823543548584 + ], + [ + "Marchetti", + -14.7782564163208 + ], + [ + "\u2581kilometr", + -14.778282165527344 + ], + [ + "AVO", + -14.77830410003662 + ], + [ + "\u2581l\u00e9sion", + -14.77830696105957 + ], + [ + "\u2581Monetari", + -14.778331756591797 + ], + [ + "\u2581Genital", + -14.778365135192873 + ], + [ + "photographie", + -14.778450012207031 + ], + [ + "\u2581ambici\u00f3n", + -14.778450965881348 + ], + [ + "\u2581inaugure", + -14.778450965881348 + ], + [ + "HORI", + -14.778480529785156 + ], + [ + "\u2581Westdeutsche", + -14.778531074523926 + ], + [ + "\u2581Palom", + -14.77857494354248 + ], + [ + "\u2581vorbeugende", + -14.778632164001465 + ], + [ + "icultor", + -14.778668403625488 + ], + [ + "\u2581Admi", + -14.77874755859375 + ], + [ + "\u2581Dynamite", + -14.778776168823242 + ], + [ + "DIMENSION", + -14.778801918029783 + ], + [ + "\u2581sugerindo", + -14.778814315795898 + ], + [ + "\u2581discepolo", + -14.778815269470217 + ], + [ + "\u2581sechzehn", + -14.77885627746582 + ], + [ + "\u2581Mobilisierung", + -14.77888011932373 + ], + [ + "\u2581problem\u00e1tico", + -14.77888298034668 + ], + [ + "centomila", + -14.778937339782717 + ], + [ + "\u2581erinnere", + -14.77895450592041 + ], + [ + "\u2581concentrarsi", + -14.77896499633789 + ], + [ + "tratum", + -14.778977394104004 + ], + [ + "\u2581d\u00e9tach", + -14.77898406982422 + ], + [ + "\u2581Freir\u00e4ume", + -14.779014587402344 + ], + [ + "\u2581geological", + -14.779105186462402 + ], + [ + "\u2581dodicesim", + -14.779109954833984 + ], + [ + "\u2581identically", + -14.779123306274414 + ], + [ + "acrophage", + -14.77914333343506 + ], + [ + "Gericht", + -14.779179573059082 + ], + [ + "diaba", + -14.779192924499512 + ], + [ + "architekt", + -14.779253959655762 + ], + [ + "\u2581oreja", + -14.77925968170166 + ], + [ + "\u2581piacerebbe", + -14.77928638458252 + ], + [ + "kreuzung", + -14.779314041137695 + ], + [ + "\u2581Comienza", + -14.77931785583496 + ], + [ + "illari", + -14.779376029968262 + ], + [ + "\u2581complaining", + -14.779397010803224 + ], + [ + "rangement", + -14.779436111450195 + ], + [ + "\u2581Civitavecchia", + -14.77945041656494 + ], + [ + "\u2581Wielwebspinnen", + -14.77945041656494 + ], + [ + "\u2581bovengenoemde", + -14.77945041656494 + ], + [ + "\u2581unumg\u00e4nglich", + -14.77945041656494 + ], + [ + "\u2581raccolse", + -14.779451370239258 + ], + [ + "Oorsprong", + -14.779452323913574 + ], + [ + "\u2581sp\u00e4rlich", + -14.779452323913574 + ], + [ + "\u2581Clasificaciones", + -14.77945327758789 + ], + [ + "\u2581p\u00e9tition", + -14.779464721679688 + ], + [ + "\u2581Nanterre", + -14.779475212097168 + ], + [ + "\u2581insolven", + -14.779587745666504 + ], + [ + "weltlichen", + -14.779595375061035 + ], + [ + "dubit", + -14.77960205078125 + ], + [ + "\u2581mensur\u00e1vel", + -14.779650688171388 + ], + [ + "Condado", + -14.779726028442385 + ], + [ + "\u2581bewering", + -14.77973175048828 + ], + [ + "\u2581Cartu", + -14.779740333557127 + ], + [ + "NOLOG", + -14.779751777648926 + ], + [ + "\u00e1lisis", + -14.77983570098877 + ], + [ + "aneamento", + -14.77985668182373 + ], + [ + "Dreh", + -14.779861450195312 + ], + [ + "L\u00e4nge", + -14.779884338378906 + ], + [ + "\u2581Aventures", + -14.77989101409912 + ], + [ + "\u2581tabellarisch", + -14.779914855957031 + ], + [ + "fahrenden", + -14.779983520507812 + ], + [ + "LSP", + -14.78001308441162 + ], + [ + "clusterName", + -14.780044555664062 + ], + [ + "\u2581Rottweil", + -14.780064582824709 + ], + [ + "\u2581nazionalsocial", + -14.780086517333984 + ], + [ + "\u2581Spettacoli", + -14.7800874710083 + ], + [ + "\u2581prefer\u00eda", + -14.780096054077148 + ], + [ + "\u2581Sortenschutz", + -14.780101776123049 + ], + [ + "\u2581riscuote", + -14.78012752532959 + ], + [ + "\u2581platinum", + -14.780138969421388 + ], + [ + "\u2581Kondition", + -14.780143737792969 + ], + [ + "struire", + -14.780176162719728 + ], + [ + "basamento", + -14.780179023742676 + ], + [ + "centini", + -14.78018283843994 + ], + [ + "\u2581soffri", + -14.7802095413208 + ], + [ + "communicatie", + -14.780213356018066 + ], + [ + "\u2581Pr\u00fcfungsordnung", + -14.780274391174316 + ], + [ + "believabl", + -14.780278205871582 + ], + [ + "peratur", + -14.780301094055176 + ], + [ + "\u2581neutralit\u00e9", + -14.780369758605955 + ], + [ + "ur\u00edstica", + -14.780373573303224 + ], + [ + "Fight", + -14.780458450317385 + ], + [ + "bemessung", + -14.78049087524414 + ], + [ + "cludono", + -14.78050422668457 + ], + [ + "stomat", + -14.780532836914062 + ], + [ + "\u2581Dram\u00e1tic", + -14.780532836914062 + ], + [ + "\u2581konkurrierenden", + -14.780537605285645 + ], + [ + "r\u00e9sidence", + -14.78063678741455 + ], + [ + "\u2581Berechne", + -14.78067398071289 + ], + [ + "senatoren", + -14.780709266662598 + ], + [ + "\u2581Destillation", + -14.780725479125977 + ], + [ + "\u2581K\u00fchlschrank", + -14.780731201171877 + ], + [ + "veneens", + -14.780738830566406 + ], + [ + "\u2581B\u00e1l", + -14.780757904052734 + ], + [ + "schleudert", + -14.780759811401367 + ], + [ + "\u2581Battaglione", + -14.780766487121582 + ], + [ + "primente", + -14.780778884887695 + ], + [ + "appelons", + -14.780780792236328 + ], + [ + "\u2581capitol", + -14.780780792236328 + ], + [ + "M\u00e4rz", + -14.780783653259276 + ], + [ + "paghetti", + -14.780789375305176 + ], + [ + "\u2581participaba", + -14.780807495117188 + ], + [ + "DaemonSet", + -14.780811309814451 + ], + [ + "\u2581cr\u00e9dib", + -14.780922889709473 + ], + [ + "\u2581lembrado", + -14.780925750732422 + ], + [ + "\u2581portuale", + -14.780930519104004 + ], + [ + "\u2581actualizar", + -14.780994415283203 + ], + [ + "\u2581diferentemente", + -14.78100299835205 + ], + [ + "\u2581quinque", + -14.781044960021973 + ], + [ + "\u2581kreisfreie", + -14.78109645843506 + ], + [ + "isponde", + -14.781134605407717 + ], + [ + "\u2581verhinderen", + -14.781203269958496 + ], + [ + "\u2581Regenzeit", + -14.781230926513672 + ], + [ + "annotator", + -14.78126621246338 + ], + [ + "\u2581sanctionn", + -14.781311988830566 + ], + [ + "\u2581esibizioni", + -14.781315803527832 + ], + [ + "\u2581Priva", + -14.781339645385742 + ], + [ + "verbeter", + -14.78134059906006 + ], + [ + "\u2581Stadtrecht", + -14.781344413757324 + ], + [ + "regolamentazione", + -14.78136157989502 + ], + [ + "\u2581funcionalidad", + -14.781410217285156 + ], + [ + "\u2581Basierend", + -14.781411170959473 + ], + [ + "yridae", + -14.781418800354004 + ], + [ + "\u2581escraviza", + -14.781442642211914 + ], + [ + "\u2581progressista", + -14.781460762023926 + ], + [ + "\u2581reitera", + -14.78146743774414 + ], + [ + "Parlamentswahlen", + -14.781475067138672 + ], + [ + "ng\u00e9lique", + -14.781502723693848 + ], + [ + "\u2581paralysi", + -14.781517028808594 + ], + [ + "\u2581metab\u00f3lic", + -14.781538963317873 + ], + [ + "socialiste", + -14.781597137451172 + ], + [ + "\u2581redatt", + -14.781636238098145 + ], + [ + "\u2581Essigs\u00e4ure", + -14.781668663024902 + ], + [ + "principle", + -14.781719207763672 + ], + [ + "\u2581Guerrier", + -14.78172779083252 + ], + [ + "runat", + -14.78175163269043 + ], + [ + "\u2581duradour", + -14.781781196594238 + ], + [ + "Approve", + -14.781805038452148 + ], + [ + "Rapid", + -14.781868934631348 + ], + [ + "rztin", + -14.781901359558104 + ], + [ + "CheckRequirement", + -14.781933784484863 + ], + [ + "\u2581wielwebspinnen", + -14.781999588012695 + ], + [ + "\u2581Conspiracy", + -14.782000541687012 + ], + [ + "\u2581Lettonie", + -14.78201389312744 + ], + [ + "insulina", + -14.782028198242188 + ], + [ + "\u2581comparativa", + -14.782089233398438 + ], + [ + "ajestic", + -14.782090187072754 + ], + [ + "\u2581comportato", + -14.782109260559082 + ], + [ + "UDO", + -14.78212547302246 + ], + [ + "\u2581calcolat", + -14.782160758972168 + ], + [ + "\u2581franchement", + -14.782171249389648 + ], + [ + "\u2581Gesinnung", + -14.782172203063965 + ], + [ + "\u2581distinctly", + -14.782196998596191 + ], + [ + "\u2581turbolen", + -14.782215118408203 + ], + [ + "settembre", + -14.782231330871582 + ], + [ + "\u2581invaller", + -14.782265663146973 + ], + [ + "\u2581voorspellen", + -14.78230094909668 + ], + [ + "\u2581brescian", + -14.782316207885742 + ], + [ + "uyper", + -14.782340049743652 + ], + [ + "\u2581Charbonn", + -14.782391548156738 + ], + [ + "\u2581Gesin", + -14.782404899597168 + ], + [ + "\u2581Ansprech", + -14.782450675964355 + ], + [ + "b\u00f3lico", + -14.78245735168457 + ], + [ + "tuviera", + -14.78249168395996 + ], + [ + "\u2581contrappone", + -14.782501220703123 + ], + [ + "\u2581artificialmente", + -14.782510757446287 + ], + [ + "\u2581Brahm", + -14.782536506652832 + ], + [ + "inputenc", + -14.782550811767578 + ], + [ + "\u2581existierende", + -14.782584190368652 + ], + [ + "bbott", + -14.782597541809082 + ], + [ + "\u2581comptabilit\u00e9", + -14.782637596130373 + ], + [ + "\u2581m\u00e9tabolisme", + -14.78264045715332 + ], + [ + "ionized", + -14.782642364501951 + ], + [ + "\u2581infolgedessen", + -14.782647132873535 + ], + [ + "\u2581calorie", + -14.782662391662598 + ], + [ + "\u2581emergono", + -14.78272819519043 + ], + [ + "avina", + -14.78273105621338 + ], + [ + "venha", + -14.782736778259276 + ], + [ + "\u2581grachten", + -14.782757759094238 + ], + [ + "kennzeichnung", + -14.782770156860352 + ], + [ + "bereitstellung", + -14.782806396484377 + ], + [ + "\u2581aspettarsi", + -14.782818794250488 + ], + [ + "olumn", + -14.782835006713867 + ], + [ + "\u2581competitividad", + -14.78285026550293 + ], + [ + "\u2581lavoratric", + -14.78286838531494 + ], + [ + "\u2581Abschirm", + -14.782877922058104 + ], + [ + "cuento", + -14.78290843963623 + ], + [ + "helan", + -14.782953262329102 + ], + [ + "\u2581Abbot", + -14.78295612335205 + ], + [ + "\u2581deelgebied", + -14.78296947479248 + ], + [ + "jeugd", + -14.78299045562744 + ], + [ + "\u2581exp\u00e9rimental", + -14.783053398132324 + ], + [ + "\u2581Followers", + -14.78305435180664 + ], + [ + "settlement", + -14.78306007385254 + ], + [ + "\u2581Kommuni", + -14.783085823059082 + ], + [ + "zimut", + -14.783150672912598 + ], + [ + "eilbahn", + -14.78318977355957 + ], + [ + "stange", + -14.783222198486328 + ], + [ + "lightsteelblue", + -14.783275604248049 + ], + [ + "\u2581anzuordnen", + -14.783275604248049 + ], + [ + "\u2581cittadella", + -14.783275604248049 + ], + [ + "\u2581escombros", + -14.78327751159668 + ], + [ + "\u2581achtzehn", + -14.783295631408691 + ], + [ + "\u2581Coffe", + -14.78330421447754 + ], + [ + "ugiat", + -14.783308029174805 + ], + [ + "\u2581Karz", + -14.783326148986816 + ], + [ + "\u2581ung\u00fcnstiger", + -14.78332805633545 + ], + [ + "\u2581Particolarmente", + -14.783334732055664 + ], + [ + "plaatsvervangend", + -14.783364295959473 + ], + [ + "\u2581bemachtigen", + -14.783376693725586 + ], + [ + "\u2581swinging", + -14.783400535583496 + ], + [ + "\u2581Gefl\u00fcchtete", + -14.783401489257812 + ], + [ + "epigraf", + -14.783437728881836 + ], + [ + "Exemple", + -14.783442497253418 + ], + [ + "PropertyValue", + -14.783466339111328 + ], + [ + "gerust", + -14.783470153808594 + ], + [ + "Leftrightarrow", + -14.783482551574709 + ], + [ + "\u2581monarchic", + -14.783487319946287 + ], + [ + "\u2581einstigen", + -14.783516883850098 + ], + [ + "\u2581Bibliothekar", + -14.783529281616213 + ], + [ + "\u2581Romanci", + -14.78354263305664 + ], + [ + "\u2581Vizc", + -14.783554077148438 + ], + [ + "\u2581obsesion", + -14.783563613891602 + ], + [ + "\u00eddico", + -14.78360652923584 + ], + [ + "bevollm\u00e4chtigte", + -14.783623695373535 + ], + [ + "lphabetical", + -14.78363037109375 + ], + [ + "\u00f3fago", + -14.783642768859863 + ], + [ + "rovincieraadslid", + -14.78365993499756 + ], + [ + "\u2581Doubleday", + -14.78365993499756 + ], + [ + "\u2581reactant", + -14.783690452575684 + ], + [ + "zgl", + -14.783757209777832 + ], + [ + "ifoliu", + -14.78380298614502 + ], + [ + "\u2581promoveu", + -14.783811569213867 + ], + [ + "Anpassung", + -14.78386402130127 + ], + [ + "\u2581Pragmati", + -14.78386688232422 + ], + [ + "\u2581suivr", + -14.783890724182127 + ], + [ + "\u2581appuntamenti", + -14.78391456604004 + ], + [ + "\u2581prostituci\u00f3n", + -14.78391456604004 + ], + [ + "iberische", + -14.783916473388672 + ], + [ + "\u2581beneficenza", + -14.783931732177734 + ], + [ + "\u2581electrically", + -14.78394889831543 + ], + [ + "\u2581irrevocab", + -14.783955574035645 + ], + [ + "tichtag", + -14.783978462219238 + ], + [ + "\u2581jamaican", + -14.783982276916504 + ], + [ + "\u2581reconoc\u00eda", + -14.78403091430664 + ], + [ + "\u2581ligeir", + -14.784039497375488 + ], + [ + "\u2581saxof", + -14.784049987792969 + ], + [ + "Friedberg", + -14.784083366394045 + ], + [ + "insternis", + -14.784086227416992 + ], + [ + "Vladimir", + -14.784102439880373 + ], + [ + "obergrenze", + -14.784114837646484 + ], + [ + "\u2581deslumbrante", + -14.784188270568848 + ], + [ + "\u2581apprezz", + -14.78419589996338 + ], + [ + "\u2581dislocation", + -14.784210205078123 + ], + [ + "Unterst\u00fctzung", + -14.784215927124023 + ], + [ + "\u2581Lusignan", + -14.784255981445312 + ], + [ + "\u2581meteorolog", + -14.784340858459473 + ], + [ + "lmidae", + -14.784341812133787 + ], + [ + "Eltern", + -14.784347534179688 + ], + [ + "\u2581prisione", + -14.784388542175291 + ], + [ + "\u2581irritad", + -14.784405708312988 + ], + [ + "odifica", + -14.784409523010254 + ], + [ + "\u2581Finanzm\u00e4rkte", + -14.78441333770752 + ], + [ + "\u2581articulaci\u00f3n", + -14.784415245056152 + ], + [ + "\u2581similaridade", + -14.784438133239746 + ], + [ + "ananda", + -14.784443855285645 + ], + [ + "\u2581Afrikaner", + -14.784456253051758 + ], + [ + "\u2581d\u00e9ploie", + -14.78447723388672 + ], + [ + "\u2581stij", + -14.78452491760254 + ], + [ + "\u2581ingaggiato", + -14.784552574157717 + ], + [ + "\u2581Polissuco", + -14.784554481506348 + ], + [ + "\u2581anderthalb", + -14.784554481506348 + ], + [ + "\u2581economists", + -14.784554481506348 + ], + [ + "\u2581gevarieerd", + -14.784554481506348 + ], + [ + "chwergewicht", + -14.78455638885498 + ], + [ + "\u2581vorzuschlagen", + -14.784564018249512 + ], + [ + "\u2581Wordsworth", + -14.78458023071289 + ], + [ + "\u2581selecteren", + -14.784618377685549 + ], + [ + "\u2581Biograph", + -14.784624099731444 + ], + [ + "rdnungsm\u00e4", + -14.78463363647461 + ], + [ + "\u2581jubilaci\u00f3n", + -14.784645080566406 + ], + [ + "\u2581Buchhandlung", + -14.784648895263672 + ], + [ + "constitucionales", + -14.784707069396973 + ], + [ + "\u2581festsetzen", + -14.784720420837402 + ], + [ + "\u2581reportado", + -14.784725189208984 + ], + [ + "\u2581affascinat", + -14.784750938415527 + ], + [ + "\u2581Terranova", + -14.78479290008545 + ], + [ + "\u2581Kunstverein", + -14.784798622131348 + ], + [ + "ortOrder", + -14.784822463989258 + ], + [ + "offensi", + -14.784849166870115 + ], + [ + "arnett", + -14.784854888916016 + ], + [ + "\u2581unheimlich", + -14.784882545471191 + ], + [ + "\u2581Excess", + -14.784884452819824 + ], + [ + "fordshire", + -14.784886360168455 + ], + [ + "\u2581rastrear", + -14.784890174865724 + ], + [ + "\u2581Stadtviertel", + -14.784967422485352 + ], + [ + "rilliant", + -14.78498077392578 + ], + [ + "appiamo", + -14.784991264343262 + ], + [ + "\u2581Lotter", + -14.785005569458008 + ], + [ + "amanh", + -14.785059928894045 + ], + [ + "\u2581Fantin", + -14.785075187683104 + ], + [ + "\u2581Br\u00fcck", + -14.78512477874756 + ], + [ + "\u2581concretiza", + -14.785128593444824 + ], + [ + "artenope", + -14.785167694091797 + ], + [ + "\u2581onschuldig", + -14.785181045532228 + ], + [ + "\u2581Kommandit", + -14.78519344329834 + ], + [ + "geschliffen", + -14.785196304321287 + ], + [ + "\u2581untersuchenden", + -14.785198211669922 + ], + [ + "\u2581kritisieren", + -14.785210609436035 + ], + [ + "\u2581Republikaner", + -14.785223960876465 + ], + [ + "danseres", + -14.78522491455078 + ], + [ + "\u2581semin\u00e1rio", + -14.785260200500488 + ], + [ + "\u2581rigidez", + -14.785268783569336 + ], + [ + "ISCH", + -14.785300254821776 + ], + [ + "\u2581noteworthy", + -14.78530216217041 + ], + [ + "\u2581derribar", + -14.785347938537598 + ], + [ + "shikawa", + -14.785367965698242 + ], + [ + "\u2581casserole", + -14.785393714904783 + ], + [ + "\u2581personalized", + -14.785513877868652 + ], + [ + "\u2581Schwar", + -14.785524368286133 + ], + [ + "Alcantar", + -14.785547256469728 + ], + [ + "lexandr", + -14.785572052001951 + ], + [ + "\u2581aduaneir", + -14.7855863571167 + ], + [ + "\u2581extrinsi", + -14.785608291625977 + ], + [ + "\u2581frappa", + -14.785615921020508 + ], + [ + "\u2581Verwenden", + -14.785618782043455 + ], + [ + "Eisenbahnstrecke", + -14.785619735717772 + ], + [ + "lympiade", + -14.785700798034668 + ], + [ + "tablissement", + -14.785714149475098 + ], + [ + "Fluor", + -14.785820960998535 + ], + [ + "\u2581pontif", + -14.785823822021484 + ], + [ + "Pom\u00e9ranie", + -14.78583526611328 + ], + [ + "\u2581francoboll", + -14.785859107971191 + ], + [ + "\u2581cimientos", + -14.78586769104004 + ], + [ + "\u2581neuroscience", + -14.785883903503418 + ], + [ + "synthesis", + -14.78589916229248 + ], + [ + "\u2581Geometria", + -14.785902976989746 + ], + [ + "utoestima", + -14.78596305847168 + ], + [ + "Configurable", + -14.785977363586426 + ], + [ + "\u2581deteriorate", + -14.785985946655272 + ], + [ + "bollah", + -14.786018371582031 + ], + [ + "\u2581violoncello", + -14.786059379577637 + ], + [ + "velada", + -14.786077499389648 + ], + [ + "sorgten", + -14.786128044128418 + ], + [ + "vigor", + -14.786128044128418 + ], + [ + "\u2581Caract", + -14.786162376403809 + ], + [ + "lluminismo", + -14.786211967468262 + ], + [ + "\u2581Escolhe", + -14.78622055053711 + ], + [ + "\u00fchrung", + -14.78623867034912 + ], + [ + "\u2581servirsi", + -14.786247253417969 + ], + [ + "mentablemente", + -14.786270141601562 + ], + [ + "Kommentar", + -14.786337852478027 + ], + [ + "\u2581Personalrat", + -14.786383628845217 + ], + [ + "\u2581m\u00e1rmo", + -14.78643035888672 + ], + [ + "\u2581pervenut", + -14.786474227905272 + ], + [ + "\u2581melanc\u00f3lic", + -14.78647518157959 + ], + [ + "\u2581shattered", + -14.78647518157959 + ], + [ + "\u2581herrliche", + -14.786477088928224 + ], + [ + "\u2581resolvi\u00f3", + -14.786478996276855 + ], + [ + "\u2581McCormick", + -14.786479949951172 + ], + [ + "\u2581Mosquito", + -14.786493301391602 + ], + [ + "\u2581expelled", + -14.786498069763184 + ], + [ + "\u2581deficiencia", + -14.786504745483398 + ], + [ + "\u2581Priscilla", + -14.786511421203612 + ], + [ + "\u2581Rechtsver", + -14.786523818969728 + ], + [ + "\u2581subvencion", + -14.78652572631836 + ], + [ + "dministraciones", + -14.786527633666992 + ], + [ + "\u2581trascorsi", + -14.786537170410156 + ], + [ + "\u2581Liverani", + -14.786576271057127 + ], + [ + "\u2581mythische", + -14.786588668823242 + ], + [ + "Dakota", + -14.786616325378418 + ], + [ + "\u2581affacciat", + -14.786629676818848 + ], + [ + "\u2581subsidi\u00e4r", + -14.78663158416748 + ], + [ + "oxygenase", + -14.78664779663086 + ], + [ + "\u2581Seeschiff", + -14.78664779663086 + ], + [ + "eparatur", + -14.786699295043944 + ], + [ + "\u2581scrupule", + -14.786733627319336 + ], + [ + "\u2581Unterwasser", + -14.786800384521484 + ], + [ + "\u2581pestilen", + -14.786812782287598 + ], + [ + "anfall", + -14.786816596984863 + ], + [ + "\u2581Bestimmte", + -14.786874771118164 + ], + [ + "\u2581Linienverkehr", + -14.786885261535645 + ], + [ + "\u2581federalism", + -14.78691291809082 + ], + [ + "venienza", + -14.78692626953125 + ], + [ + "\u2581prostat", + -14.787012100219728 + ], + [ + "\u2581Stundentakt", + -14.78701400756836 + ], + [ + "\u2581inversores", + -14.787062644958496 + ], + [ + "\u2581Unternehmungen", + -14.787104606628418 + ], + [ + "\u2581Mercurius", + -14.787116050720217 + ], + [ + "gnard", + -14.787131309509276 + ], + [ + "BufferedReader", + -14.787132263183594 + ], + [ + "mpresario", + -14.787141799926758 + ], + [ + "\u2581Sondergutachten", + -14.787156105041504 + ], + [ + "\u2581Neurenberg", + -14.787158012390137 + ], + [ + "\u2581B\u00e9atrice", + -14.7871675491333 + ], + [ + "Percors", + -14.787208557128906 + ], + [ + "\u2581prosciutto", + -14.787212371826172 + ], + [ + "\u2581preferisc", + -14.78731918334961 + ], + [ + "\u2581ingenua", + -14.787343978881836 + ], + [ + "\u2581drilling", + -14.787379264831545 + ], + [ + "\u2581Comentar", + -14.787386894226074 + ], + [ + "\u2581Consideremos", + -14.787397384643556 + ], + [ + "\u2581arrepend", + -14.7874174118042 + ], + [ + "\u2581minorenn", + -14.787503242492676 + ], + [ + "\u2581analistas", + -14.787524223327637 + ], + [ + "\u2581morfologic", + -14.787532806396484 + ], + [ + "TORIA", + -14.787550926208496 + ], + [ + "ATAB", + -14.78762149810791 + ], + [ + "\u2581alteraciones", + -14.787631034851074 + ], + [ + "\u2581tragische", + -14.78765869140625 + ], + [ + "Terraform", + -14.7877197265625 + ], + [ + "niederschlag", + -14.7877197265625 + ], + [ + "pandemie", + -14.787752151489258 + ], + [ + "esattezza", + -14.787759780883787 + ], + [ + "posicional", + -14.787764549255373 + ], + [ + "\u2581Carnevale", + -14.787765502929688 + ], + [ + "\u2581unertr\u00e4glich", + -14.787766456604004 + ], + [ + "\u2581instabilidade", + -14.787772178649902 + ], + [ + "\u2581mandatario", + -14.787778854370115 + ], + [ + "K\u00fcndigungsschutz", + -14.787819862365724 + ], + [ + "\u2581llegu", + -14.787872314453123 + ], + [ + "convenientemente", + -14.787901878356934 + ], + [ + "omunismo", + -14.787904739379885 + ], + [ + "newenvironment", + -14.787911415100098 + ], + [ + "IBILIT", + -14.787948608398438 + ], + [ + "abcdef", + -14.787959098815918 + ], + [ + "ssoziation", + -14.787959098815918 + ], + [ + "trictly", + -14.787981986999512 + ], + [ + "Eigenschappen", + -14.787986755371094 + ], + [ + "\u2581fotocamer", + -14.788002967834473 + ], + [ + "\u2581intervenne", + -14.788019180297852 + ], + [ + "\u2581combatt\u00e9", + -14.78816032409668 + ], + [ + "ikulation", + -14.788162231445312 + ], + [ + "\u2581terugkom", + -14.788311958312988 + ], + [ + "vetera", + -14.788330078125 + ], + [ + "\u2581veicol", + -14.788349151611328 + ], + [ + "\u2581Sachlage", + -14.78835391998291 + ], + [ + "spriet", + -14.788368225097656 + ], + [ + "\u2581Printemps", + -14.788400650024414 + ], + [ + "\u2581expliquant", + -14.78841495513916 + ], + [ + "schleppen", + -14.788423538208008 + ], + [ + "\u00e1cea", + -14.788439750671388 + ], + [ + "\u2581reemplaza", + -14.788445472717283 + ], + [ + "accumulazione", + -14.788447380065918 + ], + [ + "ducible", + -14.78845500946045 + ], + [ + "validity", + -14.78846549987793 + ], + [ + "Ulysse", + -14.788480758666992 + ], + [ + "\u2581Trabalhista", + -14.788492202758787 + ], + [ + "\u2581aderenti", + -14.78849983215332 + ], + [ + "llereerst", + -14.788536071777344 + ], + [ + "\u2581nomma", + -14.788589477539062 + ], + [ + "\u2581financiamiento", + -14.788596153259276 + ], + [ + "\u2581Solamente", + -14.788615226745604 + ], + [ + "Fortsetzung", + -14.788619995117188 + ], + [ + "\u2581catalys", + -14.788665771484377 + ], + [ + "bianco", + -14.78867244720459 + ], + [ + "jacent", + -14.788688659667969 + ], + [ + "mmunology", + -14.788711547851562 + ], + [ + "Marguerite", + -14.788795471191406 + ], + [ + "\u2581databank", + -14.788826942443848 + ], + [ + "\u2581Paleontolog", + -14.788978576660156 + ], + [ + "\u2581persian", + -14.78900909423828 + ], + [ + "\u2581rinnovare", + -14.789030075073242 + ], + [ + "Phala", + -14.789034843444824 + ], + [ + "\u2581Nachtpauwogen", + -14.78904151916504 + ], + [ + "\u2581undesirable", + -14.78904151916504 + ], + [ + "Kingfisher", + -14.789042472839355 + ], + [ + "akjesdragers", + -14.789042472839355 + ], + [ + "espionnage", + -14.789044380187988 + ], + [ + "\u2581vietnamiti", + -14.789045333862305 + ], + [ + "\u2581Bonazzoli", + -14.789047241210938 + ], + [ + "\u2581sinalizad", + -14.789050102233888 + ], + [ + "Conjecture", + -14.78905963897705 + ], + [ + "Perzentil", + -14.789068222045898 + ], + [ + "\u2581Vorl\u00e4ufige", + -14.78908920288086 + ], + [ + "Espagnol", + -14.789105415344238 + ], + [ + "ineervliegen", + -14.78912353515625 + ], + [ + "walificatieronde", + -14.789130210876465 + ], + [ + "\u2581lichtjaar", + -14.789144515991213 + ], + [ + "fluencia", + -14.789148330688477 + ], + [ + "\u2581despertado", + -14.789207458496094 + ], + [ + "vencieron", + -14.789214134216309 + ], + [ + "Cancellation", + -14.7892427444458 + ], + [ + "\u2581interseca", + -14.789306640625 + ], + [ + "huiz", + -14.789340019226074 + ], + [ + "\u2581correggere", + -14.789368629455566 + ], + [ + "\u2581pasiones", + -14.789379119873049 + ], + [ + "lastizit\u00e4t", + -14.78941822052002 + ], + [ + "mousedown", + -14.789440155029297 + ], + [ + "\u2581reflexionar", + -14.789446830749512 + ], + [ + "aasland", + -14.789462089538574 + ], + [ + "vascolar", + -14.789472579956056 + ], + [ + "abstimmung", + -14.789525032043455 + ], + [ + "gehuwd", + -14.789535522460938 + ], + [ + "\u2581ouderdom", + -14.789569854736328 + ], + [ + "artridge", + -14.789679527282717 + ], + [ + "\u2581aran\u00e9omorphes", + -14.789684295654297 + ], + [ + "\u2581uitgevonden", + -14.789684295654297 + ], + [ + "\u2581Misschien", + -14.789688110351562 + ], + [ + "propiaci\u00f3n", + -14.789697647094728 + ], + [ + "abbraccio", + -14.789712905883787 + ], + [ + "\u2581Stellvertretung", + -14.789730072021484 + ], + [ + "galement", + -14.7897367477417 + ], + [ + "\u2581Normalerweise", + -14.789738655090332 + ], + [ + "Assomption", + -14.789755821228027 + ], + [ + "\u2581unterhielt", + -14.789762496948242 + ], + [ + "\u2581promovi\u00f3", + -14.78976345062256 + ], + [ + "\u2581psychologue", + -14.789774894714355 + ], + [ + "BigInteger", + -14.789802551269531 + ], + [ + "engsten", + -14.789813995361328 + ], + [ + "achari", + -14.789855003356934 + ], + [ + "\u2581seleccion", + -14.789856910705566 + ], + [ + "\u2581Skalierung", + -14.789868354797363 + ], + [ + "\u2581fondamenti", + -14.789875984191896 + ], + [ + "\u2581synthase", + -14.789888381958008 + ], + [ + "\u2581abrumado", + -14.789895057678224 + ], + [ + "\u2581Spezialit\u00e4t", + -14.789928436279297 + ], + [ + "\u2581postponed", + -14.78993320465088 + ], + [ + "markierung", + -14.790034294128418 + ], + [ + "avalry", + -14.790057182312012 + ], + [ + "\u2581compilaci\u00f3n", + -14.790168762207031 + ], + [ + "\u2581bonec", + -14.79017734527588 + ], + [ + "\u2581afforded", + -14.790181159973145 + ], + [ + "equalities", + -14.790203094482422 + ], + [ + "\u2581aberration", + -14.790205955505373 + ], + [ + "\u2581Milagros", + -14.790226936340332 + ], + [ + "\u2581nationaalsocial", + -14.790239334106444 + ], + [ + "Samenstelling", + -14.790258407592772 + ], + [ + "\u2581cosmologique", + -14.790276527404783 + ], + [ + "\u2581disputati", + -14.790278434753418 + ], + [ + "\u2581reple", + -14.790315628051758 + ], + [ + "\u2581zweifelsfrei", + -14.790327072143556 + ], + [ + "\u2581Beteili", + -14.79033088684082 + ], + [ + "\u2581Konjunkti", + -14.790334701538086 + ], + [ + "\u2581nachtvlinder", + -14.790338516235352 + ], + [ + "gefiltert", + -14.79035758972168 + ], + [ + "\u2581Baudenkm\u00e4ler", + -14.790363311767578 + ], + [ + "\u2581serenit\u00e0", + -14.790379524230955 + ], + [ + "\u2581Berufsleben", + -14.79038429260254 + ], + [ + "\u2581Grafiker", + -14.790447235107422 + ], + [ + "igree", + -14.790454864501951 + ], + [ + "\u2581diplomacia", + -14.7904634475708 + ], + [ + "\u2581vinculaci\u00f3n", + -14.79046630859375 + ], + [ + "\u2581demographischen", + -14.790550231933594 + ], + [ + "\u2581\u00e9nergi", + -14.790605545043944 + ], + [ + "acerb", + -14.790648460388184 + ], + [ + "\u2581sp\u00e9culation", + -14.790657997131348 + ], + [ + "\u2581scatol", + -14.790677070617676 + ], + [ + "\u2581Elastizit\u00e4t", + -14.790685653686523 + ], + [ + "\u2581popolate", + -14.790699005126951 + ], + [ + "\u2581Densidad", + -14.790719985961914 + ], + [ + "\u2581scaricat", + -14.790724754333496 + ], + [ + "\u2581treinstel", + -14.790741920471191 + ], + [ + "abzusetzen", + -14.790757179260254 + ], + [ + "timacy", + -14.790881156921388 + ], + [ + "\u2581proporcion", + -14.790913581848145 + ], + [ + "\u2581convert\u00eda", + -14.79092788696289 + ], + [ + "\u2581Gymnasia", + -14.790970802307127 + ], + [ + "\u2581Homosexuelle", + -14.790970802307127 + ], + [ + "\u2581Pharmaceutical", + -14.790970802307127 + ], + [ + "\u2581horr\u00edvel", + -14.790970802307127 + ], + [ + "\u2581gereduceerd", + -14.790971755981444 + ], + [ + "Malformed", + -14.790972709655762 + ], + [ + "\u2581Wellesley", + -14.790987968444824 + ], + [ + "\u2581disparaissent", + -14.790989875793455 + ], + [ + "\u2581jesu\u00edt", + -14.791003227233888 + ], + [ + "ertaald", + -14.791011810302734 + ], + [ + "\u2581Prehistori", + -14.791089057922363 + ], + [ + "\u2581consistori", + -14.791102409362791 + ], + [ + "\u2581period\u00edstico", + -14.791122436523438 + ], + [ + "\u2581hesitated", + -14.791141510009766 + ], + [ + "urnal", + -14.791196823120115 + ], + [ + "\u2581saud\u00e1vel", + -14.791268348693848 + ], + [ + "\u2581metodologic", + -14.791325569152832 + ], + [ + "apua", + -14.791419982910156 + ], + [ + "\u2581preoccup", + -14.791468620300291 + ], + [ + "\u2581proveniva", + -14.791475296020508 + ], + [ + "wenk", + -14.791545867919922 + ], + [ + "\u2581verhinder", + -14.791565895080566 + ], + [ + "\u2581conquistarono", + -14.791605949401855 + ], + [ + "\u2581sottrar", + -14.791606903076172 + ], + [ + "\u2581Bystrica", + -14.791616439819336 + ], + [ + "\u2581Eisernen", + -14.791616439819336 + ], + [ + "lohnung", + -14.7916259765625 + ], + [ + "\u2581gestaffelt", + -14.791627883911133 + ], + [ + "\u2581generosidad", + -14.79163646697998 + ], + [ + "ulaceae", + -14.791643142700195 + ], + [ + "\u2581fortificada", + -14.791664123535156 + ], + [ + "kaars", + -14.791687965393066 + ], + [ + "giordan", + -14.791728973388672 + ], + [ + "\u2581Starship", + -14.791735649108888 + ], + [ + "\u2581Fraglich", + -14.791769981384276 + ], + [ + "klonale", + -14.791777610778809 + ], + [ + "Madonna", + -14.791792869567873 + ], + [ + "Identities", + -14.791797637939451 + ], + [ + "\u2581reconverti", + -14.791854858398438 + ], + [ + "lorando", + -14.791875839233398 + ], + [ + "\u2581dividindo", + -14.791884422302246 + ], + [ + "uzco", + -14.791906356811523 + ], + [ + "\u2581incorporata", + -14.791906356811523 + ], + [ + "bersichtlichkeit", + -14.792000770568848 + ], + [ + "\u2581efluente", + -14.792016983032228 + ], + [ + "\u00e9lique", + -14.792062759399414 + ], + [ + "\u2581benevol", + -14.79208278656006 + ], + [ + "\u2581cromati", + -14.792105674743652 + ], + [ + "rippe", + -14.7921142578125 + ], + [ + "ommunicator", + -14.792129516601562 + ], + [ + "\u2581Percival", + -14.792171478271484 + ], + [ + "\u2581silici", + -14.792201042175291 + ], + [ + "cancelled", + -14.79222011566162 + ], + [ + "impossible", + -14.792243003845217 + ], + [ + "\u2581alleanze", + -14.79224967956543 + ], + [ + "\u2581Beisbolistas", + -14.792259216308594 + ], + [ + "\u2581Dispositivos", + -14.792259216308594 + ], + [ + "\u2581Gioacchino", + -14.792259216308594 + ], + [ + "\u2581nachrichtlich", + -14.79226016998291 + ], + [ + "\u2581Fallbeispiel", + -14.792262077331545 + ], + [ + "\u2581ungeheu", + -14.792262077331545 + ], + [ + "\u2581Snatcher", + -14.792263984680176 + ], + [ + "cetylcholin", + -14.792269706726074 + ], + [ + "Batterie", + -14.792271614074709 + ], + [ + "\u2581riparazioni", + -14.792271614074709 + ], + [ + "\u2581l\u00e4ndlich", + -14.792275428771973 + ], + [ + "\u2581deelstaten", + -14.79228687286377 + ], + [ + "nzogn", + -14.792299270629885 + ], + [ + "hockeyer", + -14.792312622070312 + ], + [ + "\u2581Lagerhaltung", + -14.792339324951172 + ], + [ + "\u2581Polonais", + -14.79234504699707 + ], + [ + "SecretKey", + -14.792346954345703 + ], + [ + "\u2581financially", + -14.792390823364258 + ], + [ + "Connecticut", + -14.79244613647461 + ], + [ + "\u2581vergader", + -14.79245948791504 + ], + [ + "\u2581suspendida", + -14.792475700378418 + ], + [ + "avvero", + -14.792503356933594 + ], + [ + "\u2581Planalto", + -14.792521476745604 + ], + [ + "\u2581tranquilamente", + -14.792573928833008 + ], + [ + "\u2581passageiro", + -14.79262351989746 + ], + [ + "\u2581imprimi", + -14.792635917663574 + ], + [ + "zufriedenstellen", + -14.792672157287598 + ], + [ + "debugDescription", + -14.79277229309082 + ], + [ + "\u2581treinado", + -14.792774200439451 + ], + [ + "\u2581rimprover", + -14.79277515411377 + ], + [ + "OCKS", + -14.7927827835083 + ], + [ + "Disclosure", + -14.792853355407717 + ], + [ + "agst", + -14.792875289916992 + ], + [ + "berschwemmungen", + -14.792882919311523 + ], + [ + "Terneuzen", + -14.792903900146484 + ], + [ + "\u2581Shizuoka", + -14.792903900146484 + ], + [ + "\u2581saoudite", + -14.792903900146484 + ], + [ + "\u2581escult\u00f3ric", + -14.7929048538208 + ], + [ + "\u2581Cacographie", + -14.792917251586914 + ], + [ + "\u2581protettorato", + -14.79291820526123 + ], + [ + "filtrado", + -14.792933464050291 + ], + [ + "steuerte", + -14.792938232421877 + ], + [ + "\u2581deprived", + -14.79294776916504 + ], + [ + "itbucket", + -14.792966842651367 + ], + [ + "\u2581spingendo", + -14.79298973083496 + ], + [ + "llendorf", + -14.793066024780272 + ], + [ + "Kapelle", + -14.793131828308104 + ], + [ + "\u2581medidores", + -14.793137550354004 + ], + [ + "r\u00fccklage", + -14.793149948120115 + ], + [ + "apprend", + -14.793153762817385 + ], + [ + "Streitkr\u00e4fte", + -14.793161392211914 + ], + [ + "Titul", + -14.793225288391112 + ], + [ + "carreta", + -14.79331398010254 + ], + [ + "\u2581Staatsbahn", + -14.79331398010254 + ], + [ + "\u2581ausw\u00e4rtige", + -14.793346405029297 + ], + [ + "fwatering", + -14.793364524841309 + ], + [ + "\u2581vaststellen", + -14.793378829956056 + ], + [ + "esdurchschnitt", + -14.793387413024902 + ], + [ + "mami", + -14.793392181396484 + ], + [ + "\u2581prehist\u00f3ric", + -14.7933931350708 + ], + [ + "ger\u00fcstet", + -14.79339599609375 + ], + [ + "cuadrilla", + -14.79342555999756 + ], + [ + "\u2581sperando", + -14.793431282043455 + ], + [ + "inyin", + -14.79345417022705 + ], + [ + "\u2581scheikunde", + -14.79345703125 + ], + [ + "\u2581distratt", + -14.793462753295898 + ], + [ + "\u2581Piazz", + -14.793512344360352 + ], + [ + "\u2581distribuer", + -14.793535232543944 + ], + [ + "marshrutka", + -14.793548583984377 + ], + [ + "\u2581letztgenannten", + -14.793548583984377 + ], + [ + "\u2581programmeertaal", + -14.793548583984377 + ], + [ + "\u2581Incredible", + -14.793549537658691 + ], + [ + "\u2581basquetebol", + -14.793563842773438 + ], + [ + "\u2581Cuarteto", + -14.793572425842283 + ], + [ + "schmecken", + -14.793581008911133 + ], + [ + "\u2581lavoravano", + -14.79365348815918 + ], + [ + "\u2581jalousie", + -14.793657302856444 + ], + [ + "cevic", + -14.793661117553713 + ], + [ + "\u2581bloeien", + -14.793661117553713 + ], + [ + "ApiClient", + -14.79367733001709 + ], + [ + "extant", + -14.79368782043457 + ], + [ + "\u2581Auslagerung", + -14.793721199035645 + ], + [ + "Heure", + -14.79372787475586 + ], + [ + "ogliamo", + -14.793733596801758 + ], + [ + "\u2581Aceton", + -14.793787002563477 + ], + [ + "\u2581Poblacion", + -14.79378890991211 + ], + [ + "\u2581herb\u00e1cea", + -14.793816566467283 + ], + [ + "\u2581repercuss", + -14.793856620788574 + ], + [ + "\u2581virulen", + -14.793867111206056 + ], + [ + "westkant", + -14.7938814163208 + ], + [ + "\u2581codifi", + -14.793946266174316 + ], + [ + "\u2581vascul", + -14.793970108032228 + ], + [ + "ungspflicht", + -14.794021606445312 + ], + [ + "Livre", + -14.794031143188477 + ], + [ + "\u2581kontaktieren", + -14.794047355651855 + ], + [ + "\u2581radiostation", + -14.794062614440918 + ], + [ + "\u2581D\u00e9sir", + -14.794092178344728 + ], + [ + "bewehr", + -14.794116020202637 + ], + [ + "nspektion", + -14.79411792755127 + ], + [ + "\u2581Carrega", + -14.794149398803713 + ], + [ + "\u2581Cecoslovacchia", + -14.794194221496582 + ], + [ + "lazoenering", + -14.794195175170898 + ], + [ + "\u2581Kronprinz", + -14.794195175170898 + ], + [ + "ProgressHUD", + -14.794204711914062 + ], + [ + "\u2581Pseudomonas", + -14.79420566558838 + ], + [ + "\u2581Audiovisual", + -14.794212341308594 + ], + [ + "\u2581Norddeutsche", + -14.794254302978516 + ], + [ + "\u00e1jaro", + -14.794259071350098 + ], + [ + "\u2581dificilmente", + -14.794267654418944 + ], + [ + "FEPrivate", + -14.79427433013916 + ], + [ + "\u2581cherchez", + -14.794353485107422 + ], + [ + "mandibula", + -14.794408798217772 + ], + [ + "EdgeScore", + -14.794426918029783 + ], + [ + "Beautiful", + -14.794453620910645 + ], + [ + "ichthy", + -14.794455528259276 + ], + [ + "\u2581rimand", + -14.794479370117188 + ], + [ + "uda\u00edsmo", + -14.79448127746582 + ], + [ + "\u2581Vizemeister", + -14.794482231140137 + ], + [ + "\u2581calcistic", + -14.794543266296388 + ], + [ + "partita", + -14.794544219970703 + ], + [ + "\u00e9bauch", + -14.794548988342283 + ], + [ + "\u2581Schwindel", + -14.794557571411133 + ], + [ + "advertido", + -14.794586181640623 + ], + [ + "crom\u00e1tica", + -14.794598579406738 + ], + [ + "\u2581toetred", + -14.794615745544434 + ], + [ + "ep\u00e4ck", + -14.794620513916016 + ], + [ + "\u2581haci\u00e9ndose", + -14.794639587402344 + ], + [ + "Marshaller", + -14.79466152191162 + ], + [ + "\u2581Traditionell", + -14.79466152191162 + ], + [ + "\u2581Betreiben", + -14.79466438293457 + ], + [ + "\u2581Versteck", + -14.7947416305542 + ], + [ + "\u2581Catalogna", + -14.794761657714844 + ], + [ + "Occitani", + -14.794784545898438 + ], + [ + "\u2581longicorni", + -14.794822692871094 + ], + [ + "\u2581wetsvoorstel", + -14.794840812683104 + ], + [ + "applicable", + -14.79485034942627 + ], + [ + "oskopie", + -14.794873237609863 + ], + [ + "\u2581refractive", + -14.794876098632812 + ], + [ + "\u2581seamless", + -14.794881820678713 + ], + [ + "\u2581vendiendo", + -14.794937133789062 + ], + [ + "\u2581Diktat", + -14.794947624206545 + ], + [ + "\u2581Herdeiro", + -14.79494857788086 + ], + [ + "\u2581montagneuse", + -14.794952392578123 + ], + [ + "RouteTable", + -14.794965744018556 + ], + [ + "pliquait", + -14.7949857711792 + ], + [ + "TSCH", + -14.795005798339844 + ], + [ + "\u2581flexibilidad", + -14.795021057128906 + ], + [ + "\u2581choqu", + -14.795042991638184 + ], + [ + "\u2581monolithi", + -14.795050621032717 + ], + [ + "\u2581Venetian", + -14.795056343078612 + ], + [ + "roteasom", + -14.79506492614746 + ], + [ + "Aggressiv", + -14.795077323913574 + ], + [ + "\u2581reencontr", + -14.795113563537598 + ], + [ + "\u2581neutralidad", + -14.795116424560549 + ], + [ + "\u2581Particularly", + -14.795141220092772 + ], + [ + "\u2581advertised", + -14.795145988464355 + ], + [ + "ustandekommen", + -14.79515552520752 + ], + [ + "\u2581Finanzpolitik", + -14.795199394226074 + ], + [ + "proceedings", + -14.795254707336426 + ], + [ + "\u2581soustrai", + -14.795317649841309 + ], + [ + "portadas", + -14.795374870300291 + ], + [ + "\u2581Superlatif", + -14.795486450195312 + ], + [ + "\u2581Vergassola", + -14.795486450195312 + ], + [ + "\u2581toentertijd", + -14.795486450195312 + ], + [ + "\u2581diligence", + -14.795491218566896 + ], + [ + "\u2581Utiliser", + -14.795507431030272 + ], + [ + "drenalin", + -14.795520782470703 + ], + [ + "kommandier", + -14.795524597167969 + ], + [ + "\u2581Baugesetzbuch", + -14.79554843902588 + ], + [ + "\u2581her\u00e1ldic", + -14.79556369781494 + ], + [ + "\u2581Cameroon", + -14.795615196228027 + ], + [ + "\u2581Industriel\u00e4nder", + -14.795621871948242 + ], + [ + "\u2581informatiekunde", + -14.795621871948242 + ], + [ + "\u2581feathers", + -14.79562759399414 + ], + [ + "\u2581K\u00fcstenstra", + -14.795635223388672 + ], + [ + "\u2581Com\u00e9di", + -14.795653343200684 + ], + [ + "yrene", + -14.795920372009276 + ], + [ + "\u2581v\u00e9g\u00e9ta", + -14.795923233032228 + ], + [ + "necessary", + -14.795944213867188 + ], + [ + "\u2581alimentici", + -14.795982360839844 + ], + [ + "\u2581Eurolines", + -14.796008110046388 + ], + [ + "\u2581Weltbild", + -14.796076774597168 + ], + [ + "stituciones", + -14.796100616455078 + ], + [ + "Experience", + -14.796109199523926 + ], + [ + "Edmonton", + -14.796133041381836 + ], + [ + "\u2581Shackleton", + -14.796133995056152 + ], + [ + "\u2581beizubehalten", + -14.796133995056152 + ], + [ + "\u2581interessada", + -14.796137809753418 + ], + [ + "\u2581convective", + -14.796149253845217 + ], + [ + "\u2581perceb", + -14.796189308166504 + ], + [ + "\u2581citadelle", + -14.796194076538086 + ], + [ + "rfrisch", + -14.796195030212402 + ], + [ + "\u2581rasc", + -14.796229362487791 + ], + [ + "\u2581zweieinhalb", + -14.796232223510742 + ], + [ + "tendiamo", + -14.796242713928224 + ], + [ + "omintern", + -14.796247482299805 + ], + [ + "\u00fcht", + -14.796306610107422 + ], + [ + "Luitenant", + -14.796316146850586 + ], + [ + "iculteur", + -14.796337127685549 + ], + [ + "\u2581razziali", + -14.796342849731444 + ], + [ + "Theodor", + -14.79638385772705 + ], + [ + "staakt", + -14.7965087890625 + ], + [ + "Wettbewerbsrecht", + -14.79654026031494 + ], + [ + "\u2581Aziend", + -14.796555519104004 + ], + [ + "st\u00e1tica", + -14.796563148498535 + ], + [ + "\u2581tesor", + -14.796591758728027 + ], + [ + "\u2581rebelli", + -14.796674728393556 + ], + [ + "ucaul", + -14.79678440093994 + ], + [ + "\u2581stanchezza", + -14.796786308288574 + ], + [ + "thevetdoctor", + -14.79678726196289 + ], + [ + "\u2581salvando", + -14.796853065490724 + ], + [ + "\u2581herausstellt", + -14.796875 + ], + [ + "\u2581Bobbi", + -14.79688549041748 + ], + [ + "egeerd", + -14.796926498413086 + ], + [ + "\u2581itertools", + -14.796929359436035 + ], + [ + "\u2581Raggiun", + -14.796930313110352 + ], + [ + "\u2581preferredStyle", + -14.796958923339844 + ], + [ + "bersch\u00fcsse", + -14.79702091217041 + ], + [ + "\u2581vestigia", + -14.797025680541992 + ], + [ + "befriedigend", + -14.79705810546875 + ], + [ + "\u2581verzekerings", + -14.79706573486328 + ], + [ + "Selekti", + -14.797074317932127 + ], + [ + "\u2581Blekingega", + -14.797091484069824 + ], + [ + "alvin", + -14.797155380249023 + ], + [ + "schneidung", + -14.79720401763916 + ], + [ + "str\u00e4ng", + -14.797253608703612 + ], + [ + "eglaubig", + -14.797280311584473 + ], + [ + "schaffenden", + -14.797297477722168 + ], + [ + "\u2581ausweichen", + -14.797343254089355 + ], + [ + "\u2581Electr\u00f3nic", + -14.79736328125 + ], + [ + "\u2581Immobilie", + -14.79736328125 + ], + [ + "INCREMENT", + -14.797426223754885 + ], + [ + "Verlust", + -14.797428131103516 + ], + [ + "\u2581aufgedeckt", + -14.797429084777832 + ], + [ + "\u2581Gutierre", + -14.797435760498049 + ], + [ + "MainWindow", + -14.797449111938477 + ], + [ + "\u2581D\u00e9coration", + -14.797452926635742 + ], + [ + "\u2581Stahlbeton", + -14.797459602355955 + ], + [ + "\u2581humiliat", + -14.797462463378906 + ], + [ + "\u2581generosit\u00e0", + -14.797484397888184 + ], + [ + "\u2581pannello", + -14.79750633239746 + ], + [ + "Pomp", + -14.797529220581056 + ], + [ + "glaciaire", + -14.797553062438965 + ], + [ + "sparsa", + -14.797561645507812 + ], + [ + "Deportes", + -14.797607421875 + ], + [ + "TRANSFORM", + -14.797611236572266 + ], + [ + "\u2581Lehrkraft", + -14.79763126373291 + ], + [ + "\u2581sudorientale", + -14.797647476196287 + ], + [ + "\u2581implicitamente", + -14.797652244567873 + ], + [ + "\u2581proiezioni", + -14.797669410705566 + ], + [ + "\u2581visuell", + -14.79775619506836 + ], + [ + "Neustadt", + -14.797786712646484 + ], + [ + "lujos", + -14.797846794128418 + ], + [ + "\u2581verbroken", + -14.79791259765625 + ], + [ + "\u2581modulair", + -14.797913551330566 + ], + [ + "\u2581preparava", + -14.797922134399414 + ], + [ + "uzgado", + -14.798033714294434 + ], + [ + "Kalimantan", + -14.798076629638672 + ], + [ + "\u2581DEUTSCHLAND", + -14.798076629638672 + ], + [ + "\u2581befriedigt", + -14.798076629638672 + ], + [ + "\u2581propietaria", + -14.798076629638672 + ], + [ + "\u2581sanctuary", + -14.798076629638672 + ], + [ + "\u2581Abtretung", + -14.798077583312988 + ], + [ + "\u2581messagerie", + -14.798080444335938 + ], + [ + "\u2581conservatoire", + -14.798094749450684 + ], + [ + "\u2581Antipa", + -14.798097610473633 + ], + [ + "\u2581Mandanten", + -14.798118591308594 + ], + [ + "\u2581d\u00e9chiffr", + -14.798145294189451 + ], + [ + "Dienstverh\u00e4ltnis", + -14.79823112487793 + ], + [ + "\u2581Ishikawa", + -14.798287391662598 + ], + [ + "\u2581mercanc\u00eda", + -14.798297882080078 + ], + [ + "\u2581verstandig", + -14.79832649230957 + ], + [ + "\u2581Dumpingspanne", + -14.798348426818848 + ], + [ + "m\u00e9dico", + -14.798362731933594 + ], + [ + "\u2581murmured", + -14.798389434814451 + ], + [ + "\u2581reibungslose", + -14.798392295837402 + ], + [ + "Ausnahme", + -14.798473358154297 + ], + [ + "\u2581Karth", + -14.798584938049316 + ], + [ + "\u2581armamenti", + -14.798609733581545 + ], + [ + "\u2581autorais", + -14.798662185668944 + ], + [ + "\u2581reflexivo", + -14.798672676086426 + ], + [ + "ystematik", + -14.79867935180664 + ], + [ + "\u2581oorlogsmonument", + -14.79871940612793 + ], + [ + "Magermilchpulver", + -14.798725128173828 + ], + [ + "\u2581Girondins", + -14.798725128173828 + ], + [ + "\u2581Rhynchitidae", + -14.798725128173828 + ], + [ + "\u2581voranzutreiben", + -14.798725128173828 + ], + [ + "anticorpi", + -14.798736572265623 + ], + [ + "\u2581opstandelingen", + -14.798736572265623 + ], + [ + "\u2581Sympathie", + -14.79873752593994 + ], + [ + "\u2581confiabilidade", + -14.798742294311523 + ], + [ + "\u2581realities", + -14.798770904541016 + ], + [ + "\u2581Bucc", + -14.798797607421877 + ], + [ + "\u2581Tarantino", + -14.798802375793455 + ], + [ + "\u2581substitutive", + -14.798819541931152 + ], + [ + "\u00e4nzen", + -14.798837661743164 + ], + [ + "\u2581espor\u00e1dica", + -14.798856735229492 + ], + [ + "sagu", + -14.798869132995604 + ], + [ + "lutam", + -14.798870086669922 + ], + [ + "geki", + -14.798891067504885 + ], + [ + "\u2581conjuntiv", + -14.798900604248049 + ], + [ + "helft", + -14.79894733428955 + ], + [ + "\u2581Waterfront", + -14.799002647399902 + ], + [ + "ARTIFACTS", + -14.799036979675291 + ], + [ + "\u2581autobiografie", + -14.79904556274414 + ], + [ + "NullPointer", + -14.799071311950684 + ], + [ + "andelbrot", + -14.799199104309082 + ], + [ + "\u2581Absolvent", + -14.79921054840088 + ], + [ + "\u2581irgendeinem", + -14.79921054840088 + ], + [ + "beachtlich", + -14.799227714538574 + ], + [ + "\u2581aufgefasst", + -14.799290657043455 + ], + [ + "\u2581taxonomic", + -14.799307823181152 + ], + [ + "cheville", + -14.799325942993164 + ], + [ + "lambre", + -14.799360275268556 + ], + [ + "\u2581spokeswoman", + -14.7993745803833 + ], + [ + "\u2581Iniciativa", + -14.799375534057615 + ], + [ + "\u2581Podlachi", + -14.799375534057615 + ], + [ + "\u2581geschorst", + -14.799378395080566 + ], + [ + "\u2581causaron", + -14.7993803024292 + ], + [ + "\u2581inestabilidad", + -14.7993803024292 + ], + [ + "\u2581verwundert", + -14.799386024475098 + ], + [ + "\u2581medioambiental", + -14.799397468566896 + ], + [ + "\u2581ventesim", + -14.799406051635742 + ], + [ + "battuto", + -14.79942798614502 + ], + [ + "\u2581persconferentie", + -14.799440383911133 + ], + [ + "\u2581Cammina", + -14.799460411071776 + ], + [ + "\u2581zwaarst", + -14.799460411071776 + ], + [ + "\u2581Alimentaci\u00f3n", + -14.799501419067385 + ], + [ + "\u2581consolation", + -14.799516677856444 + ], + [ + "\u2581disabling", + -14.79953670501709 + ], + [ + "schadstoff", + -14.799538612365724 + ], + [ + "arrayrulecolor", + -14.799542427062988 + ], + [ + "Athletic", + -14.799586296081545 + ], + [ + "evolution\u00e4r", + -14.79961109161377 + ], + [ + "wanderer", + -14.79963207244873 + ], + [ + "\u2581muscula", + -14.799735069274902 + ], + [ + "szeitr\u00e4ume", + -14.79978084564209 + ], + [ + "idirectional", + -14.799806594848633 + ], + [ + "immat", + -14.79981803894043 + ], + [ + "\u2581Passando", + -14.799912452697754 + ], + [ + "\u2581segnalata", + -14.799928665161133 + ], + [ + "\u2581bedrohlich", + -14.79994297027588 + ], + [ + "gelehrte", + -14.799943923950195 + ], + [ + "blockDim", + -14.79995822906494 + ], + [ + "\u2581Veloci", + -14.800009727478027 + ], + [ + "\u2581Metastasio", + -14.800023078918455 + ], + [ + "\u2581kroonprins", + -14.800023078918455 + ], + [ + "\u2581onvoltooid", + -14.800024032592772 + ], + [ + "\u2581fazendeiro", + -14.800026893615724 + ], + [ + "Apartheid", + -14.800028800964355 + ], + [ + "\u2581Gregorovitch", + -14.800033569335938 + ], + [ + "\u2581Pinta", + -14.800057411193848 + ], + [ + "\u2581Biochemistry", + -14.80005931854248 + ], + [ + "framebuffer", + -14.80007266998291 + ], + [ + "\u2581fascisme", + -14.800073623657228 + ], + [ + "disguised", + -14.800095558166504 + ], + [ + "\u2581ateniese", + -14.800095558166504 + ], + [ + "\u2581Fettdruck", + -14.800103187561035 + ], + [ + "thnologue", + -14.800141334533691 + ], + [ + "maniac", + -14.800143241882324 + ], + [ + "housi", + -14.80015754699707 + ], + [ + "Giuseppe", + -14.800165176391602 + ], + [ + "\u2581guerriller", + -14.800172805786133 + ], + [ + "NewDecoder", + -14.80017375946045 + ], + [ + "Minecraft", + -14.800183296203612 + ], + [ + "\u2581Chegando", + -14.800219535827637 + ], + [ + "sensiblen", + -14.800226211547852 + ], + [ + "\u2581renouveau", + -14.800238609313965 + ], + [ + "\u2581Anomal", + -14.80026149749756 + ], + [ + "\u2581resultar\u00e1", + -14.80026149749756 + ], + [ + "\u2581diversification", + -14.800265312194824 + ], + [ + "\u2581zur\u00fcckgeht", + -14.800286293029783 + ], + [ + "ond\u00e9e", + -14.800299644470217 + ], + [ + "\u2581openlucht", + -14.800299644470217 + ], + [ + "Idaho", + -14.800323486328123 + ], + [ + "LVM", + -14.800323486328123 + ], + [ + "\u2581renounce", + -14.800337791442873 + ], + [ + "tom\u00eda", + -14.800372123718262 + ], + [ + "\u2581frequentazione", + -14.800460815429688 + ], + [ + "freistellung", + -14.80048656463623 + ], + [ + "\u00e9lectronique", + -14.800521850585938 + ], + [ + "gressieve", + -14.800567626953123 + ], + [ + "Mundial", + -14.800579071044922 + ], + [ + "quatorial", + -14.800580978393556 + ], + [ + "esistenzial", + -14.80059814453125 + ], + [ + "\u2581condensateur", + -14.800613403320312 + ], + [ + "\u2581Mehrbedarf", + -14.80064296722412 + ], + [ + "\u2581hauptamtliche", + -14.800673484802246 + ], + [ + "\u2581aufzukl\u00e4ren", + -14.800676345825195 + ], + [ + "\u2581futbol\u00edstic", + -14.800679206848145 + ], + [ + "\u2581miniaturis", + -14.80069065093994 + ], + [ + "\u2581especificidade", + -14.800695419311523 + ], + [ + "\u2581Guionista", + -14.800697326660156 + ], + [ + "\u2581modalities", + -14.800701141357422 + ], + [ + "Osservatorio", + -14.800732612609863 + ], + [ + "\u2581flowering", + -14.80073356628418 + ], + [ + "Evaluating", + -14.800741195678713 + ], + [ + "\u2581muscolare", + -14.800755500793455 + ], + [ + "\u2581Seeschifffahrt", + -14.80084228515625 + ], + [ + "\u2581arenaria", + -14.800850868225098 + ], + [ + "\u2581prioritize", + -14.800874710083008 + ], + [ + "Mannheim", + -14.800889015197754 + ], + [ + "\u2581planejando", + -14.800912857055664 + ], + [ + "\u2581Erz\u00e4hler", + -14.800938606262209 + ], + [ + "\u2581consideraciones", + -14.801034927368164 + ], + [ + "downgrade", + -14.801087379455566 + ], + [ + "\u2581gradit", + -14.801107406616213 + ], + [ + "billboard", + -14.80112361907959 + ], + [ + "acoustic", + -14.801143646240234 + ], + [ + "\u2581schoolslag", + -14.80116844177246 + ], + [ + "\u2581hier\u00e1rquic", + -14.801176071166992 + ], + [ + "\u2581dualismo", + -14.801179885864258 + ], + [ + "genito", + -14.8012113571167 + ], + [ + "stalinist", + -14.80124855041504 + ], + [ + "\u2581revocation", + -14.801278114318848 + ], + [ + "\u2581brusca", + -14.80128288269043 + ], + [ + "\u2581analog\u00eda", + -14.801291465759276 + ], + [ + "\u2581Mauretani", + -14.801311492919922 + ], + [ + "aggettivo", + -14.801323890686035 + ], + [ + "comprehensible", + -14.801323890686035 + ], + [ + "Callaghan", + -14.801324844360352 + ], + [ + "\u2581combust\u00edveis", + -14.801325798034668 + ], + [ + "\u2581Mittagessen", + -14.801329612731934 + ], + [ + "\u2581soucieu", + -14.801347732543944 + ], + [ + "\u2581Misstrauen", + -14.801356315612791 + ], + [ + "clamaci\u00f3n", + -14.801359176635742 + ], + [ + "\u2581intercultural", + -14.801361083984377 + ], + [ + "\u2581prefac", + -14.801389694213867 + ], + [ + "Abgeordnete", + -14.80141830444336 + ], + [ + "\u2581spektakul\u00e4re", + -14.801445960998535 + ], + [ + "\u2581Dinosauri", + -14.801457405090332 + ], + [ + "\u2581dissimil", + -14.801493644714355 + ], + [ + "\u2581abbandonate", + -14.80150318145752 + ], + [ + "ol\u00eds", + -14.801568984985352 + ], + [ + "\u2581compr\u00e9hensi", + -14.801589012145996 + ], + [ + "\u2581accompagnano", + -14.801590919494627 + ], + [ + "\u2581topol\u00f3gic", + -14.801669120788574 + ], + [ + "\u2581originar", + -14.801685333251951 + ], + [ + "\u00fcberwind", + -14.80168914794922 + ], + [ + "\u2581imparentat", + -14.80174732208252 + ], + [ + "\u2581freq\u00fc", + -14.801770210266112 + ], + [ + "\u2581rotaciona", + -14.8018159866333 + ], + [ + "Elektronen", + -14.801819801330566 + ], + [ + "\u2581esquiv", + -14.801864624023438 + ], + [ + "\u2581implicated", + -14.80186653137207 + ], + [ + "\u2581aufnimmt", + -14.801867485046388 + ], + [ + "eutique", + -14.801898002624512 + ], + [ + "andalus", + -14.801919937133787 + ], + [ + "stamped", + -14.801925659179688 + ], + [ + "\u2581schizz", + -14.80195140838623 + ], + [ + "apocannoniere", + -14.801974296569824 + ], + [ + "\u2581Difficile", + -14.801976203918455 + ], + [ + "\u2581zuerkannt", + -14.801976203918455 + ], + [ + "\u2581Revolver", + -14.80197811126709 + ], + [ + "\u2581sfavorevol", + -14.80198097229004 + ], + [ + "Amstel", + -14.801990509033203 + ], + [ + "\u2581madrelingua", + -14.802017211914062 + ], + [ + "honorar", + -14.802032470703123 + ], + [ + "\u2581beoordelen", + -14.802041053771973 + ], + [ + "\u2581Contessa", + -14.8020601272583 + ], + [ + "nstinct", + -14.802095413208008 + ], + [ + "\u2581trasportati", + -14.8021240234375 + ], + [ + "\u2581resonancia", + -14.802131652832031 + ], + [ + "\u2581verifies", + -14.80214500427246 + ], + [ + "\u2581radiator", + -14.802146911621094 + ], + [ + "ngeafstandsloper", + -14.802186012268066 + ], + [ + "\u2581slank", + -14.802224159240724 + ], + [ + "lastung", + -14.80224895477295 + ], + [ + "\u2581Seife", + -14.802271842956545 + ], + [ + "\u2581Ubu", + -14.80228042602539 + ], + [ + "\u2581consert", + -14.802310943603516 + ], + [ + "\u2581biblischen", + -14.802322387695312 + ], + [ + "adschi", + -14.802385330200195 + ], + [ + "\u2581Tarifliche", + -14.802388191223145 + ], + [ + "Krankenhaus", + -14.80243682861328 + ], + [ + "medialen", + -14.802461624145508 + ], + [ + "\u2581organizzatori", + -14.802465438842772 + ], + [ + "\u2581affrontano", + -14.802470207214355 + ], + [ + "tagliate", + -14.802496910095217 + ], + [ + "\u2581rinasc", + -14.80250358581543 + ], + [ + "\u2581palliati", + -14.802522659301758 + ], + [ + "\u2581confortevole", + -14.802560806274414 + ], + [ + "\u2581abgewichen", + -14.802624702453612 + ], + [ + "\u2581pipistrell", + -14.80262565612793 + ], + [ + "\u2581n\u00f3rdic", + -14.80263614654541 + ], + [ + "\u2581mislukt", + -14.802642822265623 + ], + [ + "\u2581afroamericana", + -14.802653312683104 + ], + [ + "\u2581ricorrenti", + -14.802661895751951 + ], + [ + "\u2581presqu", + -14.802663803100586 + ], + [ + "\u2581concurreren", + -14.802669525146484 + ], + [ + "heating", + -14.8026704788208 + ], + [ + "\u2581iterativ", + -14.80268383026123 + ], + [ + "\u2581collectiv", + -14.802691459655762 + ], + [ + "\u2581cruzeiros", + -14.802694320678713 + ], + [ + "\u2581Continente", + -14.802701950073242 + ], + [ + "\u2581geol\u00f3gico", + -14.802729606628418 + ], + [ + "\u2581denunciado", + -14.80274486541748 + ], + [ + "\u2581sugir", + -14.802780151367188 + ], + [ + "cacciare", + -14.8027982711792 + ], + [ + "\u2581namhafte", + -14.802824020385742 + ], + [ + "STAB", + -14.802838325500488 + ], + [ + "\u2581Fehlverhalten", + -14.802894592285156 + ], + [ + "\u2581portarl", + -14.802899360656738 + ], + [ + "unmittelbar", + -14.802958488464355 + ], + [ + "\u2581Franstalig", + -14.802987098693848 + ], + [ + "duana", + -14.80299186706543 + ], + [ + "umwandlung", + -14.802993774414062 + ], + [ + "coul\u00e9e", + -14.803006172180176 + ], + [ + "Vogtland", + -14.803007125854492 + ], + [ + "\u2581salvation", + -14.803062438964844 + ], + [ + "cessato", + -14.803071022033691 + ], + [ + "\u2581assign\u00e9", + -14.803112030029297 + ], + [ + "bacterial", + -14.8031587600708 + ], + [ + "Herrich", + -14.803178787231444 + ], + [ + "\u2581campsite", + -14.803202629089355 + ], + [ + "exerce", + -14.803203582763672 + ], + [ + "TINA", + -14.803221702575684 + ], + [ + "\u2581Nachhinein", + -14.803277015686035 + ], + [ + "\u2581Repr\u00e9sentation", + -14.803277015686035 + ], + [ + "konjugiert", + -14.803278923034668 + ], + [ + "\u2581borseggiatori", + -14.8032808303833 + ], + [ + "\u2581miliardo", + -14.80329132080078 + ], + [ + "\u2581Br\u00fcn", + -14.803316116333008 + ], + [ + "propylene", + -14.80332374572754 + ], + [ + "\u2581Diakonoff", + -14.803324699401855 + ], + [ + "\u2581vernieuwen", + -14.803332328796388 + ], + [ + "genheiten", + -14.80345630645752 + ], + [ + "\u2581pathophysiolog", + -14.80345630645752 + ], + [ + "\u2581retrospectiva", + -14.803465843200684 + ], + [ + "poetische", + -14.803473472595217 + ], + [ + "\u2581armoniz", + -14.803489685058594 + ], + [ + "Kriegsgefangenen", + -14.803500175476074 + ], + [ + "\u2581declararon", + -14.80352783203125 + ], + [ + "visualization", + -14.803576469421388 + ], + [ + "iberiana", + -14.803597450256348 + ], + [ + "rompu", + -14.80361270904541 + ], + [ + "racolo", + -14.803647994995115 + ], + [ + "\u2581pectoral", + -14.80367660522461 + ], + [ + "\u2581pi\u00e9tonn", + -14.803695678710938 + ], + [ + "\u2581Fachinformation", + -14.803725242614746 + ], + [ + "\u2581Landesebene", + -14.80376148223877 + ], + [ + "cogniz", + -14.803778648376465 + ], + [ + "\u2581Sch\u00fcssel", + -14.803787231445312 + ], + [ + "arbeitskr\u00e4fte", + -14.803836822509766 + ], + [ + "Belastung", + -14.80386734008789 + ], + [ + "\u2581opgetreden", + -14.80391788482666 + ], + [ + "\u2581CHANGING", + -14.80392837524414 + ], + [ + "\u2581Verwirrung", + -14.80392837524414 + ], + [ + "\u2581protestantisme", + -14.80397605895996 + ], + [ + "medida", + -14.803993225097656 + ], + [ + "versit\u00e4t", + -14.804000854492188 + ], + [ + "lient", + -14.804017066955566 + ], + [ + "\u2581estrell", + -14.804017066955566 + ], + [ + "Pablo", + -14.804040908813477 + ], + [ + "\u2581traves\u00eda", + -14.804054260253906 + ], + [ + "PullRequest", + -14.804059028625488 + ], + [ + "\u2581penetrat", + -14.804070472717283 + ], + [ + "ownerDocument", + -14.80415153503418 + ], + [ + "\u2581bisexual", + -14.804205894470217 + ], + [ + "\u2581parlavano", + -14.804205894470217 + ], + [ + "\u2581unterteilen", + -14.804251670837402 + ], + [ + "\u2581invadiram", + -14.804262161254885 + ], + [ + "\u2581revestimento", + -14.80427074432373 + ], + [ + "Madame", + -14.804298400878906 + ], + [ + "clonal", + -14.804347038269045 + ], + [ + "\u2581Helv", + -14.804347038269045 + ], + [ + "\u2581paysanne", + -14.804357528686523 + ], + [ + "\u2581sociology", + -14.804399490356444 + ], + [ + "explained", + -14.80440902709961 + ], + [ + "handra", + -14.804451942443848 + ], + [ + "ESCO", + -14.804540634155272 + ], + [ + "Konjugat", + -14.80456829071045 + ], + [ + "TestAllTypes", + -14.804580688476562 + ], + [ + "\u2581Homosexualit\u00e4t", + -14.804580688476562 + ], + [ + "\u2581Karosserie", + -14.80458164215088 + ], + [ + "\u2581pancreas", + -14.804631233215332 + ], + [ + "\u2581r\u00e9chauff", + -14.80463981628418 + ], + [ + "\u2581Trekking", + -14.804641723632812 + ], + [ + "cedida", + -14.804646492004396 + ], + [ + "\u2581bonific", + -14.804646492004396 + ], + [ + "blieb", + -14.804649353027344 + ], + [ + "rijkste", + -14.804654121398926 + ], + [ + "\u2581hinzuf\u00fcgen", + -14.804654121398926 + ], + [ + "\u2581proverbi", + -14.804673194885254 + ], + [ + "\u2581primitieve", + -14.804683685302734 + ], + [ + "\u2581bestrebt", + -14.804780006408691 + ], + [ + "\u2581Diffus", + -14.804781913757324 + ], + [ + "\u2581obtiennent", + -14.804789543151855 + ], + [ + "\u2581goddelijke", + -14.804853439331056 + ], + [ + "\u2581spurious", + -14.804880142211914 + ], + [ + "atmosph\u00e4re", + -14.804917335510254 + ], + [ + "\u2581homog\u00e9ne", + -14.804917335510254 + ], + [ + "\u2581\u00f3bvi", + -14.804924011230469 + ], + [ + "kiwi", + -14.804925918579102 + ], + [ + "Isaac", + -14.804926872253418 + ], + [ + "\u2581kidnapping", + -14.804938316345217 + ], + [ + "\u2581Begrifflichkeit", + -14.805010795593262 + ], + [ + "\u2581Greville", + -14.80505084991455 + ], + [ + "isotrope", + -14.805052757263184 + ], + [ + "elektrolyt", + -14.805066108703612 + ], + [ + "ialogflow", + -14.805066108703612 + ], + [ + "\u2581repousser", + -14.805073738098145 + ], + [ + "\u2581sbocc", + -14.805112838745115 + ], + [ + "pflich", + -14.80520248413086 + ], + [ + "fatu", + -14.805222511291504 + ], + [ + "Semaphore", + -14.8052339553833 + ], + [ + "\u2581indefinidamente", + -14.8052339553833 + ], + [ + "untersu", + -14.805237770080566 + ], + [ + "\u2581sufriendo", + -14.80524444580078 + ], + [ + "plicit\u00e0", + -14.805249214172363 + ], + [ + "SISTE", + -14.805251121520996 + ], + [ + "ignIn", + -14.805305480957031 + ], + [ + "verbindlich", + -14.805360794067385 + ], + [ + "praying", + -14.8053617477417 + ], + [ + "\u2581Altersteilzeit", + -14.805368423461914 + ], + [ + "\u2581kommentierte", + -14.805378913879396 + ], + [ + "\u2581uitgegroeid", + -14.80538558959961 + ], + [ + "\u2581prematuramente", + -14.80538845062256 + ], + [ + "RadioButton", + -14.805404663085938 + ], + [ + "\u2581marqueur", + -14.805405616760254 + ], + [ + "\u2581derreti", + -14.805427551269531 + ], + [ + "\u2581Mus\u00e9", + -14.80550765991211 + ], + [ + "setVisible", + -14.805564880371094 + ], + [ + "\u2581R\u00fcckblick", + -14.805577278137209 + ], + [ + "\u2581sobremesa", + -14.805596351623535 + ], + [ + "elukkig", + -14.80560302734375 + ], + [ + "iernaast", + -14.805611610412598 + ], + [ + "Calibr", + -14.805621147155762 + ], + [ + "inematograph", + -14.805624961853027 + ], + [ + "\u2581labrado", + -14.805682182312012 + ], + [ + "\u2581deserted", + -14.805699348449709 + ], + [ + "\u2581peinlich", + -14.80570125579834 + ], + [ + "\u2581preservaci\u00f3n", + -14.805728912353516 + ], + [ + "ormone", + -14.805742263793944 + ], + [ + "\u2581demonstre", + -14.805809020996094 + ], + [ + "\u2581Produzi", + -14.80582332611084 + ], + [ + "\u2581tasti", + -14.805830001831056 + ], + [ + "\u2581Rega", + -14.805883407592772 + ], + [ + "\u2581Katmandu", + -14.805886268615724 + ], + [ + "\u2581ecclesiastico", + -14.805886268615724 + ], + [ + "\u2581opgesplitst", + -14.805886268615724 + ], + [ + "\u2581sem\u00e1ntico", + -14.80588722229004 + ], + [ + "\u2581Todesopfer", + -14.805899620056152 + ], + [ + "\u2581Dagobert", + -14.805900573730469 + ], + [ + "\u2581Autolinee", + -14.805907249450684 + ], + [ + "letsencrypt", + -14.805919647216797 + ], + [ + "\u2581adeguati", + -14.805925369262695 + ], + [ + "tergovernmental", + -14.805926322937012 + ], + [ + "\u2581retrait\u00e9", + -14.80596160888672 + ], + [ + "\u2581verallgemeiner", + -14.805971145629885 + ], + [ + "\u2581Wladi", + -14.805987358093262 + ], + [ + "\u2581acompanh", + -14.80601978302002 + ], + [ + "\u2581sportieve", + -14.806039810180664 + ], + [ + "\u2581managerial", + -14.806062698364258 + ], + [ + "\u2581sussistenza", + -14.806077003479004 + ], + [ + "ftmals", + -14.806111335754396 + ], + [ + "adula", + -14.806116104125977 + ], + [ + "scriba", + -14.806117057800291 + ], + [ + "stablecimiento", + -14.80611801147461 + ], + [ + "\u2581Satzweis", + -14.806150436401367 + ], + [ + "IBD", + -14.806191444396973 + ], + [ + "pr\u00e4ferenzen", + -14.806192398071287 + ], + [ + "anejo", + -14.806252479553224 + ], + [ + "gunsten", + -14.80626106262207 + ], + [ + "\u2581dorpsker", + -14.806340217590332 + ], + [ + "\u2581Poliklinik", + -14.806346893310549 + ], + [ + "\u2581circunscri", + -14.806367874145508 + ], + [ + "\u2581geopolitic", + -14.80639934539795 + ], + [ + "quadramento", + -14.806446075439451 + ], + [ + "getSelection", + -14.80646800994873 + ], + [ + "silika", + -14.806472778320312 + ], + [ + "\u2581vasthoud", + -14.80648136138916 + ], + [ + "\u2581pal\u00e4stinensisch", + -14.806519508361816 + ], + [ + "\u2581libanes", + -14.80652141571045 + ], + [ + "Fr\u00e9d\u00e9ric", + -14.806532859802246 + ], + [ + "\u2581Heilongjiang", + -14.806540489196776 + ], + [ + "\u2581Hedgehog", + -14.80654239654541 + ], + [ + "phyllum", + -14.806565284729004 + ], + [ + "\u2581Localit\u00e0", + -14.80656909942627 + ], + [ + "\u2581Paroisse", + -14.806577682495115 + ], + [ + "ActiveCfg", + -14.80657958984375 + ], + [ + "\u2581scomparsi", + -14.80659294128418 + ], + [ + "\u2581Adriatica", + -14.806593894958496 + ], + [ + "Coat", + -14.80660629272461 + ], + [ + "theoretisch", + -14.80661678314209 + ], + [ + "cediendo", + -14.806633949279783 + ], + [ + "durchgang", + -14.806644439697266 + ], + [ + "abriz", + -14.80667781829834 + ], + [ + "entiteit", + -14.80668830871582 + ], + [ + "remiti", + -14.80668830871582 + ], + [ + "oplossing", + -14.80670928955078 + ], + [ + "einigung", + -14.80673885345459 + ], + [ + "\u2581Steinbruch", + -14.806758880615234 + ], + [ + "\u2581Ngu", + -14.806772232055664 + ], + [ + "\u2581Erwerbsleben", + -14.806774139404297 + ], + [ + "evacuazione", + -14.80678653717041 + ], + [ + "sinfect", + -14.806840896606444 + ], + [ + "regulierten", + -14.806879997253418 + ], + [ + "\u2581visionari", + -14.806915283203123 + ], + [ + "\u2581Landesliga", + -14.806943893432615 + ], + [ + "\u2581tautolog", + -14.806958198547363 + ], + [ + "\u2581Einsamkeit", + -14.806992530822754 + ], + [ + "municipio", + -14.807015419006348 + ], + [ + "\u2581flanqu", + -14.807024955749512 + ], + [ + "primeira", + -14.807031631469728 + ], + [ + "\u2581Aeronautic", + -14.807042121887209 + ], + [ + "\u2581prenotati", + -14.807042121887209 + ], + [ + "manipulation", + -14.807095527648926 + ], + [ + "\u2581Pediatric", + -14.807098388671877 + ], + [ + "conceivable", + -14.807125091552734 + ], + [ + "adviseerd", + -14.80714225769043 + ], + [ + "RecyclerView", + -14.807193756103516 + ], + [ + "\u2581manodopera", + -14.807195663452148 + ], + [ + "\u2581dizionari", + -14.807204246520996 + ], + [ + "\u2581infastidi", + -14.807207107543944 + ], + [ + "\u2581sequencial", + -14.807210922241213 + ], + [ + "\u2581vehicula", + -14.807215690612791 + ], + [ + "\u2581hochgradig", + -14.807221412658691 + ], + [ + "\u2581quiosque", + -14.807266235351562 + ], + [ + "\u2581Mazzarri", + -14.807291984558104 + ], + [ + "NativeOnly", + -14.80730438232422 + ], + [ + "\u2581subfam\u00edlia", + -14.807307243347168 + ], + [ + "\u2581r\u00e9sidentiel", + -14.807318687438965 + ], + [ + "educto", + -14.80734634399414 + ], + [ + "\u2581occupying", + -14.80737018585205 + ], + [ + "direcci\u00f3n", + -14.807418823242188 + ], + [ + "Nabij", + -14.80742645263672 + ], + [ + "\u2581scorge", + -14.807433128356934 + ], + [ + "potenciar", + -14.807494163513184 + ], + [ + "\u2581ber\u00fccksich", + -14.807550430297852 + ], + [ + "\u2581schmutzig", + -14.807624816894531 + ], + [ + "\u2581Sempr", + -14.807642936706545 + ], + [ + "\u2581dovresti", + -14.807656288146973 + ], + [ + "\u2581distracted", + -14.807713508605955 + ], + [ + "\u2581Fairfield", + -14.807727813720703 + ], + [ + "\u2581verstecken", + -14.807767868041992 + ], + [ + "\u2581interfering", + -14.807832717895508 + ], + [ + "auditeur", + -14.807841300964355 + ], + [ + "\u2581Brinkman", + -14.807846069335938 + ], + [ + "\u2581bijgenaamd", + -14.807848930358888 + ], + [ + "\u2581diffidenza", + -14.807848930358888 + ], + [ + "\u2581ansteigt", + -14.807856559753418 + ], + [ + "\u2581Verdauung", + -14.807857513427734 + ], + [ + "\u2581sensibilisation", + -14.807857513427734 + ], + [ + "\u2581Taxifahrer", + -14.807883262634276 + ], + [ + "pnieuw", + -14.80788803100586 + ], + [ + "\u2581penicill", + -14.80791187286377 + ], + [ + "salaria", + -14.80793285369873 + ], + [ + "\u2581Extranjer", + -14.807979583740234 + ], + [ + "tir\u00f3", + -14.807989120483398 + ], + [ + "\u2581islandese", + -14.807992935180664 + ], + [ + "\u2581interoperabil", + -14.808049201965332 + ], + [ + "tschke", + -14.808134078979492 + ], + [ + "\u2581demolida", + -14.80824089050293 + ], + [ + "\u2581wisselde", + -14.808253288269045 + ], + [ + "weigstelle", + -14.808259963989258 + ], + [ + "\u2581Exame", + -14.808270454406738 + ], + [ + "landkreis", + -14.808305740356444 + ], + [ + "\u2581pilgrim", + -14.808367729187012 + ], + [ + "lmaz", + -14.808416366577148 + ], + [ + "\u2581sp\u00e9cifier", + -14.80850315093994 + ], + [ + "\u2581revolve", + -14.808509826660156 + ], + [ + "\u2581aanwijzing", + -14.808514595031738 + ], + [ + "\u2581opgevangen", + -14.808523178100586 + ], + [ + "\u2581Schnecken", + -14.808524131774902 + ], + [ + "volgers", + -14.808534622192385 + ], + [ + "\u2581consigliata", + -14.808537483215332 + ], + [ + "couler", + -14.808545112609863 + ], + [ + "\u2581christlich", + -14.808603286743164 + ], + [ + "Sammlung", + -14.808658599853516 + ], + [ + "\u2581Avrebbe", + -14.808660507202148 + ], + [ + "\u2581corregimiento", + -14.808693885803224 + ], + [ + "traum\u00e1tic", + -14.808713912963867 + ], + [ + "ttent\u00e4ter", + -14.808815956115724 + ], + [ + "\u2581muratur", + -14.808839797973633 + ], + [ + "\u2581Wigg", + -14.808993339538574 + ], + [ + "\u2581Scheite", + -14.809127807617188 + ], + [ + "\u2581Wiederein", + -14.809139251708984 + ], + [ + "\u2581dividier", + -14.809144973754885 + ], + [ + "Annapurna", + -14.809159278869627 + ], + [ + "unsafeResultMap", + -14.809159278869627 + ], + [ + "\u2581rascacielos", + -14.809159278869627 + ], + [ + "\u2581ruhegehaltf\u00e4hig", + -14.809159278869627 + ], + [ + "\u2581verminderde", + -14.809161186218262 + ], + [ + "\u2581Statthalter", + -14.809168815612791 + ], + [ + "\u2581inevitabili", + -14.80916976928711 + ], + [ + "\u2581huisvest", + -14.80917263031006 + ], + [ + "\u2581confiant", + -14.809173583984377 + ], + [ + "\u2581surr\u00e9alis", + -14.80922794342041 + ], + [ + "\u2581addormentat", + -14.809229850769045 + ], + [ + "ncelot", + -14.809232711791992 + ], + [ + "\u2581Milliarde", + -14.809236526489258 + ], + [ + "Descri", + -14.809248924255373 + ], + [ + "batterijen", + -14.809279441833496 + ], + [ + "\u2581verwezenlijk", + -14.809281349182127 + ], + [ + "ntwickler", + -14.809318542480469 + ], + [ + "\u2581Harnstoff", + -14.809326171875 + ], + [ + "consciente", + -14.809348106384276 + ], + [ + "rgamo", + -14.809372901916504 + ], + [ + "Versichertenrent", + -14.80945110321045 + ], + [ + "vakantie", + -14.809459686279297 + ], + [ + "Empf\u00e4nger", + -14.809486389160156 + ], + [ + "\u2581riskant", + -14.80953311920166 + ], + [ + "gekn", + -14.809552192687988 + ], + [ + "vr\u00e9", + -14.809552192687988 + ], + [ + "\u2581Luchtvaart", + -14.809556007385254 + ], + [ + "\u2581Messdaten", + -14.809562683105469 + ], + [ + "freni", + -14.809569358825684 + ], + [ + "\u2581quantifi", + -14.809602737426758 + ], + [ + "\u2581noticing", + -14.80962085723877 + ], + [ + "Scotland", + -14.809630393981934 + ], + [ + "bsoluteThickness", + -14.809648513793944 + ], + [ + "\u2581vuurwerk", + -14.809711456298828 + ], + [ + "gekozen", + -14.809794425964355 + ], + [ + "\u2581Journalistin", + -14.809818267822266 + ], + [ + "\u2581Klienten", + -14.809825897216797 + ], + [ + "\u2581hi\u00e9rarchique", + -14.80983066558838 + ], + [ + "\u2581Opmerkelijk", + -14.809865951538086 + ], + [ + "\u2581McGra", + -14.80991268157959 + ], + [ + "\u2581Mongolei", + -14.809930801391602 + ], + [ + "\u2581Stahlindustrie", + -14.80998992919922 + ], + [ + "preens", + -14.8099946975708 + ], + [ + "mierz", + -14.810017585754396 + ], + [ + "DatePicker", + -14.810028076171877 + ], + [ + "umeau", + -14.810050010681152 + ], + [ + "\u2581ultimamente", + -14.81005573272705 + ], + [ + "\u2581dissua", + -14.810091018676758 + ], + [ + "\u2581redireciona", + -14.810111045837402 + ], + [ + "\u2581bekundet", + -14.81015396118164 + ], + [ + "\u2581perenni", + -14.810189247131348 + ], + [ + "festes", + -14.810197830200195 + ], + [ + "\u2581sencillamente", + -14.810225486755373 + ], + [ + "\u2581ritengo", + -14.81024169921875 + ], + [ + "\u2581n\u00e4herte", + -14.810284614562988 + ], + [ + "rechtm\u00e4", + -14.810309410095217 + ], + [ + "stru\u00eddo", + -14.81037425994873 + ], + [ + "\u2581recopi", + -14.81040382385254 + ], + [ + "\u2581nebulos", + -14.810431480407717 + ], + [ + "\u2581Prefettura", + -14.810470581054688 + ], + [ + "\u2581Willensbildung", + -14.810497283935549 + ], + [ + "\u2581condivise", + -14.810497283935549 + ], + [ + "\u2581predicativo", + -14.81052303314209 + ], + [ + "quiri\u00f3", + -14.810550689697266 + ], + [ + "obtiendr", + -14.810553550720217 + ], + [ + "\u2581Deschamps", + -14.810553550720217 + ], + [ + "\u2581inclusiv", + -14.810571670532228 + ], + [ + "\u2581vollstreckbar", + -14.81057357788086 + ], + [ + "\u2581Paracels", + -14.810632705688477 + ], + [ + "\u2581Osbourne", + -14.810741424560549 + ], + [ + "chimmelgeslacht", + -14.810853004455566 + ], + [ + "Detroit", + -14.810864448547363 + ], + [ + "afke", + -14.810995101928713 + ], + [ + "Assume", + -14.81101417541504 + ], + [ + "\u2581D\u00e9part", + -14.811040878295898 + ], + [ + "ordini", + -14.811047554016112 + ], + [ + "\u2581pertinence", + -14.81105899810791 + ], + [ + "spendet", + -14.811089515686035 + ], + [ + "alt\u00e9r", + -14.811090469360352 + ], + [ + "affecter", + -14.811092376708984 + ], + [ + "Jerusalem", + -14.811094284057615 + ], + [ + "\u2581matematiche", + -14.811127662658691 + ], + [ + "\u2581ungheresi", + -14.811127662658691 + ], + [ + "\u2581visigodo", + -14.811128616333008 + ], + [ + "\u2581aceit\u00e1vel", + -14.811141967773438 + ], + [ + "\u2581voorziet", + -14.811162948608398 + ], + [ + "iteracy", + -14.811187744140623 + ], + [ + "\u2581dispersi\u00f3n", + -14.81118869781494 + ], + [ + "Rheinland", + -14.811227798461914 + ], + [ + "\u2581Facilit", + -14.811235427856444 + ], + [ + "\u2581Petrucci", + -14.811257362365724 + ], + [ + "\u2581Beerschot", + -14.811260223388672 + ], + [ + "\u2581Toxizit\u00e4t", + -14.811312675476074 + ], + [ + "Technical", + -14.811349868774414 + ], + [ + "\u2581bevestigen", + -14.811368942260742 + ], + [ + "\u2581Monticell", + -14.811373710632324 + ], + [ + "exuality", + -14.811379432678224 + ], + [ + "\u2581topografia", + -14.811431884765623 + ], + [ + "\u2581restituir", + -14.811441421508787 + ], + [ + "\u2581Corvi", + -14.81154727935791 + ], + [ + "\u2581versichern", + -14.811553001403809 + ], + [ + "Canad\u00e1", + -14.81156063079834 + ], + [ + "Cohen", + -14.811565399169922 + ], + [ + "\u2581pianifica", + -14.811588287353516 + ], + [ + "\u2581Rechtsfragen", + -14.81159210205078 + ], + [ + "\u2581sammelt", + -14.811603546142578 + ], + [ + "ABEL", + -14.811690330505373 + ], + [ + "erschiedenheiten", + -14.811775207519531 + ], + [ + "ntidepressiv", + -14.811782836914062 + ], + [ + "\u2581N\u00fcrburgring", + -14.811784744262695 + ], + [ + "\u2581Hampstead", + -14.811786651611328 + ], + [ + "\u2581botaniste", + -14.811787605285645 + ], + [ + "\u2581neandertal", + -14.811787605285645 + ], + [ + "Deelnemend", + -14.811793327331545 + ], + [ + "\u2581Villalba", + -14.811811447143556 + ], + [ + "\u2581Calda", + -14.811813354492188 + ], + [ + "entdeckt", + -14.81182861328125 + ], + [ + "\u2581Verwechslung", + -14.811833381652832 + ], + [ + "\u2581ter\u00edamos", + -14.811867713928224 + ], + [ + "ffectiveness", + -14.811878204345703 + ], + [ + "brouss", + -14.811888694763184 + ], + [ + "\u2581Bolivar", + -14.811909675598145 + ], + [ + "\u2581succ\u00e9der", + -14.811919212341309 + ], + [ + "Enumerate", + -14.811960220336914 + ], + [ + "\u2581localiser", + -14.811963081359863 + ], + [ + "\u2581santidad", + -14.812026977539062 + ], + [ + "traque", + -14.812047958374023 + ], + [ + "\u2581motoris\u00e9", + -14.81206512451172 + ], + [ + "Facilities", + -14.812079429626465 + ], + [ + "zuarbeiten", + -14.812129974365234 + ], + [ + "\u2581commentare", + -14.812143325805664 + ], + [ + "kiesrecht", + -14.812163352966309 + ], + [ + "\u2581landgemeente", + -14.81216812133789 + ], + [ + "\u2581villagers", + -14.812191009521484 + ], + [ + "kevi", + -14.812206268310549 + ], + [ + "\u2581corridoi", + -14.812232971191406 + ], + [ + "concours", + -14.812240600585938 + ], + [ + "alg\u00e9", + -14.812270164489746 + ], + [ + "\u2581redescend", + -14.812273025512695 + ], + [ + "\u2581\u00fcbernehmenden", + -14.81227684020996 + ], + [ + "\u2581aberrant", + -14.81227970123291 + ], + [ + "\u2581Einschaltung", + -14.812283515930176 + ], + [ + "\u2581Burchard", + -14.812315940856934 + ], + [ + "\u2581Barrington", + -14.812347412109377 + ], + [ + "culties", + -14.812363624572754 + ], + [ + "\u2581overheers", + -14.812376022338867 + ], + [ + "\u2581instantiation", + -14.812379837036133 + ], + [ + "\u2581abastecer", + -14.812443733215332 + ], + [ + "\u2581gew\u00fcrdigt", + -14.812445640563965 + ], + [ + "\u2581Matematica", + -14.812456130981444 + ], + [ + "\u2581golpeado", + -14.812458992004396 + ], + [ + "kyscraper", + -14.812467575073242 + ], + [ + "\u2581auditeurs", + -14.81246852874756 + ], + [ + "erg\u00e4nzungs", + -14.812542915344238 + ], + [ + "spekulati", + -14.812562942504885 + ], + [ + "\u2581aufwies", + -14.81257152557373 + ], + [ + "begleiter", + -14.812579154968262 + ], + [ + "insistenza", + -14.8126220703125 + ], + [ + "\u2581rentr\u00e9", + -14.812630653381348 + ], + [ + "Longrightarrow", + -14.81263542175293 + ], + [ + "\u2581Schwager", + -14.812644958496094 + ], + [ + "purifi", + -14.812650680541992 + ], + [ + "\u2581immerger", + -14.812657356262209 + ], + [ + "rderrichtlinie", + -14.812822341918944 + ], + [ + "\u2581reunifica", + -14.812827110290527 + ], + [ + "sch\u00fcttelt", + -14.81289005279541 + ], + [ + "Erfurt", + -14.812941551208496 + ], + [ + "\u2581Preservation", + -14.812941551208496 + ], + [ + "\u2581Einlass", + -14.81297779083252 + ], + [ + "vendita", + -14.813055038452148 + ], + [ + "\u2581Beherrschung", + -14.81309986114502 + ], + [ + "\u2581candelabr", + -14.813109397888184 + ], + [ + "\u2581vermenigvuldig", + -14.81312370300293 + ], + [ + "\u2581Praktik", + -14.81314754486084 + ], + [ + "\u2581rajo", + -14.813155174255373 + ], + [ + "\u2581precedida", + -14.813167572021484 + ], + [ + "\u2581Kompression", + -14.8131742477417 + ], + [ + "aer\u00f3", + -14.81319808959961 + ], + [ + "\u2581Mexicali", + -14.81320095062256 + ], + [ + "umschlag", + -14.81321620941162 + ], + [ + "\u2581radiof\u00f3nic", + -14.813227653503418 + ], + [ + "\u2581gegnerische", + -14.813230514526367 + ], + [ + "ismatic", + -14.813265800476074 + ], + [ + "assunti", + -14.81326675415039 + ], + [ + "dynamically", + -14.813273429870604 + ], + [ + "Wirtschaftskrise", + -14.81340217590332 + ], + [ + "\u2581summarise", + -14.813404083251951 + ], + [ + "homogeneity", + -14.813469886779783 + ], + [ + "fessur", + -14.813488960266112 + ], + [ + "erbrochen", + -14.813519477844238 + ], + [ + "locada", + -14.8135347366333 + ], + [ + "\u2581Marchion", + -14.813536643981934 + ], + [ + "\u2581Estuda", + -14.81353759765625 + ], + [ + "\u2581Hoofdstuk", + -14.813612937927246 + ], + [ + "\u2581espantad", + -14.813631057739258 + ], + [ + "pieles", + -14.81364917755127 + ], + [ + "stafrika", + -14.81369686126709 + ], + [ + "\u2581emprendi\u00f3", + -14.813720703125 + ], + [ + "pliegue", + -14.813738822937012 + ], + [ + "Chemical", + -14.81374740600586 + ], + [ + "\u2581Boringhieri", + -14.81375789642334 + ], + [ + "\u2581Eind\u00e4mmung", + -14.81375789642334 + ], + [ + "\u2581Titicaca", + -14.813760757446287 + ], + [ + "\u2581flessibilit\u00e0", + -14.813762664794922 + ], + [ + "oraria", + -14.813780784606934 + ], + [ + "odson", + -14.81378173828125 + ], + [ + "\u2581Hauptdarsteller", + -14.81379222869873 + ], + [ + "locationManager", + -14.813825607299805 + ], + [ + "\u2581Vertragsschluss", + -14.813838005065918 + ], + [ + "\u2581legend\u00e4re", + -14.813870429992676 + ], + [ + "\u2581interessano", + -14.813924789428713 + ], + [ + "attended", + -14.813970565795898 + ], + [ + "verkoop", + -14.813982963562012 + ], + [ + "\u2581Vorauszahlung", + -14.81399154663086 + ], + [ + "vacuum", + -14.813994407653809 + ], + [ + "Soci\u00e9t\u00e9", + -14.814004898071287 + ], + [ + "\u2581coletado", + -14.81401824951172 + ], + [ + "direito", + -14.814077377319336 + ], + [ + "tir\u00e9s", + -14.814105033874512 + ], + [ + "\u2581lucidit", + -14.81417179107666 + ], + [ + "kn\u00fcp", + -14.814178466796877 + ], + [ + "\u2581Busfahr", + -14.81419277191162 + ], + [ + "\u2581Verb\u00fcndeten", + -14.814217567443848 + ], + [ + "\u2581frequentou", + -14.814223289489746 + ], + [ + "egmentedControl", + -14.81424331665039 + ], + [ + "ongkong", + -14.814271926879885 + ], + [ + "\u2581downhill", + -14.81429386138916 + ], + [ + "ucida", + -14.814356803894045 + ], + [ + "\u2581hidr\u00e1ulico", + -14.814416885375977 + ], + [ + "\u2581depicting", + -14.814438819885254 + ], + [ + "INTEGRATION", + -14.81443977355957 + ], + [ + "\u2581Decorati", + -14.814444541931152 + ], + [ + "zweefvlieg", + -14.81445598602295 + ], + [ + "accordent", + -14.814456939697266 + ], + [ + "\u2581flexibilit", + -14.814456939697266 + ], + [ + "Manfredini", + -14.814460754394531 + ], + [ + "Wake", + -14.814477920532228 + ], + [ + "\u2581comercializar", + -14.814477920532228 + ], + [ + "\u2581deklariert", + -14.814483642578123 + ], + [ + "Neubau", + -14.814508438110352 + ], + [ + "phate", + -14.8145170211792 + ], + [ + "\u2581discrezione", + -14.814520835876465 + ], + [ + "\u2581Avil", + -14.814541816711426 + ], + [ + "\u2581Ausf\u00fchrliche", + -14.814563751220703 + ], + [ + "\u2581Spinell", + -14.814652442932127 + ], + [ + "\u2581abonn", + -14.814661979675291 + ], + [ + "\u2581tripulad", + -14.814661979675291 + ], + [ + "\u2581imbarcat", + -14.81472396850586 + ], + [ + "\u2581Wahlbezirk", + -14.814757347106934 + ], + [ + "\u2581Kumul", + -14.814767837524414 + ], + [ + "satin", + -14.81476879119873 + ], + [ + "t\u00e9rieurement", + -14.81478786468506 + ], + [ + "\u2581fideli", + -14.814821243286133 + ], + [ + "\u2581Wohnfl\u00e4che", + -14.814825057983398 + ], + [ + "ventata", + -14.814898490905762 + ], + [ + "\u2581disabilita", + -14.814905166625977 + ], + [ + "\u2581Versiche", + -14.81490993499756 + ], + [ + "VarHTTPResponse", + -14.814958572387695 + ], + [ + "mprenta", + -14.814967155456545 + ], + [ + "Switching", + -14.814993858337402 + ], + [ + "admium", + -14.815052032470703 + ], + [ + "\u2581Permeabilit\u00e4t", + -14.815075874328612 + ], + [ + "\u2581aggressivo", + -14.815075874328612 + ], + [ + "\u2581Minimierung", + -14.81507682800293 + ], + [ + "traumatische", + -14.815112113952637 + ], + [ + "\u2581herausfinden", + -14.815123558044434 + ], + [ + "\u2581r\u00e9ussiss", + -14.815130233764648 + ], + [ + "mmai", + -14.81513214111328 + ], + [ + "\u2581rebautiz", + -14.81513500213623 + ], + [ + "\u2581Bachelet", + -14.815135955810549 + ], + [ + "\u2581Trigonometr", + -14.815174102783203 + ], + [ + "\u2581zusammenfassen", + -14.815228462219238 + ], + [ + "einhardt", + -14.815244674682615 + ], + [ + "\u00e9thyl", + -14.815253257751465 + ], + [ + "\u2581cuadrangular", + -14.815279006958008 + ], + [ + "\u2581Pisto", + -14.815308570861816 + ], + [ + "\u2581manifest\u00e9", + -14.81531047821045 + ], + [ + "avvistamento", + -14.815343856811523 + ], + [ + "\u2581ilustraci\u00f3n", + -14.815370559692385 + ], + [ + "dommen", + -14.815388679504396 + ], + [ + "DMI", + -14.815389633178713 + ], + [ + "\u00fcberg\u00e4nge", + -14.815401077270508 + ], + [ + "\u2581imitando", + -14.815406799316406 + ], + [ + "Waffen", + -14.815515518188477 + ], + [ + "\u2581dej\u00e1ndol", + -14.81570529937744 + ], + [ + "unconstitutional", + -14.815735816955566 + ], + [ + "\u2581Uitgevers", + -14.815735816955566 + ], + [ + "\u2581dusdanig", + -14.815736770629885 + ], + [ + "\u2581detrimental", + -14.8157377243042 + ], + [ + "\u2581sanguign", + -14.815752983093262 + ], + [ + "\u2581triompha", + -14.81583309173584 + ], + [ + "Necessary", + -14.815848350524902 + ], + [ + "\u2581Longueu", + -14.815871238708496 + ], + [ + "\u2581Expedici\u00f3n", + -14.815878868103027 + ], + [ + "habarovsk", + -14.81588077545166 + ], + [ + "\u2581Mamb", + -14.815895080566406 + ], + [ + "\u2581iterating", + -14.815940856933594 + ], + [ + "\u2581Fitt", + -14.815961837768556 + ], + [ + "acillus", + -14.815993309020996 + ], + [ + "SONSerialization", + -14.816120147705078 + ], + [ + "Januar", + -14.816131591796877 + ], + [ + "\u2581Spru", + -14.816167831420898 + ], + [ + "\u2581Schwangere", + -14.816180229187012 + ], + [ + "SDAP", + -14.81619930267334 + ], + [ + "\u2581prescindi", + -14.816225051879885 + ], + [ + "\u2581guerrilleros", + -14.816245079040527 + ], + [ + "\u2581Filtrat", + -14.816265106201172 + ], + [ + "Knoten", + -14.816295623779297 + ], + [ + "\u2581Anastasio", + -14.816338539123535 + ], + [ + "Cortometraje", + -14.81639575958252 + ], + [ + "\u2581Cappadoc", + -14.81639575958252 + ], + [ + "\u2581bassoriliev", + -14.81639575958252 + ], + [ + "GAffineTransform", + -14.816396713256836 + ], + [ + "\u2581burocr\u00e1tic", + -14.816396713256836 + ], + [ + "\u2581Strasburgo", + -14.81640338897705 + ], + [ + "\u2581Carmichael", + -14.816420555114746 + ], + [ + "obelprijswinnaar", + -14.81642723083496 + ], + [ + "\u2581d\u00e9nonciation", + -14.816428184509276 + ], + [ + "\u2581coerciti", + -14.816431045532228 + ], + [ + "\u2581Verwender", + -14.81645679473877 + ], + [ + "\u2581familienaam", + -14.816472053527832 + ], + [ + "afdrukken", + -14.816483497619627 + ], + [ + "\u2581Sanierungsma", + -14.816483497619627 + ], + [ + "\u2581Dulc", + -14.816495895385742 + ], + [ + "\u2581secte", + -14.816508293151855 + ], + [ + "\u2581consegnati", + -14.816520690917969 + ], + [ + "pronome", + -14.816555976867676 + ], + [ + "jektiv", + -14.816571235656738 + ], + [ + "r\u00e9fet", + -14.816617012023926 + ], + [ + "InternalError", + -14.816656112670898 + ], + [ + "\u2581r\u00e9appar", + -14.816661834716797 + ], + [ + "\u2581Umverteilung", + -14.816689491271973 + ], + [ + "\u2581pellicc", + -14.81671142578125 + ], + [ + "\u2581astillero", + -14.816804885864258 + ], + [ + "\u2581Creativ", + -14.816829681396484 + ], + [ + "\u2581Salesian", + -14.816874504089355 + ], + [ + "n\u00f3i", + -14.816889762878418 + ], + [ + "bezeichnet", + -14.816929817199709 + ], + [ + "\u2581H\u00e4ftling", + -14.816950798034668 + ], + [ + "\u2581provedor", + -14.816953659057615 + ], + [ + "Kulturlandschaft", + -14.816986083984377 + ], + [ + "\u2581Indizie", + -14.816997528076172 + ], + [ + "onchi", + -14.81702709197998 + ], + [ + "p\u00f3nimos", + -14.81705379486084 + ], + [ + "Cantharidae", + -14.817054748535156 + ], + [ + "Preparing", + -14.817059516906738 + ], + [ + "\u2581behandelnden", + -14.817070960998535 + ], + [ + "\u2581\u00fcbereinander", + -14.817086219787598 + ], + [ + "\u2581widerlegt", + -14.817118644714355 + ], + [ + "brillen", + -14.817133903503418 + ], + [ + "\u2581Schrader", + -14.817180633544922 + ], + [ + "T\u00e4tigkeitsberich", + -14.817267417907717 + ], + [ + "\u2581defunt", + -14.81727695465088 + ], + [ + "elfstandig", + -14.817296028137209 + ], + [ + "\u2581schottische", + -14.817298889160156 + ], + [ + "PrimaryKey", + -14.817301750183104 + ], + [ + "\u2581occuparono", + -14.81735610961914 + ], + [ + "chiqui", + -14.817404747009276 + ], + [ + "\u2581verslaat", + -14.817438125610352 + ], + [ + "ameaux", + -14.817448616027832 + ], + [ + "\u2581provoke", + -14.817448616027832 + ], + [ + "\u2581consistait", + -14.817472457885742 + ], + [ + "\u2581trazid", + -14.8175048828125 + ], + [ + "ueca", + -14.817547798156738 + ], + [ + "\u2581cornet", + -14.817562103271484 + ], + [ + "\u2581resaltar", + -14.817564964294434 + ], + [ + "Bounding", + -14.817606925964355 + ], + [ + "\u2581honorary", + -14.817648887634276 + ], + [ + "\u2581inaspettat", + -14.81766128540039 + ], + [ + "\u2581aplic\u00e1ve", + -14.8176908493042 + ], + [ + "\u2581ripristino", + -14.81771755218506 + ], + [ + "\u2581Extensiv", + -14.817718505859377 + ], + [ + "\u2581Inspired", + -14.817719459533691 + ], + [ + "\u2581Rum\u00e4n", + -14.81772232055664 + ], + [ + "\u2581donkerbruin", + -14.81772232055664 + ], + [ + "\u2581Schlesinger", + -14.817728996276855 + ], + [ + "\u2581peticiones", + -14.817767143249512 + ], + [ + "Gemeenteraadslid", + -14.817815780639648 + ], + [ + "\u2581diff\u00e9rentielle", + -14.81782341003418 + ], + [ + "\u2581frustrating", + -14.817865371704102 + ], + [ + "\u2581motivada", + -14.817865371704102 + ], + [ + "\u2581Veronese", + -14.817880630493164 + ], + [ + "\u2581invadida", + -14.81788158416748 + ], + [ + "cellFor", + -14.817889213562012 + ], + [ + "TECH", + -14.81792449951172 + ], + [ + "\u2581Transfermarkt", + -14.8179292678833 + ], + [ + "\u2581normativi", + -14.818038940429688 + ], + [ + "preter", + -14.818071365356444 + ], + [ + "\u2581Linguist", + -14.818073272705078 + ], + [ + "\u2581prefier", + -14.81814956665039 + ], + [ + "\u2581Hump", + -14.818156242370604 + ], + [ + "Behind", + -14.818164825439451 + ], + [ + "\u2581arrancad", + -14.818178176879885 + ], + [ + "Atene", + -14.818196296691896 + ], + [ + "\u2581Kord", + -14.818374633789062 + ], + [ + "seguivano", + -14.818376541137695 + ], + [ + "makeatletter", + -14.818378448486328 + ], + [ + "summaryleccalc", + -14.818378448486328 + ], + [ + "\u2581Valsugana", + -14.818378448486328 + ], + [ + "\u2581ass\u00edrios", + -14.818378448486328 + ], + [ + "\u2581douloureuse", + -14.818378448486328 + ], + [ + "\u2581schubmieren", + -14.818378448486328 + ], + [ + "\u2581Goossens", + -14.818379402160645 + ], + [ + "\u2581marxisme", + -14.818385124206545 + ], + [ + "laisir", + -14.818389892578123 + ], + [ + "\u2581recurre", + -14.818415641784668 + ], + [ + "iconoclas", + -14.81842041015625 + ], + [ + "luisterd", + -14.818431854248049 + ], + [ + "\u2581vastgoed", + -14.818480491638184 + ], + [ + "azzina", + -14.818527221679688 + ], + [ + "\u2581th\u00e9ologique", + -14.818554878234863 + ], + [ + "SCAP", + -14.818564414978027 + ], + [ + "proband", + -14.818601608276367 + ], + [ + "luminismo", + -14.818602561950684 + ], + [ + "michael", + -14.818612098693848 + ], + [ + "r\u00e9f\u00e9rant", + -14.81863498687744 + ], + [ + "urely", + -14.818648338317873 + ], + [ + "\u00e4ngerin", + -14.818690299987791 + ], + [ + "\u2581Karama", + -14.818772315979004 + ], + [ + "ENDEN", + -14.8187894821167 + ], + [ + "pindel", + -14.818801879882812 + ], + [ + "Nicoletta", + -14.81884479522705 + ], + [ + "\u2581grausame", + -14.81884479522705 + ], + [ + "\u2581collezionist", + -14.818855285644531 + ], + [ + "p\u00e1tico", + -14.81885814666748 + ], + [ + "\u2581Rechtsetzung", + -14.818862915039062 + ], + [ + "\u2581Fixation", + -14.818866729736328 + ], + [ + "\u2581organizaron", + -14.818881034851074 + ], + [ + "\u2581Ichthy", + -14.818918228149414 + ], + [ + "Phoenix", + -14.81894302368164 + ], + [ + "ougoslave", + -14.818952560424805 + ], + [ + "Spezial", + -14.81895637512207 + ], + [ + "\u2581legittimi", + -14.81897258758545 + ], + [ + "\u2581permeabil", + -14.818992614746094 + ], + [ + "\u2581b\u00e9n\u00e9fici\u00e9", + -14.819040298461914 + ], + [ + "\u2581lanchonete", + -14.819040298461914 + ], + [ + "\u2581DenseNet", + -14.819043159484863 + ], + [ + "\u2581incursi\u00f3n", + -14.819053649902344 + ], + [ + "\u2581evolu\u00eddo", + -14.819073677062988 + ], + [ + "\u2581fishermen", + -14.819099426269531 + ], + [ + "\u2581confesar", + -14.819108963012695 + ], + [ + "\u2581Competiciones", + -14.819132804870604 + ], + [ + "Warren", + -14.819143295288086 + ], + [ + "\u2581jeweili", + -14.819158554077148 + ], + [ + "\u2581Emmanuelle", + -14.819173812866213 + ], + [ + "UNDA", + -14.819196701049805 + ], + [ + "Seminar", + -14.819300651550291 + ], + [ + "numerical", + -14.819329261779783 + ], + [ + "asquerade", + -14.81933879852295 + ], + [ + "nutrici\u00f3n", + -14.81938362121582 + ], + [ + "composizione", + -14.819409370422363 + ], + [ + "alavera", + -14.819459915161133 + ], + [ + "ersplitter", + -14.819494247436523 + ], + [ + "\u2581Kognition", + -14.819500923156738 + ], + [ + "eloften", + -14.819541931152344 + ], + [ + "reeze", + -14.819684982299805 + ], + [ + "\u00fcllung", + -14.819698333740234 + ], + [ + "\u2581Beauxbatons", + -14.819703102111816 + ], + [ + "\u2581D\u00e9roulement", + -14.819703102111816 + ], + [ + "\u2581Overeenkomst", + -14.819703102111816 + ], + [ + "\u2581veinticuatro", + -14.819703102111816 + ], + [ + "\u2581Slowakische", + -14.81970500946045 + ], + [ + "m\u00fche", + -14.819721221923828 + ], + [ + "\u2581Skywalker", + -14.81973361968994 + ], + [ + "philidae", + -14.819762229919434 + ], + [ + "llamo", + -14.819805145263672 + ], + [ + "acetten", + -14.81981372833252 + ], + [ + "\u2581Humphr", + -14.819817543029783 + ], + [ + "\u2581Brunetti", + -14.819862365722656 + ], + [ + "abitante", + -14.819881439208984 + ], + [ + "schaar", + -14.81989860534668 + ], + [ + "appropriate", + -14.819953918457031 + ], + [ + "Woche", + -14.819976806640623 + ], + [ + "\u2581Krypt", + -14.820000648498535 + ], + [ + "\u2581impegnate", + -14.820026397705078 + ], + [ + "\u2581Vencedores", + -14.820028305053713 + ], + [ + "varnothing", + -14.82003402709961 + ], + [ + "\u2581Arrangements", + -14.820088386535645 + ], + [ + "\u2581populairste", + -14.820194244384766 + ], + [ + "\u2581impresiones", + -14.82025146484375 + ], + [ + "\u2581royalist", + -14.820255279541016 + ], + [ + "ortikale", + -14.82027530670166 + ], + [ + "\u2581Cantat", + -14.820290565490724 + ], + [ + "\u2581chiffr", + -14.820294380187988 + ], + [ + "APIClient", + -14.820320129394531 + ], + [ + "\u2581secundair", + -14.82033348083496 + ], + [ + "Antananarivo", + -14.820364952087402 + ], + [ + "\u2581Conhecimento", + -14.820364952087402 + ], + [ + "\u2581inquirenti", + -14.820364952087402 + ], + [ + "\u2581maturidade", + -14.820364952087402 + ], + [ + "\u2581micr\u00f3fono", + -14.820364952087402 + ], + [ + "menopausa", + -14.820366859436035 + ], + [ + "\u2581neum\u00e1ticos", + -14.820366859436035 + ], + [ + "\u2581Acompanh", + -14.820367813110352 + ], + [ + "\u2581Edelstahl", + -14.820371627807615 + ], + [ + "\u2581Desierto", + -14.820384979248049 + ], + [ + "\u2581alabanza", + -14.820390701293944 + ], + [ + "Auskunftspflicht", + -14.820420265197754 + ], + [ + "\u2581Circula", + -14.82043743133545 + ], + [ + "organise", + -14.820496559143066 + ], + [ + "\u2581restarted", + -14.82050323486328 + ], + [ + "Catalaans", + -14.820508003234863 + ], + [ + "\u2581sciistiche", + -14.820530891418455 + ], + [ + "haki", + -14.820541381835938 + ], + [ + "\u2581Oppenheimer", + -14.820548057556152 + ], + [ + "\u2581instructional", + -14.820555686950684 + ], + [ + "brannten", + -14.820584297180176 + ], + [ + "\u2581medalhista", + -14.820585250854492 + ], + [ + "ges\u00e4t", + -14.820586204528809 + ], + [ + "\u2581Reptiles", + -14.82060718536377 + ], + [ + "esuiti", + -14.82067584991455 + ], + [ + "\u2581Vorbehaltlich", + -14.82070541381836 + ], + [ + "J\u00e9r", + -14.82073211669922 + ], + [ + "agarin", + -14.82075023651123 + ], + [ + "\u2581wisselende", + -14.820808410644531 + ], + [ + "\u2581combinazioni", + -14.820818901062012 + ], + [ + "tergrund", + -14.820920944213867 + ], + [ + "moeilijk", + -14.82093620300293 + ], + [ + "estabilizar", + -14.8209810256958 + ], + [ + "Cret\u00e1cico", + -14.82102870941162 + ], + [ + "\u2581Artiglieria", + -14.82102870941162 + ], + [ + "\u2581Inmediatamente", + -14.82102870941162 + ], + [ + "\u2581VERDADEIRO", + -14.82102870941162 + ], + [ + "Cecidomyiidae", + -14.821030616760254 + ], + [ + "\u2581naargelang", + -14.821030616760254 + ], + [ + "WriteHeader", + -14.82106876373291 + ], + [ + "\u2581presidi\u00f3", + -14.821093559265137 + ], + [ + "\u2581sottospecie", + -14.821096420288086 + ], + [ + "\u2581W\u00fcrz", + -14.821099281311035 + ], + [ + "\u2581Arbeitsbereich", + -14.821109771728516 + ], + [ + "respetuos", + -14.821126937866213 + ], + [ + "\u2581rettili", + -14.82115650177002 + ], + [ + "\u2581ordinati", + -14.821176528930664 + ], + [ + "Gef\u00e4ll", + -14.821189880371094 + ], + [ + "\u2581Rechtszug", + -14.821247100830078 + ], + [ + "criptscriptstyle", + -14.82131004333496 + ], + [ + "interleave", + -14.821327209472656 + ], + [ + "rakter", + -14.821382522583008 + ], + [ + "\u2581prioriteit", + -14.821398735046388 + ], + [ + "Slavische", + -14.821497917175291 + ], + [ + "\u2581verdeel", + -14.821525573730469 + ], + [ + "\u2581Araguaia", + -14.821544647216797 + ], + [ + "\u2581Establec", + -14.821574211120604 + ], + [ + "\u2581pittur", + -14.821581840515137 + ], + [ + "elabora", + -14.821595191955566 + ], + [ + "feridas", + -14.821632385253906 + ], + [ + "\u2581desplazado", + -14.821664810180664 + ], + [ + "\u2581delightful", + -14.821669578552246 + ], + [ + "\u2581displac", + -14.821669578552246 + ], + [ + "\u2581gehuisvest", + -14.82169246673584 + ], + [ + "seelsorge", + -14.821697235107422 + ], + [ + "\u2581exklusiv", + -14.82170867919922 + ], + [ + "\u2581Clubiona", + -14.821717262268066 + ], + [ + "\u2581acreedor", + -14.821730613708496 + ], + [ + "\u2581extrasolar", + -14.821731567382812 + ], + [ + "\u2581interesar", + -14.821743965148926 + ], + [ + "inversione", + -14.821752548217772 + ], + [ + "iteritems", + -14.82176113128662 + ], + [ + "\u2581Pedagog", + -14.821779251098633 + ], + [ + "\u2581Instalaciones", + -14.82181453704834 + ], + [ + "peripheral", + -14.821819305419922 + ], + [ + "\u2581Berenice", + -14.821826934814451 + ], + [ + "\u2581testExample", + -14.821855545043944 + ], + [ + "tr\u00f3fic", + -14.821884155273438 + ], + [ + "eguaglia", + -14.821892738342283 + ], + [ + "ESTION", + -14.821961402893066 + ], + [ + "Nebraska", + -14.82199764251709 + ], + [ + "publikation", + -14.822054862976074 + ], + [ + "Anlagenbetreiber", + -14.822094917297363 + ], + [ + "\u2581abgerechnet", + -14.82209587097168 + ], + [ + "\u2581arrabbiat", + -14.822139739990234 + ], + [ + "ssenheit", + -14.82219696044922 + ], + [ + "\u2581susciter", + -14.822200775146484 + ], + [ + "\u2581Aztec", + -14.82228946685791 + ], + [ + "Discrimination", + -14.822342872619627 + ], + [ + "\u2581culpabilit\u00e9", + -14.822360038757324 + ], + [ + "Tassonomia", + -14.822362899780272 + ], + [ + "\u2581meticulos", + -14.822369575500488 + ], + [ + "\u2581trasferirono", + -14.82237720489502 + ], + [ + "IFIED", + -14.822395324707031 + ], + [ + "\u2581Voleibolistas", + -14.822412490844728 + ], + [ + "\u2581geeinigt", + -14.822413444519045 + ], + [ + "terranno", + -14.822434425354004 + ], + [ + "\u2581Substituting", + -14.822450637817385 + ], + [ + "\u2581Tiergarten", + -14.822455406188965 + ], + [ + "\u2581Impressum", + -14.822494506835938 + ], + [ + "Harmonic", + -14.82254409790039 + ], + [ + "\u2581linf\u00e1tico", + -14.822548866271973 + ], + [ + "azifischen", + -14.822611808776855 + ], + [ + "apologeti", + -14.82267951965332 + ], + [ + "soccerway", + -14.82273006439209 + ], + [ + "mmesse", + -14.822749137878418 + ], + [ + "assurd", + -14.822773933410645 + ], + [ + "abBarController", + -14.822803497314451 + ], + [ + "\u2581annoncent", + -14.822827339172363 + ], + [ + "\u2581Aborigines", + -14.822833061218262 + ], + [ + "hiskey", + -14.82285213470459 + ], + [ + "\u2581discounted", + -14.82289981842041 + ], + [ + "\u2581Kristallisation", + -14.822969436645508 + ], + [ + "\u2581Jahreszahl", + -14.82297420501709 + ], + [ + "\u2581einhergehende", + -14.822998046875 + ], + [ + "\u2581scansion", + -14.82301902770996 + ], + [ + "\u2581s\u00e9n\u00e9galais", + -14.823019981384276 + ], + [ + "\u2581jealousy", + -14.82315731048584 + ], + [ + "\u2581adellijk", + -14.823251724243164 + ], + [ + "Toyota", + -14.823253631591797 + ], + [ + "itarianism", + -14.823323249816896 + ], + [ + "Kan\u00e4le", + -14.823326110839844 + ], + [ + "\u2581Importeur", + -14.823347091674805 + ], + [ + "Poisson", + -14.823351860046388 + ], + [ + "\u2581ininterrott", + -14.823420524597168 + ], + [ + "\u2581divulgada", + -14.823501586914062 + ], + [ + "\u2581beworben", + -14.823534965515137 + ], + [ + "lphus", + -14.823548316955566 + ], + [ + "\u00e9pertoire", + -14.823577880859377 + ], + [ + "\u2581attractor", + -14.823590278625488 + ], + [ + "\u2581Mirandol", + -14.823610305786133 + ], + [ + "\u2581kerntechnische", + -14.823631286621094 + ], + [ + "\u2581accompagnate", + -14.823644638061523 + ], + [ + "\u2581ausgeschaltet", + -14.82367992401123 + ], + [ + "\u2581execut\u00e1vel", + -14.823685646057127 + ], + [ + "\u2581harvesting", + -14.823685646057127 + ], + [ + "Bienvenid", + -14.823691368103027 + ], + [ + "\u2581pr\u00f3spero", + -14.823695182800291 + ], + [ + "\u2581interes\u00f3", + -14.823702812194824 + ], + [ + "\u2581betekenissen", + -14.823716163635254 + ], + [ + "\u00e9rmica", + -14.823735237121582 + ], + [ + "\u2581spekulier", + -14.823742866516112 + ], + [ + "\u00fcbertrag", + -14.823760986328123 + ], + [ + "\u2581perturb\u00e9", + -14.82376194000244 + ], + [ + "ronograma", + -14.823779106140137 + ], + [ + "luoghi", + -14.82378101348877 + ], + [ + "\u2581Volksgezondheid", + -14.823784828186035 + ], + [ + "Portfolio", + -14.823800086975098 + ], + [ + "oloph", + -14.823805809020996 + ], + [ + "embourg", + -14.823843955993652 + ], + [ + "ehntel", + -14.823894500732422 + ], + [ + "\u2581marching", + -14.823895454406738 + ], + [ + "\u2581Schiedsstelle", + -14.823929786682127 + ], + [ + "spectroscopi", + -14.823942184448242 + ], + [ + "\u2581handicap\u00e9", + -14.82400131225586 + ], + [ + "\u2581Emissionshandel", + -14.824049949645996 + ], + [ + "broke", + -14.824094772338867 + ], + [ + "lagoas", + -14.82411003112793 + ], + [ + "l\u00fcgen", + -14.824116706848145 + ], + [ + "teni\u00e9ndose", + -14.824178695678713 + ], + [ + "errence", + -14.82426643371582 + ], + [ + "lphanumeric", + -14.82430362701416 + ], + [ + "\u2581segnalano", + -14.824313163757324 + ], + [ + "\u2581prefiss", + -14.824345588684082 + ], + [ + "aparec\u00edan", + -14.824350357055664 + ], + [ + "\u2581Bundeskabinett", + -14.824350357055664 + ], + [ + "\u2581Transylvani", + -14.824350357055664 + ], + [ + "\u2581inadecuad", + -14.824350357055664 + ], + [ + "\u2581afgestudeerd", + -14.82435131072998 + ], + [ + "\u2581bastidores", + -14.824357986450195 + ], + [ + "\u2581disponibilizada", + -14.824419021606444 + ], + [ + "\u00fcterkraftverkehr", + -14.824433326721191 + ], + [ + "evolezza", + -14.82444667816162 + ], + [ + "\u2581atropell", + -14.82444667816162 + ], + [ + "\u2581Pentat", + -14.82446575164795 + ], + [ + "Integrantes", + -14.824493408203123 + ], + [ + "\u2581affettiv", + -14.824539184570312 + ], + [ + "\u2581mobiliser", + -14.824562072753906 + ], + [ + "\u2581expl\u00edcitamente", + -14.824563026428224 + ], + [ + "\u2581gerelateerd", + -14.82460117340088 + ], + [ + "\u2581inhibiting", + -14.824624061584473 + ], + [ + "movimento", + -14.824673652648926 + ], + [ + "\u2581Verrichtung", + -14.824694633483888 + ], + [ + "Fam\u00edlia", + -14.82472038269043 + ], + [ + "humili", + -14.82475757598877 + ], + [ + "\u2581hegemoni", + -14.824777603149414 + ], + [ + "Blatt", + -14.82484531402588 + ], + [ + "Auxiliary", + -14.824906349182127 + ], + [ + "thenReturn", + -14.824947357177734 + ], + [ + "\u2581explic", + -14.824952125549316 + ], + [ + "\u2581eigenstate", + -14.824987411499023 + ], + [ + "\u2581Nakajima", + -14.82502269744873 + ], + [ + "vermarktung", + -14.825044631958008 + ], + [ + "panwijdte", + -14.825068473815918 + ], + [ + "\u2581Stamford", + -14.82507610321045 + ], + [ + "\u2581Verbundenheit", + -14.825080871582031 + ], + [ + "\u2581gravidez", + -14.825080871582031 + ], + [ + "gstreamer", + -14.825119972229004 + ], + [ + "\u2581postzegel", + -14.825119972229004 + ], + [ + "mokrati", + -14.8251371383667 + ], + [ + "r\u00e9n\u00e9e", + -14.825143814086914 + ], + [ + "\u2581Souv", + -14.82517910003662 + ], + [ + "notiz", + -14.825188636779783 + ], + [ + "\u2581Aufreinigung", + -14.825231552124023 + ], + [ + "garandeer", + -14.82524299621582 + ], + [ + "provvedut", + -14.825310707092283 + ], + [ + "\u2581Doctrin", + -14.825376510620115 + ], + [ + "\u00e4rmere", + -14.825385093688965 + ], + [ + "Onderdeel", + -14.825398445129396 + ], + [ + "\u2581convinse", + -14.825447082519531 + ], + [ + "ContentSize", + -14.825462341308594 + ], + [ + "alawan", + -14.825546264648438 + ], + [ + "\u2581modernidade", + -14.825555801391602 + ], + [ + "osc\u00f3pio", + -14.82557487487793 + ], + [ + "\u2581sustent\u00e1vel", + -14.825643539428713 + ], + [ + "\u2581Psychologen", + -14.82568645477295 + ], + [ + "\u2581malinconic", + -14.825689315795898 + ], + [ + "Gew\u00e4hrleistungen", + -14.825692176818848 + ], + [ + "bekanntmachung", + -14.825693130493164 + ], + [ + "\u2581agevolmente", + -14.825695991516112 + ], + [ + "mmiragli", + -14.825700759887695 + ], + [ + "\u2581halfbroer", + -14.825719833374023 + ], + [ + "\u2581dimenticate", + -14.82573127746582 + ], + [ + "\u2581Generalstab", + -14.825751304626465 + ], + [ + "atbestandsm\u00e4", + -14.825754165649414 + ], + [ + "Sanitize", + -14.825817108154297 + ], + [ + "\u2581c\u00e1lc", + -14.825822830200195 + ], + [ + "bisco", + -14.825841903686523 + ], + [ + "\u2581gerund", + -14.825871467590332 + ], + [ + "\u2581Privatbesitz", + -14.825905799865724 + ], + [ + "\u2581passeggi", + -14.825931549072266 + ], + [ + "\u2581subordonn\u00e9", + -14.825976371765137 + ], + [ + "witterung", + -14.825984954833984 + ], + [ + "\u2581Palerm", + -14.826019287109377 + ], + [ + "\u2581predispo", + -14.826106071472168 + ], + [ + "\u2581trolley", + -14.826187133789062 + ], + [ + "nervation", + -14.826190948486328 + ], + [ + "\u2581spess", + -14.826239585876465 + ], + [ + "\u2581vorzustellen", + -14.826279640197754 + ], + [ + "\u2581descendent", + -14.826284408569336 + ], + [ + "\u2581sociocultural", + -14.826329231262209 + ], + [ + "MAND", + -14.82634449005127 + ], + [ + "\u2581geannexeerd", + -14.826349258422852 + ], + [ + "\u2581zwaargewond", + -14.826350212097168 + ], + [ + "\u2581Semiconductor", + -14.82635498046875 + ], + [ + "\u2581neologism", + -14.826358795166016 + ], + [ + "\u2581Toerisme", + -14.826359748840332 + ], + [ + "\u2581renovation", + -14.826360702514648 + ], + [ + "Gesch\u00e4ftsanteile", + -14.826361656188965 + ], + [ + "\u2581internautes", + -14.826366424560549 + ], + [ + "\u2581indumenti", + -14.826424598693848 + ], + [ + "sgehilfen", + -14.826451301574709 + ], + [ + "\u2581R\u00fcckerstattung", + -14.826467514038086 + ], + [ + "\u2581vorrebbero", + -14.82649040222168 + ], + [ + "\u2581Ratgeber", + -14.826504707336426 + ], + [ + "\u2581Onderfamilie", + -14.82651138305664 + ], + [ + "acesso", + -14.82652759552002 + ], + [ + "\u2581Plantage", + -14.826593399047852 + ], + [ + "mima", + -14.826604843139648 + ], + [ + "Incremental", + -14.82661247253418 + ], + [ + "\u2581neogoti", + -14.826641082763672 + ], + [ + "\u2581respektive", + -14.826642036437988 + ], + [ + "randomize", + -14.82664394378662 + ], + [ + "adempiment", + -14.826664924621582 + ], + [ + "\u2581aisla", + -14.826680183410645 + ], + [ + "\u2581vertaal", + -14.826682090759276 + ], + [ + "onosciuta", + -14.826684951782228 + ], + [ + "\u2581knocking", + -14.826725006103516 + ], + [ + "ministerien", + -14.82673454284668 + ], + [ + "\u2581prot\u00e9ge", + -14.82673454284668 + ], + [ + "grafischen", + -14.82676124572754 + ], + [ + "\u2581impostat", + -14.8268461227417 + ], + [ + "\u2581bibliotecario", + -14.826884269714355 + ], + [ + "\u2581Schiefer", + -14.826908111572266 + ], + [ + "\u2581Activistas", + -14.827025413513184 + ], + [ + "\u2581contraddistint", + -14.827069282531738 + ], + [ + "\u2581gezonde", + -14.827126502990724 + ], + [ + "\u2581assenta", + -14.827141761779783 + ], + [ + "\u2581zwanzigsten", + -14.827173233032228 + ], + [ + "\u2581Latinoamericano", + -14.827200889587402 + ], + [ + "Watson", + -14.82723617553711 + ], + [ + "dargestellt", + -14.82724380493164 + ], + [ + "\u2581Orgelbau", + -14.82730770111084 + ], + [ + "GREE", + -14.827322959899902 + ], + [ + "aladar", + -14.827347755432127 + ], + [ + "bezahlten", + -14.827432632446287 + ], + [ + "\u2581erforschen", + -14.827470779418944 + ], + [ + "\u2581manipuliert", + -14.827545166015623 + ], + [ + "believers", + -14.827548027038574 + ], + [ + "\u2581aufw\u00e4ndige", + -14.827610969543455 + ], + [ + "\u2581Sorel", + -14.827624320983888 + ], + [ + "\u2581zugef\u00fcgt", + -14.82766342163086 + ], + [ + "adulterio", + -14.827679634094238 + ], + [ + "dfareporting", + -14.827679634094238 + ], + [ + "\u2581d\u00e9tective", + -14.82768440246582 + ], + [ + "\u2581remetente", + -14.82768440246582 + ], + [ + "VSPVSPVSP", + -14.827686309814451 + ], + [ + "\u2581Gasp\u00e9sie", + -14.82768726348877 + ], + [ + "kehrten", + -14.827699661254885 + ], + [ + "\u2581fortw\u00e4hrend", + -14.827707290649414 + ], + [ + "\u2581atestigua", + -14.82774543762207 + ], + [ + "ef\u00e4ngnis", + -14.827751159667969 + ], + [ + "\u2581discontinuous", + -14.82776927947998 + ], + [ + "\u2581Apostoli", + -14.827780723571776 + ], + [ + "\u2581pharmakologisch", + -14.82779026031494 + ], + [ + "\u2581vorzugehen", + -14.827825546264648 + ], + [ + "Molenbeek", + -14.827831268310549 + ], + [ + "quickstart", + -14.827875137329102 + ], + [ + "\u2581mantiveram", + -14.827889442443848 + ], + [ + "Kristall", + -14.827956199645996 + ], + [ + "Jakob", + -14.8280029296875 + ], + [ + "\u2581Timmerman", + -14.828008651733398 + ], + [ + "anarchism", + -14.828010559082031 + ], + [ + "\u2581Flamenco", + -14.82805633544922 + ], + [ + "\u2581Sachkosten", + -14.8280668258667 + ], + [ + "\u2581maravilha", + -14.828067779541016 + ], + [ + "\u2581Heliconi", + -14.82807159423828 + ], + [ + "\u2581r\u00e9pliqu", + -14.828085899353027 + ], + [ + "\u2581reeditad", + -14.82809352874756 + ], + [ + "\u2581hulpmiddel", + -14.828099250793455 + ], + [ + "\u2581Venet", + -14.82810878753662 + ], + [ + "wilight", + -14.828154563903809 + ], + [ + "\u2581cat\u00e9gori", + -14.82817840576172 + ], + [ + "entidue", + -14.82823085784912 + ], + [ + "\u2581comportarsi", + -14.82823371887207 + ], + [ + "\u2581comprendi\u00f3", + -14.828282356262209 + ], + [ + "vari\u00e1veis", + -14.828292846679688 + ], + [ + "\u2581veracidad", + -14.828295707702637 + ], + [ + "\u2581d\u00e9couvrent", + -14.82830047607422 + ], + [ + "\u2581retaguardia", + -14.828351974487305 + ], + [ + "\u2581Baskenland", + -14.82835292816162 + ], + [ + "\u2581assenkruis", + -14.828354835510254 + ], + [ + "\u2581Iberoamericana", + -14.828356742858888 + ], + [ + "luminescence", + -14.828359603881836 + ], + [ + "\u2581silencia", + -14.828460693359377 + ], + [ + "\u2581ocuparam", + -14.828472137451172 + ], + [ + "\u2581Couper", + -14.828486442565918 + ], + [ + "\u2581ridimensiona", + -14.828520774841309 + ], + [ + "dihydro", + -14.8285551071167 + ], + [ + "\u2581permitiram", + -14.828566551208496 + ], + [ + "aufgel", + -14.828587532043455 + ], + [ + "\u2581Pavilion", + -14.828609466552734 + ], + [ + "\u2581zur\u00fcckf\u00fchren", + -14.82862949371338 + ], + [ + "\u2581Castre", + -14.828660011291504 + ], + [ + "\u2581Einf\u00fch", + -14.828660011291504 + ], + [ + "\u2581adecua", + -14.828664779663086 + ], + [ + "\u2581Epilepsie", + -14.828668594360352 + ], + [ + "\u2581ablehnende", + -14.828670501708984 + ], + [ + "SEPA", + -14.828685760498049 + ], + [ + "getParameter", + -14.828709602355955 + ], + [ + "\u2581Handballspieler", + -14.828716278076172 + ], + [ + "\u2581appoggi", + -14.828739166259766 + ], + [ + "tierro", + -14.828740119934082 + ], + [ + "\u2581envenenado", + -14.82876682281494 + ], + [ + "\u2581interruptor", + -14.828824996948242 + ], + [ + "DomainName", + -14.82882595062256 + ], + [ + "\u2581Tr\u00fc", + -14.828877449035645 + ], + [ + "sch\u00e4rft", + -14.828899383544922 + ], + [ + "\u2581precipi", + -14.828912734985352 + ], + [ + "presivo", + -14.828938484191896 + ], + [ + "Corrupt", + -14.82895851135254 + ], + [ + "emmingen", + -14.8289794921875 + ], + [ + "entfernung", + -14.828984260559082 + ], + [ + "sprezza", + -14.82899284362793 + ], + [ + "atsby", + -14.828997611999512 + ], + [ + "useSceneConfig", + -14.829020500183104 + ], + [ + "\u2581intrappolat", + -14.829020500183104 + ], + [ + "\u2581n\u00e9cessitant", + -14.829020500183104 + ], + [ + "hermosa", + -14.829025268554688 + ], + [ + "pipettiert", + -14.82902717590332 + ], + [ + "imitate", + -14.82903003692627 + ], + [ + "\u2581surfactant", + -14.829030990600586 + ], + [ + "Wittenberg", + -14.829079627990724 + ], + [ + "chornsteinfeger", + -14.829115867614746 + ], + [ + "Isabelle", + -14.829126358032228 + ], + [ + "\u2581cerimonial", + -14.829129219055176 + ], + [ + "irond", + -14.829154014587402 + ], + [ + "Rubi", + -14.829163551330566 + ], + [ + "Lucky", + -14.829216957092283 + ], + [ + "\u2581voyai", + -14.829233169555664 + ], + [ + "\u2581abruzzes", + -14.829237937927246 + ], + [ + "\u2581tranquillement", + -14.829265594482422 + ], + [ + "\u2581chilenische", + -14.829312324523926 + ], + [ + "lbanais", + -14.829317092895508 + ], + [ + "\u2581Vecchi", + -14.829389572143556 + ], + [ + "\u2581d\u00e9faillance", + -14.829405784606934 + ], + [ + "tendons", + -14.829411506652832 + ], + [ + "\u2581periferici", + -14.829419136047363 + ], + [ + "\u2581lateralmente", + -14.829461097717283 + ], + [ + "\u2581staziona", + -14.829462051391602 + ], + [ + "sieux", + -14.829486846923828 + ], + [ + "\u2581verdiensten", + -14.829497337341309 + ], + [ + "\u2581Regionalverkehr", + -14.82951831817627 + ], + [ + "\u2581malestar", + -14.8295259475708 + ], + [ + "ggel", + -14.829533576965332 + ], + [ + "\u2581arm\u00f3nica", + -14.829551696777344 + ], + [ + "\u2581stipulate", + -14.829602241516112 + ], + [ + "\u2581maldici\u00f3n", + -14.829604148864746 + ], + [ + "\u2581burggraaf", + -14.829657554626465 + ], + [ + "\u2581allergische", + -14.829665184020996 + ], + [ + "senkte", + -14.829668998718262 + ], + [ + "diplo", + -14.829682350158691 + ], + [ + "\u2581acrobati", + -14.829683303833008 + ], + [ + "\u2581Sat\u00e9lites", + -14.829689025878906 + ], + [ + "\u2581manquait", + -14.829689025878906 + ], + [ + "\u2581einzusch\u00e4tzen", + -14.829689979553224 + ], + [ + "\u2581compartiendo", + -14.829705238342283 + ], + [ + "\u2581vrijlating", + -14.829713821411133 + ], + [ + "\u2581Benedito", + -14.82971477508545 + ], + [ + "Polin\u00e9sia", + -14.829730033874512 + ], + [ + "absent", + -14.829730033874512 + ], + [ + "ombinatorics", + -14.829760551452637 + ], + [ + "\u2581interm\u00e9di", + -14.829840660095217 + ], + [ + "eitgeschichte", + -14.82985019683838 + ], + [ + "\u2581zogenaamd", + -14.82985782623291 + ], + [ + "artilha", + -14.829933166503906 + ], + [ + "attendue", + -14.829940795898438 + ], + [ + "\u2581Aussteller", + -14.82995319366455 + ], + [ + "\u2581passivit", + -14.829963684082031 + ], + [ + "\u2581vermute", + -14.829983711242676 + ], + [ + "\u2581contemplation", + -14.829997062683104 + ], + [ + "StructType", + -14.830033302307127 + ], + [ + "\u2581niedrigste", + -14.830073356628418 + ], + [ + "relderfgoedlijst", + -14.830123901367188 + ], + [ + "\u2581R\u00e9alis", + -14.830265045166016 + ], + [ + "Ambrosini", + -14.830286979675291 + ], + [ + "\u2581Maqui", + -14.830314636230469 + ], + [ + "\u2581dissuade", + -14.830327033996582 + ], + [ + "\u2581am\u00e9rindienne", + -14.830358505249023 + ], + [ + "\u2581concurri", + -14.830364227294922 + ], + [ + "dumentaria", + -14.830365180969238 + ], + [ + "\u2581galmuggen", + -14.830371856689451 + ], + [ + "\u2581Diocesan", + -14.830377578735352 + ], + [ + "\u2581Existenzminimum", + -14.830385208129885 + ], + [ + "\u2581Geldautomaten", + -14.83039379119873 + ], + [ + "impotenza", + -14.830404281616213 + ], + [ + "\u2581resolvida", + -14.830442428588867 + ], + [ + "\u2581exponentiell", + -14.830533981323242 + ], + [ + "uninitialized", + -14.830564498901367 + ], + [ + "florescenc", + -14.8306303024292 + ], + [ + "rist\u00e1n", + -14.83063793182373 + ], + [ + "\u2581inestable", + -14.830645561218262 + ], + [ + "R\u00e9ception", + -14.830683708190918 + ], + [ + "\u2581Magnolia", + -14.830690383911133 + ], + [ + "rapeau", + -14.830758094787598 + ], + [ + "\u2581lutadores", + -14.830774307250977 + ], + [ + "\u2581Widerrufsrecht", + -14.830784797668455 + ], + [ + "Imaginary", + -14.83080768585205 + ], + [ + "battenti", + -14.83084487915039 + ], + [ + "wech", + -14.830883979797363 + ], + [ + "\u00f3tese", + -14.830899238586426 + ], + [ + "\u2581gagna", + -14.83096694946289 + ], + [ + "\u2581Kinabatangan", + -14.831028938293455 + ], + [ + "\u2581Nowadays", + -14.831028938293455 + ], + [ + "\u2581Presbyterian", + -14.831028938293455 + ], + [ + "Gelelektrophores", + -14.83103084564209 + ], + [ + "\u2581spielsweise", + -14.831037521362305 + ], + [ + "\u2581Gerardus", + -14.831047058105469 + ], + [ + "\u2581rispondono", + -14.831047058105469 + ], + [ + "gestiftet", + -14.831066131591797 + ], + [ + "apega", + -14.8311185836792 + ], + [ + "aufstellung", + -14.831154823303224 + ], + [ + "\u2581Anzeigepflicht", + -14.831156730651855 + ], + [ + "\u2581Altersstruktur", + -14.831252098083496 + ], + [ + "\u2581avisando", + -14.831268310546877 + ], + [ + "\u2581subestim", + -14.831273078918455 + ], + [ + "ommissaire", + -14.83127498626709 + ], + [ + "affinerie", + -14.831311225891112 + ], + [ + "\u2581rituelle", + -14.831334114074709 + ], + [ + "pointwise", + -14.831335067749023 + ], + [ + "stratigrafi", + -14.831337928771973 + ], + [ + "RAIL", + -14.831342697143556 + ], + [ + "\u2581bomberos", + -14.831372261047363 + ], + [ + "odifikation", + -14.831456184387209 + ], + [ + "\u2581conoscent", + -14.831465721130373 + ], + [ + "vessi", + -14.831472396850586 + ], + [ + "Isabel", + -14.83153247833252 + ], + [ + "luminance", + -14.831618309020996 + ], + [ + "gnition", + -14.8316650390625 + ], + [ + "\u2581fundrais", + -14.83168125152588 + ], + [ + "mpathie", + -14.83175277709961 + ], + [ + "\u2581Wasserdampf", + -14.831788063049316 + ], + [ + "biochem", + -14.831819534301758 + ], + [ + "\u2581Conc\u00edlio", + -14.831841468811035 + ], + [ + "\u2581Jekaterin", + -14.831881523132324 + ], + [ + "\u2581Tratamiento", + -14.831900596618652 + ], + [ + "\u2581revenant", + -14.831914901733398 + ], + [ + "narquismo", + -14.83191967010498 + ], + [ + "besoldung", + -14.831953048706056 + ], + [ + "headcommand", + -14.831974983215332 + ], + [ + "emendamento", + -14.83199405670166 + ], + [ + "ondyl", + -14.831995964050291 + ], + [ + "bietung", + -14.832015991210938 + ], + [ + "\u2581Schreiner", + -14.832024574279783 + ], + [ + "stinti", + -14.83206558227539 + ], + [ + "postrophe", + -14.832066535949709 + ], + [ + "\u2581Organize", + -14.832122802734377 + ], + [ + "besprechung", + -14.832170486450195 + ], + [ + "inspritz", + -14.832181930541992 + ], + [ + "\u2581nachgegangen", + -14.832196235656738 + ], + [ + "pectacle", + -14.832202911376951 + ], + [ + "\u2581relativism", + -14.832222938537598 + ], + [ + "\u2581eclips", + -14.832265853881836 + ], + [ + "\u2581minut", + -14.832295417785645 + ], + [ + "ndr\u00e9", + -14.832307815551758 + ], + [ + "\u2581slovaque", + -14.832372665405272 + ], + [ + "\u2581Gebie", + -14.832378387451172 + ], + [ + "\u2581obige", + -14.832382202148438 + ], + [ + "\u2581adressiert", + -14.832383155822754 + ], + [ + "\u2581prosciu", + -14.832388877868652 + ], + [ + "\u2581Wortschatz", + -14.832404136657717 + ], + [ + "Departure", + -14.832408905029297 + ], + [ + "\u2581promettent", + -14.83243465423584 + ], + [ + "\u2581bezwe", + -14.83247184753418 + ], + [ + "\u2581Hochbau", + -14.832480430603027 + ], + [ + "\u2581samenwerkt", + -14.832489967346191 + ], + [ + "\u2581licenci\u00f3", + -14.832538604736328 + ], + [ + "tenesse", + -14.832586288452148 + ], + [ + "\u2581vlindersoort", + -14.832609176635742 + ], + [ + "Champaign", + -14.832633972167969 + ], + [ + "\u2581Slovak", + -14.832708358764648 + ], + [ + "agglomerato", + -14.832736015319824 + ], + [ + "insulaire", + -14.832743644714355 + ], + [ + "\u2581microbes", + -14.832772254943848 + ], + [ + "lutonium", + -14.832807540893556 + ], + [ + "\u2581biograf", + -14.832870483398438 + ], + [ + "\u2581Squir", + -14.83288860321045 + ], + [ + "\u2581codificado", + -14.832903861999512 + ], + [ + "\u2581necess", + -14.832913398742676 + ], + [ + "\u2581repaired", + -14.832928657531738 + ], + [ + "alternan", + -14.832937240600586 + ], + [ + "leistungsgesetz", + -14.83303165435791 + ], + [ + "iterzuentwickeln", + -14.833040237426758 + ], + [ + "\u2581Ladislao", + -14.833040237426758 + ], + [ + "\u2581pollutant", + -14.833063125610352 + ], + [ + "\u2581biodiversit\u00e0", + -14.833086013793944 + ], + [ + "\u2581Turbonill", + -14.833091735839844 + ], + [ + "\u2581estudiaba", + -14.833109855651855 + ], + [ + "Dactylo", + -14.83311653137207 + ], + [ + "\u2581Datenerfassung", + -14.833133697509766 + ], + [ + "\u2581relacional", + -14.83314609527588 + ], + [ + "displaymath", + -14.833154678344728 + ], + [ + "\u2581travailleur", + -14.833154678344728 + ], + [ + "Besitzstand", + -14.833155632019045 + ], + [ + "an\u00e1lise", + -14.83316421508789 + ], + [ + "errestrial", + -14.833166122436523 + ], + [ + "fiero", + -14.833248138427734 + ], + [ + "\u2581recaudar", + -14.833266258239746 + ], + [ + "\u2581graduaci\u00f3n", + -14.833270072937012 + ], + [ + "anhydr", + -14.833329200744627 + ], + [ + "\u2581addebitat", + -14.833329200744627 + ], + [ + "Raymond", + -14.83339500427246 + ], + [ + "\u2581Sanderson", + -14.833415031433104 + ], + [ + "Melbourne", + -14.833429336547852 + ], + [ + "fassungsgesetzes", + -14.833433151245115 + ], + [ + "fighting", + -14.8334379196167 + ], + [ + "RRR", + -14.833446502685549 + ], + [ + "\u2581Log\u00edstic", + -14.833447456359863 + ], + [ + "\u2581verwandeln", + -14.833454132080078 + ], + [ + "durchl\u00e4ssig", + -14.83345890045166 + ], + [ + "bouts", + -14.833641052246094 + ], + [ + "sistiendo", + -14.833669662475586 + ], + [ + "\u2581unreliable", + -14.833712577819824 + ], + [ + "\u2581Mecanismo", + -14.83371639251709 + ], + [ + "\u2581oostkust", + -14.833720207214355 + ], + [ + "\u2581impossibilita", + -14.83372688293457 + ], + [ + "Vladislav", + -14.833759307861328 + ], + [ + "Cat\u00e9gorie", + -14.833788871765137 + ], + [ + "\u2581Arbeitsleistung", + -14.833805084228516 + ], + [ + "G\u00fcltigkeitsdauer", + -14.833817481994627 + ], + [ + "\u2581inesperadamente", + -14.83388614654541 + ], + [ + "\u2581transgender", + -14.833894729614258 + ], + [ + "wiegt", + -14.83391284942627 + ], + [ + "\u2581diff\u00e9rentiel", + -14.833914756774902 + ], + [ + "\u2581desordenad", + -14.833918571472168 + ], + [ + "ntersuchungshaft", + -14.833919525146484 + ], + [ + "uidel", + -14.833941459655762 + ], + [ + "ronicamente", + -14.83405876159668 + ], + [ + "\u2581inqui\u00e9tant", + -14.834068298339844 + ], + [ + "gelernte", + -14.834071159362791 + ], + [ + "chison", + -14.83407974243164 + ], + [ + "servicio", + -14.834080696105955 + ], + [ + "\u2581Caric", + -14.834102630615234 + ], + [ + "Wahlberechtigten", + -14.834144592285156 + ], + [ + "\u2581eucari", + -14.834144592285156 + ], + [ + "fluiscono", + -14.834145545959473 + ], + [ + "Destructor", + -14.83418083190918 + ], + [ + "Houston", + -14.834257125854492 + ], + [ + "sluip", + -14.834267616271973 + ], + [ + "submitted", + -14.834270477294922 + ], + [ + "euvelrug", + -14.834303855895996 + ], + [ + "\u2581Variedad", + -14.834348678588867 + ], + [ + "BaseURL", + -14.834349632263184 + ], + [ + "grenadier", + -14.834362983703612 + ], + [ + "checkCudaErrors", + -14.834383964538574 + ], + [ + "\u2581verscheidenheid", + -14.834383964538574 + ], + [ + "\u2581souffert", + -14.834393501281738 + ], + [ + "\u2581agradecido", + -14.834412574768066 + ], + [ + "Disney", + -14.834416389465332 + ], + [ + "Stephan", + -14.834421157836914 + ], + [ + "\u2581Chanteuse", + -14.83442211151123 + ], + [ + "\u2581streefde", + -14.834430694580078 + ], + [ + "\u2581Continu\u00f3", + -14.834432601928713 + ], + [ + "inspeisung", + -14.834463119506836 + ], + [ + "\u2581analizado", + -14.83448886871338 + ], + [ + "ivilbe", + -14.834492683410645 + ], + [ + "\u2581Warennummer", + -14.834508895874023 + ], + [ + "\u2581Verkiezingen", + -14.834532737731934 + ], + [ + "\u2581succedendo", + -14.834577560424805 + ], + [ + "\u2581conventionnel", + -14.83463191986084 + ], + [ + "palato", + -14.834650993347168 + ], + [ + "\u2581nerveuse", + -14.834673881530762 + ], + [ + "platonism", + -14.834683418273926 + ], + [ + "\u2581Populaire", + -14.834689140319824 + ], + [ + "inslag", + -14.834697723388672 + ], + [ + "\u2581evaporate", + -14.834705352783203 + ], + [ + "\u2581Humanities", + -14.83471393585205 + ], + [ + "\u2581astonishing", + -14.834728240966797 + ], + [ + "\u2581colaps", + -14.834823608398438 + ], + [ + "azaar", + -14.8348388671875 + ], + [ + "\u2581Belast", + -14.83486557006836 + ], + [ + "\u2581anticipad", + -14.834915161132812 + ], + [ + "\u2581Gangster", + -14.83498477935791 + ], + [ + "\u2581limitrophe", + -14.834990501403809 + ], + [ + "ohlenstoff", + -14.835010528564451 + ], + [ + "\u2581Kl\u00e4rschlamm", + -14.835057258605955 + ], + [ + "\u2581Parochie", + -14.835065841674805 + ], + [ + "\u2581Stardust", + -14.835087776184082 + ], + [ + "MethodCall", + -14.83511734008789 + ], + [ + "verordening", + -14.835119247436523 + ], + [ + "\u2581bewerben", + -14.835127830505373 + ], + [ + "einwohner", + -14.835135459899902 + ], + [ + "fifteenth", + -14.835139274597168 + ], + [ + "\u2581ubriachi", + -14.83515453338623 + ], + [ + "\u2581Lippmann", + -14.835163116455078 + ], + [ + "\u2581Ouvert", + -14.83519458770752 + ], + [ + "arewell", + -14.835219383239746 + ], + [ + "\u2581crepuscol", + -14.835227012634276 + ], + [ + "\u2581freudian", + -14.83523654937744 + ], + [ + "authenticit\u00e9", + -14.835237503051758 + ], + [ + "\u2581Delegad", + -14.835245132446287 + ], + [ + "Incl", + -14.835247039794922 + ], + [ + "\u2581wavefunction", + -14.835248947143556 + ], + [ + "\u2581cancelliere", + -14.835298538208008 + ], + [ + "Verifying", + -14.835351943969728 + ], + [ + "lengua", + -14.835355758666992 + ], + [ + "\u2581Enthaltung", + -14.835367202758787 + ], + [ + "\u2581levantando", + -14.83538055419922 + ], + [ + "iculatus", + -14.835400581359863 + ], + [ + "\u2581veldrijden", + -14.835402488708496 + ], + [ + "\u2581reduzindo", + -14.835469245910645 + ], + [ + "\u2581abordable", + -14.835479736328123 + ], + [ + "heerlijk", + -14.835504531860352 + ], + [ + "Historische", + -14.8355073928833 + ], + [ + "\u2581accendere", + -14.8355073928833 + ], + [ + "farth", + -14.8355712890625 + ], + [ + "\u2581cortej", + -14.835575103759766 + ], + [ + "kenmerken", + -14.835598945617676 + ], + [ + "ryptophan", + -14.835619926452637 + ], + [ + "lippe", + -14.83564281463623 + ], + [ + "anciers", + -14.835665702819824 + ], + [ + "\u2581Borrel", + -14.835683822631836 + ], + [ + "Hervorhebung", + -14.83570957183838 + ], + [ + "\u2581afspeelt", + -14.835729598999023 + ], + [ + "\u2581resembling", + -14.835729598999023 + ], + [ + "\u2581Friederike", + -14.835736274719238 + ], + [ + "\u2581repercusi\u00f3n", + -14.835737228393556 + ], + [ + "auger", + -14.83574390411377 + ], + [ + "\u2581Evangelium", + -14.835748672485352 + ], + [ + "\u2581torcedores", + -14.835752487182615 + ], + [ + "\u2581particionamento", + -14.83576202392578 + ], + [ + "\u2581gedank", + -14.835771560668944 + ], + [ + "\u2581Estrat\u00e9gic", + -14.835773468017578 + ], + [ + "\u2581stratification", + -14.835783004760742 + ], + [ + "rnak", + -14.83579444885254 + ], + [ + "ASSIGNMENT", + -14.83579921722412 + ], + [ + "\u2581escassez", + -14.835800170898438 + ], + [ + "\u2581toxiques", + -14.835809707641602 + ], + [ + "\u2581amplificadores", + -14.83584690093994 + ], + [ + "\u2581jer\u00e1rquic", + -14.835858345031738 + ], + [ + "\u2581graduating", + -14.835860252380373 + ], + [ + "\u2581badplaats", + -14.835862159729004 + ], + [ + "eventualit\u00e0", + -14.83586883544922 + ], + [ + "undzwanzigste", + -14.835947036743164 + ], + [ + "\u2581veterinaria", + -14.835960388183594 + ], + [ + "selves", + -14.835967063903809 + ], + [ + "compreso", + -14.835997581481934 + ], + [ + "\u2581neoplasi", + -14.836015701293944 + ], + [ + "\u2581memorandum", + -14.836073875427246 + ], + [ + "incorpore", + -14.836109161376951 + ], + [ + "iertheit", + -14.836146354675291 + ], + [ + "\u2581Parteitag", + -14.83619499206543 + ], + [ + "SPECIFI", + -14.836201667785645 + ], + [ + "\u2581infettiv", + -14.836244583129885 + ], + [ + "\u2581Daci", + -14.83625316619873 + ], + [ + "Padova", + -14.83631420135498 + ], + [ + "liggend", + -14.83637237548828 + ], + [ + "shrc", + -14.83640193939209 + ], + [ + "\u2581Tachtigjarige", + -14.836402893066406 + ], + [ + "\u2581geserveerd", + -14.836402893066406 + ], + [ + "\u2581Germ\u00e1nico", + -14.83646297454834 + ], + [ + "\u2581Benavente", + -14.836464881896973 + ], + [ + "\u2581\u00fcberqueren", + -14.836468696594238 + ], + [ + "ightBlue", + -14.836482048034668 + ], + [ + "\u2581coordonn\u00e9", + -14.83650016784668 + ], + [ + "\u2581Banglad", + -14.836503028869627 + ], + [ + "\u2581Alimentos", + -14.836529731750488 + ], + [ + "\u2581d\u00e9livrer", + -14.836532592773438 + ], + [ + "ColumnName", + -14.8365478515625 + ], + [ + "\u2581reckless", + -14.836590766906738 + ], + [ + "\u2581Madrigal", + -14.836627006530762 + ], + [ + "\u2581mensuelle", + -14.83665943145752 + ], + [ + "mittags", + -14.83666706085205 + ], + [ + "carcel", + -14.836685180664062 + ], + [ + "\u2581empfinde", + -14.836703300476074 + ], + [ + "\u2581vlinderslag", + -14.836727142333984 + ], + [ + "structible", + -14.836729049682615 + ], + [ + "\u2581Bouv", + -14.83673858642578 + ], + [ + "yltransferase", + -14.836740493774414 + ], + [ + "sucedido", + -14.836763381958008 + ], + [ + "\u2581disrupted", + -14.836779594421388 + ], + [ + "avenna", + -14.836785316467283 + ], + [ + "altissima", + -14.836788177490234 + ], + [ + "voorkomend", + -14.836809158325195 + ], + [ + "determinism", + -14.836831092834473 + ], + [ + "ivorce", + -14.836867332458496 + ], + [ + "Roland", + -14.836939811706545 + ], + [ + "\u2581nasceram", + -14.836949348449709 + ], + [ + "\u2581repuls", + -14.836969375610352 + ], + [ + "unwrapped", + -14.83698558807373 + ], + [ + "Veranstaltung", + -14.837068557739258 + ], + [ + "\u2581cerevisiae", + -14.837077140808104 + ], + [ + "\u2581nachtpauwogen", + -14.837077140808104 + ], + [ + "\u2581raadplegen", + -14.837077140808104 + ], + [ + "ReturnsOnCall", + -14.837078094482422 + ], + [ + "org\u00e1nicos", + -14.83708667755127 + ], + [ + "malformed", + -14.837091445922852 + ], + [ + "\u2581dirigindo", + -14.837095260620115 + ], + [ + "\u2581anfibi", + -14.837099075317385 + ], + [ + "vasculaire", + -14.83711051940918 + ], + [ + "apprenant", + -14.837112426757812 + ], + [ + "\u2581riprodurre", + -14.837135314941406 + ], + [ + "DADE", + -14.83714771270752 + ], + [ + "Holiday", + -14.837198257446287 + ], + [ + "geschichts", + -14.837203979492188 + ], + [ + "Antarctique", + -14.837225914001465 + ], + [ + "doppiaggio", + -14.83724308013916 + ], + [ + "\u2581welcoming", + -14.837276458740234 + ], + [ + "grenzte", + -14.837312698364258 + ], + [ + "iguardo", + -14.837323188781738 + ], + [ + "circolari", + -14.837371826171877 + ], + [ + "etividade", + -14.837407112121582 + ], + [ + "kustomiz", + -14.837408065795898 + ], + [ + "\u2581d\u00e9lib\u00e9r", + -14.837443351745604 + ], + [ + "\u2581Weltweit", + -14.837450981140137 + ], + [ + "Kamp", + -14.837461471557615 + ], + [ + "klination", + -14.83747100830078 + ], + [ + "EACH", + -14.83750820159912 + ], + [ + "hloroplast", + -14.83752727508545 + ], + [ + "Hond", + -14.83755111694336 + ], + [ + "sulfur", + -14.837596893310549 + ], + [ + "klui", + -14.837614059448242 + ], + [ + "\u2581raccogliendo", + -14.83769702911377 + ], + [ + "\u2581Portugais", + -14.837751388549805 + ], + [ + "\u2581spartiacque", + -14.837751388549805 + ], + [ + "\u2581fanciulli", + -14.837753295898438 + ], + [ + "\u2581koh\u00e4rente", + -14.83775520324707 + ], + [ + "\u2581cafeter\u00eda", + -14.837757110595703 + ], + [ + "\u2581inevit\u00e1ve", + -14.837766647338867 + ], + [ + "versiegel", + -14.837769508361816 + ], + [ + "\u2581Haenisch", + -14.837770462036133 + ], + [ + "\u2581bilingual", + -14.837791442871094 + ], + [ + "Normalverteilung", + -14.837815284729004 + ], + [ + "addCriterion", + -14.83794403076172 + ], + [ + "OGRE", + -14.837960243225098 + ], + [ + "buslinien", + -14.837960243225098 + ], + [ + "GEST", + -14.83796501159668 + ], + [ + "\u2581Werelderfgoed", + -14.837995529174805 + ], + [ + "bipartite", + -14.838001251220703 + ], + [ + "amylo", + -14.838011741638184 + ], + [ + "beantworte", + -14.838069915771484 + ], + [ + "Schematic", + -14.838071823120115 + ], + [ + "stijgende", + -14.838075637817385 + ], + [ + "\u2581sociaaldemocrat", + -14.838102340698242 + ], + [ + "\u2581gl\u00e4nzende", + -14.838120460510254 + ], + [ + "\u2581Volkspartei", + -14.838168144226074 + ], + [ + "\u2581denkbeeld", + -14.838168144226074 + ], + [ + "duiding", + -14.838171005249023 + ], + [ + "\u2581asburgic", + -14.838173866271973 + ], + [ + "\u2581solidariedade", + -14.838238716125488 + ], + [ + "trayed", + -14.8382568359375 + ], + [ + "\u2581expend", + -14.838260650634766 + ], + [ + "mathematica", + -14.838339805603027 + ], + [ + "\u2581erstreb", + -14.838361740112305 + ], + [ + "RAIN", + -14.838364601135254 + ], + [ + "\u2581Arbeiders", + -14.838419914245604 + ], + [ + "Polyhedron", + -14.838421821594238 + ], + [ + "\u2581Kierkegaard", + -14.838425636291504 + ], + [ + "\u2581Roskilde", + -14.83842658996582 + ], + [ + "\u2581Bartolomeu", + -14.838428497314451 + ], + [ + "Theridiidae", + -14.838431358337402 + ], + [ + "scend\u00eda", + -14.838431358337402 + ], + [ + "\u2581interkulturelle", + -14.838458061218262 + ], + [ + "DFL", + -14.838481903076172 + ], + [ + "eekkevers", + -14.83852481842041 + ], + [ + "Bitcoin", + -14.838593482971191 + ], + [ + "\u00e4uft", + -14.838595390319824 + ], + [ + "fanteriedivisie", + -14.838608741760254 + ], + [ + "\u2581Secretari", + -14.838627815246582 + ], + [ + "\u2581Sommerzeit", + -14.838695526123049 + ], + [ + "roverete", + -14.838747024536133 + ], + [ + "coturismo", + -14.838762283325195 + ], + [ + "bereink\u00fcnfte", + -14.838824272155762 + ], + [ + "rraca", + -14.83883285522461 + ], + [ + "\u2581gentilmente", + -14.83885669708252 + ], + [ + "\u2581especializaci\u00f3n", + -14.838919639587402 + ], + [ + "\u2581richness", + -14.83895778656006 + ], + [ + "Nordrhein", + -14.838972091674805 + ], + [ + "Malik", + -14.83901023864746 + ], + [ + "\u2581Bedenk", + -14.839086532592772 + ], + [ + "\u2581schlechteste", + -14.839088439941406 + ], + [ + "\u2581Essentially", + -14.83910083770752 + ], + [ + "\u2581Samarcanda", + -14.83910083770752 + ], + [ + "flottille", + -14.839101791381836 + ], + [ + "\u2581identificeren", + -14.839101791381836 + ], + [ + "\u2581volgelingen", + -14.839116096496582 + ], + [ + "\u2581Oberschenkel", + -14.839118957519531 + ], + [ + "\u2581Galmuggen", + -14.839125633239746 + ], + [ + "\u2581constru\u00edram", + -14.839139938354492 + ], + [ + "\u2581vecindario", + -14.839154243469238 + ], + [ + "\u2581comparecer", + -14.839167594909668 + ], + [ + "\u2581Instrucci\u00f3n", + -14.839205741882324 + ], + [ + "closporin", + -14.83920669555664 + ], + [ + "persoonlijk", + -14.83921718597412 + ], + [ + "ssinatura", + -14.839237213134766 + ], + [ + "CMakeSystem", + -14.839242935180664 + ], + [ + "ist\u00e9rio", + -14.839303016662598 + ], + [ + "Phosphat", + -14.839330673217772 + ], + [ + "\u2581c\u00e1lid", + -14.839367866516112 + ], + [ + "\u2581autentici", + -14.839398384094238 + ], + [ + "\u2581specerij", + -14.83946704864502 + ], + [ + "\u2581Solingen", + -14.83950138092041 + ], + [ + "\u2581Trotsk", + -14.839522361755373 + ], + [ + "\u2581Azerbaij", + -14.839537620544434 + ], + [ + "Segmentation", + -14.839542388916016 + ], + [ + "\u2581Coronado", + -14.83956241607666 + ], + [ + "\u2581uitvoerde", + -14.839625358581545 + ], + [ + "cellerie", + -14.839704513549805 + ], + [ + "\u2581Jugendstraf", + -14.839710235595703 + ], + [ + "miembro", + -14.839715003967283 + ], + [ + "\u2581Komment", + -14.839760780334473 + ], + [ + "\u2581Kolmogorov", + -14.839776992797852 + ], + [ + "\u2581hu\u00e9rfano", + -14.839780807495115 + ], + [ + "\u2581Schij", + -14.839850425720217 + ], + [ + "insulin", + -14.839853286743164 + ], + [ + "\u2581filogen", + -14.83991527557373 + ], + [ + "\u2581rattache", + -14.8399658203125 + ], + [ + "ologne", + -14.839969635009766 + ], + [ + "\u2581certificazione", + -14.839973449707031 + ], + [ + "s\u00e4umt", + -14.839981079101562 + ], + [ + "clini", + -14.840014457702637 + ], + [ + "vorderde", + -14.840022087097168 + ], + [ + "\u2581aufeinanderfolg", + -14.840024948120115 + ], + [ + "inscriv", + -14.840041160583496 + ], + [ + "\u2581surpasse", + -14.84007167816162 + ], + [ + "ndiciones", + -14.84011173248291 + ], + [ + "NSManaged", + -14.840121269226074 + ], + [ + "\u2581legisladores", + -14.840123176574709 + ], + [ + "\u2581desenh", + -14.840126991271973 + ], + [ + "\u2581Aggiung", + -14.840128898620604 + ], + [ + "Relational", + -14.840152740478516 + ], + [ + "\u2581magnification", + -14.840171813964844 + ], + [ + "wohlfahrt", + -14.840205192565918 + ], + [ + "batteva", + -14.840229988098145 + ], + [ + "compaction", + -14.840248107910156 + ], + [ + "ampanula", + -14.84027862548828 + ], + [ + "Timor", + -14.840389251708984 + ], + [ + "\u2581grandissant", + -14.840414047241213 + ], + [ + "agogue", + -14.840417861938477 + ], + [ + "\u2581penalizza", + -14.840425491333008 + ], + [ + "Patent", + -14.840453147888184 + ], + [ + "\u2581ungehindert", + -14.840453147888184 + ], + [ + "\u2581d\u00e9brouill", + -14.84045696258545 + ], + [ + "\u2581irreparab", + -14.840459823608398 + ], + [ + "democrata", + -14.840469360351562 + ], + [ + "\u2581eineinhalb", + -14.840473175048828 + ], + [ + "astModified", + -14.840503692626951 + ], + [ + "\u2581Montecarlo", + -14.84050750732422 + ], + [ + "\u2581S\u00fcdk\u00fcste", + -14.84051513671875 + ], + [ + "affles", + -14.840534210205078 + ], + [ + "cassetta", + -14.840574264526367 + ], + [ + "Begr", + -14.840627670288086 + ], + [ + "\u2581percepisc", + -14.840641975402832 + ], + [ + "\u2581d\u00e9passent", + -14.840736389160156 + ], + [ + "\u2581Konvent", + -14.840747833251951 + ], + [ + "trattori", + -14.840840339660645 + ], + [ + "ungl\u00fcck", + -14.840845108032228 + ], + [ + "\u2581Wirbels\u00e4ule", + -14.840902328491213 + ], + [ + "\u2581Ausf\u00e4lle", + -14.84096908569336 + ], + [ + "\u2581asegur", + -14.840971946716309 + ], + [ + "encadena", + -14.840974807739258 + ], + [ + "Moulin", + -14.84099578857422 + ], + [ + "\u2581preparaba", + -14.841036796569824 + ], + [ + "\u2581Certificado", + -14.841068267822266 + ], + [ + "Egypt", + -14.841070175170898 + ], + [ + "\u2581dinosaurios", + -14.841082572937012 + ], + [ + "\u2581topogr\u00e1fic", + -14.841115951538086 + ], + [ + "indiff\u00e9rence", + -14.841130256652832 + ], + [ + "\u2581prisioneiro", + -14.841137886047363 + ], + [ + "\u2581Bevrijding", + -14.841143608093262 + ], + [ + "\u2581Dominicaanse", + -14.84115505218506 + ], + [ + "elektrophore", + -14.84115982055664 + ], + [ + "onogatari", + -14.84121322631836 + ], + [ + "alzada", + -14.84123420715332 + ], + [ + "LoadModule", + -14.841241836547852 + ], + [ + "astronomo", + -14.841385841369627 + ], + [ + "\u2581Schulwesen", + -14.841422080993652 + ], + [ + "pazza", + -14.841444969177246 + ], + [ + "massaggio", + -14.841470718383787 + ], + [ + "daine", + -14.841473579406738 + ], + [ + "\u2581binnenplaats", + -14.841475486755373 + ], + [ + "\u2581Ungew", + -14.84147834777832 + ], + [ + "hedra", + -14.841489791870115 + ], + [ + "ALIS", + -14.84149932861328 + ], + [ + "\u2581explana", + -14.84155559539795 + ], + [ + "\u2581montrait", + -14.841570854187012 + ], + [ + "\u2581Mirabel", + -14.841625213623049 + ], + [ + "\u2581d\u00e9tourn\u00e9", + -14.841692924499512 + ], + [ + "\u2581uitoefen", + -14.841792106628418 + ], + [ + "\u2581Spezifische", + -14.841798782348633 + ], + [ + "\u2581Verh\u00e4ngung", + -14.841806411743164 + ], + [ + "\u2581ar\u00e1cnido", + -14.841806411743164 + ], + [ + "\u2581scolastiche", + -14.841806411743164 + ], + [ + "\u2581suppl\u00e9ant", + -14.841806411743164 + ], + [ + "\u2581Jaarlijks", + -14.84180736541748 + ], + [ + "\u2581niettemin", + -14.84182071685791 + ], + [ + "\u2581Heilmittel", + -14.841837882995604 + ], + [ + "\u2581photographi\u00e9", + -14.841841697692873 + ], + [ + "\u2581Vigno", + -14.841866493225098 + ], + [ + "Beitritt", + -14.841867446899414 + ], + [ + "\u2581Pfandbrief", + -14.841880798339844 + ], + [ + "\u2581vocabulario", + -14.841883659362791 + ], + [ + "\u2581erneuer", + -14.841888427734377 + ], + [ + "\u2581southwestern", + -14.841889381408691 + ], + [ + "tauglichkeit", + -14.841898918151855 + ], + [ + "w\u00e4rmt", + -14.841910362243652 + ], + [ + "\u2581complicit\u00e9", + -14.8419189453125 + ], + [ + "\u2581Initialement", + -14.841934204101562 + ], + [ + "\u2581Besch\u00e4f", + -14.841937065124512 + ], + [ + "chiude", + -14.84199047088623 + ], + [ + "\u2581vertebrados", + -14.84201431274414 + ], + [ + "\u2581Einschluss", + -14.84206485748291 + ], + [ + "\u2581\\************", + -14.842084884643556 + ], + [ + "\u2581consterna", + -14.84209156036377 + ], + [ + "ocomotion", + -14.84214973449707 + ], + [ + "\u2581vergleichenden", + -14.842219352722168 + ], + [ + "\u2581com\u00e9dienne", + -14.842252731323242 + ], + [ + "\u2581monopoly", + -14.842288970947266 + ], + [ + "\u2581Vriend", + -14.842291831970217 + ], + [ + "coprendo", + -14.842321395874023 + ], + [ + "\u2581massless", + -14.842331886291504 + ], + [ + "Thailand", + -14.842392921447754 + ], + [ + "\u2581capoeira", + -14.842455863952637 + ], + [ + "\u2581strafschop", + -14.84247875213623 + ], + [ + "\u2581flamboyant", + -14.842484474182127 + ], + [ + "\u2581piemontesi", + -14.842486381530762 + ], + [ + "EventSource", + -14.84249210357666 + ], + [ + "obbiettiv", + -14.842494010925291 + ], + [ + "\u2581abeilles", + -14.842494010925291 + ], + [ + "\u2581Fleetwood", + -14.842535972595217 + ], + [ + "suggereerd", + -14.842586517333984 + ], + [ + "\u2581Lichtenstein", + -14.842620849609377 + ], + [ + "\u2581Arbeitsstelle", + -14.842695236206056 + ], + [ + "entsorgung", + -14.842723846435549 + ], + [ + "sintomatic", + -14.842782020568848 + ], + [ + "\u2581fabbricazione", + -14.842809677124023 + ], + [ + "\u2581tersuchung", + -14.842840194702148 + ], + [ + "t\u00e1culos", + -14.842902183532717 + ], + [ + "\u2581reintrodu", + -14.84291648864746 + ], + [ + "rfreulich", + -14.84312343597412 + ], + [ + "\u2581wahrhaft", + -14.843143463134766 + ], + [ + "\u2581Strafzumessung", + -14.843161582946776 + ], + [ + "immortalit\u00e0", + -14.843162536621094 + ], + [ + "\u2581ravvicinat", + -14.843162536621094 + ], + [ + "\u2581unmistakabl", + -14.843162536621094 + ], + [ + "\u2581Limassol", + -14.84316635131836 + ], + [ + "\u2581Rockstar", + -14.843194961547852 + ], + [ + "minimalistic", + -14.843207359313965 + ], + [ + "Philodrom", + -14.84321403503418 + ], + [ + "\u2581peculiaridades", + -14.843215942382812 + ], + [ + "luvia", + -14.843219757080078 + ], + [ + "\u2581Schouten", + -14.843234062194824 + ], + [ + "scendiendo", + -14.84333038330078 + ], + [ + "\u2581vermeidbar", + -14.843387603759766 + ], + [ + "Autobahn", + -14.843426704406738 + ], + [ + "plafonds", + -14.84343147277832 + ], + [ + "\u2581affrontat", + -14.84347915649414 + ], + [ + "\u2581Lebensf\u00fchrung", + -14.843494415283203 + ], + [ + "freundlichkeit", + -14.84352970123291 + ], + [ + "\u2581Silvi", + -14.843533515930176 + ], + [ + "Dabei", + -14.843605041503906 + ], + [ + "\u2581ontbinding", + -14.843653678894045 + ], + [ + "Suisse", + -14.843655586242676 + ], + [ + "sentido", + -14.843676567077637 + ], + [ + "\u2581reticen", + -14.843764305114746 + ], + [ + "decoderContainer", + -14.843790054321287 + ], + [ + "sumindo", + -14.843793869018556 + ], + [ + "\u2581campanil", + -14.84381866455078 + ], + [ + "\u2581d\u00e9roula", + -14.843819618225098 + ], + [ + "Umsetzung", + -14.843833923339844 + ], + [ + "OfRowsInSection", + -14.84384059906006 + ], + [ + "\u2581Erblasser", + -14.843841552734377 + ], + [ + "\u2581Nazionali", + -14.843842506408691 + ], + [ + "\u2581cancelamento", + -14.843843460083008 + ], + [ + "\u2581aromatiz", + -14.84384822845459 + ], + [ + "\u2581cobrindo", + -14.843862533569336 + ], + [ + "\u2581Kanadier", + -14.843873977661133 + ], + [ + "\u2581conventu", + -14.843976974487305 + ], + [ + "\u2581Stimmabgabe", + -14.844014167785645 + ], + [ + "Teilnehmer", + -14.84402084350586 + ], + [ + "permutation", + -14.844063758850098 + ], + [ + "\u2581pittoresch", + -14.844156265258787 + ], + [ + "marginLeft", + -14.844165802001951 + ], + [ + "cortadas", + -14.844195365905762 + ], + [ + "ueryResult", + -14.844243049621582 + ], + [ + "secutivo", + -14.844280242919922 + ], + [ + "\u2581verstoord", + -14.844393730163574 + ], + [ + "mountain", + -14.844404220581056 + ], + [ + "nehmigung", + -14.844422340393066 + ], + [ + "schrijfster", + -14.844437599182127 + ], + [ + "\u2581Korrosions", + -14.844457626342772 + ], + [ + "\u2581capriccio", + -14.844499588012695 + ], + [ + "Rechtsverh\u00e4ltnis", + -14.844501495361328 + ], + [ + "\u2581auszudehnen", + -14.84451961517334 + ], + [ + "\u2581galard\u00f3n", + -14.84451961517334 + ], + [ + "\u2581Tansania", + -14.844520568847656 + ], + [ + "\u2581regroup\u00e9es", + -14.844520568847656 + ], + [ + "\u2581kumuliert", + -14.844522476196287 + ], + [ + "\u2581Consuelo", + -14.84453296661377 + ], + [ + "\u2581Polyn\u00e9sie", + -14.844544410705566 + ], + [ + "\u2581bladzijde", + -14.844559669494627 + ], + [ + "\u2581detainees", + -14.844564437866213 + ], + [ + "weat", + -14.844569206237791 + ], + [ + "omias", + -14.84457778930664 + ], + [ + "beamtengesetzes", + -14.844610214233398 + ], + [ + "\u2581schuldhaft", + -14.84462070465088 + ], + [ + "\u2581Cedr", + -14.844664573669434 + ], + [ + "\u2581percentual", + -14.844688415527344 + ], + [ + "Perzisch", + -14.84472942352295 + ], + [ + "\u2581Aufmachung", + -14.844746589660645 + ], + [ + "labia", + -14.844748497009276 + ], + [ + "porcelain", + -14.84475040435791 + ], + [ + "\u2581assustador", + -14.844759941101074 + ], + [ + "arabiner", + -14.84478759765625 + ], + [ + "owling", + -14.844793319702148 + ], + [ + "uilombo", + -14.844818115234377 + ], + [ + "\u2581coulisse", + -14.844878196716309 + ], + [ + "\u2581verwende", + -14.844892501831056 + ], + [ + "rbeitslosenquote", + -14.844929695129396 + ], + [ + "produzent", + -14.844998359680176 + ], + [ + "r\u00e9sence", + -14.845011711120604 + ], + [ + "lihood", + -14.845053672790527 + ], + [ + "dorov", + -14.845060348510742 + ], + [ + "\u2581prematur", + -14.845067024230955 + ], + [ + "gelada", + -14.845108032226562 + ], + [ + "Paraguay", + -14.84511375427246 + ], + [ + "\u2581Vaterschaft", + -14.845134735107422 + ], + [ + "provenzal", + -14.84518814086914 + ], + [ + "\u2581pattinaggio", + -14.84519863128662 + ], + [ + "\u2581Advogado", + -14.845200538635254 + ], + [ + "\u2581medesime", + -14.84520435333252 + ], + [ + "\u2581Religi\u00f3n", + -14.845216751098633 + ], + [ + "ciphersuite", + -14.845227241516112 + ], + [ + "\u2581randomness", + -14.84524154663086 + ], + [ + "men\u00e9s", + -14.8452787399292 + ], + [ + "Maryland", + -14.84528923034668 + ], + [ + "\u2581Libanese", + -14.84535312652588 + ], + [ + "\u2581procedi\u00f3", + -14.845391273498535 + ], + [ + "toestel", + -14.845458984375 + ], + [ + "verbreiter", + -14.845480918884276 + ], + [ + "\u2581Westerl", + -14.845534324645996 + ], + [ + "Davidson", + -14.845535278320312 + ], + [ + "tecnica", + -14.84556007385254 + ], + [ + "\u2581revoluciones", + -14.845589637756348 + ], + [ + "Transmission", + -14.84560775756836 + ], + [ + "Advertise", + -14.845611572265623 + ], + [ + "\u00e9chappement", + -14.84561252593994 + ], + [ + "reclin", + -14.845621109008787 + ], + [ + "contentMode", + -14.845763206481934 + ], + [ + "\u2581Mehme", + -14.845792770385742 + ], + [ + "\u2581malentend", + -14.845842361450195 + ], + [ + "\u2581Bactrocera", + -14.845879554748535 + ], + [ + "\u2581chapiteau", + -14.845892906188965 + ], + [ + "\u2581ghiandol", + -14.845892906188965 + ], + [ + "\u2581separarse", + -14.845900535583496 + ], + [ + "Reduktion", + -14.84595775604248 + ], + [ + "\u2581poursuivent", + -14.84597110748291 + ], + [ + "Statistical", + -14.845998764038086 + ], + [ + "\u2581t\u00e9moign", + -14.84605312347412 + ], + [ + "MINIST", + -14.846088409423828 + ], + [ + "fluisce", + -14.846099853515623 + ], + [ + "\u2581\u00e9quitable", + -14.846172332763672 + ], + [ + "\u2581presied", + -14.846190452575684 + ], + [ + "Alpine", + -14.846236228942873 + ], + [ + "\u2581IJslandse", + -14.846271514892578 + ], + [ + "ngebaanschaatser", + -14.846307754516602 + ], + [ + "smithyhttp", + -14.846308708190918 + ], + [ + "\u00e9parant", + -14.846372604370115 + ], + [ + "Adalberto", + -14.846392631530762 + ], + [ + "\u2581Radioaktivit\u00e4t", + -14.846394538879396 + ], + [ + "\u2581Eisenstein", + -14.84642219543457 + ], + [ + "\u2581streetcar", + -14.846465110778809 + ], + [ + "uesad", + -14.846502304077148 + ], + [ + "nterne", + -14.846508979797363 + ], + [ + "\u2581gereformeerde", + -14.846559524536133 + ], + [ + "\u2581toetsenbord", + -14.846559524536133 + ], + [ + "\u2581dialettal", + -14.846583366394045 + ], + [ + "\u2581Campiglio", + -14.846586227416992 + ], + [ + "rchT", + -14.846604347229004 + ], + [ + "personnel", + -14.846625328063965 + ], + [ + "\u2581comunic\u00f3", + -14.846677780151367 + ], + [ + "\u2581Hausarzt", + -14.846692085266112 + ], + [ + "\u2581reggente", + -14.846697807312012 + ], + [ + "\u2581\u00fcberbetrieblich", + -14.846698760986328 + ], + [ + "aschismus", + -14.846699714660645 + ], + [ + "\u2581confessed", + -14.846721649169922 + ], + [ + "ompressor", + -14.846725463867188 + ], + [ + "\u2581smarri", + -14.846758842468262 + ], + [ + "disproportionate", + -14.846776008605955 + ], + [ + "\u2581versenkt", + -14.846776008605955 + ], + [ + "\u2581erwerbsf\u00e4hige", + -14.846805572509766 + ], + [ + "\u2581Menschlichkeit", + -14.84681510925293 + ], + [ + "\u2581h\u00edbrid", + -14.846823692321776 + ], + [ + "Resektion", + -14.846829414367676 + ], + [ + "ContextMenu", + -14.846927642822266 + ], + [ + "\u2581Paralel", + -14.846929550170898 + ], + [ + "westf\u00e4lischen", + -14.846973419189451 + ], + [ + "\u2581percebemos", + -14.846988677978516 + ], + [ + "\u2581contrebas", + -14.847023963928224 + ], + [ + "\u2581holisti", + -14.847036361694336 + ], + [ + "\u2581dynamism", + -14.847074508666992 + ], + [ + "SearchBar", + -14.847075462341309 + ], + [ + "\u2581consertar", + -14.847156524658203 + ], + [ + "erzeugende", + -14.847162246704102 + ], + [ + "aartje", + -14.847168922424316 + ], + [ + "Editorial", + -14.847187995910645 + ], + [ + "\u2581Petr\u00f3leo", + -14.84723949432373 + ], + [ + "gemetseld", + -14.847240447998049 + ], + [ + "\u2581Sonnenuntergang", + -14.847240447998049 + ], + [ + "\u2581\u00e9lectoraux", + -14.847241401672363 + ], + [ + "\u2581utilisait", + -14.847246170043944 + ], + [ + "\u2581victories", + -14.847247123718262 + ], + [ + "besity", + -14.847248077392578 + ], + [ + "\u2581Endothelzellen", + -14.847249031066896 + ], + [ + "\u2581sandstone", + -14.8473482131958 + ], + [ + "\u2581sapienti", + -14.84737777709961 + ], + [ + "lphin", + -14.847379684448242 + ], + [ + "\u2581sudcorean", + -14.847403526306152 + ], + [ + "\u2581parkeer", + -14.847432136535645 + ], + [ + "apparecchio", + -14.847503662109377 + ], + [ + "\u2581fortezze", + -14.847527503967283 + ], + [ + "eitgenossen", + -14.8475341796875 + ], + [ + "\u2581Consultant", + -14.847548484802246 + ], + [ + "\u2581observaba", + -14.847572326660156 + ], + [ + "\u2581r\u00e9veiller", + -14.847577095031738 + ], + [ + "COMPRESS", + -14.847589492797852 + ], + [ + "IATION", + -14.847657203674316 + ], + [ + "\u2581centrist", + -14.847681999206545 + ], + [ + "ypriotisch", + -14.847695350646973 + ], + [ + "\u2581konserviert", + -14.847704887390137 + ], + [ + "arcophag", + -14.84772777557373 + ], + [ + "\u2581Halbzeit", + -14.847740173339844 + ], + [ + "\u2581marxi", + -14.847755432128906 + ], + [ + "ensageiro", + -14.84779453277588 + ], + [ + "\u2581amistos", + -14.847823143005373 + ], + [ + "\u2581ricordati", + -14.847878456115724 + ], + [ + "\u2581Buenaventura", + -14.847922325134276 + ], + [ + "\u2581restablecer", + -14.84792423248291 + ], + [ + "gutachter", + -14.847925186157228 + ], + [ + "\u2581conveniencia", + -14.847925186157228 + ], + [ + "\u2581Buckinghamshire", + -14.84793186187744 + ], + [ + "handhab", + -14.847938537597656 + ], + [ + "\u2581collettivit\u00e0", + -14.847939491271973 + ], + [ + "\u2581sepulcro", + -14.847956657409668 + ], + [ + "\u2581convierta", + -14.847970962524414 + ], + [ + "\u2581specializzate", + -14.847987174987791 + ], + [ + "\u2581estrateg", + -14.848024368286133 + ], + [ + "weerstand", + -14.84808349609375 + ], + [ + "Korrelation", + -14.848132133483888 + ], + [ + "opgroep", + -14.848137855529783 + ], + [ + "ieroglyph", + -14.84815788269043 + ], + [ + "construcci\u00f3n", + -14.848190307617188 + ], + [ + "\u2581permitiera", + -14.848217010498049 + ], + [ + "\u2581Brasserie", + -14.84823226928711 + ], + [ + "\u2581Blag", + -14.848234176635742 + ], + [ + "lussen", + -14.848240852355955 + ], + [ + "\u2581stampata", + -14.848273277282717 + ], + [ + "Mozilla", + -14.84829044342041 + ], + [ + "\u2581F\u00fchr", + -14.848301887512209 + ], + [ + "\u2581perp\u00e9tuelle", + -14.8484468460083 + ], + [ + "\u2581diversifie", + -14.848455429077148 + ], + [ + "\u2581generalizzat", + -14.848484992980955 + ], + [ + "\u2581missbraucht", + -14.848484992980955 + ], + [ + "iemme", + -14.84852695465088 + ], + [ + "\u2581Gorochov", + -14.848602294921877 + ], + [ + "\u2581Neerlandesa", + -14.848602294921877 + ], + [ + "\u2581Surabaya", + -14.848602294921877 + ], + [ + "\u2581g\u00e9om\u00e9triques", + -14.848602294921877 + ], + [ + "CREDENTIALS", + -14.848604202270508 + ], + [ + "\u2581disoccupat", + -14.848604202270508 + ], + [ + "criptores", + -14.848621368408203 + ], + [ + "\u2581methodologies", + -14.848623275756836 + ], + [ + "\u2581nettoyer", + -14.848626136779783 + ], + [ + "\u2581ensinada", + -14.848641395568848 + ], + [ + "\u2581retribui", + -14.848672866821287 + ], + [ + "kratie", + -14.848762512207031 + ], + [ + "\u2581leftover", + -14.848787307739258 + ], + [ + "\u2581stupend", + -14.84880828857422 + ], + [ + "ielvorgabe", + -14.848854064941406 + ], + [ + "riorganizzazione", + -14.848944664001465 + ], + [ + "\u2581spectrometry", + -14.848979949951172 + ], + [ + "\u2581bielorrus", + -14.84901237487793 + ], + [ + "fortunately", + -14.84903621673584 + ], + [ + "\u2581Abzweigung", + -14.849116325378418 + ], + [ + "\u2581comprim\u00e9", + -14.849129676818848 + ], + [ + "rijwel", + -14.849165916442873 + ], + [ + "Biblioteca", + -14.849177360534668 + ], + [ + "marquent", + -14.84920597076416 + ], + [ + "\u2581allt\u00e4gliche", + -14.849225997924805 + ], + [ + "burgueses", + -14.849235534667969 + ], + [ + "Haft", + -14.849239349365234 + ], + [ + "\u2581Archipi\u00e9lago", + -14.849285125732422 + ], + [ + "\u2581traspaso", + -14.84929370880127 + ], + [ + "\u2581onenigheid", + -14.849308967590332 + ], + [ + "\u2581Entbindung", + -14.849309921264648 + ], + [ + "\u2581komisch", + -14.849324226379396 + ], + [ + "\u2581revendiqu\u00e9", + -14.84933376312256 + ], + [ + "ongiorno", + -14.849353790283203 + ], + [ + "\u2581Talvolta", + -14.849363327026367 + ], + [ + "\u2581northwestern", + -14.849377632141112 + ], + [ + "scosso", + -14.849379539489746 + ], + [ + "\u2581cumpliendo", + -14.849393844604492 + ], + [ + "\u2581stadsrechten", + -14.849393844604492 + ], + [ + "\u2581caritativ", + -14.84939956665039 + ], + [ + "\u2581inviting", + -14.849416732788086 + ], + [ + "erbetriebliche", + -14.849422454833984 + ], + [ + "\u2581Trech", + -14.84947109222412 + ], + [ + "\u2581Strompreis", + -14.849495887756348 + ], + [ + "\u2581Neunte", + -14.84949779510498 + ], + [ + "candidato", + -14.849546432495115 + ], + [ + "carregado", + -14.849555015563965 + ], + [ + "\u2581Gemeinwesen", + -14.849591255187988 + ], + [ + "\u2581interpr\u00e9t", + -14.84962558746338 + ], + [ + "\u2581illuminati", + -14.849637985229492 + ], + [ + "gerido", + -14.849679946899414 + ], + [ + "hringer", + -14.849756240844728 + ], + [ + "ntarctic", + -14.84976291656494 + ], + [ + "\u2581acquit", + -14.849763870239258 + ], + [ + "ldbekerwedstrijd", + -14.849783897399902 + ], + [ + "\u00e1rvore", + -14.849797248840332 + ], + [ + "\u2581syri", + -14.849855422973633 + ], + [ + "umerische", + -14.849912643432615 + ], + [ + "PodAutoscaler", + -14.849967956542969 + ], + [ + "\u2581McLaughlin", + -14.849968910217283 + ], + [ + "\u2581Tamerlan", + -14.849968910217283 + ], + [ + "\u2581analysing", + -14.849970817565918 + ], + [ + "\u2581manufatura", + -14.84997272491455 + ], + [ + "\u2581divertimenti", + -14.84999179840088 + ], + [ + "\u2581festejos", + -14.849997520446776 + ], + [ + "\u2581Bellagio", + -14.850049018859863 + ], + [ + "\u2581prelevar", + -14.850052833557127 + ], + [ + "\u2581Digita", + -14.850069999694824 + ], + [ + "\u2581abbondano", + -14.850110054016112 + ], + [ + "\u2581bombardeio", + -14.85011100769043 + ], + [ + "\u2581selectivity", + -14.850192070007324 + ], + [ + "\u2581jurisdiccion", + -14.850249290466309 + ], + [ + "\u2581controparte", + -14.850250244140623 + ], + [ + "\u2581Larousse", + -14.850323677062988 + ], + [ + "\u2581descalifica", + -14.85037326812744 + ], + [ + "\u2581afferrar", + -14.850379943847656 + ], + [ + "\u2581Pediatr", + -14.850441932678224 + ], + [ + "\u2581Bot\u00e1nic", + -14.850462913513184 + ], + [ + "\u2581diversificado", + -14.850506782531738 + ], + [ + "\u2581sacchett", + -14.850509643554688 + ], + [ + "\u2581konkretisieren", + -14.850571632385254 + ], + [ + "determine", + -14.850640296936035 + ], + [ + "\u2581Muj", + -14.8506498336792 + ], + [ + "ivilluftfahrt", + -14.850650787353516 + ], + [ + "\u2581Rabelais", + -14.850650787353516 + ], + [ + "taferelen", + -14.850651741027832 + ], + [ + "beanspruchung", + -14.850652694702148 + ], + [ + "\u2581Luftreinhalt", + -14.85065746307373 + ], + [ + "accomplissement", + -14.850674629211426 + ], + [ + "\u2581oliekevers", + -14.850677490234377 + ], + [ + "odex", + -14.85068130493164 + ], + [ + "\u2581ultramar", + -14.850700378417969 + ], + [ + "scrollable", + -14.850716590881348 + ], + [ + "\u2581streef", + -14.85072898864746 + ], + [ + "However", + -14.850730895996094 + ], + [ + "\u2581locomover", + -14.850784301757812 + ], + [ + "behalve", + -14.850811004638672 + ], + [ + "\u2581Bossch", + -14.850811004638672 + ], + [ + "\u2581sollevare", + -14.85081958770752 + ], + [ + "\u2581bijkomende", + -14.850862503051758 + ], + [ + "\u2581telefonier", + -14.850875854492188 + ], + [ + "\u2581Moron", + -14.850878715515137 + ], + [ + "spr\u00fcnglich", + -14.850906372070312 + ], + [ + "\u2581serrat", + -14.850908279418944 + ], + [ + "\u2581Cappucci", + -14.850930213928224 + ], + [ + "\u2581enfrent", + -14.850946426391602 + ], + [ + "mergeFrom", + -14.850960731506348 + ], + [ + "RECO", + -14.850997924804688 + ], + [ + "lopkevers", + -14.85105800628662 + ], + [ + "gauche", + -14.85106372833252 + ], + [ + "\u2581bombardat", + -14.851076126098633 + ], + [ + "\u2581paramilitares", + -14.851109504699709 + ], + [ + "cuenta", + -14.851117134094238 + ], + [ + "ebenfalls", + -14.851147651672363 + ], + [ + "ampel", + -14.85117530822754 + ], + [ + "\u2581ciclovia", + -14.851181983947754 + ], + [ + "\u2581aeronautic", + -14.851243019104004 + ], + [ + "\u2581geformuleerd", + -14.851333618164062 + ], + [ + "\u2581Aleksander", + -14.85136604309082 + ], + [ + "\u2581Mongolie", + -14.85138702392578 + ], + [ + "\u00edgeno", + -14.851407051086426 + ], + [ + "\u2581respire", + -14.85145378112793 + ], + [ + "\u2581ambizioni", + -14.85146427154541 + ], + [ + "pharmacology", + -14.85149383544922 + ], + [ + "ielerreichung", + -14.851505279541016 + ], + [ + "\u2581Beigeladene", + -14.85151481628418 + ], + [ + "numeradas", + -14.851570129394531 + ], + [ + "\u2581corrosiv", + -14.851577758789062 + ], + [ + "\u2581Blackhawk", + -14.851630210876465 + ], + [ + "\u2581overcoming", + -14.851645469665527 + ], + [ + "\u2581reverti", + -14.851654052734377 + ], + [ + "auwen", + -14.851693153381348 + ], + [ + "\u2581rilasciati", + -14.851714134216309 + ], + [ + "Eigenschaft", + -14.851754188537598 + ], + [ + "\u2581Organismo", + -14.851783752441406 + ], + [ + "\u2581Pedre", + -14.851799964904783 + ], + [ + "\u2581marcharse", + -14.851852416992188 + ], + [ + "\u2581Handicap", + -14.85187530517578 + ], + [ + "fehlerfrei", + -14.851909637451172 + ], + [ + "\u2581Kirchspiel", + -14.851980209350586 + ], + [ + "\u2581erwischt", + -14.851980209350586 + ], + [ + "\u2581gesamtdeutsche", + -14.851981163024902 + ], + [ + "\u2581Aplicada", + -14.851988792419434 + ], + [ + "\u2581bruciare", + -14.851996421813965 + ], + [ + "\u2581touchent", + -14.851998329162598 + ], + [ + "hintergrundfarbe", + -14.852017402648926 + ], + [ + "\u2581Neuausrichtung", + -14.852017402648926 + ], + [ + "\u2581Oliekevers", + -14.852021217346191 + ], + [ + "\u2581Ellsworth", + -14.85202407836914 + ], + [ + "\u2581soevereiniteit", + -14.852025032043455 + ], + [ + "\u2581Geiranger", + -14.852025985717772 + ], + [ + "ar\u00fcberhinaus", + -14.85202980041504 + ], + [ + "\u2581Fortunatamente", + -14.85202980041504 + ], + [ + "Skippe", + -14.852031707763672 + ], + [ + "\u2581apologis", + -14.852043151855469 + ], + [ + "\u2581propon\u00eda", + -14.852055549621582 + ], + [ + "\u2581comandamenti", + -14.852068901062012 + ], + [ + "\u2581ultramarin", + -14.852084159851074 + ], + [ + "\u2581Federf\u00fchrend", + -14.852087020874023 + ], + [ + "\u2581Rittergut", + -14.852109909057615 + ], + [ + "\u2581Continuing", + -14.85217571258545 + ], + [ + "\u2581Bulb", + -14.852280616760254 + ], + [ + "\u2581Mulde", + -14.85231113433838 + ], + [ + "Gewicht", + -14.8523530960083 + ], + [ + "\u2581primissim", + -14.852354049682615 + ], + [ + "\u2581planeamento", + -14.85243320465088 + ], + [ + "\u2581renovable", + -14.852492332458496 + ], + [ + "mapstructure", + -14.852502822875977 + ], + [ + "\u2581rigenera", + -14.852598190307615 + ], + [ + "\u2581Cresciuto", + -14.852702140808104 + ], + [ + "\u2581batallones", + -14.852702140808104 + ], + [ + "\u2581geavanceerde", + -14.852702140808104 + ], + [ + "\u2581announcing", + -14.852705955505373 + ], + [ + "\u2581inseparable", + -14.852710723876951 + ], + [ + "\u2581renacimiento", + -14.852713584899902 + ], + [ + "\u2581Geschirr", + -14.852724075317385 + ], + [ + "\u2581Remedios", + -14.85274887084961 + ], + [ + "\u2581coltivazioni", + -14.852787971496582 + ], + [ + "\u2581stabiliser", + -14.85279941558838 + ], + [ + "\u2581G\u00e9ologie", + -14.85282039642334 + ], + [ + "\u2581calot", + -14.852835655212402 + ], + [ + "\u2581geografisch", + -14.852845191955566 + ], + [ + "unlabeled", + -14.852858543395996 + ], + [ + "\u2581trasmesse", + -14.852874755859377 + ], + [ + "quantitative", + -14.85288429260254 + ], + [ + "\u2581Theaterst\u00fcck", + -14.852968215942385 + ], + [ + "\u2581untermauer", + -14.852977752685549 + ], + [ + "\u2581sucessivas", + -14.852986335754396 + ], + [ + "\u2581Verantwor", + -14.85300064086914 + ], + [ + "\u2581Comisari", + -14.853028297424316 + ], + [ + "\u2581ejercido", + -14.853045463562012 + ], + [ + "terstitial", + -14.853106498718262 + ], + [ + "Pressione", + -14.853158950805664 + ], + [ + "ambientazione", + -14.85317039489746 + ], + [ + "ricing", + -14.853212356567385 + ], + [ + "\u2581Transnational", + -14.853230476379396 + ], + [ + "\u2581crocodil", + -14.853233337402344 + ], + [ + "ttenne", + -14.853283882141112 + ], + [ + "\u2581m\u00e9tropolitain", + -14.853378295898438 + ], + [ + "\u2581Departamental", + -14.853386878967283 + ], + [ + "RenderingHints", + -14.853388786315918 + ], + [ + "\u2581aggrappa", + -14.853388786315918 + ], + [ + "\u2581innovaciones", + -14.85339069366455 + ], + [ + "\u2581desaparata", + -14.853402137756348 + ], + [ + "\u2581desfrutar", + -14.853466987609863 + ], + [ + "\u2581attirat", + -14.853472709655762 + ], + [ + "Luftfeuchtigkeit", + -14.853474617004396 + ], + [ + "\u2581tirrenic", + -14.853487968444824 + ], + [ + "\u2581meenemen", + -14.853504180908203 + ], + [ + "\u2581aggregati", + -14.85353660583496 + ], + [ + "\u2581Adaption", + -14.85354232788086 + ], + [ + "\u2581mausol", + -14.853565216064451 + ], + [ + "CloudWatch", + -14.85356616973877 + ], + [ + "\u2581Tragweite", + -14.853577613830566 + ], + [ + "\u2581Arbeitsprogramm", + -14.85360050201416 + ], + [ + "\u2581Androhung", + -14.853696823120115 + ], + [ + "\u2581desembarca", + -14.853705406188965 + ], + [ + "sisting", + -14.853819847106934 + ], + [ + "\u2581autonomamente", + -14.853819847106934 + ], + [ + "Herkunftsl\u00e4ndern", + -14.853891372680664 + ], + [ + "clenche", + -14.8539400100708 + ], + [ + "\u2581parametr", + -14.854023933410645 + ], + [ + "\u2581orizzontal", + -14.854044914245604 + ], + [ + "tracciati", + -14.854053497314451 + ], + [ + "\u2581Gelegentlich", + -14.85407257080078 + ], + [ + "\u2581Tuvieron", + -14.85407257080078 + ], + [ + "luorescence", + -14.854077339172363 + ], + [ + "ilhado", + -14.854090690612791 + ], + [ + "keizer", + -14.854127883911133 + ], + [ + "ihnacht", + -14.854130744934082 + ], + [ + "\u00e4ttigung", + -14.854150772094728 + ], + [ + "aatgut", + -14.854218482971191 + ], + [ + "nsely", + -14.854219436645508 + ], + [ + "\u2581Rezession", + -14.854242324829102 + ], + [ + "\u2581patriottic", + -14.85426139831543 + ], + [ + "NAG", + -14.854269981384276 + ], + [ + "\u2581arrep", + -14.854290962219238 + ], + [ + "\u2581solicitando", + -14.854307174682615 + ], + [ + "\u2581Pf\u00e4ndung", + -14.854323387145996 + ], + [ + "\u2581Occit", + -14.854327201843262 + ], + [ + "\u2581cosmonaut", + -14.854379653930664 + ], + [ + "\u2581minimiert", + -14.85438632965088 + ], + [ + "\u2581retomada", + -14.854415893554688 + ], + [ + "\u2581staltung", + -14.854427337646484 + ], + [ + "\u2581catholicisme", + -14.8544282913208 + ], + [ + "Approx", + -14.854537963867188 + ], + [ + "\u2581Verificar", + -14.854636192321776 + ], + [ + "Decorat", + -14.854719161987305 + ], + [ + "\u2581succinct", + -14.854777336120604 + ], + [ + "\u2581identific\u00f3", + -14.854784965515137 + ], + [ + "\u2581deportazione", + -14.854796409606934 + ], + [ + "\u2581Repertor", + -14.85482406616211 + ], + [ + "concordance", + -14.854870796203612 + ], + [ + "\u2581homosexualidad", + -14.854873657226562 + ], + [ + "brechung", + -14.854881286621094 + ], + [ + "doublement", + -14.854928970336914 + ], + [ + "unfolding", + -14.854933738708496 + ], + [ + "Deserialization", + -14.854992866516112 + ], + [ + "NetworkGateway", + -14.855097770690918 + ], + [ + "\u2581infiammatori", + -14.855101585388184 + ], + [ + "tentant", + -14.855120658874512 + ], + [ + "inspector", + -14.855154037475586 + ], + [ + "\u2581ontkomen", + -14.855162620544434 + ], + [ + "coroutine", + -14.855172157287598 + ], + [ + "\u2581Cartesio", + -14.855178833007812 + ], + [ + "Investitionen", + -14.85520076751709 + ], + [ + "\u2581verfassungsm\u00e4", + -14.85523509979248 + ], + [ + "\u2581actualizada", + -14.855246543884276 + ], + [ + "\u2581provved", + -14.855257034301758 + ], + [ + "\u2581Arbeits\u00e4mter", + -14.855351448059082 + ], + [ + "nderungsantr\u00e4ge", + -14.855360984802246 + ], + [ + "\u2581reclutar", + -14.855399131774902 + ], + [ + "Classificazione", + -14.855422019958496 + ], + [ + "\u2581Fuerteventura", + -14.85544490814209 + ], + [ + "Comportamento", + -14.855445861816406 + ], + [ + "\u2581Maimonide", + -14.855446815490724 + ], + [ + "\u2581Debrecen", + -14.85544776916504 + ], + [ + "\u2581acquie", + -14.855456352233888 + ], + [ + "\u2581ischemic", + -14.855460166931152 + ], + [ + "remediation", + -14.855461120605469 + ], + [ + "\u2581differisce", + -14.855487823486328 + ], + [ + "\u2581concatenation", + -14.855626106262209 + ], + [ + "\u2581gin\u00e1stica", + -14.85563850402832 + ], + [ + "\u2581inquisiti", + -14.855649948120115 + ], + [ + "\u2581volontariato", + -14.855668067932127 + ], + [ + "\u2581Berengue", + -14.855727195739746 + ], + [ + "nying", + -14.855746269226074 + ], + [ + "Existenzgr\u00fcndung", + -14.855791091918944 + ], + [ + "\u2581geograf", + -14.855791091918944 + ], + [ + "\u2581Scheffer", + -14.85582160949707 + ], + [ + "anrechnung", + -14.855831146240234 + ], + [ + "picada", + -14.855900764465332 + ], + [ + "ditrice", + -14.855911254882812 + ], + [ + "\u2581vigoroso", + -14.855917930603027 + ], + [ + "Defensa", + -14.85601043701172 + ], + [ + "\u2581telecommunicati", + -14.856038093566896 + ], + [ + "gespart", + -14.85604190826416 + ], + [ + "andloopkevers", + -14.856131553649902 + ], + [ + "zaadlobbige", + -14.856131553649902 + ], + [ + "\u2581biling\u00fce", + -14.856131553649902 + ], + [ + "\u2581coinvolgono", + -14.856131553649902 + ], + [ + "\u2581plentiful", + -14.856131553649902 + ], + [ + "\u2581Berengari", + -14.8561429977417 + ], + [ + "\u2581uscir", + -14.856151580810549 + ], + [ + "\u2581Saragoss", + -14.85615348815918 + ], + [ + "l\u00edder", + -14.856160163879396 + ], + [ + "stopPropagation", + -14.856171607971191 + ], + [ + "\u2581Betroffenheit", + -14.856172561645508 + ], + [ + "\u2581gubernat", + -14.856224060058594 + ], + [ + "\u2581ejecutada", + -14.856282234191896 + ], + [ + "Schaeffer", + -14.856298446655272 + ], + [ + "eghin", + -14.856313705444336 + ], + [ + "\u2581reconstruida", + -14.856422424316406 + ], + [ + "\u2581Finster", + -14.856463432312012 + ], + [ + "\u2581biographe", + -14.856529235839844 + ], + [ + "\u2581overvloed", + -14.856559753417969 + ], + [ + "\u2581salvati", + -14.856584548950195 + ], + [ + "\u2581habitaba", + -14.856590270996094 + ], + [ + "\u2581Telecommunicati", + -14.856592178344728 + ], + [ + "\u2581tendresse", + -14.856627464294434 + ], + [ + "\u2581Aufsehen", + -14.856680870056152 + ], + [ + "olyvinyl", + -14.856694221496582 + ], + [ + "deserializeOp", + -14.856731414794922 + ], + [ + "\u2581harass", + -14.856748580932615 + ], + [ + "\u2581recomendable", + -14.856781005859377 + ], + [ + "palindrom", + -14.8568115234375 + ], + [ + "\u2581Akteneinsicht", + -14.856819152832031 + ], + [ + "\u2581Horkheimer", + -14.856819152832031 + ], + [ + "\u2581verzekeren", + -14.856821060180664 + ], + [ + "\u2581Grammophon", + -14.856823921203612 + ], + [ + "tempting", + -14.856833457946776 + ], + [ + "\u2581sculptor", + -14.85683822631836 + ], + [ + "\u2581Whitaker", + -14.856840133666992 + ], + [ + "\u2581Metabolism", + -14.856847763061523 + ], + [ + "\u2581Horowitz", + -14.85684871673584 + ], + [ + "\u2581invi\u00e1vel", + -14.856871604919434 + ], + [ + "\u2581gastronomique", + -14.85687255859375 + ], + [ + "alnut", + -14.856879234313965 + ], + [ + "\u2581exclusie", + -14.85688304901123 + ], + [ + "\u2581diskursive", + -14.856907844543455 + ], + [ + "\u2581terrorizza", + -14.856932640075684 + ], + [ + "PropTypes", + -14.856953620910645 + ], + [ + "\u2581hybridization", + -14.856959342956545 + ], + [ + "\u2581maximiza", + -14.856985092163086 + ], + [ + "\u2581squir", + -14.857030868530272 + ], + [ + "zifische", + -14.85705280303955 + ], + [ + "maschera", + -14.857054710388184 + ], + [ + "\u2581borrowing", + -14.85706615447998 + ], + [ + "\u2581r\u00e9cr\u00e9ati", + -14.857075691223145 + ], + [ + "unterscheid", + -14.85708713531494 + ], + [ + "violence", + -14.857118606567385 + ], + [ + "\u2581ortodossi", + -14.857135772705078 + ], + [ + "recoverable", + -14.857159614562988 + ], + [ + "stensione", + -14.857192039489746 + ], + [ + "atrulha", + -14.857227325439451 + ], + [ + "offiziell", + -14.857410430908203 + ], + [ + "alt\u00e9ration", + -14.857465744018556 + ], + [ + "\u2581automatizzat", + -14.85747528076172 + ], + [ + "\u2581microsc\u00f3pic", + -14.857486724853516 + ], + [ + "\u2581Consciousness", + -14.85750675201416 + ], + [ + "\u2581preavviso", + -14.85750675201416 + ], + [ + "\u2581renouveler", + -14.85750675201416 + ], + [ + "\u2581Schilddr\u00fcse", + -14.857508659362791 + ], + [ + "\u2581Approximately", + -14.857525825500488 + ], + [ + "\u2581skateboard", + -14.85752773284912 + ], + [ + "kalkuliert", + -14.857532501220703 + ], + [ + "urisdiction", + -14.857538223266602 + ], + [ + "caricata", + -14.857582092285156 + ], + [ + "\u2581Paddington", + -14.857592582702637 + ], + [ + "ozialarbeit", + -14.857635498046877 + ], + [ + "illingen", + -14.857640266418455 + ], + [ + "\u2581Koopera", + -14.85764217376709 + ], + [ + "\u2581idrografic", + -14.857643127441406 + ], + [ + "\u2581trouxeram", + -14.85765266418457 + ], + [ + "\u2581quintessen", + -14.857658386230469 + ], + [ + "\u2581leiderschap", + -14.857696533203123 + ], + [ + "icochet", + -14.857720375061035 + ], + [ + "\u2581indirectamente", + -14.857731819152832 + ], + [ + "\u2581alegr", + -14.857755661010742 + ], + [ + "\u2581disfrazad", + -14.857810974121094 + ], + [ + "\u2581Judici", + -14.85782241821289 + ], + [ + "ldosteron", + -14.858038902282717 + ], + [ + "oetbalcompetitie", + -14.858120918273926 + ], + [ + "Eisenbahn", + -14.858126640319824 + ], + [ + "chuimcicaden", + -14.858195304870604 + ], + [ + "\u2581Assembl\u00e9ia", + -14.858195304870604 + ], + [ + "\u2581Khartoum", + -14.858195304870604 + ], + [ + "\u2581Uzbekist\u00e1n", + -14.858195304870604 + ], + [ + "\u2581geflohen", + -14.858195304870604 + ], + [ + "\u2581pietanze", + -14.858195304870604 + ], + [ + "\u2581verwundet", + -14.858195304870604 + ], + [ + "\u2581Veh\u00edculo", + -14.858196258544922 + ], + [ + "\u2581sustituida", + -14.858196258544922 + ], + [ + "\u2581Kumamoto", + -14.858205795288086 + ], + [ + "ruego", + -14.858210563659668 + ], + [ + "ckermann", + -14.858216285705566 + ], + [ + "\u2581Telecomunica", + -14.858271598815918 + ], + [ + "it\u00e9ration", + -14.85831356048584 + ], + [ + "Halbinsel", + -14.858345985412598 + ], + [ + "Habitat", + -14.858390808105469 + ], + [ + "\u2581Bellucci", + -14.858407020568848 + ], + [ + "\u2581escursionistici", + -14.85842514038086 + ], + [ + "tarvation", + -14.85843563079834 + ], + [ + "\u2581abgerundet", + -14.858474731445312 + ], + [ + "\u2581comprovad", + -14.858509063720703 + ], + [ + "\u2581Titani", + -14.858543395996094 + ], + [ + "ollaboration", + -14.858550071716309 + ], + [ + "\u2581subdirectories", + -14.858572006225586 + ], + [ + "regeerd", + -14.858579635620115 + ], + [ + "fondamentalement", + -14.858613967895508 + ], + [ + "\u2581desafiante", + -14.85870361328125 + ], + [ + "\u2581Parri", + -14.858723640441896 + ], + [ + "\u2581d\u00e9fensive", + -14.858735084533691 + ], + [ + "\u2581butterflies", + -14.85888385772705 + ], + [ + "\u2581fanciulle", + -14.858884811401367 + ], + [ + "\u2581recorri\u00f3", + -14.858904838562012 + ], + [ + "\u2581r\u00e9sist", + -14.85891056060791 + ], + [ + "\u2581goril", + -14.858912467956545 + ], + [ + "chtigheid", + -14.858920097351074 + ], + [ + "\u2581kategoris", + -14.85893726348877 + ], + [ + "\u2581segnalazioni", + -14.858945846557615 + ], + [ + "\u2581Samarita", + -14.85902976989746 + ], + [ + "hospholipid", + -14.859108924865724 + ], + [ + "configTrojan", + -14.859110832214355 + ], + [ + "amaritan", + -14.859118461608888 + ], + [ + "Topologie", + -14.859130859375 + ], + [ + "souvent", + -14.859148979187012 + ], + [ + "\u2581MERC", + -14.85915756225586 + ], + [ + "gitignore", + -14.85919189453125 + ], + [ + "\u2581despacio", + -14.859213829040527 + ], + [ + "\u2581carrua", + -14.8592529296875 + ], + [ + "\u2581desacredita", + -14.859323501586914 + ], + [ + "turerbe", + -14.859335899353027 + ], + [ + "\u2581capensis", + -14.85934829711914 + ], + [ + "CryptoKey", + -14.859371185302734 + ], + [ + "\u2581lavander", + -14.859375 + ], + [ + "uppan", + -14.85938835144043 + ], + [ + "correvano", + -14.85939121246338 + ], + [ + "ferry", + -14.859419822692873 + ], + [ + "\u2581technologisch", + -14.8594331741333 + ], + [ + "\u2581swelling", + -14.85946559906006 + ], + [ + "trinsieke", + -14.85950756072998 + ], + [ + "\u2581elliptical", + -14.859526634216309 + ], + [ + "\u2581multijugador", + -14.859572410583496 + ], + [ + "\u2581par\u00e9ntesis", + -14.859572410583496 + ], + [ + "\u2581zwaartepunt", + -14.859573364257812 + ], + [ + "\u2581alinhamento", + -14.859574317932127 + ], + [ + "\u2581invaluable", + -14.859574317932127 + ], + [ + "\u2581mysterieuze", + -14.859575271606444 + ], + [ + "\u2581Submarino", + -14.859580039978027 + ], + [ + "\u2581Duinkerke", + -14.859582901000977 + ], + [ + "\u2581Kabarett", + -14.859582901000977 + ], + [ + "w\u00e4chst", + -14.85958480834961 + ], + [ + "\u2581Nacimiento", + -14.859594345092772 + ], + [ + "\u2581Hoj", + -14.859643936157228 + ], + [ + "\u2581Emirados", + -14.85965347290039 + ], + [ + "Groeneveld", + -14.859659194946287 + ], + [ + "\u2581refiner", + -14.859660148620604 + ], + [ + "\u2581miserabil", + -14.859663963317873 + ], + [ + "\u2581essayant", + -14.859688758850098 + ], + [ + "\u2581suffira", + -14.859697341918944 + ], + [ + "discutibile", + -14.859713554382324 + ], + [ + "\u2581K\u00fcstenschutzes", + -14.85972499847412 + ], + [ + "\u2581Counties", + -14.85983943939209 + ], + [ + "\u2581allargat", + -14.859846115112305 + ], + [ + "gobi", + -14.859871864318848 + ], + [ + "pendente", + -14.859871864318848 + ], + [ + "ehemals", + -14.859908103942873 + ], + [ + "\u2581fen\u00edcios", + -14.859949111938477 + ], + [ + "DecodeResponse", + -14.859957695007324 + ], + [ + "voyage", + -14.860064506530762 + ], + [ + "\u2581pluralismo", + -14.860101699829102 + ], + [ + "\u2581Bahama", + -14.860172271728516 + ], + [ + "\u2581Biodiversidad", + -14.860262870788574 + ], + [ + "NSTITUTION", + -14.860279083251951 + ], + [ + "\u2581promissor", + -14.860284805297852 + ], + [ + "OpenStack", + -14.860300064086914 + ], + [ + "\u2581Ricordate", + -14.860307693481444 + ], + [ + "\u2581auszuwerten", + -14.860315322875977 + ], + [ + "\u2581telef\u00f3nico", + -14.860356330871582 + ], + [ + "\u2581m\u00e9diterran\u00e9enne", + -14.86038589477539 + ], + [ + "\u2581fortgeschrieben", + -14.860395431518556 + ], + [ + "\u2581simbolicamente", + -14.860424995422363 + ], + [ + "\u2581reparaciones", + -14.860434532165527 + ], + [ + "\u2581restableci", + -14.860466957092283 + ], + [ + "hamburg", + -14.860502243041992 + ], + [ + "\u2581propugna", + -14.86056423187256 + ], + [ + "sc\u00f3pica", + -14.860584259033203 + ], + [ + "\u2581aggiudicat", + -14.860588073730469 + ], + [ + "\u2581Grenzregion", + -14.86059284210205 + ], + [ + "doppia", + -14.86069107055664 + ], + [ + "\u2581bezuinig", + -14.860723495483398 + ], + [ + "\u2581untersteh", + -14.860725402832031 + ], + [ + "\u2581Avra", + -14.860736846923828 + ], + [ + "\u2581uitwendig", + -14.860803604125977 + ], + [ + "InterCity", + -14.860843658447266 + ], + [ + "\u2581Barbagia", + -14.86087703704834 + ], + [ + "illidae", + -14.860884666442873 + ], + [ + "\u2581Musharraf", + -14.860952377319336 + ], + [ + "\u2581Lelystad", + -14.860955238342283 + ], + [ + "\u2581contribu\u00edram", + -14.860955238342283 + ], + [ + "\u2581envejecimiento", + -14.860955238342283 + ], + [ + "\u2581entourant", + -14.86096477508545 + ], + [ + "\u2581absteigen", + -14.860973358154297 + ], + [ + "\u2581vorhergesagt", + -14.860976219177246 + ], + [ + "scarlat", + -14.861002922058104 + ], + [ + "\u2581flankiert", + -14.861023902893066 + ], + [ + "\u2581Picto", + -14.861027717590332 + ], + [ + "\u2581transmiti\u00f3", + -14.861048698425291 + ], + [ + "\u2581Gezeiten", + -14.861056327819824 + ], + [ + "\u2581permaneci", + -14.861108779907228 + ], + [ + "\u2581Preiserh", + -14.861109733581545 + ], + [ + "straight", + -14.86111545562744 + ], + [ + "fragten", + -14.861119270324709 + ], + [ + "\u2581Affekt", + -14.861130714416504 + ], + [ + "\u2581filmmuziek", + -14.861186981201172 + ], + [ + "anfechtbar", + -14.86119270324707 + ], + [ + "urgiu", + -14.861209869384766 + ], + [ + "\u2581trustees", + -14.861228942871094 + ], + [ + "\u2581Homogenit\u00e4t", + -14.861254692077637 + ] + ] + }, + "normalizer": { + "normalizers": [ + { + "prepend": "\u2581", + "type": "Prepend" + }, + { + "type": "NFKC" + }, + { + "content": "\u2581", + "pattern": { + "String": " " + }, + "type": "Replace" + } + ], + "type": "Sequence" + }, + "padding": null, + "post_processor": null, + "pre_tokenizer": null, + "truncation": null, + "version": "1.0" +} diff --git a/tests/test_inference/__init__.py b/tests/test_inference/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/tests/test_inference/inference_pipe_fixture.py b/tests/test_inference/inference_pipe_fixture.py new file mode 100644 index 0000000..92b6b8d --- /dev/null +++ b/tests/test_inference/inference_pipe_fixture.py @@ -0,0 +1,49 @@ +import pytest +from pathlib import Path +from trigram_tokenizer.inference import InferencePipe + + +def get_inference_pipe(): + src_path = ( + Path(__file__).parents[1] + / "files" + / "tmp" + / "test_training_distributed_2_2_1_bfloat16_True" + / "determined_checkpoint" + / "000000000004" + ) + + # initialize inference pipe + inference_pipe = InferencePipe( + str(src_path), words_target_dir=src_path / "words_target" + ) + + return inference_pipe + + +def get_inference_pipe_classic(): + src_path = ( + Path(__file__).parents[1] + / "files" + / "tmp" + / "test_training_distributed_classic_2_2_1_bfloat16_True" + / "determined_checkpoint" + / "000000000004" + ) + + # initialize inference pipe + inference_pipe = InferencePipe(str(src_path)) + + return inference_pipe + + +@pytest.fixture +def inference_pipe(): + pipe = get_inference_pipe() + yield pipe + + +@pytest.fixture +def inference_pipe_classic(): + pipe = get_inference_pipe_classic() + yield pipe diff --git a/tests/test_inference/test_inference.py b/tests/test_inference/test_inference.py new file mode 100644 index 0000000..2848bee --- /dev/null +++ b/tests/test_inference/test_inference.py @@ -0,0 +1,58 @@ +import pytest + +from trigram_tokenizer.inference import InferencePipe +from .inference_pipe_fixture import inference_pipe, inference_pipe_classic + + +def test_inference_with_echo(inference_pipe: InferencePipe): + # run inference + + result = inference_pipe.generate( + prompt="Hello World!", + max_tokens=2, + log_probs=3, + echo=True, + ) + assert result.completion.startswith("Hello World!") + + for log_prob_dict in result.log_probs: + for k, v in log_prob_dict.items(): + assert v <= 1.0 + + +def test_inference_with_log_probs(inference_pipe: InferencePipe): + # run inference + + result = inference_pipe.generate( + prompt="Hello World!", + max_tokens=2, + log_probs=1, + ) + assert result.log_probs is not None + assert len(result.log_probs) == len(result.tokens) + for log_probs, token in zip(result.log_probs, result.tokens): + assert token in log_probs + + +def test_inference_with_echo_classic(inference_pipe_classic: InferencePipe): + # run inference + + result = inference_pipe_classic.generate( + prompt="Hello World!", + max_tokens=2, + log_probs=3, + echo=True, + ) + assert result.completion.startswith(" Hello World!") + + +def test_inference_with_log_probs_classic(inference_pipe_classic: InferencePipe): + # run inference + + result = inference_pipe_classic.generate( + prompt="Hello World!", + max_tokens=2, + log_probs=1, + ) + assert result.log_probs is not None + assert len(result.log_probs) == len(result.tokens) == 2 diff --git a/tests/test_tokenizer/__init__.py b/tests/test_tokenizer/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/tests/test_tokenizer/test_encoding_inference.py b/tests/test_tokenizer/test_encoding_inference.py new file mode 100644 index 0000000..8d992f2 --- /dev/null +++ b/tests/test_tokenizer/test_encoding_inference.py @@ -0,0 +1,48 @@ +import pytest +from pathlib import Path + +from trigram_tokenizer.tokenizer import EncodingInference, TrigramTokenizer + +from .tokenizer_fixture import trigram_tokenizer + + +def test_concat_encodings(trigram_tokenizer: TrigramTokenizer): + encodings = [ + trigram_tokenizer.encode("Hello World!"), + trigram_tokenizer.encode("This is a test!"), + trigram_tokenizer.encode("12345"), + ] + + encoding = EncodingInference.concat_encodings(encodings, seq_len=None) + assert len(encoding.position_ids) == 13 + assert len(encoding.words) == 13 + + encoding = EncodingInference.concat_encodings(encodings, seq_len=4) + assert len(encoding.position_ids) == 4 + assert len(encoding.words) == 4 + + encoding = EncodingInference.concat_encodings(encodings, seq_len=2048) + + assert len(encoding.position_ids) == 2048 + assert len(encoding.words) == 2048 + + +def test_index_encodings(trigram_tokenizer: TrigramTokenizer): + encodings = [ + trigram_tokenizer.encode("Hello World!"), + trigram_tokenizer.encode("This is a test!"), + trigram_tokenizer.encode("12345"), + ] + + encoding = EncodingInference.concat_encodings(encodings, seq_len=2048) + + first_item = encoding[0] + assert len(first_item) == 1 + second_item = encoding[1] + assert len(second_item) == 1 + first_two_items = EncodingInference.concat_encodings([first_item, second_item]) + first_two_items_ = encoding[:2] + assert first_two_items == first_two_items_ + + full_slice = encoding[:99999] + assert full_slice == encoding diff --git a/tests/test_tokenizer/test_encoding_training.py b/tests/test_tokenizer/test_encoding_training.py new file mode 100644 index 0000000..1e24988 --- /dev/null +++ b/tests/test_tokenizer/test_encoding_training.py @@ -0,0 +1,193 @@ +import pytest +from typing import List +from pathlib import Path +import torch +from trigram_tokenizer.tokenizer import ( + EncodingTraining, + TrigramTokenizer, + EncodingBatchTraining, +) + +from .tokenizer_fixture import trigram_tokenizer + + +def test_encode_eot(trigram_tokenizer: TrigramTokenizer): + encoding = trigram_tokenizer.encode_training( + "Hello World!" + + trigram_tokenizer.config.end_of_text + + "42" + + trigram_tokenizer.config.end_of_text, + pad_to_seq_len=False, + ) + assert len(encoding.targets) == 6 + assert len(encoding.position_ids) == 6 + assert len(encoding.loss_weights) == 6 + assert len(encoding.trigram_set_target_is_eot) == 6 + assert encoding.trigram_set_target_is_eot[2] == True + assert encoding.trigram_set_target_is_eot[5] == True + + batch = EncodingBatchTraining.from_encodings([encoding]) + + assert ( + batch.attention_mask + == torch.tensor( + [ + [ + [ + [False, True, True, True, True, True], + [False, False, True, True, True, True], + [False, False, False, True, True, True], + [True, True, True, False, True, True], + [True, True, True, False, False, True], + [True, True, True, False, False, False], + ] + ] + ] + ) + ).all() + + +def test_concat_encodings(trigram_tokenizer: TrigramTokenizer): + encodings = [ + trigram_tokenizer.encode_training("Hello World!", pad_to_seq_len=False), + trigram_tokenizer.encode_training("This is a test!", pad_to_seq_len=False), + trigram_tokenizer.encode_training("12345", pad_to_seq_len=False), + ] + + encoding = EncodingTraining.concat_encodings(encodings, seq_len=None) + assert len(encoding.targets) == 10 + assert len(encoding.position_ids) == 10 + assert len(encoding.loss_weights) == 10 + assert len(encoding.trigram_set_target_is_eot) == 10 + + encoding = EncodingTraining.concat_encodings(encodings, seq_len=4) + assert len(encoding.targets) == 4 + assert len(encoding.position_ids) == 4 + assert len(encoding.loss_weights) == 4 + assert len(encoding.trigram_set_target_is_eot) == 4 + + encoding = EncodingTraining.concat_encodings(encodings, seq_len=2048) + + assert len(encoding.targets) == 2048 + assert len(encoding.position_ids) == 2048 + assert len(encoding.loss_weights) == 2048 + assert len(encoding.trigram_set_target_is_eot) == 2048 + + +def test_index_encodings(trigram_tokenizer: TrigramTokenizer): + encodings = [ + trigram_tokenizer.encode_training("Hello World!", pad_to_seq_len=False), + trigram_tokenizer.encode_training("This is a test!", pad_to_seq_len=False), + trigram_tokenizer.encode_training("12345", pad_to_seq_len=False), + ] + + encoding = EncodingTraining.concat_encodings( + encodings, seq_len=2048, reset_position_ids=False + ) + + first_item = encoding[0] + assert len(first_item) == 1 + second_item = encoding[1] + assert len(second_item) == 1 + first_two_items = EncodingTraining.concat_encodings( + [first_item, second_item], reset_position_ids=False + ) + first_two_items_ = encoding[:2] + assert first_two_items == first_two_items_ + + full_slice = encoding[:99999] + assert full_slice == encoding + + +def test_encode_finetuning(trigram_tokenizer: TrigramTokenizer): + data = [ + { + "has_loss": False, + "type": "text", + "content": "<|begin_of_text|><|start_header_id|>user<|end_header_id|>Provide a poem<|endoftext|><|start_header_id|>assistant<|end_header_id|>", + }, + { + "has_loss": True, + "type": "text", + "content": "The sun is shining.<|endoftext|>", + }, + ] + + text: List[str] = list() + for i in data: + assert isinstance(i["content"], str) + text.append(i["content"]) + text_loss_weights: List[float] = [1.0 if i["has_loss"] else 0.0 for i in data] + + encoding = trigram_tokenizer.encode_training_trigram( + text=text, pad_to_seq_len=False, text_loss_weights=text_loss_weights + ) + + assert encoding.words_targets == [ + "<|start_header_id|>", + "user", + "<|end_header_id|>", + "Provide", + "a", + "poem", + "<|endoftext|>", + "<|start_header_id|>", + "assistant", + "<|end_header_id|>", + "The", + "sun", + "is", + "shining", + ".", + "<|endoftext|>", + ] + assert len(encoding.targets) == 16 + assert len(encoding.position_ids) == 16 + assert len(encoding.loss_weights) == 16 + assert encoding.loss_weights.tolist() == [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 1.0, + 1.0, + 1.0, + 1.0, + 1.0, + 1.0, + ] + assert len(encoding.trigram_set_target_is_eot) == 16 + assert encoding.trigram_set_target_is_eot[15] == True + + # concat is in dataset to assert loss weights for padding + encoding_padded = EncodingTraining.concat_encodings( + [encoding], + seq_len=32, + ) + + assert encoding_padded.words_targets == encoding.words_targets + [None] * 16 + assert len(encoding_padded.targets) == 32 + assert len(encoding_padded.position_ids) == 32 + assert len(encoding_padded.loss_weights) == 32 + assert ( + encoding_padded.loss_weights.tolist() + == encoding.loss_weights.tolist() + [0.0] * 16 + ) + assert len(encoding_padded.trigram_set_target_is_eot) == 32 + assert encoding_padded.trigram_set_target_is_eot[15] == True + + # convert to batch + batch = EncodingBatchTraining.from_encodings( + [encoding_padded], reset_attention_mask=False + ) + expected_attention_mask = ~torch.tril(torch.ones((32, 32), dtype=torch.bool)).view( + (1, 1, 32, 32) + ) + + assert (batch.attention_mask == expected_attention_mask).all() diff --git a/tests/test_tokenizer/test_trigram_tokenizer.py b/tests/test_tokenizer/test_trigram_tokenizer.py new file mode 100644 index 0000000..2c980df --- /dev/null +++ b/tests/test_tokenizer/test_trigram_tokenizer.py @@ -0,0 +1,50 @@ +import pytest +from pathlib import Path + +from trigram_tokenizer.tokenizer import ( + TrigramTokenizer, +) + +from ..utils import get_empty_cache_dir + +from .tokenizer_fixture import trigram_tokenizer + + +def test_trigram_tokenizer(trigram_tokenizer: TrigramTokenizer): + tmp_path = get_empty_cache_dir("test_trigram_tokenizer") + + encoding = trigram_tokenizer.encode("Hello world!") + assert ( + len(encoding.trigram_sets_input) == 3 + ), f"did not split into words and special characters: {encoding.trigram_sets_input}" + + encoding_training = trigram_tokenizer.encode_training( + "Hello world!", pad_to_seq_len=False + ) + assert ( + len(encoding_training.trigram_sets_input) == 2 + ), f"did not split into words and special characters AND shift for targets: {encoding_training.trigram_sets_input}" + + assert ( + encoding_training.targets is not None + ), "returned targets although not in train mode" + assert ( + encoding_training.trigram_sets_targets is not None + ), "returned trigrams_targets although not in train mode" + + assert len(encoding_training.trigram_sets_input) == len( + encoding_training.trigram_sets_targets + ) + + trigram_tokenizer.save(tmp_path / "tokenizer" / "tokenizer.pt") + + tokenizer_ = TrigramTokenizer.load(tmp_path / "tokenizer" / "tokenizer.pt") + encoding_training_ = tokenizer_.encode_training( + "Hello world!", pad_to_seq_len=False + ) + + assert encoding_training.trigram_sets_input == encoding_training_.trigram_sets_input + assert ( + encoding_training.trigram_sets_targets + == encoding_training_.trigram_sets_targets + ) diff --git a/tests/test_tokenizer/test_word_split.py b/tests/test_tokenizer/test_word_split.py new file mode 100644 index 0000000..3a49944 --- /dev/null +++ b/tests/test_tokenizer/test_word_split.py @@ -0,0 +1,276 @@ +import pytest +from pathlib import Path +import json +from typing import List, Optional +from trigram_tokenizer.tokenizer.wordsplit import ( + text_to_words, + words_to_text, + _do_compress_whitespaces, + _undo_compress_whitespaces, + _do_create_factorial_tokens, + _undo_create_factorial_tokens, +) +from trigram_tokenizer.tokenizer.trigram_tokenizer import TrigramTokenizer + +import string +import random + + +def random_string_with_special_chars(length=20): + password_characters = ( + string.ascii_letters + string.digits + string.punctuation + "\n" + " " + ) + return "".join(random.choice(password_characters) for _ in range(length)) + + +def load_more_data(): + data = list() + with open(Path(__file__).parent / "wiki-dev.jsonl", "r") as f: + for line in f: + line = line.strip() + if len(line) > 0: + d = json.loads(line) + data.append((d["summary"], None)) + + return data + + +@pytest.mark.parametrize( + "text,words_expected", + [ + ("", []), + ("Hello World!", ["Hello", "World", "!"]), + ( + "Hello World!<|endoftext|>abc", + ["Hello", "World", "!", "<|endoftext|>", "abc"], + ), + ( + "Hello<|startoftext|> World!", + ["Hello", "<|startoftext|>", "<|ws|>", "World", "!"], + ), + ( + "Hello\nWorld!", + ["Hello", "<|\n|>", "World", "!"], + ), + ( + "This is a <|test with some numbers 1234.", + [ + "This", + "is", + "a", + "<", + "|", + "<|no_ws|>", + "test", + "with", + "some", + "numbers", + "<|ws|>", + "1", + "2", + "3", + "4", + ".", + ], + ), + ] + + load_more_data() + + [(random_string_with_special_chars(1_000), None)], +) +def test_split(text: str, words_expected: Optional[List[str]]): + words = text_to_words(text=text) + if words_expected is not None: + assert ( + words == words_expected + ), f"words_expected: {words_expected}\nwords: {words}" + + text_reconstructed = words_to_text(words=words) + assert ( + text == text_reconstructed + ), f"text: {text}\nwords: {words}\ntext_reconstructed: {text_reconstructed}" + + +def test_compress_whitespaces(): + splits_input = [ + " ", + "Hello", + "1", + " ", + "world", + " ", + "1", + "2", + "3", + "!", + "!", + " ", + " ", + "(", + " ", + "a", + ")", + ".", + " ", + ] + splits_converted_expected = [ + "<|ws|>", + "Hello", + "1", + "world", + "<|ws|>", + "1", + "2", + "3", + "!", + "!", + "<|ws|>", + "<|ws|>", + "(", + "<|ws|>", + "a", + ")", + ".", + "<|ws|>", + ] + splits_converted = _do_compress_whitespaces(splits_input) + assert ( + splits_converted == splits_converted_expected + ), f"splits_converted: {splits_converted}\nsplits_converted_expected: {splits_converted_expected}" + splits_converted_undo = _undo_compress_whitespaces(splits_converted) + assert ( + splits_converted_undo == splits_input + ), f"splits_converted_undo: {splits_converted_undo}\nsplits_input: {splits_input}" + + +def test_create_factorial_tokens_3(): + splits_input = [ + " Hello ", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + " Test ", + ] + splits_converted_expected = [ + " Hello ", + "<|4<-ws->|>", + "<|2<-ws->|>", + "<|ws|>", + " Test ", + ] + splits_converted = _do_create_factorial_tokens(splits_input) + assert ( + splits_converted == splits_converted_expected + ), f"splits_converted: {splits_converted}\nsplits_converted_expected: {splits_converted_expected}" + splits_converted_undo = _undo_create_factorial_tokens(splits_converted) + assert ( + splits_converted_undo == splits_input + ), f"splits_converted_undo: {splits_converted_undo}\nsplits_input: {splits_input}" + + +def test_create_factorial_tokens_2(): + splits_input = [ + "<|ws|>", + "<|ws|>", + "<|\n|>", + "<|\n|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|\n|>", + "<|\n|>", + "<|\n|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|\n|>", + "<|\n|>", + "<|\n|>", + "<|\n|>", + "abc", + " Hello ", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + " Test ", + ] + splits_converted_expected = [ + "<|2<-ws->|>", + "<|2<-\n->|>", + "<|2<-ws->|>", + "<|ws|>", + "<|2<-\n->|>", + "<|\n|>", + "<|4<-ws->|>", + "<|4<-\n->|>", + "abc", + " Hello ", + "<|4<-ws->|>", + "<|4<-ws->|>", + "<|4<-ws->|>", + " Test ", + ] + splits_converted = _do_create_factorial_tokens(splits_input) + assert ( + splits_converted == splits_converted_expected + ), f"splits_converted: {splits_converted}\nsplits_converted_expected: {splits_converted_expected}" + splits_converted_undo = _undo_create_factorial_tokens(splits_converted) + assert ( + splits_converted_undo == splits_input + ), f"splits_converted_undo: {splits_converted_undo}\nsplits_input: {splits_input}" + + +def test_create_factorial_tokens(): + splits_input = [ + " Test ", + " Hello ", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + "<|ws|>", + " Test ", + ] + splits_converted_expected = [ + " Test ", + " Hello ", + "<|4<-ws->|>", + "<|4<-ws->|>", + "<|4<-ws->|>", + "<|4<-ws->|>", + "<|ws|>", + " Test ", + ] + splits_converted = _do_create_factorial_tokens(splits_input) + assert ( + splits_converted == splits_converted_expected + ), f"splits_converted: {splits_converted}\nsplits_converted_expected: {splits_converted_expected}" + splits_converted_undo = _undo_create_factorial_tokens(splits_converted) + assert ( + splits_converted_undo == splits_input + ), f"splits_converted_undo: {splits_converted_undo}\nsplits_input: {splits_input}" diff --git a/tests/test_tokenizer/tokenizer_fixture.py b/tests/test_tokenizer/tokenizer_fixture.py new file mode 100644 index 0000000..232ab18 --- /dev/null +++ b/tests/test_tokenizer/tokenizer_fixture.py @@ -0,0 +1,22 @@ +import pytest +from trigram_tokenizer.tokenizer import ( + TrigramTokenizer, + TrigramTokenizerConfig, +) + + +@pytest.fixture +def trigram_tokenizer(): + config = TrigramTokenizerConfig.from_dict( + { + "lowercase": False, + "vocab_size": 32000, + "vocab_population": 4, + "seed": 42, + "end_of_text": "<|endoftext|>", + "cache_dir": "tmp/tokenizer", + "sequence_length": 2048, + } + ) + tokenizer = TrigramTokenizer.init(config=config) + yield tokenizer diff --git a/tests/test_tokenizer/wiki-dev.jsonl b/tests/test_tokenizer/wiki-dev.jsonl new file mode 100644 index 0000000..0824879 --- /dev/null +++ b/tests/test_tokenizer/wiki-dev.jsonl @@ -0,0 +1,1000 @@ +{"title": "Douglas_Adams", "summary": "Douglas Noel Adams was an English author, scriptwriter, essayist, humorist, satirist and dramatist.", "occupations": ["yago:Writer", "yago:Screenwriter"]} +{"title": "Paul_Otlet", "summary": "Paul Marie Ghislain Otlet was a Belgian author, entrepreneur, visionary, lawyer and peace activist; he is one of several people who have been considered the father of information science, a field he called \"documentation\". Otlet created the Universal Decimal Classification, one of the most prominent examples of faceted classification. Otlet was responsible for the widespread adoption in Europe of the standard American 3x5\u00a0inch index card used until recently in most library catalogs around the world. Otlet wrote numerous essays on how to collect and organize the world's knowledge, culminating in two books, the Trait\u00e9 de Documentation (1934) and Monde: Essai d'universalisme (1935).", "occupations": ["yago:Writer", "yago:Lawyer"]} +{"title": "George_W._Bush", "summary": "George Walker Bush is an American politician who served as the 43rd President of the United States from 2001 to 2009. He had previously served as the 46th Governor of Texas from 1995 to 2000.", "occupations": ["yago:Politician"]} +{"title": "Augusto_Pinochet", "summary": "Augusto Jos\u00e9 Ram\u00f3n Pinochet Ugarte was a Chilean general, politician and the dictator of Chile between 1973 and 1990 who remained the Commander-in-Chief of the Chilean Army until 1998 and was also President of the Government Junta of Chile between 1973 and 1981.", "occupations": ["yago:Politician"]} +{"title": "Charles_Baudelaire", "summary": "Charles Pierre Baudelaire was a French poet who also produced notable work as an essayist, art critic, and pioneering translator of Edgar Allan Poe.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Nicolaus_Copernicus", "summary": "Nicolaus Copernicus was a Renaissance-era mathematician and astronomer who formulated a model of the universe that placed the Sun rather than the Earth at the center of the universe, in all likelihood independently of Aristarchus of Samos, who had formulated such a model some eighteen centuries earlier.", "occupations": ["yago:Physician"]} +{"title": "Neil_Young", "summary": "Neil Percival Young, is a Canadian singer-songwriter and musician. After embarking on a music career in the 1960s, he moved to Los Angeles, where he formed Buffalo Springfield with Stephen Stills, Richie Furay and others. Young had released two solo albums and three as a member of Buffalo Springfield by the time he joined Crosby, Stills & Nash in 1969. From his early solo albums and those with his backing band Crazy Horse, Young has recorded a steady stream of studio and live albums, sometimes warring with his recording company along the way.", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor", "yago:Musician", "yago:Film_director"]} +{"title": "Plato", "summary": "Plato was a philosopher in Classical Greece and the founder of the Academy in Athens, the first institution of higher learning in the Western world. He is widely considered the pivotal figure in the development of Western philosophy. Unlike nearly all of his philosophical contemporaries, Plato's entire work is believed to have survived intact for over 2,400 years.", "occupations": ["yago:Poet"]} +{"title": "Indira_Gandhi", "summary": "Indira Priyadarshini Gandhi, was an Indian politician, stateswoman and a central figure of the Indian National Congress. She was the first and, to date, the only female Prime Minister of India. Indira Gandhi was the daughter of Jawaharlal Nehru, the first prime minister of India. Despite her surname Gandhi, she is not related to the family of Mahatma Gandhi; Gandhi is a common surname in Gujarat. She served as Prime Minister from January 1966 to March 1977 and again from January 1980 until her assassination in October 1984, making her the second longest-serving Indian Prime Minister after her father.", "occupations": ["yago:Politician"]} +{"title": "Hector_Berlioz", "summary": "Louis-Hector Berlioz was a French Romantic composer. His output includes orchestral works such as the Symphonie fantastique and Harold in Italy, choral pieces including the Requiem and L'enfance du Christ, his three operas Benvenuto Cellini, Les Troyens and B\u00e9atrice et B\u00e9n\u00e9dict, and works of hybrid genres such as the \"dramatic symphony\" Rom\u00e9o et Juliette and the \"dramatic legend\" La damnation de Faust.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Composer"]} +{"title": "Oscar_Luigi_Scalfaro", "summary": "Oscar Luigi Scalfaro was an Italian politician and magistrate, the ninth President of the Italian Republic from 1992 to 1999, and subsequently a senator for life. Formerly a member of Christian Democracy, he belonged to the centre-left Democratic party.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Ban_Ki-moon", "summary": "Ban Ki-moon is a South Korean diplomat who was the eighth Secretary-General of the United Nations from January 2007 to December 2016. Before becoming Secretary-General, Ban was a career diplomat in South Korea's Ministry of Foreign Affairs and in the United Nations. He entered diplomatic service the year he graduated from university, accepting his first post in New Delhi, India.", "occupations": ["yago:Politician"]} +{"title": "Leonard_Cohen", "summary": "Leonard Norman Cohen was a Canadian singer-songwriter, poet and novelist. His work explored religion, politics, isolation, sexuality and personal relationships. Cohen was inducted into the Canadian Music Hall of Fame, the Canadian Songwriters Hall of Fame, and the Rock and Roll Hall of Fame. He was invested as a Companion of the Order of Canada, the nation's highest civilian honour. In 2011, Cohen received one of the Prince of Asturias Awards for literature and the ninth Glenn Gould Prize.", "occupations": ["yago:Writer", "yago:Poet", "yago:Film_actor", "yago:Musician", "yago:Screenwriter"]} +{"title": "Osama_bin_Laden", "summary": "Osama bin Mohammed bin Awad bin Laden, also rendered Usama bin Ladin, was a founder of the pan-Islamic militant organization al-Qaeda. He was a Saudi Arabian until 1994, a member of the wealthy bin Laden family, and an ethnic Yemeni Kindite.", "occupations": ["yago:Businessperson"]} +{"title": "Gordian_III", "summary": "Gordian III was Roman Emperor from 238 AD to 244 AD. At the age of 13, he became the youngest sole legal Roman emperor throughout the existence of the united Roman Empire. Gordian was the son of Antonia Gordiana and an unnamed Roman Senator who died before 238. Antonia Gordiana was the daughter of Emperor Gordian I and younger sister of Emperor Gordian II. Very little is known of his early life before his acclamation. Gordian had assumed the name of his maternal grandfather in 238 AD.", "occupations": ["yago:Politician"]} +{"title": "Sidney_Govou", "summary": "Sidney Rodrigue Noukpo Govou is a retired French international footballer who last played for FC Limonest in the Championnat de France Amateur 2. Govou was a natural winger but occasionally played as a striker.", "occupations": ["yago:Football_player"]} +{"title": "Bacary_Sagna", "summary": "Bacary Sagna ; born 14 February 1983) is a French professional footballer who plays for Montreal Impact in Major League Soccer. He has mainly played in the Premier League, and also for the France national team. His former manager at Arsenal, Ars\u00e8ne Wenger, once described him as the best right back in the Premier League. In addition to him regularly featuring as a wing-back, Sagna played as a centre back for Arsenal on several occasions.", "occupations": ["yago:Football_player"]} +{"title": "Jacques_Chirac", "summary": "Jacques Ren\u00e9 Chirac is a French politician who served as President of France and ex officio Co-Prince of Andorra from 1995 to 2007. Chirac previously was Prime Minister of France from 1974 to 1976 and from 1986 to 1988, as well as Mayor of Paris from 1977 to 1995.", "occupations": ["yago:Politician"]} +{"title": "Georges_Pompidou", "summary": "Georges Jean Raymond Pompidou was Prime Minister of France from 1962 to 1968\u2014the longest tenure in the position's history\u2014and later President of the French Republic from 1969 until his death in 1974. He had long been a top aide to president Charles de Gaulle. As president, he was a moderate conservative who repaired France's relationship with the United States and maintained positive relations with the newly independent former colonies in Africa.", "occupations": ["yago:Politician"]} +{"title": "Ludwig_Erhard", "summary": "Ludwig Wilhelm Erhard was a German politician affiliated with the CDU and the second Chancellor of the Federal Republic of Germany from 1963 until 1966. He is often famed for leading German postwar economic reforms and economic recovery in his role as Minister of Economic Affairs under Chancellor Konrad Adenauer from 1949 to 1963. During that period he promoted the concept of the social market economy, on which Germany's economic policy in the 21st century continues to be based. In his tenure as chancellor, however, Erhard failed to win confidence in his handling of a budget deficit and his direction of foreign policy, and his popularity waned. He resigned his chancellorship on 1 December 1966.", "occupations": ["yago:Politician", "yago:University_teacher"]} +{"title": "Helmut_Kohl", "summary": "Helmut Josef Michael Kohl was a German statesman who served as Chancellor of Germany from 1982 to 1998 and as the chairman of the Christian Democratic Union (CDU) from 1973 to 1998. From 1969 to 1976, Kohl was minister president of the state Rhineland-Palatinate. Kohl chaired the Group of Seven in 1985 and 1992. In 1998 he became honorary chairman of the CDU, resigning from the position in 2000.", "occupations": ["yago:Politician", "yago:Historian"]} +{"title": "Elisha_E._Meredith", "summary": "Elisha Edward Meredith was a U.S. Representative from Virginia.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Hubert_Clifford", "summary": "Hubert Clifford (1904\u20131959) was an Australian-born British composer and conductor. A native of Bairnsdale in rural Victoria, he emigrated to Britain in 1930 and worked principally on film scores. He also worked at the BBC, rising to become Head of Light Music.", "occupations": ["yago:Composer"]} +{"title": "Yukiko_Kobayashi", "summary": "Yukiko Kobayashi is a Japanese actress. She appeared in more than ten films since 1965.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Jack_Angel", "summary": "Jack Angel is an American voice actor and former radio personality. He has provided voice-overs for animation and video games. Angel has voiced characters in shows by Hasbro and Hanna-Barbera such as Super Friends, Transformers and G.I. Joe and has been involved in numerous productions by DreamWorks, Disney and Disney Pixar. Before becoming involved with voiceover work, Angel was initially a disc jockey for radio stations, namely KMPC and KFI.", "occupations": ["yago:Film_actor"]} +{"title": "V._P._Kalairajan", "summary": "V. P. Kalairajan is an Indian politician and was a member of the 13th and 14th Tamil Nadu Legislative Assemblies from the Theagaraya Nagar constituency in Chennai district. He represented the All India Anna Dravida Munnetra Kazhagam (AIADMK) party.", "occupations": ["yago:Politician"]} +{"title": "Louis_Aragon", "summary": "Louis Aragon was a French poet, who was one of the leading voices of the surrealist movement in France, who co-founded with Andr\u00e9 Breton and Philippe Soupault the surrealist review Litt\u00e9rature. He was also a novelist and editor, a long-time member of the Communist Party and a member of the Acad\u00e9mie Goncourt.", "occupations": ["yago:Politician", "yago:Journalist", "yago:Poet", "yago:Historian"]} +{"title": "Michel_Platini", "summary": "Michel Fran\u00e7ois Platini is a former French football player, manager and administrator. As the president of UEFA in 2015 he was banned from football, over ethics violations. Regarded as one of the greatest footballers of all time, Platini won the Ballon d'Or three times, in 1983, 1984 and 1985, and came sixth in the FIFA Player of the Century vote. In recognition of his achievements, he was named Chevalier of the Legion of Honour in 1985 and became Officier in 1988.", "occupations": ["yago:Football_player"]} +{"title": "Tom_DeLonge", "summary": "Thomas Matthew DeLonge Jr. is an American musician, singer, songwriter, author, record producer, actor and filmmaker. He is the lead vocalist and guitarist of the rock band Angels & Airwaves, which he formed in 2005, and was the co-lead vocalist, guitarist, and co-founder of the rock band Blink-182 from its formation in 1992 until his dismissal from the group in 2015.", "occupations": ["yago:Singer"]} +{"title": "Jon_Abrahams", "summary": "Jon Avery Abrahams is an American film and television actor. His most notable roles are Bobby in Scary Movie, Denny Byrnes in the Robert De Niro-Ben Stiller comedy Meet the Parents, and Dalton Chapman in the horror movie House of Wax.", "occupations": ["yago:Film_actor"]} +{"title": "Stefanie_Heinzmann", "summary": "Stefanie Fabienne Heinzmann is a Swiss pop singer and television personality. She gained public interest in early 2008 when she won TV total, a talent contest hosted in Stefan Raab's late-night-show TV total on the German ProSieben network. Following her win, Heinzmann released her debut single \"My Man Is a Mean Man,\" which debuted straight atop the Swiss Singles Chart and became a top ten hit in Austria and Germany. Her pop soul-influenced album Masterplan was released in March 2008 and made it to the top ten in Austria and Germany, also reaching number one in Switzerland, where it was certified platinum by the IFPI for more than 30,000 copies sold.", "occupations": ["yago:Singer"]} +{"title": "Anna_Faris", "summary": "Anna Kay Faris is an American actress, voice artist, producer, podcaster and author. Faris rose to prominence for her work in comedic roles, particularly the lead part of Cindy Campbell in the Scary Movie films (2000\u20132006). Her other films include The Hot Chick (2002), Lost in Translation (2003), Just Friends (2005), Smiley Face (2007), The House Bunny (2008), What's Your Number? (2011), The Dictator (2012), and Overboard (2018). Faris has also had voice-over roles in the film franchises Cloudy with a Chance of Meatballs (2009\u20132013) and Alvin and the Chipmunks (2009\u20132015), as well as The Emoji Movie (2017).", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor"]} +{"title": "Mitt_Romney", "summary": "Willard Mitt Romney is an American politician and businessman who is the U.S. Senator-elect from Utah. Romney previously served as the 70th Governor of Massachusetts from 2003 to 2007 and was the Republican Party's nominee for President of the United States in the 2012 election.", "occupations": ["yago:Politician", "yago:Businessperson"]} +{"title": "Comtessa_de_Dia", "summary": "The Comtessa de Dia, possibly named Beatritz or Isoarda, was a trobairitz.", "occupations": ["yago:Writer", "yago:Actor", "yago:Composer"]} +{"title": "Birger_Kildal", "summary": "Birger Kildal was a Norwegian attorney and businessman. He served as politician with the Liberal Party and was appointed District Governor in Romsdal.", "occupations": ["yago:Politician", "yago:Lawyer", "yago:Businessperson"]} +{"title": "Blondel_de_Nesle", "summary": "Blondel de Nesle \u2013 either Jean I of Nesle or his son Jean II of Nesle \u2013 was a French trouv\u00e8re.", "occupations": ["yago:Singer", "yago:Poet", "yago:Composer"]} +{"title": "William_IX,_Duke_of_Aquitaine", "summary": "William IX, called the Troubador, was the Duke of Aquitaine and Gascony and Count of Poitou between 1086 and his death. He was also one of the leaders of the Crusade of 1101. Though his political and military achievements have a certain historical importance, he is best known as the earliest troubadour \u2014 a vernacular lyric poet in the Occitan language \u2014 whose work survived.", "occupations": ["yago:Writer", "yago:Poet", "yago:Composer"]} +{"title": "Maria_de_Ventadorn", "summary": "Maria de Ventadorn was a patron of troubadour poetry at the end of the 12th century.", "occupations": ["yago:Writer", "yago:Poet", "yago:Composer"]} +{"title": "David_Bowie", "summary": "David Robert Jones, known professionally as David Bowie, was an English singer, songwriter and actor. He was a leading figure in the music industry and is often considered to be one of the most influential musicians of the 20th century, acclaimed by critics and fellow musicians, particularly for his innovative work during the 1970s. His career was marked by reinvention and visual presentation, with his music and stagecraft having a significant impact on popular music. During his lifetime, his record sales, estimated at 140 million albums worldwide, made him one of the world's best-selling music artists. In the UK, he was awarded ten platinum album certifications, eleven gold and eight silver, releasing eleven number-one albums. In the US, he received five platinum and nine gold certifications. He was inducted into the Rock and Roll Hall of Fame in 1996.", "occupations": ["yago:Actor", "yago:Painter", "yago:Singer", "yago:Composer", "yago:Film_actor"]} +{"title": "Isabella_Teotochi_Albrizzi", "summary": "Isabella Teotochi Albrizzi was a Greek - Venetian writer, salonist and countess.", "occupations": ["yago:Writer"]} +{"title": "Andrea_del_Sarto", "summary": "Andrea del Sarto was an Italian painter from Florence, whose career flourished during the High Renaissance and early Mannerism. Though highly regarded during his lifetime as an artist senza errori, his renown was eclipsed after his death by that of his contemporaries, Leonardo da Vinci, Michelangelo and Raphael.", "occupations": ["yago:Painter"]} +{"title": "Hokusai", "summary": "Katsushika Hokusai was a Japanese artist, ukiyo-e painter and printmaker of the Edo period. Born in Edo, Hokusai is best known as author of the woodblock print series Thirty-six Views of Mount Fuji which includes the internationally iconic print, The Great Wave off Kanagawa.", "occupations": ["yago:Painter"]} +{"title": "Antonello_da_Messina", "summary": "Antonello da Messina, properly Antonello di Giovanni di Antonio, but also called Antonello degli Antoni and Anglicized as Anthony of Messina, was an Italian painter from Messina, Sicily, active during the Early Italian Renaissance. His work shows strong influences from Early Netherlandish painting although there is no documentary evidence that he ever travelled beyond Italy. Giorgio Vasari credited him with the introduction of oil painting into Italy. Unusually for a south Italian artist of the Renaissance, his work proved influential on painters in northern Italy, especially in Venice.", "occupations": ["yago:Painter"]} +{"title": "Abu_Nuwas", "summary": "Ab\u016b Nuw\u0101s al-\u1e24asan ibn H\u0101n\u012b al-\u1e24akam\u012b (756\u2013814),a known as Ab\u016b Nuw\u0101s, was a classical Arabic poet. Born in the city of Ahvaz in modern-day Iran, to an Arab father and a Persian mother, he became a master of all the contemporary genres of Arabic poetry. Abu Nuwas has also entered the folkloric tradition, and he appears several times in The Book of One Thousand and One Nights.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Quintus_Curtius_Rufus", "summary": "Quintus Curtius Rufus was a Roman historian, probably of the 1st century, author of his only known and only surviving work, Historiae Alexandri Magni, \"Histories of Alexander the Great\", or more fully Historiarum Alexandri Magni Macedonis Libri Qui Supersunt, \"All the Books That Survive of the Histories of Alexander the Great of Macedon.\" Much of it is missing. Apart from his name on the manuscripts, nothing else certain is known of him. This fact alone has led philologists to believe that he had another historical identity, to which, due to the accidents of time, the link has been broken. A few theories exist. They are treated with varying degrees of credibility by various authors. Meanwhile, the identity of Quintus Curtius Rufus, historian, is maintained separately.", "occupations": ["yago:Politician", "yago:Writer", "yago:Historian"]} +{"title": "Hebe_Camargo", "summary": "Hebe Maria Monteiro de Camargo Ravagnani was a Brazilian television host, singer and actress. She is considered the \"Queen of Brazilian Television\". She died at her home on September 29, 2012. Her net worth was over US$360 million.", "occupations": ["yago:Singer", "yago:Film_actor"]} +{"title": "Tess_Gerritsen", "summary": "Tess Gerritsen is an American novelist and retired physician.", "occupations": ["yago:Writer", "yago:Physician"]} +{"title": "Annette_Salmeen", "summary": "Annette Elizabeth Salmeen is an American biochemist, a 1997 Rhodes Scholar and a gold medalist at the 1996 Summer Olympics.", "occupations": ["yago:University_teacher"]} +{"title": "Otto_Frank", "summary": " Otto Heinrich Frank was a German businessman who later became a resident of the Netherlands and Switzerland. He was the father of Anne and Margot Frank. As the sole member of his family to survive the Holocaust, he inherited Anne's manuscripts after her death, arranged for the publication of her diary as The Diary of a Young Girl in 1947, and oversaw its transition to the stage and screen.", "occupations": ["yago:Businessperson"]} +{"title": "Jing_Li_(chemist)", "summary": "Jing Li is a distinguished professor at Rutgers University, She and her team are engaged in solid state, inorganic and inorganic-organic hybrid materials research. Her current research focuses on designing and developing new materials for applications in the field of renewable and sustainable energy.", "occupations": ["yago:Researcher"]} +{"title": "Grazia_Deledda", "summary": "Grazia Maria Cosima Damiana Deledda was an Italian writer who received the Nobel Prize for Literature in 1926 \"for her idealistically inspired writings which with plastic clarity picture the life on her native island [i.e. Sardinia] and with depth and sympathy deal with human problems in general\". She was the first Italian woman to receive the prize.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Ambrogio_Bergognone", "summary": "Ambrogio Borgognone was an Italian painter of the Renaissance period active in and near Milan.", "occupations": ["yago:Painter"]} +{"title": "Ivan_the_Terrible", "summary": "Ivan IV Vasilyevich, commonly known as Ivan the Terrible or Ivan the Fearsome, was the Grand Prince of Moscow from 1533 to 1547, then Tsar of All Rus' until his death in 1584. The last title was used by all his successors.", "occupations": ["yago:Writer"]} +{"title": "Jamie_Selkirk", "summary": "Jamie Selkirk is a film editor and producer who has worked primarily in New Zealand. He is particularly noted for his work on The Lord of the Rings film trilogy, which he co-produced with Peter Jackson. He received the Academy Award for Best Film Editing for the last film of the trilogy, The Return of the King (2003).", "occupations": ["yago:Actor"]} +{"title": "Lorenzo_di_Credi", "summary": "Lorenzo di Credi was an Italian Renaissance painter and sculptor, known for his paintings on religious subjects. He first influenced Leonardo da Vinci and then was greatly influenced by him.", "occupations": ["yago:Painter"]} +{"title": "Aemilius_Macer", "summary": "Aemilius Macer of Verona was a Roman didactic poet. He authored two poems, one on birds (Ornithogonia), a translation of a work by Boios, and the other on the antidotes against the poison of serpents (Theriaca), which he imitated from the Greek poet Nicander of Colophon. According to Jerome, he died in 16 BC. It is possible that he wrote also a botanical work. The extant hexameter poem known as Floridus or De viribus herbarum, traditionally ascribed to Macer, is actually a medieval production by Odo Magdunensis, a French physician.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Augustin-Louis_Cauchy", "summary": "Baron Augustin-Louis Cauchy was a French mathematician, engineer and physicist who made pioneering contributions to several branches of mathematics, including mathematical analysis and continuum mechanics. He was one of the first to state and rigorously prove theorems of calculus, rejecting the heuristic principle of the generality of algebra of earlier authors. He almost singlehandedly founded complex analysis and the study of permutation groups in abstract algebra.", "occupations": ["yago:University_teacher"]} +{"title": "Lucius_Varius_Rufus", "summary": "Lucius Varius Rufus was a Roman poet of the Augustan age.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Joey_Moe", "summary": "Joey Lanni Moe Lynghave is a Danish-Hawaiian hip hop and pop singer and producer. During his career, he has collaborated with a number of other Danish artists.", "occupations": ["yago:Singer"]} +{"title": "Parmigianino", "summary": "Girolamo Francesco Maria Mazzola was an Italian Mannerist painter and printmaker active in Florence, Rome, Bologna, and his native city of Parma. His work is characterized by a \"refined sensuality\" and often elongation of forms and includes Vision of Saint Jerome (1527) and the iconic if somewhat untypical Madonna with the Long Neck (1534), and he remains the best known artist of the first generation whose whole careers fall into the Mannerist period.", "occupations": ["yago:Painter"]} +{"title": "Muhammad", "summary": "Muhammad was the founder of Islam. According to Islamic doctrine, he was a prophet, sent to present and confirm the monotheistic teachings preached previously by Adam, Abraham, Moses, Jesus, and other prophets. He is viewed as the final prophet of God in all the main branches of Islam, though some modern denominations diverge from this belief. Muhammad united Arabia into a single Muslim polity, with the Quran as well as his teachings and practices forming the basis of Islamic religious belief.", "occupations": ["yago:Politician"]} +{"title": "Martin_Luther", "summary": "Martin Luther, was a German professor of theology, composer, priest, monk, and a seminal figure in the Protestant Reformation.", "occupations": ["yago:Lawyer"]} +{"title": "Richard_Nixon", "summary": "Richard Milhous Nixon was the 37th President of the United States from 1969 until 1974 and the only president to resign from the position. He had previously served as the 36th Vice President of the United States from 1953 to 1961, and prior to that as both a U.S. Representative and Senator from California.", "occupations": ["yago:Politician"]} +{"title": "Kelly_Smith", "summary": "Kelly Smith, MBE is a retired English football forward who spent three spells with FA WSL club Arsenal Ladies. A product of the American college system, Smith broke records with Seton Hall University then played professionally with Women's United Soccer Association (WUSA) franchise Philadelphia Charge. After returning to Arsenal for a spell which included a 2007 UEFA Women's Cup win, Smith was tempted back to America with another professional contract, this time with Boston Breakers in Women's Professional Soccer (WPS). She has accumulated over 100 caps for the England women's national football team since making her debut in 1995. Despite being hit by serious injury during her career, Smith is England's record goalscorer with 46 goals. She played for Great Britain at the 2012 London Olympics.", "occupations": ["yago:Football_player"]} +{"title": "Hongzhi_Emperor", "summary": "The Hongzhi Emperor was the tenth emperor of the Ming dynasty in China between 1487 and 1505. Born Zhu Youcheng, he was the eldest surviving son of the Chenghua Emperor and his reign as emperor of China is called the \"Hongzhi Silver Age\". His era name, \"Hongzhi\", means \"great government.\" A peace-loving emperor, the Hongzhi Emperor also had only one empress and no concubines, granting him the distinction of being the sole perpetually monogamous emperor in Chinese history, besides Emperor Fei. He was emperor during the middle years of the Ming dynasty.", "occupations": ["yago:Painter", "yago:Poet"]} +{"title": "Tom_Cleverley", "summary": "Thomas William Cleverley is an English professional footballer who plays as a midfielder for Premier League club Watford.", "occupations": ["yago:Football_player"]} +{"title": "Mark_Yeates", "summary": "Mark Stephen Anthony Yeates is an Irish professional footballer who plays as a winger for Eastleigh FC. Born in Tallaght, Ireland he began his career with Tottenham Hotspur but failed to make the transition to the first team, spending time on loan at Brighton & Hove Albion, Swindon Town, Colchester United, Hull City and Leicester City. On leaving Spurs he returned on a permanent deal to Colchester before spells with Middlesbrough, Sheffield United, Watford and Bradford City. He has three under-21 caps for the Republic of Ireland.", "occupations": ["yago:Football_player"]} +{"title": "Rachel_Yankey", "summary": "Rachel Aba Yankey, OBE is a former English footballer who played for the England national team. She played as a left winger or forward, and wears the number 11 for England. She is of Ghanaian descent, from her father's side. She left Arsenal after 13 years in December 2016 at the end of her contract. She is ranked among the Arsenal Ladies Legends.", "occupations": ["yago:Football_player"]} +{"title": "Stephen_Breyer", "summary": "Stephen Gerald Breyer is an American lawyer, professor, and jurist serving as an Associate Justice of the Supreme Court of the United States since 1994. Appointed by President Bill Clinton, Breyer is generally associated with the more liberal side of the Court.", "occupations": ["yago:Politician", "yago:University_teacher", "yago:Lawyer"]} +{"title": "Susan_L._Graham", "summary": "Susan Lois Graham is an American computer scientist. Graham is the Pehong Chen Distinguished Professor in the Computer Science Division of the Department of Electrical Engineering and Computer Sciences at the University of California, Berkeley.", "occupations": ["yago:University_teacher"]} +{"title": "David_Paterson", "summary": "David Alexander Paterson is an American politician who served as the 55th Governor of New York, succeeding Eliot Spitzer and serving out the final three years of Spitzer's term from March 2008 to the end of 2010. He is the first African American to hold that position and the second legally blind U.S. Governor of any state after Bob C. Riley, who was Acting Governor of Arkansas for 11 days in January 1975. Since leaving office, Paterson has been a radio talk show host on station WOR in New York City, and was in 2014 appointed chairman of the New York Democratic Party by his successor as governor, Andrew Cuomo.", "occupations": ["yago:Politician"]} +{"title": "Inna", "summary": "Elena Alexandra Apostoleanu, known professionally as Inna, is a Romanian singer and songwriter. Born in Mangalia and raised in Neptun, she studied political science at Ovidius University before meeting the Romanian trio Play & Win and pursuing a music career. She adopted the stage name \"Alessandra\" in 2008 and adopted a pop-rock style; later that year, she changed her stage name to \"Inna\" and began releasing house music. \"Hot\" (2008), her debut single, was a commercial success worldwide and topped the Romanian Top 100 and Billboard's Hot Dance Airplay chart, among others. Inna's debut studio album of the same name followed in August 2009 and was certified Gold and Platinum. It featured several other successful singles in Europe, including \"Amazing\" (2009), her second number one single in Romania.", "occupations": ["yago:Singer"]} +{"title": "Julio_Baghy", "summary": "Julio Baghy was a Hungarian actor and one of the leading authors of the Esperanto movement. He is the author of several famous novels but it is particularly in the field of poetry that he proved his mastery of Esperanto.", "occupations": ["yago:Writer", "yago:Actor", "yago:Poet"]} +{"title": "Bertilo_Wennergren", "summary": "Bertilo Wennergren is a Swedish Esperantist currently living in the village of Schossin in northern Germany.", "occupations": ["yago:Musician"]} +{"title": "Hisashi_Inoue", "summary": "Inoue Hisashi was a leading Japanese playwright and writer of comic fiction. From 1961 to 1986, he used the pen name of Uchiyama Hisashi.", "occupations": ["yago:Writer", "yago:Screenwriter"]} +{"title": "Pierre-Alain_Muet", "summary": "Pierre-Alain Muet is a member of the National Assembly of France. He represents the Rh\u00f4ne department, and is a member of the Socialiste, radical, citoyen et divers gauche.", "occupations": ["yago:Politician"]} +{"title": "Jean-Louis_Touraine", "summary": "Jean-Louis Touraine is a medical teacher and a member of the National Assembly of France. He represents the Rh\u00f4ne department, and is a member of La R\u00e9publique En Marche!, formerly of the Socialist Party.", "occupations": ["yago:Politician", "yago:Physician"]} +{"title": "Michel_Terrot", "summary": "Michel Terrot is a member of the National Assembly of France. He represents the Rh\u00f4ne department, and is a member of the Union for a Popular Movement.", "occupations": ["yago:Politician"]} +{"title": "Leopold_I_of_Belgium", "summary": "Leopold I was a German prince who became the first King of the Belgians following the country's independence in 1830. He reigned between July 1831 and December 1865.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Tivadar_Soros", "summary": "Tivadar Soros was a Hungarian lawyer, author and editor. He is perhaps best known for being the father of businessman, investor, and philanthropist George Soros, and engineer Paul Soros.", "occupations": ["yago:Writer", "yago:Lawyer"]} +{"title": "Mathieu_Gorgelin", "summary": "Mathieu Gorgelin is a French professional footballer who plays for Lyon as a goalkeeper.", "occupations": ["yago:Football_player"]} +{"title": "Luchino_Visconti", "summary": "Luchino Visconti di Modrone, Count of Lonate Pozzolo, was an Italian theatre, opera and cinema director, as well as a screenwriter. He is best known for his films Ossessione (1943), Senso (1954), Rocco and His Brothers (1960), The Leopard (1963) and Death in Venice (1971).", "occupations": ["yago:Writer", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Moby", "summary": "Richard Melville Hall, better known by his stage name Moby, is an American musician, author and activist known for his electronic music, veganism, political activism and support of animal rights. He has sold over 20 million records worldwide, and AllMusic considers him to be \"one of the most important dance music figures of the early 1990s, helping bring the music to a mainstream audience both in the UK and in America\".", "occupations": ["yago:Singer", "yago:Composer", "yago:Musician"]} +{"title": "Ileana_Streinu", "summary": "Ileana Streinu is a Romanian-American computer scientist and mathematician, the Charles N. Clark Professor of Computer Science and Mathematics at Smith College in Massachusetts. She is known for her research in computational geometry, and in particular for her work on kinematics and structural rigidity.", "occupations": ["yago:University_teacher"]} +{"title": "Bill_Raisch", "summary": "Carl William Raisch, was an American dancer and actor, known as the One-Armed Man pursued by Richard Kimble on the 1963\u20131967 TV series The Fugitive.", "occupations": ["yago:Film_actor"]} +{"title": "Gaston_Eyskens", "summary": "Gaston Fran\u00e7ois Marie, Viscount Eyskens was a Christian democratic politician and Prime Minister of Belgium. He was also an economist and member of the Belgian Christian Social Party (CVP-PSC).", "occupations": ["yago:Politician", "yago:Painter", "yago:University_teacher"]} +{"title": "Donald_Tsang", "summary": "Donald Tsang Yam-kuen, GBM is a former Hong Kong civil servant and the second Chief Executive of Hong Kong from 2005 to 2012.", "occupations": ["yago:Politician"]} +{"title": "Lil_Wayne", "summary": "Dwayne Michael Carter Jr., known professionally as Lil Wayne, is an American rapper. Lil Wayne's career began in 1991 at the age of nine, when he was discovered by Bryan \"Baby\" Williams and joined Cash Money Records as the youngest member of the label, and half of the duo The B.G.'z, alongside fellow New Orleans-based rapper B.G.. In 1996, Lil Wayne and B.G. joined the southern hip hop group Hot Boys, with Cash Money label-mates Juvenile and Turk. Hot Boys debuted with Get It How U Live!, that same year. Most of the group's success came with their platinum-selling album Guerrilla Warfare (1999) and the 1999 single \"Bling Bling\". For many years, he was the flagship artist of Cash Money Records, before ending his long-tenured deal with the company in June 2018.", "occupations": ["yago:Actor", "yago:Singer"]} +{"title": "Simon_Jenko", "summary": "Simon Jenko was a Slovene poet, lyricist and writer.", "occupations": ["yago:Politician", "yago:Writer", "yago:Poet"]} +{"title": "Milan_Jesih", "summary": "Milan Jesih is a Slovene poet, playwright and translator. He was the president of the Slovene Writers' Association between 2009 and 2011.", "occupations": ["yago:Poet"]} +{"title": "Walter_Breisky", "summary": "Walter Breisky was an Austrian jurist, civil servant, and politician.\nNominated by the Christian Social Party, Breisky served as minister of education and the interior from July to November 1920, as the vice chancellor and state secretary of education from November 1920 to May 1922.\nTogether with his Social Democratic deputy, Otto Gl\u00f6ckel, Breisky initiated sweeping reforms of Austria's education system.\nIn January 1922, Breisky became the caretaker chancellor of Austria for a single day.", "occupations": ["yago:Politician"]} +{"title": "Montesquieu", "summary": "Charles-Louis de Secondat, Baron de La Br\u00e8de et de Montesquieu, generally referred to as simply Montesquieu, was a French judge, man of letters, and political philosopher.", "occupations": ["yago:Politician", "yago:Writer", "yago:Lawyer", "yago:Historian"]} +{"title": "Gaston_Geens", "summary": "Gaston C. S. A. Geens was a Belgian politician and minister-president of Flanders.", "occupations": ["yago:Politician"]} +{"title": "Mario_Benedetti", "summary": "Mario Orlando Hardy Hamlet Brenno Benedetti Farrugia ,\nknown as Mario Benedetti, was a Uruguayan journalist, novelist, and poet as well as being an integral member of the Generaci\u00f3n del 45. Despite publishing more than 80 books and being published in twenty languages he was not well known in the English-speaking world, but in the Spanish-speaking world he was considered one of Latin America's most important writers of the latter half of the 20th century.", "occupations": ["yago:Politician", "yago:Writer", "yago:Journalist", "yago:Poet"]} +{"title": "Wen_Jiabao", "summary": "Wen Jiabao was the sixth Premier of the State Council of the People's Republic of China, serving as China's head of government for a decade between 2003 and 2013. In his capacity as Premier, Wen was regarded as the leading figure behind Beijing's economic policy. From 2002 to 2012, he held membership in the Politburo Standing Committee of the Communist Party of China, the country's de facto top power organ, where he was ranked third out of nine members.", "occupations": ["yago:Politician"]} +{"title": "Vsevolod_Solovyov", "summary": "Vsevolod Sergeyevich Solovyov was a Russian historical novelist. His most famous work is Chronicle of Four Generations, an account of the fictional Gorbatov family from the time of Catherine the Great to the mid-nineteenth century. Solovyov's \"atmosphere of nostalgia for the vanished age of the nobility\" helps explain his \"posthumous popularity among Russian \u00e9migr\u00e9s.\"", "occupations": ["yago:Writer"]} +{"title": "Xavi", "summary": "Xavier Hern\u00e1ndez Creus is a Spanish professional footballer who plays as a central midfielder for Qatari club Al Sadd SC. He is known for having played for the Spain national team and Barcelona.", "occupations": ["yago:Football_player"]} +{"title": "Roberto_Trashorras", "summary": "Roberto Trashorras Gayoso is a Spanish retired footballer who played as a central midfielder.", "occupations": ["yago:Football_player"]} +{"title": "Anatoly_Lunacharsky", "summary": "Anatoly Vasilyevich Lunacharsky, 23 November\u00a0[O.S. 11 November]\u00a01875 \u2013 26 December 1933) was a Russian Marxist revolutionary and the first Bolshevik Soviet People's Commissar (\"Narkompros\"), responsible for Ministry and Education, as well as active playwright, critic, essayist, and journalist throughout his career.", "occupations": ["yago:Politician", "yago:Writer", "yago:Actor", "yago:Journalist"]} +{"title": "Sam_Witwer", "summary": "Samuel Stewart Witwer is an American actor and musician. He is best known for portraying Crashdown in Battlestar Galactica, Davis Bloome in Smallville and Aidan Waite in Being Human. He voiced the protagonist Galen Marek / Starkiller in Star Wars: The Force Unleashed, the Son and Darth Maul in Star Wars: The Clone Wars and Emperor Palpatine in Star Wars Rebels.", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Musician"]} +{"title": "Steve_Jablonsky", "summary": "Steve Jablonsky is an American composer for film, television and video games, best known for his musical scores in the Transformers film series. Some of his frequent collaboration partners include film directors Michael Bay and Peter Berg, and fellow composer Hans Zimmer.", "occupations": ["yago:Composer"]} +{"title": "Edwin_McMillan", "summary": "Edwin Mattison McMillan was an American physicist and Nobel laureate credited with being the first-ever to produce a transuranium element, neptunium. For this, he shared the Nobel Prize in Chemistry with Glenn Seaborg in 1951.", "occupations": ["yago:University_teacher"]} +{"title": "Chester_Bennington", "summary": "Chester Charles Bennington was an American singer, songwriter, musician, and actor. He was best known as the lead vocalist for Linkin Park. He was also lead vocalist for the bands Dead by Sunrise, Grey Daze, and Stone Temple Pilots. Bennington is widely regarded as one of the top rock musicians of the 2000s. Hit Parader magazine placed him at number 45 on their list of the \"100 Metal Vocalists of All Time\".", "occupations": ["yago:Actor"]} +{"title": "Sadeh_(queen)", "summary": "Sadeh or Sadhe was an ancient Egyptian queen consort, a lower ranking wife of Pharaoh Mentuhotep II of the 11th dynasty. Her tomb (DBXI.7) and small decorated chapel were found in her husband's Deir el-Bahari temple complex, behind the main building, along with the tombs of five other ladies, Ashayet, Henhenet, Kawit, Kemsit and Mayet. She and three other women of the six bore queenly titles, and most of them were priestesses of Hathor, so it is possible that they were buried there as part of the goddess's cult, but it is also possible that they were the daughters of nobles the king wanted to keep an eye upon.", "occupations": ["yago:Politician"]} +{"title": "Oscar_(footballer,_born_1991)", "summary": "Oscar dos Santos Emboaba J\u00fanior, better known as simply Oscar, is a Brazilian professional footballer who plays as an attacking midfielder for Chinese club Shanghai SIPG and the Brazil national team.", "occupations": ["yago:Football_player"]} +{"title": "George_Biddell_Airy", "summary": "Sir George Biddell Airy was an English mathematician and astronomer, Astronomer Royal from 1835 to 1881. His many achievements include work on planetary orbits, measuring the mean density of the Earth, a method of solution of two-dimensional problems in solid mechanics and, in his role as Astronomer Royal, establishing Greenwich as the location of the prime meridian. His reputation has been tarnished by allegations that, through his inaction, Britain lost the opportunity of priority in the discovery of Neptune.", "occupations": ["yago:University_teacher"]} +{"title": "Bo_Xilai", "summary": "Bo Xilai is a former Chinese politician. He came to prominence through his tenures as the mayor of Dalian and then the governor of Liaoning. From 2004 to November 2007, he served as Minister of Commerce. Between 2007 and 2012, he served as a member of the Politburo and Communist Party Secretary of Chongqing, a major interior municipality.", "occupations": ["yago:Politician"]} +{"title": "Eleanor_Coade", "summary": "Eleanor Coade was a British businesswoman known for manufacturing Neoclassical statues, architectural decorations and garden ornaments made of Lithodipyra or Coade stone for over 50 years from 1769 until her death. She should not be confused or conflated with her mother, also named Eleanor.\n\n", "occupations": ["yago:Businessperson"]} +{"title": "Jim_DeMint", "summary": "James Warren DeMint is an American businessman, writer and retired politician who served as a United States Senator from South Carolina from 2005 to 2013. He is a member of the Republican Party and a leading figure in the Tea Party movement. He previously served as the United States Representative for South Carolina's 4th congressional district from 1999 to 2005. DeMint resigned from the Senate on January 1, 2013 to become president of The Heritage Foundation, a conservative think tank. On May 2, 2017, the board of trustees at Heritage removed DeMint as president of the organization.", "occupations": ["yago:Politician"]} +{"title": "Zhu_De", "summary": "Zhu De ( was a Chinese general, warlord, politician, revolutionary and one of the pioneers of the Communist Party of China. Born poor in 1886 in Sichuan, he was adopted by a wealthy uncle at age nine; this prosperity provided him a superior early education that led to his admission into a military academy. After his time at the academy, he joined a rebel army and soon became a warlord. It was after this period that he adopted communism. He ascended through the ranks of the Chinese Red Army as it closed in on securing the nation. By the time China was under Mao's control, Zhu was a high-ranking official within the Communist Party of China. He served as Commander-in-Chief of the Eighth Route Army during the Second Sino-Japanese War. In 1955 he became one of the Ten Marshals of the People's Liberation Army, of which he is regarded as the principal founder. Zhu remained a prominent political figure until his death in 1976. As the chairman of the Standing Committee of the National People's Congress from 1975 to 1976, Zhu was the head of state of the People's Republic of China.", "occupations": ["yago:Politician"]} +{"title": "Stanley_Bruce", "summary": "Stanley Melbourne Bruce, 1st Viscount Bruce of Melbourne, was the eighth Prime Minister of Australia, in office from 1923 to 1929. He made wide-ranging reforms and mounted a comprehensive nation-building program in government, but his controversial handling of industrial relations led to a dramatic defeat at the polls in 1929. Bruce later pursued a long and influential diplomatic career as High Commissioner to the United Kingdom (1933\u20131945) and chairman of the Food and Agriculture Organization (1946\u20131951).", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Ricky_Gervais", "summary": "Ricky Dene Gervais is an English stand-up comedian, actor, writer, producer, director and singer.", "occupations": ["yago:Writer", "yago:Actor", "yago:Film_actor", "yago:Musician", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Kim_J._Henriksen", "summary": "Kim Jan Henriksen is a Danish Esperantist singer-musician. From his Polish-born mother Bogumi\u0142a Maria Henriksen and Danish-born father Kai L. Henriksen he learned Esperanto as a child, becoming prominent in the Esperanto youth movement and in the world of Esperanto rock music in the 1980s and 1990s. Kim Henriksen and his Polish-born wife speak Esperanto at home and are raising their son as a second-generation Esperanto native speaker. Henriksen's enthusiastic musicianship on behalf of Esperanto and cross-cultural understanding through rock music has earned him popularity both in Europe and America.", "occupations": ["yago:Singer"]} +{"title": "Digby_Jones,_Baron_Jones_of_Birmingham", "summary": "Digby Marritt Jones, Baron Jones of Birmingham, known as Sir Digby Jones between 2005 and 2007, is a British businessman and politician, who has served as Director General of the CBI (2000\u201306) and Minister of State for Trade and Investment (2007\u201308).", "occupations": ["yago:Politician", "yago:Lawyer", "yago:Businessperson"]} +{"title": "Anthon_van_Rappard", "summary": "Anthon Gerard Alexander van Rappard was a Dutch painter and draughtsman. He was a pupil of Lawrence Alma-Tadema and for about four years a friend and mentor of Vincent van Gogh, who is said to have appreciated him for his social engagement, among other reasons.", "occupations": ["yago:Painter"]} +{"title": "Aloys_Thomas_Raimund,_Count_Harrach", "summary": "Aloys Thomas Raimund, Count Harrach was an Austrian politician and diplomat. His father was Ferdinand Bonaventura I. He belonged to the Austrian noble family of Harrach.", "occupations": ["yago:Politician"]} +{"title": "Thomas_E._Gaddis", "summary": "Thomas Eugene Gaddis was an author from the United States, most noted for his book about convicted murderer Robert Stroud, who was known as the \"Birdman of Alcatraz\". Gaddis was born in Denver, Colorado. He wrote many non-fiction books, mostly biographies. In addition to Birdman of Alcatraz (1955), he wrote Killer: A Journal of Murder (1970) about serial killer Carl Panzram.", "occupations": ["yago:Writer"]} +{"title": "Keith_Padgett", "summary": "Keith Padgett is an English politician who served as Chief Executive of the Falkland Islands from 2012 to 2016. Before his appointed as Chief Executive, Padgett served as the islands' Financial Secretary from 2008, which was renamed Director of Finance with the implementation of the 2009 Constitution. He also acts as Director of Corporate Resources.", "occupations": ["yago:Politician"]} +{"title": "Jumabek_Ibraimov", "summary": "Jumabek Ibraimov was a Kyrgyz politician. Born in Dzhany-Alysh of Kemin District he graduated from Frunze Polytechnic Institute in 1971. He was a post-graduate student and worked as a teacher until mid-70s. In 1976 - 1977 he worked as an engineer and the head of the department of technology at the Agricultural Machinery Works named after M.V.Frunze, and in 1977 - 1984 as a design engineer, head of engineering department, chief engineer, and director of Min-Kush branch of Orgtehnika factory. In 1984 he became a head of People's Control Commission, and the First Secretary of Balykchy Town Committee of Communist Party. In 1988 - 1991, Jumabek Ibraimov served as a First Deputy of a Head of Administration of Central Committee of Communist Party of Kyrgyzstan. He served as the Mayor of Bishkek from 1993-1995. President of Kyrgyzstan Askar Akayev appointed him Prime Minister on 25 December 1998 after Akayev dissolved the Cabinet. Ibraimov served until he died of stomach cancer on 4 April 1999.\n", "occupations": ["yago:Politician"]} +{"title": "Giorgi_Mazniashvili", "summary": "Giorgi Mazniashvili was a Georgian general and one of the most prominent military figures in the Democratic Republic of Georgia (1918\u20131921). During the service in the Russian army, he was also known by a Russian transliteration of his surname \u2013 Mazniev.", "occupations": ["yago:Military_personnel"]} +{"title": "Joop_Stokkermans", "summary": "Johannes Andreas \"Joop\" Stokkermans was a Dutch composer and pianist.", "occupations": ["yago:Composer"]} +{"title": "John_Cleese", "summary": "John Marwood Cleese is an English actor, voice actor, comedian, screenwriter, and producer. He achieved success at the Edinburgh Festival Fringe and as a scriptwriter and performer on The Frost Report. In the late 1960s, he co-founded Monty Python, the comedy troupe responsible for the sketch show Monty Python's Flying Circus and the four Monty Python films: And Now for Something Completely Different, Monty Python and the Holy Grail, Life of Brian and The Meaning of Life.", "occupations": ["yago:Writer", "yago:Actor", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Kevin_Spacey", "summary": "Kevin Spacey Fowler is an American actor, producer and singer. He began his career as a stage actor during the 1980s before obtaining supporting roles in film and television. He gained critical acclaim in the 1990s that culminated in his first Academy Award for Best Supporting Actor for the neo-noir crime thriller The Usual Suspects (1995) and an Academy Award for Best Actor for the midlife crisis-themed drama American Beauty (1999).", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Franco_Battiato", "summary": "Francesco \"Franco\" Battiato is an Italian singer-songwriter, composer, filmmaker and, under the pseudonym S\u00fcphan Barzani, also a painter. Battiato's songs contain esoteric, philosophical and religious themes.", "occupations": ["yago:Writer", "yago:Painter", "yago:Singer", "yago:Composer", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Fabio_Fazio", "summary": "Fabio Fazio is an Italian television presenter. After debuting in 1982, he presented many TV programs, including Quelli che... il Calcio, Vieni via con me and Quello che (non) ho. Since 2003, he presents the weekly talk show Che tempo che fa, broadcast by Rai 3.", "occupations": ["yago:Actor", "yago:Journalist"]} +{"title": "Todd_Young", "summary": "Todd Christopher Young is an American politician serving as the junior United States Senator from Indiana since 2017. From 2011 to 2017 he was the U.S. Representative for Indiana's 9th congressional district. Young is a member of the Republican Party. He was elected to the United States Senate in the November 8, 2016, general election, succeeding retiring Republican Dan Coats. He will become the state's senior senator when Joe Donnelly leaves office in January 2019.", "occupations": ["yago:Politician", "yago:Military_personnel", "yago:Lawyer"]} +{"title": "Alexander_von_Benckendorff", "summary": "Konstantin Alexander Karl Wilhelm Christoph Graf von Benckendorff,, was a Baltic German Cavalry General and statesman, Adjutant General of Tsar Alexander I, a commander of partisan units during the War of 1812-13. However, he is most frequently remembered for his later role, under Tsar Nicholas I, as the founding head of the Gendarmes and the Secret Police in Imperial Russia.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Richard_Bona", "summary": "Richard Bona is an Cameroonian Grammy Award-winning jazz bassist.", "occupations": ["yago:Singer", "yago:Musician"]} +{"title": "Francis_Russell,_7th_Duke_of_Bedford", "summary": "Francis Russell, 7th Duke of Bedford, styled Marquess of Tavistock from 1802 to 1839, was a British peer and Whig politician.", "occupations": ["yago:Politician"]} +{"title": "Juliana_Hatfield", "summary": "Juliana Hatfield is an American musician and singer-songwriter from the Boston area, formerly of the indie rock bands Blake Babies, The Juliana Hatfield Three, Some Girls, and The Lemonheads.", "occupations": ["yago:Composer"]} +{"title": "David_Eisenbud", "summary": "David Eisenbud is an American mathematician. He is a professor of mathematics at the University of California, Berkeley and was Director of the Mathematical Sciences Research Institute (MSRI) from 1997 to 2007. He was reappointed to this office in 2013, and his term has been extended until July 31, 2022.", "occupations": ["yago:University_teacher"]} +{"title": "Hermann_Hesse", "summary": "Hermann Karl Hesse was a German-born poet, novelist, and painter. His best-known works include Demian, Steppenwolf, Siddhartha, and The Glass Bead Game, each of which explores an individual's search for authenticity, self-knowledge and spirituality. In 1946, he received the Nobel Prize in Literature.", "occupations": ["yago:Writer", "yago:Painter", "yago:Poet"]} +{"title": "Volodymyr_Shekhovtsov", "summary": "Volodymyr Shekhovtsov is a retired Ukrainian football (soccer) player and current an Ukrainian professional football coach.", "occupations": ["yago:Football_player"]} +{"title": "Klaas-Jan_Huntelaar", "summary": "Dirk Jan Klaas \"Klaas-Jan\" Huntelaar, nicknamed The Hunter, is a Dutch professional footballer who plays as a striker for Ajax and the Netherlands national team.", "occupations": ["yago:Football_player"]} +{"title": "Felix_Solis", "summary": "Felix Angel Solis is an American actor, film director and film producer. Born on the Upper West Side and raised in Chelsea/Greenwich Village area of New York City, to parents that were both born in Puerto Rico, Felix considers himself a Nuyorican.", "occupations": ["yago:Film_actor"]} +{"title": "Raymond_Chan_Chi-chuen", "summary": "Raymond Chan Chi-chuen, also called Slow Beat (\u6162\u5fc5) in his radio career, is a member of the Legislative Council of Hong Kong, presenter and former chief executive officer of Hong Kong Reporter.", "occupations": ["yago:Politician", "yago:Actor"]} +{"title": "Big_Van_Vader", "summary": "Leon Allen White, better known by his ring names Big Van Vader or simply Vader, was an American professional wrestler and professional football player. He performed for New Japan Pro-Wrestling (NJPW), World Championship Wrestling (WCW), the World Wrestling Federation (WWF), and All Japan Pro Wrestling (AJPW) during the 1990s and 2000s. White, who gained legendary status in Japan, is widely regarded as one of the greatest superheavyweight wrestlers ever.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Taylor_Swift", "summary": "Taylor Alison Swift is an American singer-songwriter. One of the world's leading contemporary recording artists, she is known for narrative songs about her personal life, which have received widespread media coverage.", "occupations": ["yago:Actor"]} +{"title": "Melvil_Dewey", "summary": "Melville Louis Kossuth \"Melvil\" Dewey was an American librarian and educator, inventor of the Dewey Decimal system of library classification, and a founder of the Lake Placid Club.", "occupations": ["yago:Journalist"]} +{"title": "Zhang_Guangfu", "summary": "Zhang Guangfu (\u5f35\u5149\u8f14) was an official and general of the Chinese dynasty Tang Dynasty, serving as chancellor during the first reign of Emperor Ruizong.", "occupations": ["yago:Politician"]} +{"title": "Jason_Lewis_(actor)", "summary": "Jason Lewis is an American actor and former fashion model. He is known for his role as Jerry \"Smith\" Jerrod on the HBO series Sex and the City.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Chang_Wanquan", "summary": "Chang Wanquan is the former Minister of Defense and State Councilor of the People's Republic of China and a general in the People's Liberation Army. He has been a member of the Central Military Commission of the People's Republic of China and helped to manage China's space program.", "occupations": ["yago:Politician"]} +{"title": "Sigamary_Diarra", "summary": "Sigamary Diarra is a Malian footballer who plays as a midfielder.", "occupations": ["yago:Football_player"]} +{"title": "Toifilou_Maoulida", "summary": "Toifilou Maoulida is a retired French footballer who played as a striker or as a winger.", "occupations": ["yago:Football_player"]} +{"title": "Friedrich_Paulsen", "summary": "Friedrich Paulsen was a German Neo-Kantian philosopher and educator.", "occupations": ["yago:University_teacher"]} +{"title": "Scott_Adkins", "summary": "Scott Edward Adkins is an English actor and martial artist who is best known for playing Russian prison fighter Yuri Boyka in the 2006 film Undisputed II: Last Man Standing and its two sequels: Undisputed III: Redemption (2010) and Boyka: Undisputed (2016) and as Casey Bowman in the 2009 film Ninja and its 2013 sequel Ninja: Shadow of a Tear.\nHe has also appeared in Doctor Strange, The Bourne Ultimatum, The Expendables 2 and Zero Dark Thirty.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Alvin_E._Roth", "summary": "Alvin Elliot Roth is an American academic. He is the Craig and Susan McCaw professor of economics at Stanford University and the Gund professor of economics and business administration emeritus at Harvard University. He was President of the American Economics Association in 2017.", "occupations": ["yago:University_teacher"]} +{"title": "Guan_Hanqing", "summary": "Guan Hanqing, sobriquet \"the Oldman of the Studio\", was a notable Chinese playwright and poet in the Yuan Dynasty. He has been described as among the most prolific and highly regarded dramatists of the Yuan period.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Michael_Buffer", "summary": "Michael Buffer is an American ring announcer for boxing and professional wrestling matches. He is known for his trademarked catchphrase, \"Let's get ready to rumble!\" and for pioneering a distinct announcing style in which he rolls certain letters and adds other inflections to a fighter's name. His half-brother is UFC announcer Bruce Buffer.", "occupations": ["yago:Actor", "yago:Journalist"]} +{"title": "John_Burdon-Sanderson", "summary": "Sir John Scott Burdon-Sanderson, 1st Baronet, FRS, HFRSE D.Sc. was an English physiologist born near Newcastle upon Tyne, and a member of a well known Northumbrian family.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Charles_Oman", "summary": "Sir Charles William Chadwick Oman, was a British military historian. His reconstructions of medieval battles from the fragmentary and distorted accounts left by chroniclers were pioneering. Occasionally his interpretations have been challenged, especially his widely copied thesis that British troops defeated their Napoleonic opponents by firepower alone. Paddy Griffith, among modern historians, claims that the British infantry's discipline and willingness to attack were equally important.", "occupations": ["yago:Politician", "yago:Historian"]} +{"title": "Matthew_Lillard", "summary": "Matthew Lyn Lillard is an American actor, voice actor, director, and producer. He is known for portraying Chip in Serial Mom (1994), Emmanuel \"Cereal Killer\" Goldstein in Hackers (1995), Stu Macher in Scream (1996), Stevo in SLC Punk! (1998), Billy Brubaker in Summer Catch (2001), Jerry Conlaine in Without a Paddle (2004), Joey in Home Run Showdown (2012), Jack Rusoe in Return to Nim's Island (2013) and Shaggy Rogers in both Scooby-Doo (2002) and Scooby-Doo 2: Monsters Unleashed (2004). In animation, he has been the current voice of Shaggy since veteran actor Casey Kasem retired from the role. Lillard also stars as Dean Boland in the ongoing television series Good Girls.", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Film_director"]} +{"title": "J._Horace_Round", "summary": "(John) Horace Round (1854\u20131928) was an historian and genealogist of the English medieval period. He translated the portion of Domesday Book (1086) covering Essex into English. As an expert in the history of the British peerage, he was appointed honorary historical adviser to the Crown.", "occupations": ["yago:Historian"]} +{"title": "Thomas_Boni_Yayi", "summary": "Thomas Boni Yayi is a Beninese banker and politician who was President of Benin from 2006 to 2016. He took office after winning the March 2006 presidential election and was re-elected to a second term in March 2011. He also served as the Chairperson of the African Union from 29 January 2012 to 27 January 2013.", "occupations": ["yago:Politician"]} +{"title": "Bill_Murray", "summary": "William James Murray is an American actor, comedian, and writer. He first gained exposure on Saturday Night Live, a series of performances that earned him his first Emmy Award, and later starred in comedy films\u2014including Meatballs (1979), Caddyshack (1980), Stripes (1981), Tootsie (1982), Ghostbusters (1984), Scrooged (1988), Ghostbusters II (1989), What About Bob? (1991), and Groundhog Day (1993). He also co-directed Quick Change (1990).", "occupations": ["yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Girolamo_Parabosco", "summary": "Girolamo Parabosco was an Italian writer, composer, organist, and poet of the Renaissance.", "occupations": ["yago:Poet", "yago:Composer"]} +{"title": "Maniche", "summary": "Nuno Ricardo de Oliveira Ribeiro, OIH, known as Maniche, is a Portuguese retired professional footballer who played as a central midfielder.", "occupations": ["yago:Football_player"]} +{"title": "Pietro_Metastasio", "summary": "Pietro Antonio Domenico Trapassi, better known by his pseudonym of Pietro Metastasio, was an Italian poet and librettist, considered the most important writer of opera seria libretti.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Hassan_Mila_Sesay", "summary": "Hassan Mila Sesay is a Sierra Leonean international footballer, currently playing as an attacking midfielder for FC Lahti in Veikkausliiga.", "occupations": ["yago:Football_player"]} +{"title": "Avril_Lavigne", "summary": "Avril Ramona Lavigne is a Canadian singer, songwriter, and actress. By the age of 15, she had appeared on stage with Shania Twain and by 16, she had signed a two-album recording contract with Arista Records worth more than $2\u00a0million.", "occupations": ["yago:Actor", "yago:Singer", "yago:Composer", "yago:Film_actor"]} +{"title": "Bailey_Jay", "summary": "Bailey Jay is an American trans woman who is a pornographic actress, adult model, and podcaster.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Sophus_Lie", "summary": "Marius Sophus Lie was a Norwegian mathematician. He largely created the theory of continuous symmetry and applied it to the study of geometry and differential equations.", "occupations": ["yago:University_teacher"]} +{"title": "Hilde_Hildebrand", "summary": "Hilde Hildebrand was a German actress born in Hanover, Germany on 10 September 1897. She died at the age of 78 in Grunewald, Berlin, on 27 May 1976.", "occupations": ["yago:Singer", "yago:Film_actor"]} +{"title": "Hermidita", "summary": "Manuel Hermida Losada, more commonly known as Hermidita, was a Spanish former footballer who used to play for Celta de Vigo in the 1940s.", "occupations": ["yago:Football_player"]} +{"title": "Sergey_Shoygu", "summary": "Sergei Kuzhugetovich Shoigu is a Russian politician and General of the Army who has served as Minister of Defence of the Russian Federation and as Chairman of the Council of Ministers of Defense of the CIS since 2012.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Sonali_Bendre", "summary": "Sonali Bendre is an Indian film actress, model, television personality and author. Primarily known for her work in Hindi films, she has also appeared in Tamil, Telugu, Marathi and Kannada language films. She has established a career in Hindi Cinema,and is one of the most popular and highest-paid actresses of her era. Bendre is the recipient of numerous accolades, including a Filmfare Award.", "occupations": ["yago:Film_actor"]} +{"title": "Laureano_Ruiz", "summary": "Laureano Ruiz Quevedo is a Spanish retired football defender and manager.", "occupations": ["yago:Football_player"]} +{"title": "Victor_Mees", "summary": "Victor Mees, nicknamed Vic or Vicky, was a Belgian footballer who played all of his career at Royal Antwerp.", "occupations": ["yago:Football_player"]} +{"title": "Endel_Ruberg", "summary": "Endel Ruberg was an Estonian-Canadian artist, naturalist, and humanitarian. He is best known for his leather and watercolour artwork as well as his volunteer work with children.", "occupations": ["yago:Painter"]} +{"title": "Han_Deok-hee", "summary": "Han Deok-Hee is a South Korean football player who plays for Daejeon Citizen as a midfielder.", "occupations": ["yago:Football_player"]} +{"title": "Baraguru_Ramachandrappa", "summary": "Baraguru Ramachandrappa is a noted Indian writer in the Kannada language from Karnataka. He is a successful film director, Screenplay writer and a well known name in Indian documentary films as well. In 2008, he was bestowed a Honorary Doctorate by the Kuvempu University and Rani Chennamma university Belagaavi, Karnataka.", "occupations": ["yago:Poet", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Alexander_Graham_Bell", "summary": "Alexander Graham Bell was a Scottish-born scientist, inventor, engineer, and innovator who is credited with inventing and patenting the first practical telephone. He also founded the American Telephone and Telegraph Company (AT&T) in 1885.", "occupations": ["yago:Businessperson"]} +{"title": "The_Doctor_(Star_Trek:_Voyager)", "summary": "The Doctor, an Emergency Medical Hologram Mark I, is a fictional character from the television series Star Trek: Voyager, played by actor Robert Picardo. The character also appeared in Star Trek: First Contact, as well as the now-closed Star Trek: The Experience amusement exhibition at the Las Vegas Hilton. He is the \"Chief Medical Officer\".", "occupations": ["yago:Writer"]} +{"title": "Michael_Reiziger", "summary": "Michael John Reiziger is a Dutch retired footballer who played mainly as a right back, and is the manager of Jong Ajax.", "occupations": ["yago:Football_player"]} +{"title": "Akiho_Yoshizawa", "summary": "Akiho Yoshizawa , often known simply as Acky (\u3042\u3063\u304d\u30fc), is a Japanese adult video (AV), pink film, and mainstream film and TV actress.", "occupations": ["yago:Actor"]} +{"title": "Benjamin_Harrison", "summary": "Benjamin Harrison was an American politician and lawyer who served as the 23rd President of the United States from 1889 to 1893. He was a grandson of the ninth president, William Henry Harrison, creating the only grandfather\u2013grandson duo to have held the office. He was also the great-grandson of Benjamin Harrison V, a founding father. Before ascending to the presidency, Harrison established himself as a prominent local attorney, Presbyterian church leader, and politician in Indianapolis, Indiana. During the American Civil War, he served in the Union Army as a colonel, and was confirmed by the U.S. Senate as a brevet brigadier general of volunteers in 1865. Harrison unsuccessfully ran for governor of Indiana in 1876. The Indiana General Assembly elected Harrison to a six-year term in the U.S. Senate, where he served from 1881 to 1887.", "occupations": ["yago:Politician"]} +{"title": "Emmy_Rossum", "summary": "Emmanuelle Grey Rossum is an American actress, television director and singer-songwriter. She is known for her portrayal of Fiona Gallagher in the television series Shameless. Rossum has starred in movies including Songcatcher (2000), An American Rhapsody, (2001) and Passionada (2002). Her role in Mystic River (2003) garnered her wider recognition. She starred in the science fiction film The Day After Tomorrow (2004) and received critical acclaim for her performance in the leading role of Christine Daa\u00e9 in The Phantom of the Opera (2004). She has since starred in Poseidon (2006), Dragonball Evolution (2009), Dare (2009), Beautiful Creatures (2013), Before I Disappear (2014), You're Not You (2014) and Comet (2014).", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor"]} +{"title": "Aria_Giovanni", "summary": "Aria Giovanni is an American erotic actress and model who was Penthouse magazine's Pet for the month of September 2000. She has modelled in a range of photographic styles including amateur, artistic nude, pinup, fetish, and glamour, and has also had roles in films and television shows.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Sergey_Lebedev_(politician)", "summary": "Sergei Nikolaevich Lebedev is an Uzbekistan-born Russian political figure who has been the Executive Secretary of the Commonwealth of Independent States (CIS) since 2007. He was a\nGeneral of the Army and Director of Russia's Foreign Intelligence Service (SVR) from 2000 to 2007.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Molly_Quinn", "summary": "Molly Caitlyn Quinn is an American actress\u2014credited as Molly C. Quinn since 2013\u2014whose work includes theatre, film, and television. Her notable roles include Alexis Castle, daughter of the title character, on ABC's Castle and the voice of Bloom, one of the main characters in Winx Club.", "occupations": ["yago:Film_actor"]} +{"title": "Toshiro_Mifune", "summary": "Toshiro Mifune was a Japanese actor who appeared in over 150 feature films. He is best known for his 16-film collaboration (1948\u201365) with filmmaker Akira Kurosawa in such works as Rashomon, Seven Samurai, The Hidden Fortress, Throne of Blood, and Yojimbo. He also portrayed Musashi Miyamoto in Hiroshi Inagaki's Samurai Trilogy and one earlier Inagaki film, Lord Toranaga in the NBC TV miniseries Sh\u014dgun, and Admiral Isoroku Yamamoto in 3 different films.", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Film_director"]} +{"title": "Alexander_Fleming", "summary": "Sir Alexander Fleming was a Scottish physician, microbiologist, and pharmacologist. His best-known discoveries are the enzyme lysozyme in 1923 and the world's first antibiotic substance benzylpenicillin from the mould Penicillium notatum in 1928, for which he shared the Nobel Prize in Physiology or Medicine in 1945 with Howard Florey and Ernst Boris Chain. He wrote many articles on bacteriology, immunology, and chemotherapy.", "occupations": ["yago:Physician"]} +{"title": "Pope_John_Paul_I", "summary": "Pope John Paul I served as Pope of the Catholic Church and sovereign of the Vatican City from 26 August 1978 to his death 33 days later. He was the first pope to have been born in the twentieth century. His reign is among the shortest in papal history, resulting in the most recent year of three popes, the first to occur since 1605. John Paul I remains the most recent Italian-born pope, the last in a succession of such popes that started with Clement VII in 1523.", "occupations": ["yago:Writer"]} +{"title": "John_Michael_Talbot", "summary": "John Michael Talbot is an American Roman Catholic singer, songwriter, guitarist, author, television presenter and founder of a monastic community known as the Brothers and Sisters of Charity.", "occupations": ["yago:Singer", "yago:Composer", "yago:Musician"]} +{"title": "Klaus_Ebner", "summary": "Klaus Ebner is an Austrian writer, essayist, poet, and translator. Born and raised in Vienna, he began writing at an early age. He started submitting stories to magazines in the 1980s, and also published articles and books on software topics after 1989. Ebner's poetry is written in German and Catalan; he also translates French and Catalan literature into German. He is a member of several Austrian writers associations, including the Grazer Autorenversammlung.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Donatello", "summary": "Donato di Niccol\u00f2 di Betto Bardi, better known as Donatello, was an Italian sculptor of the Renaissance. Born in Florence, he studied classical sculpture and used this to develop a complete Renaissance style in sculpture, whose periods in Rome, Padua and Siena introduced to other parts of Italy a long and productive career. He worked with stone, bronze, wood, clay, stucco and wax, and had several assistants, with four perhaps being a typical number. Though his best-known works were mostly statues in the round, he developed a new, very shallow, type of bas-relief for small works, and a good deal of his output was larger architectural reliefs.", "occupations": ["yago:Painter"]} +{"title": "Luciano_Pavarotti", "summary": "Luciano Pavarotti, Cavaliere di Gran Croce OMRI was an Italian operatic tenor who also crossed over into popular music, eventually becoming one of the most commercially successful tenors of all time. He made numerous recordings of complete operas and individual arias, gaining worldwide fame for the quality of his tone, and eventually established himself as one of the finest tenors of the 20th century, achieving the honorific title The King Of High C's.", "occupations": ["yago:Film_actor"]} +{"title": "Sejong_the_Great", "summary": "Sejong the Great was the fourth king of the Joseon dynasty of Korea. He was the third son of King Taejong and Queen consort Min. He was designated as heir-apparent, Crown Prince, after his older brother Prince Yangnyeong was stripped of his title. He ascended to the throne in 1418. During the first four years of his reign, Taejong governed as regent, after which his father-in-law, Sim On, and his close associates were executed.", "occupations": ["yago:Politician"]} +{"title": "Helen_Keller", "summary": "Helen Adams Keller was an American author, political activist, and lecturer. She was the first deaf-blind person to earn a bachelor of arts degree. The story of Keller and her teacher, Anne Sullivan, was made famous by Keller's autobiography, The Story of My Life, and its adaptations for film and stage, The Miracle Worker. Her birthplace in West Tuscumbia, Alabama, is now a museum and sponsors an annual \"Helen Keller Day\". Her June 27 birthday is commemorated as Helen Keller Day in Pennsylvania and, in the centenary year of her birth, was recognized by a presidential proclamation from Jimmy Carter.", "occupations": ["yago:Writer"]} +{"title": "Romano_Prodi", "summary": "Romano Prodi is an Italian politician who served as the 10th President of the European Commission from 1999 to 2004. He served twice as Prime Minister of Italy, first from 17 May 1996 to 21 October 1998 and then from 17 May 2006 to 8 May 2008. He is considered the founder of the Italian centre-left and one of the most prominent and iconic figures of the so-called Second Republic. Prodi is often nicknamed Il Professore due to his academic career.", "occupations": ["yago:Politician", "yago:University_teacher", "yago:Businessperson"]} +{"title": "Walter_Jens", "summary": "Walter Jens was a German philologist, literature historian, critic, university professor and writer.", "occupations": ["yago:Writer", "yago:University_teacher", "yago:Screenwriter"]} +{"title": "Hoodie_Allen", "summary": "Steven Adam Markowitz, better known by his stage name Hoodie Allen, is an American rapper, singer and songwriter from Long Island, New York. After graduating from the University of Pennsylvania, he began working at Google before ultimately quitting to pursue a music career full-time. In 2012, he released his first official EP titled All American which debuted at No. 10 on the Billboard 200. In October 2014, Hoodie officially released his debut studio album, People Keep Talking which was successful with first week sales of over 30,000 along with a debut position of No. 8 on the Billboard 200. Hoodie followed up on his success in January 2016 and released his second studio album, Happy Camper.", "occupations": ["yago:Singer", "yago:Musician"]} +{"title": "Naftali_Bennett", "summary": "Naftali Bennett is an Israeli politician who has led the right-wing religious The Jewish Home party since 2012. He has served as Israel's Minister of Education since 2015, and as the Minister of Diaspora Affairs since 2013. Between 2013 and 2015, he held the posts of Minister of Economy and Minister of Religious Services.", "occupations": ["yago:Politician", "yago:Businessperson"]} +{"title": "Tripy_Makonda", "summary": "Tripy Makonda is a French footballer who plays as a left back, but can also be utilized as a midfielder on the same side. Makonda is a France youth international and has represented his nation at under-18, under-19, and under-20 level. Before joining Brest, he had been at Paris Saint-Germain since 2002 and made his professional debut during the 2008\u201309 season.", "occupations": ["yago:Football_player"]} +{"title": "Maria_Kulle", "summary": "Hulda Maria Charlotte Kulle is a Swedish actress. The daughter of Jarl Kulle and Louise Hermelin earlier was married to Lars-Erik Berenett.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Blythe_Danner", "summary": "Blythe Katherine Danner Paltrow is an American actress. She is the recipient of several accolades, including two Primetime Emmy Awards for Best Supporting Actress in a Drama Series for her role as Izzy Huffstodt on Huff (2004\u20132006), and a Tony Award for Best Actress for her performance in Butterflies Are Free on Broadway (1969\u20131972). Danner was twice nominated for the Primetime Emmy for Outstanding Guest Actress in a Comedy Series for portraying Marilyn Truman on Will & Grace, and the Primetime Emmy for Outstanding Lead Actress in a Miniseries or Movie for her roles in We Were the Mulvaneys (2002) and Back When We Were Grownups (2004). For the latter, she also received a Golden Globe Award nomination.", "occupations": ["yago:Film_actor"]} +{"title": "Chandra_Wilson", "summary": "Chandra Danette Wilson is an American actress and director, known for her role as Dr. Miranda Bailey in the ABC television drama Grey's Anatomy since 2005, for which she has been nominated for the Emmy for Best Supporting Actress four times. She also played the character of Bailey on Private Practice and Station 19. She made her New York stage debut in 1991 and began to land guest spots on a variety of prime-time television shows. She made her first film appearance in the 1993 film Philadelphia.", "occupations": ["yago:Film_actor"]} +{"title": "Toby_Stephens", "summary": "Toby Stephens is an English stage, television, and film actor who has appeared in films in both Hollywood and Bollywood. He is known for the roles of Bond villain Gustav Graves in the 2002 James Bond film Die Another Day, Edward Fairfax Rochester in a BBC television adaptation of Jane Eyre and in his role as Captain Flint in the Starz television series Black Sails. Stephens is a lead in the science fiction series Lost in Space released on Netflix 13 April 2018.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Ahmad_Tajuddin", "summary": "Duli Yang Maha Mulia Sultan Sir Ahmad Tajuddin Akhazul Khairi Waddien ibn Sultan Sir Muhammad Jamalul Alam II, KBE, CMG was the 27th Sultan of Brunei from 11 September 1924 until his death.", "occupations": ["yago:Politician"]} +{"title": "Tammy_Baldwin", "summary": "Tammy Suzanne Green Baldwin is an American politician serving as the junior United States Senator from Wisconsin since 2013. A member of the Democratic Party, she previously served three terms in the Wisconsin Assembly, representing the 78th district, and from 1999 to 2013 represented Wisconsin's 2nd congressional district in the United States House of Representatives.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Dilma_Rousseff", "summary": "Dilma Vana Rousseff is a Brazilian economist and politician who served as the 36th President of Brazil, holding the position from 2011 until her impeachment and removal from office on 31 August 2016, becoming the first democratically-elected female president in the world to be impeached and removed. She was the first woman to hold the Brazilian presidency and had previously served as Chief of Staff to former president Luiz In\u00e1cio Lula da Silva from 2005 to 2010.", "occupations": ["yago:Politician"]} +{"title": "Sergiusz_Gajek", "summary": "Father Sergiusz Gajek is the Apostolic Visitor for Greek-Catholic Christians on the territory of Belarus.", "occupations": ["yago:Writer"]} +{"title": "Mircea_Eliade", "summary": "Mircea Eliade was a Romanian historian of religion, fiction writer, philosopher, and professor at the University of Chicago. He was a leading interpreter of religious experience, who established paradigms in religious studies that persist to this day. His theory that hierophanies form the basis of religion, splitting the human experience of reality into sacred and profane space and time, has proved influential. One of his most influential contributions to religious studies was his theory of Eternal Return, which holds that myths and rituals do not simply commemorate hierophanies, but, at least to the minds of the religious, actually participate in them.", "occupations": ["yago:Journalist", "yago:University_teacher", "yago:Historian"]} +{"title": "Michael_I_Rangabe", "summary": "Michael I Rhangabe was Byzantine Emperor from 811 to 813.", "occupations": ["yago:Politician"]} +{"title": "Alexander_Solodukha", "summary": "Alexander Antonovich Solodukha - Belarusian singer.", "occupations": ["yago:Singer"]} +{"title": "Halga", "summary": "Halga, Helgi, Helghe or Helgo was a legendary Danish king living in the early 6th century. His name would in his own language (Proto-Norse) have been *Hailaga.", "occupations": ["yago:Politician"]} +{"title": "Henri_Bergson", "summary": "Henri-Louis Bergson was a French-Jewish philosopher who was influential in the tradition of continental philosophy, especially during the first half of the 20th century until World War II.", "occupations": ["yago:Writer"]} +{"title": "Fernando_Torres", "summary": "Fernando Jos\u00e9 Torres Sanz is a Spanish professional footballer who plays as a striker for J1 League club Sagan Tosu and the Spain national team.", "occupations": ["yago:Football_player"]} +{"title": "Dustin_Hoffman", "summary": "Dustin Lee Hoffman is an American actor and director. Hoffman has been known for his versatile portrayals of antiheroes and vulnerable characters. He is the recipient of various accolades including; two Academy Awards, six Golden Globe Awards\n(including the Cecil B. DeMille Award), four BAFTAs, three Drama Desk Awards, two Emmy Awards, and a Genie Award. Hoffman received the AFI Life Achievement Award in 1999, and the Kennedy Center Honors Award in 2012.", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Film_director"]} +{"title": "Ivan_Pavlov", "summary": "Ivan Petrovich Pavlov was a Russian physiologist known primarily for his work in classical conditioning.", "occupations": ["yago:Physician"]} +{"title": "Manoel_de_Oliveira", "summary": "Manoel C\u00e2ndido Pinto de Oliveira GCSE, GCIH was a Portuguese film director and screenwriter born in Cedofeita, Porto. He first began making films in 1927, when he and some friends attempted to make a film about World War I. In 1931 he completed his first film Douro, Faina Fluvial, a documentary about his home city Porto made in the city symphony genre. He made his feature film debut in 1942 with Aniki-B\u00f3b\u00f3 and continued to make shorts and documentaries for the next 30 years, gaining a minimal amount of recognition without being considered a major world film director. Among the numerous factors that prevented Oliveira from making more films during this time period were the political situation in Portugal, family obligations and money.", "occupations": ["yago:Actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Florian_Heller", "summary": "Florian Heller is a German football coach and former footballer. He is currently the manager of SpVgg Unterhaching U17.", "occupations": ["yago:Football_player"]} +{"title": "Clementina_de_Jesus", "summary": "Clementina de Jesus was a Brazilian samba singer born in Valen\u00e7a, Brazil.", "occupations": ["yago:Singer"]} +{"title": "Bence_Szabolcsi", "summary": "Bence Szabolcsi was a Hungarian music historian. Along with Ervin Major, \"he can be considered the founder of scholarly study of the history of Hungarian music, and he was primarily responsible for creating an establishment for musicology in Hungary.\"", "occupations": ["yago:University_teacher"]} +{"title": "Victor_Hermans", "summary": "Victor Jacobus Hermans is a Dutch futsal coach who has managed 6 different national teams and guided 3 teams to the world cup, Victor Hermans had only two unsuccessful campaign with national teams for the world cup.", "occupations": ["yago:Football_player"]} +{"title": "Riona_Hazuki", "summary": "Riona Hazuki, born Mai Yamada, is a Japanese actress. In 1999, she played the main role in Owls' Castle.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Tarcisio_Bertone", "summary": "Tarcisio Pietro Evasio Bertone is an Italian prelate and a Vatican diplomat. A cardinal of the Catholic Church, he served as Archbishop of Vercelli from 1991 to 1995, as Secretary of the Congregation for the Doctrine of the Faith, when Cardinal Joseph Ratzinger was Prefect, Archbishop of Genoa from 2002 to 2006, and as Cardinal Secretary of State from 2006 to 2013. Bertone was elevated to the cardinalate in 2003. On 10 May 2008, he was named Cardinal-Bishop of Frascati.", "occupations": ["yago:University_teacher"]} +{"title": "Ronald_Golias", "summary": "Ronald Golias was a Brazilian comedian and actor.", "occupations": ["yago:Singer", "yago:Film_actor"]} +{"title": "Papa_Alioune_Diouf", "summary": "Papa Alioune Diouf is a Senegalese footballer who plays for Kalmar FF.", "occupations": ["yago:Football_player"]} +{"title": "Roger_Aaron_Brown", "summary": "Roger Aaron Brown is an American character actor known for his role as Deputy Chief Joe Noland on the hit CBS drama television series The District from 2000 to 2004, and for his minor role in the 1988 science fiction film Alien Nation as Det. Bill \"Tug\" Tuggle, the partner and friend of Matthew Sikes at the beginning of the film. Brown reprised his Alien Nation role in a flashback scene in the pilot episode of the Fox TV series Alien Nation.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Edmund_Stoiber", "summary": "Edmund R\u00fcdiger Stoiber is a German politician, who was the 16th Minister President of the state of Bavaria between 1993 and 2007 and chairman of the Christian Social Union (CSU) between 1999 and 2007. In 2002 he candidated for the office of Chancellor of Germany in the federal election but in one of the narrowest elections in German history lost against Gerhard Schr\u00f6der. On 18 January 2007, he announced his decision to step down from the posts of minister-president and party chairman by 30 September, after having been under fire in his own party for weeks.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Ryan_Fraser", "summary": "Ryan Fraser is a Scottish professional footballer who plays as a winger for AFC Bournemouth and the Scotland national team. Fraser has previously played for Aberdeen and has represented the Scotland under-19 and under-21 team. He made his full international debut in June 2017.", "occupations": ["yago:Football_player"]} +{"title": "Tiziano_Terzani", "summary": "Tiziano Terzani was an Italian journalist and writer, best known for his extensive knowledge of 20th century East Asia and for being one of the very few western reporters to witness both the fall of Saigon to the hands of the Viet Cong and the fall of Phnom Penh at the hands of the Khmer Rouge in the mid-1970s.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Crazy_Horse", "summary": "Crazy Horse was a Native American war leader of the Oglala Lakota in the 19th century. He took up arms against the United States federal government to fight against encroachment by white American settlers on Native American territory and to preserve the traditional way of life of the Lakota people. His participation in several famous battles of the American Indian Wars on the northern Great Plains, among them the Fetterman Fight in 1866 in which he acted as a decoy and the Battle of the Little Bighorn in 1876 in which he led a war party to victory, earned him great respect from both his enemies and his own people.", "occupations": ["yago:Politician"]} +{"title": "Eduardo_Galeano", "summary": "Eduardo Hughes Galeano was a Uruguayan journalist, writer and novelist considered, among other things, \"global soccer's pre-eminent man of letters\" and \"a literary giant of the Latin American left\".", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Wyatt_Earp", "summary": "Wyatt Berry Stapp Earp was an American Old West lawman and gambler in Cochise County, Arizona Territory, and a deputy marshal in Tombstone. He worked in a wide variety of trades throughout his life and took part in the famous Gunfight at the O.K. Corral, during which lawmen killed three outlaw Cochise County Cowboys. He is often erroneously regarded as the central figure in the shootout, although his brother Virgil was Tombstone city marshal and deputy U.S. marshal that day and had far more experience as a sheriff, constable, marshal, and soldier in combat.", "occupations": ["yago:Politician"]} +{"title": "Peter_Canisius", "summary": "Peter Canisius, S.J. was a renowned Dutch Jesuit Catholic priest. He became known for his strong support for the Catholic faith during the Protestant Reformation in Germany, Austria, Bohemia, Moravia, and Switzerland. The restoration of the Catholic Church in Germany after the Protestant Reformation is largely attributed to the work there of the Society of Jesus, which he led. He is venerated in the Catholic Church as a saint and as a Doctor of the Church.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Bertrand_Laquait", "summary": "Bertrand Laquait is a French retired footballer who played as a goalkeeper.", "occupations": ["yago:Football_player"]} +{"title": "Christian_Morgenstern", "summary": "Christian Otto Josef Wolfgang Morgenstern was a German author and poet from Munich. Morgenstern married Margareta Gosebruch von Liechtenstern on 7 March 1910. He worked for a while as a journalist in Berlin, but spent much of his life traveling through Germany, Switzerland, and Italy, primarily in a vain attempt to recover his health. His travels, though they failed to restore him to health, allowed him to meet many of the foremost literary and philosophical figures of his time in central Europe.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Poet"]} +{"title": "Malcolm_Young", "summary": "Malcolm Mitchell Young was a Scottish-Australian musician and songwriter, best known as a co-founder, rhythm guitarist, backing vocalist and songwriter for the hard rock band AC/DC. Except for a brief absence in 1988, he was with the band from its November 1973 beginning until retiring in 2014 due to health reasons. Young and the other members of AC/DC were inducted into the Rock and Roll Hall of Fame in 2003.", "occupations": ["yago:Musician"]} +{"title": "Alexandre_Alphonse", "summary": "Alexandre Alphonse is a French born Guadeloupean international footballer who currently plays as forward for Servette FC. He was part of the 2005\u201306, 2006\u201307 and 2008\u201309 Swiss Championship winning team FC Z\u00fcrich.", "occupations": ["yago:Football_player"]} +{"title": "Brahim_Ferradj", "summary": "Brahim Ferradj is an Algerian footballer. He played for Stade Brest in the French Ligue 2 until May 2014 when his contract with the club expired without being renewed. He can play as a fullback on both sides of the pitch, or as a defensive midfielder.", "occupations": ["yago:Football_player"]} +{"title": "Itzik_Feffer", "summary": "Itzik Feffer, also Fefer was a Soviet Yiddish poet executed on the Night of the Murdered Poets during Joseph Stalin's purges.", "occupations": ["yago:Poet"]} +{"title": "Igor_Stamenovski", "summary": "Igor Stamenovski is a retired Macedonian professional footballer. He made his debut in the Russian Premier League in 2001 for FC Spartak Moscow.", "occupations": ["yago:Football_player"]} +{"title": "Joseph_Lanner", "summary": "Joseph Lanner was an Austrian dance music composer and dance orchestra conductor. He is best remembered as one of the earliest Viennese composers to reform the waltz from a simple peasant dance to something that even the highest society could enjoy, either as an accompaniment to the dance, or for the music's own sake. He was just as famous as his friend and musical rival Johann Strauss I, who was better known outside of Austria in their day because of his concert tours abroad, in particular, to France and England.", "occupations": ["yago:Composer"]} +{"title": "John_R._Neill", "summary": "John Rea Neill was a magazine and children's book illustrator primarily known for illustrating more than forty stories set in the Land of Oz, including L. Frank Baum's, Ruth Plumly Thompson's, and three of his own. His pen-and-ink drawings have become identified almost exclusively with the Oz series. He did a great deal of magazine and newspaper illustration work which is not as well known today.", "occupations": ["yago:Writer"]} +{"title": "Brian_Benben", "summary": "Brian Edward Benben is an American actor, best known for his role as Martin Tupper in the HBO comedy television series Dream On (1990\u20131996), and also known as Dr. Sheldon Wallace on ABC medical drama Private Practice (2008\u20132013). Benben is married to Madeleine Stowe.", "occupations": ["yago:Film_actor"]} +{"title": "Herbert_Achternbusch", "summary": "Herbert Achternbusch is a German writer, painter and filmmaker. His anarchist surrealistic films are not known to a wide audience in Germany, although one of them, Das Gespenst , caused a scandal in 1983 because of its\nalleged blasphemous content. Werner Herzog, a director of the New German Cinema, based his film Heart of Glass on a story by Achternbusch.", "occupations": ["yago:Writer", "yago:Actor", "yago:Painter", "yago:Poet", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Johann_Michael_Sailer", "summary": "Johann Michael Sailer was a German Jesuit professor of theology and Bishop of Regensburg.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Eugen_Roth", "summary": "Eugen Roth was a German lyricist and poet who wrote mostly humorous verse.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Fernando_de_Buen_y_Lozano", "summary": "Fernando de Buen y Lozano was a Spanish ichthyologist and oceanographer. He lived in Mexico, Uruguay, and Chile. In Uruguay, he was the director of the Department of Science at the Oceanography and Fisheries Service as well as Professor of Hydrobiology and Protozoology in the Faculty of Arts and Sciences. He was an honorary foreign member of the American Society of Ichthyologists and Herpetologists.", "occupations": ["yago:Writer"]} +{"title": "Frank_Zander", "summary": "Frank Kurt Zander is a German singer and actor.", "occupations": ["yago:Actor", "yago:Singer"]} +{"title": "Roberto_Blanco", "summary": "Roberto Blanco, was born 7 June 1937 in Tunis, Tunisia. Of Afro-Cuban origin, Blanco is a German-speaking Schlager singer and actor.", "occupations": ["yago:Actor", "yago:Singer", "yago:Screenwriter"]} +{"title": "Sabrina_Sabrok", "summary": "Lorena Fabiana Colotta, better known as Sabrina Sabrok is an Argentine television host, cyberpunk rock singer, adult model, pornographic actress and producer.", "occupations": ["yago:Singer", "yago:Film_actor", "yago:Musician"]} +{"title": "Acker_Bilk", "summary": "Bernard Stanley \"Acker\" Bilk, was an English clarinettist and vocalist known for his breathy, vibrato-rich, lower-register clarinet style, and distinctive appearance \u2013 of goatee, bowler hat and striped waistcoat.", "occupations": ["yago:Composer"]} +{"title": "Jack_London", "summary": "John Griffith London was an American novelist, journalist, and social activist. A pioneer in the world of commercial magazine fiction, he was one of the first writers to become a worldwide celebrity and earn a large fortune from writing. He was also an innovator in the genre that would later become known as science fiction.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Poet", "yago:Screenwriter"]} +{"title": "Anouk_(singer)", "summary": "Anouk Teeuwe, professionally known by the mononym Anouk, is a Dutch singer-songwriter and record producer. After her breakthrough in 1997 with the single \"Nobody's Wife\", she had numerous hit singles in the Dutch and Belgian charts, such as \"R U Kiddin' Me\", \"Michel\", \"Girl\", \"Lost\", \"Modern World\", \"Three Days in a Row\", and \"Woman\".", "occupations": ["yago:Singer"]} +{"title": "Kim_Iryeop", "summary": "Kim Il-yeop or Kim Iry\u014fp, was a Korean writer, journalist, feminist activist, and Buddhist nun. Her given name was Kim Wonju. Her courtesy and dharma name was Iryeop.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Poet"]} +{"title": "Hetty_Blok", "summary": "Henri\u00ebtte Adriana \"Hetty\" Blok was a Dutch cabaret artist, singer, and actress who performed on the stage, on radio, and on television for more than five decades. Her best-known role is Nurse Klivia, one of the lead roles in the iconic television series Ja zuster, nee zuster, a role with which she was identified the rest of her life. She was known also as a friend of Annie M. G. Schmidt and a singer of her songs.", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor"]} +{"title": "Valerius_Severus", "summary": "Valerius Severus, also Severus II, was a Western Roman Emperor from 306 to 307. After failing to besiege Rome, he fled to Ravenna. It is thought that he was killed there or executed near Rome.", "occupations": ["yago:Politician"]} +{"title": "Robert_Hooke", "summary": "Robert Hooke FRS was an English natural philosopher, architect and polymath.", "occupations": ["yago:University_teacher"]} +{"title": "Valentinian_II", "summary": "Valentinian II, was Roman Emperor from AD 375 to 392.", "occupations": ["yago:Politician"]} +{"title": "Anne_Anderson_(illustrator)", "summary": "Anne Anderson was a prolific Scottish illustrator, primarily known for her art nouveau children's book illustrations, although she also painted, etched and designed greeting cards. Her style of painting was influenced by her contemporaries, Charles Robinson, and Jessie Marion King, and was similar to that of her husband, Alan Wright (1864-1959).", "occupations": ["yago:Painter"]} +{"title": "Elfriede_Jelinek", "summary": "Elfriede Jelinek is an Austrian playwright and novelist. She was awarded the Nobel Prize in Literature in 2004 for her \"musical flow of voices and counter-voices in novels and plays that, with extraordinary linguistic zeal, reveal the absurdity of society's clich\u00e9s and their subjugating power.\"", "occupations": ["yago:Writer", "yago:Poet", "yago:Screenwriter"]} +{"title": "Takeshi_Motoyoshi", "summary": "Takeshi Motoyoshi is a former Japanese football player.", "occupations": ["yago:Football_player"]} +{"title": "Kenji_Sakaguchi_(footballer)", "summary": "Kenji Sakaguchi is a former Japanese football player.", "occupations": ["yago:Football_player"]} +{"title": "Hiroshi_Saito_(footballer)", "summary": "Hiroshi Saito is a former Japanese football player.", "occupations": ["yago:Football_player"]} +{"title": "Pierre_Littbarski", "summary": "Pierre Michael Littbarski is a German football manager and former footballer with 1. FC K\u00f6ln and the West German national team. He was mainly used as an attacking midfielder or winger and was best known for his brilliant dribbling abilities. Littbarski was a FIFA World Cup winner with West Germany in 1990. He was also runner\u2013up twice in 1982 and 1986 with West Germany. Littbarski was caretaker manager of VfL Wolfsburg after taking over from Steve McClaren from 7 February to 17 March 2011.", "occupations": ["yago:Football_player"]} +{"title": "Milena_Gabanelli", "summary": "Milena Gabanelli is an Italian journalist and television host, better known in Italy for being the author and anchorwoman in the independent investigative journalism Television program Report. The program is currently broadcast by the Italian public TV channel Rai 3.", "occupations": ["yago:Journalist"]} +{"title": "Kim_Hwang-sik", "summary": "Kim Hwang-sik is a South Korean lawyer and politician who was the country's Prime Minister from October 2010 to February 2013. He is the former Chairperson of the Board of Audit and Inspection.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Tetsu_Nagasawa", "summary": "Tetsu Nagasawa is a former Japanese football player and manager.", "occupations": ["yago:Football_player"]} +{"title": "Catherine_Zeta-Jones", "summary": "Catherine Zeta-Jones is a Welsh actress. Born and raised in Swansea, Zeta-Jones aspired to be an actress from a young age. As a child, she played roles in the West End productions of the musicals Annie and Bugsy Malone. She studied musical theatre at the Arts Educational Schools, London, and made her stage breakthrough with a leading role in a 1987 production of 42nd Street. Her screen debut came in the unsuccessful French-Italian film 1001 Nights (1990), and she went on to find greater success as a regular in the British television series The Darling Buds of May (1991\u20131993). Dismayed at being typecast as the token pretty girl in British films, Zeta-Jones relocated to Los Angeles.", "occupations": ["yago:Singer", "yago:Film_actor"]} +{"title": "Kirill_Meretskov", "summary": "Kirill Afanasievich Meretskov was a Soviet military commander. Having joined the Communist Party in 1917, he served in the Red Army from 1920. During the Winter War, he was responsible for penetrating the Mannerheim Line as commander of the 7th Army. He was awarded the title of Hero of the Soviet Union shortly afterwards.", "occupations": ["yago:Politician"]} +{"title": "Stephen_Booth_(writer)", "summary": "Stephen Booth is an English crime-writer. He is the author of the Derbyshire-set Cooper and Fry series.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Andrea_Riccardi", "summary": "Andrea Riccardi is an Italian historian, professor, politician and activist, founder of the Community of Sant'Egidio. Since November 16, 2011, he has served as Minister for International Cooperation without portfolio in the Monti Cabinet.", "occupations": ["yago:Politician", "yago:Historian"]} +{"title": "Arjan_Bajwa", "summary": "Arjan S Bajwa is an Indian film actor known for his work in Hindi and Telugu cinema. Arjan initially started off with Telugu films. He then made his debut in Bollywood with director Mani Ratnam's critically acclaimed film, Guru, playing the antagonist opposite Abhishek Bachchan and Aishwarya Rai. Subsequently, he played the male lead in Madhur Bhandarkar\u2019s Fashion with Priyanka Chopra. The film won him the Stardust Award for Breakthrough Performance while Fashion won several awards such as Filmfare, IIFA, Star Screen and Stardust Awards along with two National Awards. Bajwa also starred in the Telugu movie King along with Nagarjuna Akkineni and Trisha. He then appeared in another Telugu film Arundhati starring Anushka Shetty and Sonu Sood, which became the highest grossing Telugu film at its time of release.", "occupations": ["yago:Actor"]} +{"title": "Harald_Eia", "summary": "Harald Meldal Eia is a Norwegian comedian, sociologist and documentarian.", "occupations": ["yago:Actor", "yago:Screenwriter"]} +{"title": "George_Foster_Shepley_(Maine_and_Louisiana)", "summary": "George Foster Shepley was a general in the Union Army during the American Civil War. He was appointed military and 18th Governor of Louisiana by General Benjamin Butler in June 1862. He later served as a United States federal judge.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Randy_Brecker", "summary": "Randal Edward Brecker is an American trumpeter, flugelhornist, and composer. His versatility in different musical genres has made him a sought-after player, equally accomplished in playing jazz, rock, and R&B. He has also worked as a studio player for many famous musicians. He has performed or recorded with Stanley Turrentine, Billy Cobham, Larry Coryell, Bruce Springsteen, Lou Reed, Sandip Burman, Charles Mingus, Blood, Sweat & Tears, Horace Silver, Frank Zappa, Parliament-Funkadelic, Chris Parker, Jaco Pastorius, Eliane Elias, Dire Straits, Todd Rundgren, Blue \u00d6yster Cult, Richard Barone, Spyro Gyra, Barbara Dennerlein and many others. In his formative years, Brecker studied trumpet with Bill Adam at Indiana University.", "occupations": ["yago:Composer", "yago:Musician"]} +{"title": "Isaac_Babel", "summary": "Isaac Emmanuilovich Babel was a Russian writer, journalist, playwright, literary translator, historian and Bolshevik revolutionary. He is best known as the author of Red Cavalry, Story of My Dovecote and The Odessa Tales \u2014 stories from the life of Jewish gangsters from Odessa led by Benya Krik. He has been acclaimed as \"the greatest prose writer of Russian Jewry\".", "occupations": ["yago:Writer", "yago:Journalist", "yago:Military_personnel", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Dan_Quayle", "summary": "James Danforth \"Dan\" Quayle is an American politician and lawyer who served as the 44th Vice President of the United States from 1989 to 1993. He was also a U.S. Representative from 1977 to 1981 and U.S. Senator from 1981 to 1989, for the state of Indiana.", "occupations": ["yago:Politician", "yago:Lawyer", "yago:Businessperson"]} +{"title": "Ira_Remsen", "summary": "Ira Remsen was a chemist who, along with Constantin Fahlberg, discovered the artificial sweetener saccharin. He was the second president of Johns Hopkins University.", "occupations": ["yago:University_teacher"]} +{"title": "Georg_Friedrich_Haas", "summary": "Georg Friedrich Haas is an Austrian composer.", "occupations": ["yago:University_teacher", "yago:Composer"]} +{"title": "Michael_Chekhov", "summary": "Mikhail Aleksandrovich \"Michael\" Chekhov was a Russian-American actor, director, author, and theatre practitioner. His acting technique has been used by actors such as Jack Nicholson, Clint Eastwood, Marilyn Monroe, and Yul Brynner. Konstantin Stanislavski referred to him as his most brilliant student. He was a nephew of the playwright Anton Chekhov.", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Film_director"]} +{"title": "Pierre_de_Ronsard", "summary": "Pierre de Ronsard was a French poet or, as his own generation in France called him, a \"prince of poets\".", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Christian_Cappek", "summary": "Christian Cappek is a German footballer who plays as a forward.", "occupations": ["yago:Football_player"]} +{"title": "Ilona_Staller", "summary": "Ilona Staller, widely known by her stage name Cicciolina, is a Hungarian-Italian porn star, politician, and singer.", "occupations": ["yago:Politician", "yago:Singer", "yago:Film_actor", "yago:Film_director"]} +{"title": "Akinori_Eto", "summary": "Akinori Eto is a Japanese politician and the former defense minister of Japan.", "occupations": ["yago:Politician"]} +{"title": "Louis_Couperin", "summary": "Louis Couperin was a French Baroque composer and performer. He was born in Chaumes-en-Brie and moved to Paris in 1650\u20131651 with the help of Jacques Champion de Chambonni\u00e8res. Couperin worked as organist of the Church of St. Gervais in Paris and as musician at the court. He quickly became one of the most prominent Parisian musicians, establishing himself as a harpsichordist, organist, and violist, but his career was cut short by his early death at the age of thirty-five.", "occupations": ["yago:Composer"]} +{"title": "Susan_Rice", "summary": "Susan Elizabeth Rice is an American public official who was the 24th United States National Security Advisor from 2013 to 2017. She was a Brookings Institution fellow and U.S. Ambassador to the United Nations. She served on the staff of the National Security Council and as Assistant Secretary of State for African Affairs during President Bill Clinton's second term. She was confirmed as UN ambassador by the U.S. Senate by unanimous consent on January 22, 2009.", "occupations": ["yago:Politician", "yago:Screenwriter"]} +{"title": "Zacharie_Astruc", "summary": "Zacharie Astruc was a French sculptor, painter, poet, and art critic.", "occupations": ["yago:Painter", "yago:Journalist", "yago:Poet", "yago:Composer"]} +{"title": "Kaya_Yanar", "summary": "Kaya Yanar is a German comedian, best known for his comedy show Was guckst du?!.", "occupations": ["yago:Actor"]} +{"title": "Stan_Ridgway", "summary": "Stanard \"Stan\" Ridgway is an American multi-instrumentalist singer-songwriter and film and television composer known for his distinctive voice, dramatic lyrical narratives, and eclectic solo albums. He was the original lead singer and a founding member of the band Wall of Voodoo.", "occupations": ["yago:Singer", "yago:Composer"]} +{"title": "Yi_U", "summary": "Colonel Yi U was the 4th head of Unhyeon Palace, a member of the imperial family of Korea, and a lieutenant colonel in the Imperial Japanese Army during the Second World War. He was killed during the atomic bombing of Hiroshima.", "occupations": ["yago:Military_personnel"]} +{"title": "George_Stevens", "summary": "George Cooper Stevens was an American film director, producer, screenwriter and cinematographer.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Elias_Boudinot", "summary": "Elias Boudinot was a lawyer and statesman from Elizabeth, New Jersey who was a delegate to the Continental Congress and served as President of Congress from 1782 to 1783. He was elected as a U.S. Congressman for New Jersey following the American Revolutionary War. He was appointed by President George Washington as Director of the United States Mint, serving from 1795 until 1805.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Kuno_von_Klebelsberg", "summary": "Count Kuno von Klebelsberg de Thumburg was a Hungarian politician, who served as Minister of the Interior and Minister of Culture of the Kingdom of Hungary between the two world wars.", "occupations": ["yago:Politician"]} +{"title": "Princess_Leia", "summary": "Princess Leia Organa of Alderaan is a fictional character in the Star Wars franchise, portrayed in films by Carrie Fisher. Introduced in the original Star Wars film in 1977, Leia is princess of the planet Alderaan, a member of the Imperial Senate and an agent of the Rebel Alliance. She thwarts the sinister Sith Lord Darth Vader and helps bring about the destruction of the Empire's cataclysmic superweapon, the Death Star. In The Empire Strikes Back (1980), Leia commands a Rebel base and evades Vader as she falls in love with the smuggler, Han Solo. In Return of the Jedi (1983), Leia leads the operation to rescue Han from the crime lord Jabba the Hutt, and is revealed to be Vader's daughter and the twin sister of Luke Skywalker. The prequel film Revenge of the Sith (2005) establishes that the twins' mother is Senator Padm\u00e9 Amidala of Naboo, who dies after childbirth. Leia is adopted by Senator Bail and Queen Breha Organa of Alderaan. In The Force Awakens (2015) and The Last Jedi (2017), Leia is the founder and General of the Resistance against the First Order. She and Han have a son named Ben, who adopted the name Kylo Ren after turning to the dark side of the Force.", "occupations": ["yago:Politician"]} +{"title": "Colette_Audry", "summary": "Colette Audry was a French novelist, screenwriter, and critic.", "occupations": ["yago:Politician", "yago:Writer", "yago:Screenwriter"]} +{"title": "Emma_Donoghue", "summary": "Emma Donoghue is an Irish-Canadian playwright, literary historian, novelist, and screenwriter. Her 2010 novel Room was a finalist for the Man Booker Prize and an international best-seller. Donoghue's 1995 novel Hood won the Stonewall Book Award. and Slammerkin (2000) won the Ferro-Grumley Award for Lesbian Fiction. Room was adapted into a film of the same name, for which Donoghue wrote the screenplay which was subsequently nominated for the Academy Award for Best Adapted Screenplay.", "occupations": ["yago:Writer", "yago:Screenwriter"]} +{"title": "Luigi_Comencini", "summary": "Luigi Comencini was an Italian film director. Together with Dino Risi, Ettore Scola and Mario Monicelli, he was considered among the masters of the commedia all'italiana genre.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Axel_Pehrsson-Bramstorp", "summary": "Axel Alarik Pehrsson-Bramstorp was a Swedish politician and was Prime Minister of Sweden for a few months during 1936. As a parliamentarian he was known as Axel Pehrsson in Bramstorp, or just Bramstorp for short. In 1937 he officially added the name of his farm to his family name.", "occupations": ["yago:Politician"]} +{"title": "Enver_Hoxha", "summary": "Enver Halil Hoxha was an Albanian communist politician who served as the head of state of Albania from 1944 until his death in 1985, as the First Secretary of the Party of Labour of Albania. He was chairman of the Democratic Front of Albania and commander-in-chief of the armed forces from 1944 until his death. He served as the 22nd Prime Minister of Albania from 1944 to 1954 and at various times served as foreign minister and defence minister as well.", "occupations": ["yago:Politician"]} +{"title": "Karl_Gussow", "summary": "Karl Gussow was a German painter and university professor.", "occupations": ["yago:Painter", "yago:University_teacher"]} +{"title": "Robert_Altman", "summary": "Robert Bernard Altman was an American film director, screenwriter, and producer. A five-time nominee of the Academy Award for Best Director and an enduring figure from the New Hollywood era, Altman was considered a \"maverick\" in making films with a highly naturalistic but stylized and satirical aesthetic, unlike most Hollywood films. He is consistently ranked as one of the greatest and most influential filmmakers in American cinema.", "occupations": ["yago:Writer", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Nikita_Mikhalkov", "summary": "Nikita Sergeyevich Mikhalkov is a Russian filmmaker, actor, and head of the Russian Cinematographers' Union. Three times Laureate of the State Prize of the Russian Federation (1993,1995,1999). Full Cavalier of the Order \"For Merit to the Fatherland\"", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Mohsen_Makhmalbaf", "summary": "Mohsen Makhmalbaf is an Iranian film director, writer, film editor, and producer. He has made more than 20 feature films, won some 50 awards and been a juror in more than 15 major film festivals. His award-winning films include Kandahar; his latest documentary is The Gardener and latest feature The President.", "occupations": ["yago:Writer", "yago:Actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Mehboob_Khan", "summary": "Mehboob Khan was a pioneer producer-director of Hindi cinema, best known for directing the social epic Mother India (1957), which won the Filmfare Awards for Best Film and Best Director and was a nominee for the Academy Award for Best Foreign Language Film. He set up his production company \u2013 Mehboob Productions, and later a film studio \u2013 Mehboob Studios in Bandra, Mumbai in 1954.", "occupations": ["yago:Film_actor", "yago:Film_director"]} +{"title": "Glauber_Rocha", "summary": "Glauber de Andrade Rocha, better known as Glauber Rocha, was a Brazilian film director, actor and screenwriter. He was a key figure of Cinema Novo and one of the most influential moviemakers of Brazilian cinema. His films Black God, White Devil and Entranced Earth are often considered to be two of the greatest achievements in Brazilian cinematic history, being selected by Abraccine as, respectively, the second and fifth best Brazilian films of all-time.", "occupations": ["yago:Writer", "yago:Actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Satish_Alekar", "summary": "Satish Vasant Alekar is a Marathi playwright, actor, and theatre director. A founder member of the Theatre Academy of Pune, and most known for his plays Mahanirvan (1974), Mahapoor (1975), Atirekee (1990), Pidhijat (2003), Mickey ani Memsahib (1973), and Begum Barve (1979), all of which he also directed for the Academy. Today, along with Mahesh Elkunchwar and Vijay Tendulkar he is one of the most influential and progressive playwrights not just in modern Marathi theatre, but also larger modern Indian theatre.", "occupations": ["yago:Actor"]} +{"title": "Krystyna_Feldman", "summary": "Krystyna Zofia Feldman was a Polish actress.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Chintaman_Vinayak_Vaidya", "summary": "Chintaman Vinayak Vaidya (1861\u20131938) was a Marathi-language historian and writer from Maharashtra, India. He was Chief Justice of Gwalior State for a period.", "occupations": ["yago:Writer"]} +{"title": "Narayan_Waman_Tilak", "summary": "Narayan Vaman Tilak was a Marathi poet from the Konkan region of then Bombay Presidency in British India, and a famous convert to Christianity.", "occupations": ["yago:Writer"]} +{"title": "Shreedhar_Swami", "summary": "Sri Shreedhara Swami Maharaj was a prominent Marathi-Kannada saint and religious poet in the Hindu tradition. Shreedhar Swami was a devotee of the Hindu Lord Ram and a disciple of Samarth Ramdas.", "occupations": ["yago:Writer"]} +{"title": "Shanta_Shelke", "summary": "Shanta Janardan Shelke was a Marathi poet and writer in the Marathi language. She was also a noted journalist, and academic. Her work included song compositions, stories, translations, and children's literature. She presided over many literary gatherings.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Tryambak_Shankar_Shejwalkar", "summary": "Tryambak Shankar Shejwalkar was an award-winning historian and essayist.", "occupations": ["yago:Writer", "yago:Historian"]} +{"title": "Irena_Kwiatkowska", "summary": "Irena Kwiatkowska was a popular Polish actress, known in Poland for her many cabaret roles and monologues, as well as appearances in movies and television shows.", "occupations": ["yago:Film_actor"]} +{"title": "A._H._Salunkhe", "summary": "A. H. Salunkhe is a Marathi author, scholar and social activist related to Satya Shodhak Samaj and to the Shivdharma movement.", "occupations": ["yago:Writer"]} +{"title": "Ryszard_Kaczorowski", "summary": "Ryszard Kaczorowski, GCMG was a Polish statesman. Between 1989 and 1990 he served as the last President of Poland in exile. He succeeded Kazimierz Sabbat and resigned his post following Poland's regaining independence from the Soviet sphere of influence and election of Lech Wa\u0142\u0119sa as the first democratically elected president of Poland since World War II. He also passed the presidential insignia to Wa\u0142\u0119sa, thus ending the 45-years long episode of the Polish government in exile.", "occupations": ["yago:Politician"]} +{"title": "Jerzy_Hausner", "summary": "Jerzy Hausner is a Polish politician and economist. He is a Member of the 4th Sejm (Parliament) of the Republic of Poland.", "occupations": ["yago:Politician"]} +{"title": "Blake_Edwards", "summary": "William Blake Crump, better known by his stage name Blake Edwards, was an American filmmaker.", "occupations": ["yago:Writer", "yago:Actor", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Eudoxia_Woodward", "summary": "Eudoxia Muller Woodward was an American artist and chemistry researcher. She was known for her work with Edwin H. Land at the Polaroid Corporation, where her research helped produce the Vectograph and the earliest forms of Polaroid instant photography.", "occupations": ["yago:Painter"]} +{"title": "Darleane_C._Hoffman", "summary": "Darleane Christian Hoffman is an American nuclear chemist who was among the researchers who confirmed the existence of Seaborgium, element 106. She is a faculty senior scientist in the Nuclear Science Division of Lawrence Berkeley National Laboratory and a professor in the graduate school at UC Berkeley. In acknowledgment of her many achievements, Discover Magazine recognized her in 2002 as one of the 50 most important women in science.", "occupations": ["yago:University_teacher"]} +{"title": "Ida_Rolf", "summary": "Ida Pauline Rolf was a biochemist and the creator of Structural Integration or \"Rolfing\".", "occupations": ["yago:Physician"]} +{"title": "Ivo_Sanader", "summary": "Ivo Sanader is a Croatian politician who served as the Prime Minister of Croatia from 2003 to 2009. He is to date the longest-serving prime Minister since independence, holding the office for over 5 and a half years before resigning in July 2009. He is the only Croatian Prime Minister to serve more than one term, winning general elections in 2003 and 2007. Along with Ivica Ra\u010dan he is one of only two Prime Ministers to have been at the head of more than one government cabinet, chairing his first cabinet from December 2003 until January 2008 and his second from January 2008 until his resignation in July 2009.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "John_Lloyd_Stephens", "summary": "John Lloyd Stephens was an American explorer, writer, and diplomat. Stephens was a pivotal figure in the rediscovery of Maya civilization throughout Middle America and in the planning of the Panama railroad.", "occupations": ["yago:Writer"]} +{"title": "Erich_Fromm", "summary": "Erich Seligmann Fromm was a German-born American social psychologist, psychoanalyst, sociologist, humanistic philosopher, and democratic socialist. He was one of the Founders of The William Alanson White Institute of Psychiatry, Psychoanalysis and Psychology in New York City and was associated with the Frankfurt School of critical theory.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Karl_Weierstrass", "summary": "Karl Theodor Wilhelm Weierstrass was a German mathematician often cited as the \"father of modern analysis\". Despite leaving university without a degree, he studied mathematics and trained as a teacher, eventually teaching mathematics, physics, botany and gymnastics.", "occupations": ["yago:University_teacher"]} +{"title": "Lutz_Graf_Schwerin_von_Krosigk", "summary": "Lutz Graf Schwerin von Krosigk, born Johann Ludwig von Krosigk and known as Lutz von Krosigk, was a German senior government official who served as Minister of Finance of Germany from 1932 to 1945 and de facto Chancellor of Germany in May 1945.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Timo_Hildebrand", "summary": "Timo Hildebrand is a retired German professional footballer who played as a goalkeeper.", "occupations": ["yago:Football_player"]} +{"title": "Erwin_von_Witzleben", "summary": "Job Wilhelm Georg Erdmann Erwin von Witzleben was a German officer, by 1940 in the rank of Generalfeldmarschall, and army commander in the Second World War. A leading conspirator in the 20 July plot, he was designated to become Commander-in-Chief of the Wehrmacht in a post-Nazi regime had the plot succeeded.", "occupations": ["yago:Military_personnel"]} +{"title": "Friedrich_Georg_Wilhelm_von_Struve", "summary": "Friedrich Georg Wilhelm von Struve was a German-Russian astronomer and geodesist from the famous Struve family. He is best known for studying double stars and for initiating a triangulation survey later named Struve Geodetic Arc in his honor.", "occupations": ["yago:University_teacher"]} +{"title": "Franz_Halder", "summary": "Franz Halder was a German general and the chief of the Oberkommando des Heeres staff from 1938 until September 1942, when he was dismissed after frequent disagreements with Adolf Hitler. During the invasion of the Soviet Union Halder insisted on focusing on Moscow, despite Hitler's objections. Until December 1941 Halder's military position corresponded to the old Chief of the General Staff position, which during World War I had been the highest military office in the German Imperial Army. Halder's diary during his time as chief of OKH General Staff has been a source for authors that have written about such subjects as Hitler, World War II, and the Nazi Party. In William Shirer's The Rise and Fall of the Third Reich, Halder's diary is cited hundreds of times.", "occupations": ["yago:Writer"]} +{"title": "Stefan_George", "summary": "Stefan Anton George was a German symbolist poet and a translator of Dante Alighieri, William Shakespeare, and Charles Baudelaire.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Yoweri_Museveni", "summary": "Yoweri Museveni is a Ugandan politician who has been the President of Uganda since 1986. Museveni was involved in rebellions that toppled Ugandan leaders Idi Amin (1971\u201379) and Milton Obote (1980\u201385). In the mid to late 1990s, Museveni was celebrated by the West as part of a new generation of African leaders. During Museveni's presidency, Uganda has experienced relative stability and economic growth. His presidency has been marred, however, by involvement in the civil war in the Democratic Republic of the Congo and other Great Lakes region conflicts; the rebellion in Northern Uganda by the Lord's Resistance Army which caused a drastic humanitarian emergency; and the suppression of political opposition and constitutional amendments scrapping presidential term limits (2005) and the presidential age limit (2017), thus enabling extension of his rule. These have been a concern to domestic and foreign commentators.", "occupations": ["yago:Politician", "yago:Writer", "yago:Military_personnel"]} +{"title": "Elisabeth_Schwarzkopf", "summary": "Dame Olga Maria Elisabeth Friederike Schwarzkopf, was a German-born Austro-British soprano. She was among the foremost singers of lieder, and was renowned for her performances of Viennese operetta, as well as the operas of Mozart, Wagner and Richard Strauss. After retiring from the stage, she was a voice teacher internationally. She is considered one of the greatest sopranos of the 20th century.", "occupations": ["yago:Singer"]} +{"title": "Abdullah_of_Saudi_Arabia", "summary": "Abdullah bin Abdulaziz Al Saud was King of Saudi Arabia and Custodian of the Two Holy Mosques from 2005 to his death in 2015.\nHe ascended to the throne on 1\u00a0August 2005 upon the death of his half-brother, King Fahd.", "occupations": ["yago:Politician"]} +{"title": "Laura_Chinchilla", "summary": "Laura Chinchilla Miranda is a Costa Rican politician who was President of Costa Rica from 2010 to 2014. She was one of \u00d3scar Arias S\u00e1nchez's two Vice-Presidents and his administration's Minister of Justice. She was the governing PLN candidate for President in the 2010 general election, where she won with 46.76% of the vote on 7 February. She was the eighth woman president of a Latin American country and the first woman to become President of Costa Rica. She was sworn in as President of Costa Rica on May 8, 2010.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Ali_Khamenei", "summary": "Sayyid Ali Hosseini Khamenei is a marja and the second and current Supreme Leader of Iran, in office since 1989. He was previously President of Iran from 1981 to 1989. Khamenei is the second-longest serving head of state in the Middle East, as well as the second-longest serving Iranian leader of the last century, after Shah Mohammed Reza Pahlavi.", "occupations": ["yago:Politician", "yago:Writer", "yago:Poet"]} +{"title": "Mauricio_Funes", "summary": "Carlos Mauricio Funes Cartagena is a Salvadoran politician who was President of El Salvador from June 1, 2009 to June 1, 2014. He won the 2009 presidential election as the candidate of the left-wing Farabundo Mart\u00ed National Liberation Front (FMLN) political party and took office on June 1, 2009.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Andry_Rajoelina", "summary": "Andry Nirina Rajoelina, is a Malagasy businessman and politician. He started his career in the private sector, first organizing events on the Island, and then investing the advertising business and the media. He was the Mayor of Antananarivo from December 2007 to February 2009, and President of the High Transitional Authority of Madagascar during the political crisis from 21 March 2009 to 25 January 2014, up until the general elections were held in 2013.", "occupations": ["yago:Politician"]} +{"title": "Lale_Andersen", "summary": "Lale Andersen was a German chanson singer-songwriter and actress born in Lehe. She is best known for her interpretation of the song Lili Marleen in 1939, which by 1941 transcended the conflict to become World War II's biggest international hit. Popular with both the Axis and the Allies, Andersen's original recording spawned versions, by the end of the War, in most of the major languages of Europe, and by some of the most popular artists in their respective countries.", "occupations": ["yago:Actor", "yago:Singer", "yago:Screenwriter"]} +{"title": "Kurt_Tucholsky", "summary": "Kurt Tucholsky was a German-Jewish journalist, satirist, and writer. He also wrote under the pseudonyms Kaspar Hauser, Peter Panter, Theobald Tiger and Ignaz Wrobel. Born in Berlin-Moabit, he moved to Paris in 1924 and then to Sweden in 1929.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Poet"]} +{"title": "Friedrich_Olbricht", "summary": "Friedrich Olbricht was a German general during World War II and one of the plotters involved in the 20 July Plot, an attempt to assassinate Adolf Hitler in 1944.", "occupations": ["yago:Military_personnel"]} +{"title": "Joseph_Kabila", "summary": "Joseph Kabila Kabange is a Congolese politician who has been President of the Democratic Republic of the Congo since January 2001. He took office ten days after the assassination of his father, President Laurent-D\u00e9sir\u00e9 Kabila. He was elected as President in 2006. In 2011, he was re-elected for a second term.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Tsakhiagiin_Elbegdorj", "summary": "|signature = Signature of Tsakhiagiin Elbegdorj.svg\n}}\nTsakhiagiin Elbegdorj is a Mongolian politician who served as President of Mongolia from 2009 to 2017. He previously served as Prime Minister in 1998 and again from 2004 to 2006.", "occupations": ["yago:Politician", "yago:Writer", "yago:Journalist"]} +{"title": "Danilo_Medina", "summary": "Danilo Medina S\u00e1nchez is a Dominican politician and the current President of the Dominican Republic, since 2012.", "occupations": ["yago:Politician"]} +{"title": "Ruth_Fuchs", "summary": "Ruth Fuchs is a German politician and former athlete. Fuchs, representing East Germany, was the winner of the women's javelin at the 1972 (Munich) and 1976 (Montreal) Olympic Games. She set the world record for the javelin six times during the 1970s.", "occupations": ["yago:Politician"]} +{"title": "Iolu_Abil", "summary": "Iolu Johnson Abil is a Vanuatuan politician. He was elected and sworn in as the President of Vanuatu on 2 September 2009.", "occupations": ["yago:Politician"]} +{"title": "Ernest_Louis,_Grand_Duke_of_Hesse", "summary": "Ernest Louis Charles Albert William was the last Grand Duke of Hesse and by Rhine, reigning from 1892 until 1918.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Mohammed_Magariaf", "summary": "Mohammed Yousef el-Magariaf, or, as he writes on his official website, Dr. Mohamed Yusuf Al Magariaf is a Libyan politician who served as the President of the General National Congress from its first meeting in August 2012 until his resignation in May 2013. In this role he was effectively Libya's de facto head of state, until his resignation in May 2013.", "occupations": ["yago:Politician"]} +{"title": "Roland_Freisler", "summary": "Roland Freisler was a jurist and judge of Nazi Germany. He was State Secretary of the Reich Ministry of Justice, and President of the People's Court. He was also an attendee at the Wannsee Conference in 1942, which set in motion the Holocaust.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Sali_Berisha", "summary": "Sali Ram Berisha\u00a0(help\u00b7info), is an Albanian cardiologist and conservative politician who served as the second President of Albania from 1992 to 1997 and Prime Minister from 2005 to 2013. He was also the leader of the Democratic Party of Albania twice, from 1991 to 1992 and then again from 1997 to 2013. To date, Berisha is the longest-serving democratically elected leader and the only Prime Minister to serve two full terms since the end of Communism.", "occupations": ["yago:Politician"]} +{"title": "Yingluck_Shinawatra", "summary": "Yingluck Shinawatra, nicknamed Pou, is a Thai businesswoman and politician. She is a member of the Pheu Thai Party who became the 28th Prime Minister of Thailand following the 2011 election. Yingluck was Thailand's first female Prime Minister and its youngest in over 60 years. Also, she holds the distinction as the world's first female of Chinese descent to have had led the government of a UN member state. She was removed from office on 7 May 2014 by a controversial Constitutional Court decision. She is the third Pheu Thai Prime minister removed from office by the Constitution Court.", "occupations": ["yago:Politician"]} +{"title": "Martin_McGuinness", "summary": "James Martin Pacelli McGuinness was an Irish republican Sinn F\u00e9in politician who was the deputy First Minister of Northern Ireland from May 2007 to January 2017.\nA former Provisional Irish Republican Army (IRA) leader, McGuinness was the MP for Mid Ulster from 1997 until his resignation in 2013. Like all Sinn F\u00e9in MPs, McGuinness abstained from participation in the Westminster Parliament. Following the St Andrews Agreement and the Assembly election in 2007, as Sinn F\u00e9in's political leader in the North, he became deputy First Minister of Northern Ireland on 8 May 2007, with the Democratic Unionist Party (DUP) leader Ian Paisley becoming First Minister. On 5 June 2008 he was re-appointed as deputy First Minister to serve alongside Peter Robinson, who succeeded Paisley as First Minister. McGuinness previously served as Minister of Education in the Northern Ireland Executive between 1999 and 2002. He was Sinn F\u00e9in's candidate for President of Ireland in the 2011 election.", "occupations": ["yago:Politician"]} +{"title": "Viktor_Lutze", "summary": "Viktor Lutze was the commander of the Sturmabteilung\u00a0(\"SA\") succeeding Ernst R\u00f6hm as Stabschef. He died from injuries received in a car accident. Lutze was given an elaborate state funeral in Berlin on 7 May 1943.", "occupations": ["yago:Politician"]} +{"title": "Freundel_Stuart", "summary": "Freundel Jerome Stuart, PC, QC, MP is a Barbadian politician who is the former Prime Minister of Barbados and Leader of the Democratic Labour Party (DLP) from 23 October 2010 to 21 February 2013; and from 21 February 2013 to 25 May 2018.\nHe succeeded David Thompson, who died in office on 23 October 2010 from pancreatic cancer.", "occupations": ["yago:Politician"]} +{"title": "Baburam_Bhattarai", "summary": "Baburam Bhattarai (Nepali: \u092c\u093e\u092c\u0941\u0930\u093e\u092e \u092d\u091f\u094d\u091f\u0930\u093e\u0908 is a Nepalese politician who was Prime Minister of Nepal from August 2011 to March 2013. He was a long-time leading member of the Unified Communist Party of Nepal prior to founding a new party, Naya Shakti.", "occupations": ["yago:Politician", "yago:Writer"]} +{"title": "Raymond_Ndong_Sima", "summary": "Raymond Ndong Sima is a Gabonese politician who was Prime Minister of Gabon from February 2012 to January 2014.", "occupations": ["yago:Politician"]} +{"title": "Ignacio_Milam_Tang", "summary": "Ignacio Milam Tang is an Equatoguinean politician who was Prime Minister of Equatorial Guinea from July 2008 to May 2012. He is a member of the Democratic Party of Equatorial Guinea (PDGE). From May 2012 to June 2016, he was First Vice President of Equatorial Guinea, serving alongside President Obiang's son, Teodor\u00edn.", "occupations": ["yago:Politician"]} +{"title": "Ernst_Chain", "summary": "Sir Ernst Boris Chain, FRS was a German-born British biochemist, and a 1945 co-recipient of the Nobel Prize for Physiology or Medicine for his work on penicillin.", "occupations": ["yago:University_teacher"]} +{"title": "Saud_bin_Faisal_bin_Abdulaziz_Al_Saud", "summary": "Saud bin Faisal bin Abdulaziz Al Saud, also known as Saud Al Faisal, was a Saudi diplomat and statesman who served as Saudi Arabia's foreign minister from 1975 to 2015. A member of the Saudi royal family, he was the longest-serving foreign minister in world history since Klemens von Metternich.", "occupations": ["yago:Politician"]} +{"title": "Sam_Abal", "summary": "Samuel Tei \"Sam\" Abal is a Papua New Guinean politician. Abal, who previously served as Foreign Minister from August 2007 to December 2010, became the Deputy Prime Minister of the country in a cabinet reshuffle by Michael Somare on 7 December 2010. He further became acting Prime Minister of Papua New Guinea on 13 December 2010, when Prime Minister Somare stepped down from office to face a tribunal regarding allegations of financial mismanagement. His tenure as acting Prime Minister ended on 2 August 2011, when Peter O'Neill won a parliamentary vote to be appointed as Prime Minister.", "occupations": ["yago:Politician"]} +{"title": "Fawzi_Salloukh", "summary": "Fawzi Salloukh is a Lebanese politician, who served as Minister of Foreign Affairs from 19 July 2005 to 2009.", "occupations": ["yago:Politician"]} +{"title": "Peter_David_(politician)", "summary": "Peter Charles David is a Grenadian politician. He is the Deputy General Secretary of the New National Party (NNP), (Grenada), a member of the House of Representatives from the Town of Saint George constituency, and served as Minister of Foreign Affairs from July 2008 to November 2010. He subsequently served as Minister of Tourism until he resigned from the Cabinet on April 30, 2012.", "occupations": ["yago:Politician"]} +{"title": "Elyor_Ganiyev", "summary": "Elyor Majidovich G\u2018aniyev, whose name is also transliterted as Elyar Ganiyev and Elyer Ganiev, has served as the Minister of Foreign Economic Affairs, Investments and Trade in the Government of Uzbekistan since July 2006. He served as Minister of Foreign Affairs of Uzbekistan and Deputy head of the cabinet from February 4, 2005 to July 12, 2006. Uzbek President Islam Karimov appointed and removed G\u2018aniev from that position. He had previously served as Deputy Prime Minister and head of the Uzbek foreign economic relations agency.", "occupations": ["yago:Politician"]} +{"title": "Milarepa", "summary": "Jetsun Milarepa was a Tibetan siddha, who famously was a murderer as a young man then turned to Buddhism to become an accomplished buddha despite his past. He is generally considered as one of Tibet's most famous yogis and poets, serving as an example for the Buddhist life. He was a student of Marpa Lotsawa, and a major figure in the history of the Kagyu school of Tibetan Buddhism.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Liam_Neeson", "summary": "Liam John Neeson, OBE is an actor from Northern Ireland who holds British and American citizenship. In 1976, he joined the Lyric Players' Theatre in Belfast for two years. He then acted in the Arthurian film, Excalibur (1981). Between 1982 and 1987, Neeson starred in five films, most notably alongside Mel Gibson and Anthony Hopkins in The Bounty (1984), and Robert De Niro and Jeremy Irons in The Mission (1986). He landed a leading role alongside Patrick Swayze in Next of Kin (1989).", "occupations": ["yago:Football_player", "yago:Actor", "yago:Film_actor"]} +{"title": "Pope_Clement_II", "summary": "Pope Clement II, was Pope from 25 December 1046 until his death in 1047. He was the first in a series of reform-minded popes from Germany.", "occupations": ["yago:Writer"]} +{"title": "Hans_Fritzsche", "summary": "Hans Georg Fritzsche was a senior German Nazi official, ending the war as Ministerialdirektor at the Propagandaministerium. He was present in the Berlin F\u00fchrerbunker during the last days of Adolf Hitler. After Hitler's death, he went over to the Soviet lines in Berlin to offer the surrender of the city to the Red Army on 1 May 1945. He was taken prisoner. Fritzsche died in 1953.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Robert_Ley", "summary": "Robert Ley was a German politician during the Nazi era who headed the German Labour Front from 1933 to 1945. He committed suicide while awaiting trial at Nuremberg for war crimes.", "occupations": ["yago:Politician"]} +{"title": "August_Hermann_Francke", "summary": "August Hermann Francke was a German Lutheran clergyman, philanthropist, and Biblical scholar.", "occupations": ["yago:University_teacher"]} +{"title": "Max_Born", "summary": "Max Born was a German physicist and mathematician who was instrumental in the development of quantum mechanics. He also made contributions to solid-state physics and optics and supervised the work of a number of notable physicists in the 1920s and 1930s. Born won the 1954 Nobel Prize in Physics for his \"fundamental research in quantum mechanics, especially in the statistical interpretation of the wave function\".", "occupations": ["yago:University_teacher"]} +{"title": "Wan_Rohaimi", "summary": "Wan Rohaimi bin Wan Ismail is an experienced Malaysian footballer who is currently without a club. He helped Terengganu to win the Malaysia League in 2001 and has recently played for Kelantan in 2011 Super League Malaysia. His playing position is as a defender, although he played as a striker earlier in his career.", "occupations": ["yago:Football_player"]} +{"title": "Andros_Townsend", "summary": "Andros Darryl Townsend is an English professional footballer who plays as a winger for Premier League club Crystal Palace and the English national team.", "occupations": ["yago:Football_player"]} +{"title": "Ashley_Westwood_(footballer,_born_1990)", "summary": "Ashley Roy Westwood is an English professional footballer who plays as a midfielder for Premier League club Burnley.", "occupations": ["yago:Football_player"]} +{"title": "Sylvia_Day", "summary": "Sylvia June Day is a Japanese American writer of romance novels. She also writes under the pseudonyms S.J. Day and Livia Dare. She is a number one bestselling author in 28 countries.", "occupations": ["yago:Writer"]} +{"title": "Ivan_Djeparoski", "summary": "Ivan (Ivica) Djeparoski(born 1958 in Skopje, Republic of Macedonia) is a philosopher, cultural theorist, poet and translator. He graduated from the Faculty of Philosophy in Skopje where he received his M.A. and Ph.D. He is an author of fourteen books in the field of aesthetics and cultural theory, five poetry books and also of two poetry anthologies, for which he was awarded the \"Mlad Borec Prize\" (1984), \"Dimitar Mitrev Prize\" (1993) and \u201cParadigm Prize\u201d (2009). He works at the Faculty of Philosophy in Skopje as a professor of \"Aesthetics\", \"History of Aesthetics\" and \"Cultural Theories\". He is/was Head of the Institute of Philosophy, Head of postgraduate studies of the Institute of philosophy (2010-2013) and secretary of Macedonian P.E.N. Centre.. He also translates. He was granted the \"Grigor Prlicev Award\" (1993) for a poetic rendition as well as the \u201eMiladinov Brothers\u201d award(2017) for the best poetry book \"The Light of Mount Athos\" written in Macedonian language. His poetry and some of his essays are translated into several languages.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Serge_Gnabry", "summary": "Serge David Gnabry is a German professional footballer who plays as a winger for Bayern Munich and the Germany national team.", "occupations": ["yago:Football_player"]} +{"title": "Roddy_Piper", "summary": "Roderick George Toombs, better known by his ring name \"Rowdy\" Roddy Piper, was a Canadian professional wrestler and actor.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Jubilee_(comics)", "summary": "Jubilation \"Jubilee\" Lee is a fictional superhero appearing in American comic books published by Marvel Comics, most commonly in association with the X-Men. Created by writer Chris Claremont and artist Marc Silvestri, the character first appeared in The Uncanny X-Men #244.", "occupations": ["yago:Actor"]} +{"title": "Demetrius_I_of_Macedon", "summary": "Demetrius I, called Poliorcetes, son of Antigonus I Monophthalmus and Stratonice, was a Macedonian Greek nobleman, military leader, and finally king of Macedon. He belonged to the Antigonid dynasty and was its first member to rule Macedonia.", "occupations": ["yago:Politician"]} +{"title": "Erich_Koch-Weser", "summary": "Erich Koch-Weser was a German lawyer and liberal politician. One of the founders (1918) and later chairman (1924\u20131930) of the liberal German Democratic Party, he served as Minister of the Interior (1919\u20131921), Vice Chancellor of Germany (1920) and Minister of Justice (1928\u20131929).", "occupations": ["yago:Politician"]} +{"title": "Hermann_von_Helmholtz", "summary": "Hermann Ludwig Ferdinand von Helmholtz was a German physician and physicist who made significant contributions in several scientific fields. The largest German association of research institutions, the Helmholtz Association, is named after him.", "occupations": ["yago:University_teacher"]} +{"title": "Herbert_Marcuse", "summary": "Herbert Marcuse was a German-American philosopher, sociologist, and political theorist, associated with the Frankfurt School of Critical Theory. Born in Berlin, Marcuse studied at the universities of Berlin and then at Freiburg, where he received his PhD. He was a prominent figure in the Frankfurt-based Institute for Social Research \u2013 what later became known as the Frankfurt School. He was married to Sophie Wertheim (1924\u20131951), Inge Neumann (1955\u20131973), and Erica Sherover (1976\u20131979). In his written works, he criticized capitalism, modern technology, historical materialism and entertainment culture, arguing that they represent new forms of social control.", "occupations": ["yago:University_teacher"]} +{"title": "Albert_Speer", "summary": "Berthold Konrad Hermann Albert Speer was a German architect who was, for most of World War II, Reich Minister of Armaments and War Production for Nazi Germany. Speer was Adolf Hitler's chief architect before assuming ministerial office. As \"the Nazi who said sorry\", he accepted moral responsibility at the Nuremberg trials and in his memoirs for complicity in crimes of the Nazi regime, while insisting he had been ignorant of the Holocaust.", "occupations": ["yago:Politician"]} +{"title": "Leo_von_Klenze", "summary": "Leo von Klenze was a German neoclassicist architect, painter and writer. Court architect of Bavarian King Ludwig I, Leo von Klenze was one of the most prominent representatives of Greek revival style.", "occupations": ["yago:Writer", "yago:Painter"]} +{"title": "Hermann_Zapf", "summary": "Hermann Zapf was a German type designer and calligrapher who lived in Darmstadt, Germany. He was married to the calligrapher and typeface designer Gudrun Zapf-von Hesse. Typefaces he designed include Palatino, Optima and Zapfino.", "occupations": ["yago:Painter", "yago:University_teacher"]} +{"title": "Anita_Pallenberg", "summary": "Anita Pallenberg was a German-Italian actress, artist, and model. A style icon and \"It Girl\" of the 1960s and 1970s, Pallenberg was credited as the muse of the Rolling Stones: she was the romantic partner of Stones multi-instrumentalist Brian Jones, and later, from 1967 to 1980, the partner of Stones guitarist Keith Richards, with whom she had three children.", "occupations": ["yago:Film_actor"]} +{"title": "Sebastian_Brant", "summary": "Sebastian Brant was a German humanist and satirist. He is best known for his satire Das Narrenschiff.", "occupations": ["yago:Poet"]} +{"title": "Hugo_Junkers", "summary": "Hugo Junkers was a German aircraft engineer and aircraft designer. As such, he is generally credited with pioneering the design of all-metal airplanes and flying wings. As founder of what would become the Junkers Flugzeug- und Motorenwerke AG following the First World War's armistice, he was one of the mainstays of the German aircraft industry in the years between World War I and World War II. In particular, his multi-engined all-metal passenger- and freight planes helped establish airlines in Germany, as well as all over the world. Although his name is also linked to some of the most successful German warplanes of the Second World War,", "occupations": ["yago:University_teacher"]} +{"title": "Arcadius_of_Antioch", "summary": "Arcadius of Antioch was a Greek grammarian who flourished in the 2nd century CE. According to the Suda, he wrote treatises on orthography and syntax, and an onomasticon (vocabulary), described as \"a wonderful production.\"", "occupations": ["yago:Writer"]} +{"title": "Horst_Buchholz", "summary": "Horst Werner Buchholz was a German actor who appeared in more than sixty feature films from 1951 to 2002. During his youth he was sometimes called \"the German James Dean.\" He is perhaps best known in English-speaking countries for his role as Chico in The Magnificent Seven (1960), as a communist in Billy Wilder's One, Two, Three (1961) and as Dr. Lessing in Life Is Beautiful (1997).", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Moussa_Sissoko", "summary": "Moussa Sissoko is a French professional footballer who plays for Tottenham Hotspur and the France national team. He plays as a box-to-box midfielder, and is capable of playing in either a holding midfield role, or even as an attacking midfielder or right winger, due to his pace and offensive capabilities. Sissoko has been described as a \"well-rounded central midfielder\" who is \"tall, rangy, and strong in the tackle\".", "occupations": ["yago:Football_player"]} +{"title": "Mohamed_Yattara", "summary": "Mohamed Lamine Yattara is a Guinean international footballer who plays for AJ Auxerre as a striker.", "occupations": ["yago:Football_player"]} +{"title": "Picander", "summary": "Christian Friedrich Henrici, writing under the pen name Picander, was a German poet and librettist for many of the cantatas which Johann Sebastian Bach composed in Leipzig.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Hermann_von_Keyserling", "summary": "Count Hermann Alexander von Keyserling was a Baltic German philosopher from the Keyserlingk family. His grandfather Alexander Keyserling was a notable geologist of Imperial Russia.", "occupations": ["yago:Writer"]} +{"title": "Prince_William_of_Hesse-Kassel", "summary": "Prince William of Hesse-Kassel, was the first son of Prince Frederick of Hesse-Kassel and Princess Caroline of Nassau-Usingen.", "occupations": ["yago:Military_personnel"]} +{"title": "Walther_Hewel", "summary": "Walther Hewel was a German diplomat before and during World War II, an early and active member of the Nazi Party, and one of German dictator Adolf Hitler's few personal friends.", "occupations": ["yago:Politician"]} +{"title": "Axel_Honneth", "summary": "Axel Honneth is a professor of philosophy at both the University of Frankfurt and Columbia University. He is also director of the Institut f\u00fcr Sozialforschung in Frankfurt am Main, Germany.", "occupations": ["yago:University_teacher"]} +{"title": "Curt_von_Bardeleben", "summary": "Curt von Bardeleben was a German chess master, journalist, and member of the German nobility.", "occupations": ["yago:Journalist"]} +{"title": "Alexander_I_of_Scotland", "summary": "Alexander I, posthumously nicknamed The Fierce, was the King of Scotland from 1107 to his death.", "occupations": ["yago:Politician"]} +{"title": "Hinrich_Lichtenstein", "summary": "Martin Hinrich Carl Lichtenstein was a German physician, explorer, botanist and zoologist.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Martin_Schwarzschild", "summary": "Martin Schwarzschild was a German-born American astrophysicist. He was the son of German physicist Karl Schwarzschild and the nephew of the Swiss astrophysicist Robert Emden.", "occupations": ["yago:University_teacher"]} +{"title": "Eberhard_von_Mackensen", "summary": "Friedrich August Eberhard von Mackensen was a German general of the Wehrmacht during World War II who served as commander of the 1st Panzer Army and the 14th Army, and was a recipient of the Knight's Cross of the Iron Cross with Oak Leaves. Following the war, Mackensen stood trial for war crimes before a British military tribunal in Italy where he was convicted and sentenced to death, however the sentence was later commuted and Mackensen was released in 1952, and died in West Germany in 1969.", "occupations": ["yago:Military_personnel"]} +{"title": "Hermann_von_Eichhorn", "summary": "Hermann Emil Gottfried von Eichhorn was a Prussian officer, later Generalfeldmarschall during World War I. He was a recipient of Pour le M\u00e9rite with Oak Leaves, one of the highest orders of merit in the Kingdom of Prussia and, subsequently, Imperial Germany.", "occupations": ["yago:Military_personnel"]} +{"title": "Abraham_Fraenkel", "summary": "Abraham Halevi (Adolf) Fraenkel, known as Abraham Fraenkel, was a German mathematician. He was an early Zionist and the first Dean of Mathematics at the Hebrew University of Jerusalem. He is known for his contributions to axiomatic set theory, especially his additions to Ernst Zermelo's axioms, which resulted in the Zermelo\u2013Fraenkel axioms.", "occupations": ["yago:University_teacher"]} +{"title": "Albert_of_Saxony_(philosopher)", "summary": "Albert of Saxony was a German philosopher known for his contributions to logic and physics. He was bishop of Halberstadt from 1366 until his death.", "occupations": ["yago:University_teacher"]} +{"title": "Siegfried_Buback", "summary": "Siegfried Buback was the Attorney General of Germany from 1974 until his death.", "occupations": ["yago:Lawyer"]} +{"title": "Reiner_Kunze", "summary": "Reiner Kunze is a German writer and GDR dissident. He studied media and journalism at the University of Leipzig. In 1968, he left the GDR state party SED following the communist Warsaw Pact countries invasion of Czechoslovakia in response to the Prague Spring. He had to publish his work under various pseudonyms. In 1976, his most famous book The Lovely Years, which contained critical insights into the life, and the policies behind the Iron Curtain, was published in West Germany to great acclaim. In 1977, the GDR regime expatriated him, and he moved to West Germany (FRG). He now lives near Passau in Bavaria.", "occupations": ["yago:Writer", "yago:Poet", "yago:Film_director"]} +{"title": "Martin_Bangemann", "summary": "Martin Bangemann is a German politician and a former leader of the FDP (1985\u20131988). He studied Law in T\u00fcbingen and Munich, earned a Dr. jur. in 1962 with a dissertation entitled \"Bilder und Fiktionen in Recht und Rechtswissenschaft\". He qualified as an attorney in 1964.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Kuno_Fischer", "summary": "Ernst Kuno Berthold Fischer was a German philosopher, a historian of philosophy and a critic.", "occupations": ["yago:University_teacher"]} +{"title": "Walter_Heitz", "summary": "Walter Heitz was a German general (Generaloberst) in the Wehrmacht during World War II. He commanded the VIII Army Corps on the Western and Eastern Fronts.", "occupations": ["yago:Military_personnel"]} +{"title": "Fridolin_von_Senger_und_Etterlin", "summary": "Fridolin von Senger und Etterlin was a general in the Wehrmacht of Nazi Germany during World War II.", "occupations": ["yago:Military_personnel"]} +{"title": "Theodor_Lessing", "summary": "Theodor Lessing was a German Jewish philosopher.", "occupations": ["yago:Writer", "yago:Journalist", "yago:University_teacher"]} +{"title": "Princess_Victoria_of_Saxe-Coburg_and_Gotha", "summary": "Princess Victoria of Saxe-Coburg and Gotha was the daughter of Prince Ferdinand of Saxe-Coburg and Gotha and Maria Antonia Koh\u00e1ry de Cs\u00e1br\u00e1g. Her father was the second son of Francis Frederick, Duke of Saxe-Coburg-Saalfeld and Augusta Reuss-Ebersdorf.", "occupations": ["yago:Politician"]} +{"title": "Kurd_Lasswitz", "summary": "Kurd Lasswitz was a German author, scientist, and philosopher. He has been called \"the father of German science fiction\". He sometimes used the pseudonym Velatus.", "occupations": ["yago:Writer"]} +{"title": "Samuel_Gottlieb_Gmelin", "summary": "Samuel George Gottlieb Gmelin was a German physician, botanist and explorer.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Franz_Meyen", "summary": "Franz Julius Ferdinand Meyen was a Prussian physician and botanist.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Duchess_Maria_Antonia_of_Bavaria", "summary": "Maria Antonia, Princess of Bavaria, Electress of Saxony was a German princess, composer, singer, harpsichordist and patron, known particularly for her operas Il trionfo della fedelt\u00e0 and Talestri, regina delle amazoni. She was also the Regent of Saxony in 1763-1768. Baptised Maria Antonia Walpurgis Symphorosa, she was known as Maria Antonia.", "occupations": ["yago:Writer", "yago:Painter", "yago:Composer"]} +{"title": "Emil_Wiechert", "summary": "Emil Johann Wiechert was a German physicist and geophysicist who made many contributions to both fields, including presenting the first verifiable model of a layered structure of the Earth and being among the first to discover the electron. He went on to become the world's first Professor of Geophysics at the University of G\u00f6ttingen.", "occupations": ["yago:University_teacher"]} +{"title": "Ernst_II,_Duke_of_Saxe-Altenburg", "summary": "Ernst II Bernhard Georg Johann Karl Frederick Peter Albert, Duke of Saxe-Altenburg was the last reigning duke of Saxe-Altenburg.", "occupations": ["yago:Military_personnel"]} +{"title": "Heinrich_Rubens", "summary": "Heinrich Rubens was a German physicist. He is known for his measurements of the energy of black-body radiation which led Max Planck to the discovery of his radiation law. This was the genesis of quantum theory.", "occupations": ["yago:University_teacher"]} +{"title": "Paul_Johann_Anselm_Ritter_von_Feuerbach", "summary": "Paul Johann Anselm Ritter von Feuerbach was a German legal scholar. His major work was a reform of the Bavarian penal code which became a model for several other countries.", "occupations": ["yago:University_teacher"]} +{"title": "Gershon_Kingsley", "summary": "Gershon Kingsley is a contemporary German-American composer, a pioneer of electronic music and the Moog synthesizer, founder of the First Moog Quartet, a partner in the electronic music duo Perrey and Kingsley, and writer of rock-inspired compositions for Jewish religious ceremonies.", "occupations": ["yago:Composer", "yago:Musician"]} +{"title": "Karl_Freund", "summary": "Karl W. Freund, A.S.C. was a German Jewish cinematographer and film director best known for photographing Metropolis (1927), Dracula (1931), and television's I Love Lucy (1951-1957). Freund was an innovator in the field of cinematography and is credited with the invention of the unchained camera technique.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Gustav_Heinrich_Wiedemann", "summary": "Gustav Heinrich Wiedemann was a German physicist known mostly for his literary work.", "occupations": ["yago:University_teacher"]} +{"title": "Helmut_Kickton", "summary": "Helmut Kickton is a German church musician, publisher and multi-instrumentalist.", "occupations": ["yago:Composer"]} +{"title": "Richard_Wilhelm_(sinologist)", "summary": "Richard Wilhelm was a German sinologist, theologian, and missionary. He lived in China for 25 years, became fluent in spoken and written Chinese, and grew to love and admire the Chinese people. He is best remembered for his translations of philosophical works from Chinese into German that in turn have been translated into other major languages of the world, including English. His translation of the I Ching is still regarded as one of the finest, as is his translation of The Secret of the Golden Flower; both were provided with introductions by the Swiss psychiatrist Carl Jung, who was a personal friend.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Hermann_Harms", "summary": "Hermann August Theodor Harms was a German taxonomist and botanist.", "occupations": ["yago:University_teacher"]} +{"title": "Georg_von_Langsdorff", "summary": "Georg Heinrich Freiherr von Langsdorff was a German naturalist and explorer, as well as a Russian diplomat, better known by his Russian name, Grigori Ivanovich Langsdorf. He was a member and correspondent of the Russian Imperial Academy of Sciences and a respected physician, graduated in medicine and natural history at the University of G\u00f6ttingen, Germany.", "occupations": ["yago:Writer"]} +{"title": "Christoph_Cellarius", "summary": "Christoph (Keller) Cellarius was a German classical scholar from Schmalkalden who held positions in Weimar and Halle. Although the Ancient-Medieval-Modern division of history was used earlier by Italian Renaissance scholars Leonardo Bruni and Flavio Biondo, Cellarius' Universal History Divided into an Ancient, Medieval, and New Period helped popularize it. After him, this tripartite division became standard.", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Sylvester_Stadler", "summary": "Sylvester Stadler was a high-ranking commander of the Waffen-SS, a commander of the SS Division Das Reich, SS Division Hohenstaufen and a recipient of the Knight's Cross with Oak Leaves.", "occupations": ["yago:Military_personnel"]} +{"title": "Elisabeth_Schumann", "summary": "Elisabeth Schumann was a German soprano who sang in opera, operetta, oratorio, and lieder. She left a substantial legacy of recordings.", "occupations": ["yago:University_teacher", "yago:Singer"]} +{"title": "Caspar_Friedrich_Wolff", "summary": "Caspar Friedrich Wolff was a German physiologist and one of the founders of embryology.", "occupations": ["yago:University_teacher"]} +{"title": "Walter_Oesau", "summary": "Walter \"Gulle\" Oesau was a German fighter pilot during World War II. A fighter ace, he served in the Luftwaffe from 1934 until his death in 1944. He rose to command Jagdgeschwader 1, which was named in his honor after his death.", "occupations": ["yago:Military_personnel"]} +{"title": "Bernhard_Windscheid", "summary": "Bernhard Windscheid was a German jurist and a member of the pandectistic school of law thought.", "occupations": ["yago:University_teacher"]} +{"title": "Oskar_Vogt", "summary": "Oskar Vogt was a German physician and neurologist. He and his wife C\u00e9cile Vogt-Mugnier are known for their extensive cytoarchetectonic studies on the brain.", "occupations": ["yago:Physician"]} +{"title": "Manfred_Korfmann", "summary": "Manfred Osman Korfmann was a German archaeologist.", "occupations": ["yago:University_teacher"]} +{"title": "Alfred_Hettner", "summary": "Alfred Hettner was a German geographer.", "occupations": ["yago:University_teacher"]} +{"title": "Viktor_Gaus", "summary": "Viktor Eyrikhovich Gaus is a Russian professional football coach and a former player. He is the goalkeepers' coach with the Under-21 squad of FC Krylia Sovetov Samara.", "occupations": ["yago:Football_player"]} +{"title": "Nora_Tschirner", "summary": "Nora Marie Tschirner is a German film actress, musician and former television and radio presenter.", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor"]} +{"title": "Ilija_Trojanow", "summary": "Ilija Trojanow is a Bulgarian\u2013German writer, translator and publisher.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Wend_von_Wietersheim", "summary": "Wend von Wietersheim was a German general in the Wehrmacht during World War II. He was a recipient of the Knight's Cross of the Iron Cross with Oak Leaves and Swords of Nazi Germany.", "occupations": ["yago:Military_personnel"]} +{"title": "Franz_Weidenreich", "summary": "Franz Weidenreich was a Jewish German anatomist and physical anthropologist who studied evolution.", "occupations": ["yago:University_teacher"]} +{"title": "Tatiana_Egorova", "summary": "Tatiana Egorova was a Russian footballer and manager. She played for CSK VVS Samara and Rossiyanka in the Russian Championship, and Turbine Potsdam in the German Bundesliga, and she was a member of the Russian national team, with whom she played the 1999 and 2003 World Cups.", "occupations": ["yago:Football_player"]} +{"title": "Rudolf_Schmundt", "summary": "Rudolf Schmundt was a German officer in the Wehrmacht and adjutant to Adolf Hitler during World War II. He was injured during the 20 July 1944 assassination attempt on Adolf Hitler and died a few months later from his wounds.", "occupations": ["yago:Military_personnel"]} +{"title": "Paul_Heinrich_von_Groth", "summary": "Paul Heinrich Ritter von Groth was a German mineralogist. His most important contribution to science was his systematic classification of minerals based on their chemical compositions and crystal structures.", "occupations": ["yago:University_teacher"]} +{"title": "Anton_Mang", "summary": "Anton (\"Toni\") Mang is a former five-time world champion in Grand Prix motorcycle racing from Germany.", "occupations": ["yago:Actor"]} +{"title": "Henryk_Grossman", "summary": "Henryk Grossman was an economist, historian, and revolutionary from Galicia.", "occupations": ["yago:University_teacher"]} +{"title": "Ilse_Steppat", "summary": "Ilse Paula Steppat was a German actress. Her husband was noted actor and director Max Nosseck.", "occupations": ["yago:Film_actor"]} +{"title": "Dominique_Perben", "summary": "Dominique Perben is a French politician. Born in Lyon, he was French Minister of Transportation from 2005 to 2007. He was previously Minister of Justice (2002\u201305), Minister of Civil Service and Administration (1995\u20131997) and Minister of Overseas France (1993\u20131995).", "occupations": ["yago:Politician"]} +{"title": "Adolph_Strecker", "summary": "Adolph Strecker was a German chemist who is remembered primarily for his work with amino acids.", "occupations": ["yago:University_teacher"]} +{"title": "Heinrich_George", "summary": "Georg August Friedrich Hermann Schulz, better known as Heinrich George, was a German stage and film actor.", "occupations": ["yago:Film_actor"]} +{"title": "Josef_Greindl", "summary": "Josef Greindl was a German operatic bass, remembered mainly for his performances of Wagnerian roles at Bayreuth beginning in 1943.", "occupations": ["yago:University_teacher"]} +{"title": "Georg_Heinrich_Weber", "summary": "Georg Heinrich Weber was a German botanist, physician and professor at the University of Kiel. He was also the father of Friedrich Weber, the German entomologist.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Paul_Oskar_Kristeller", "summary": "Paul Oskar Kristeller was an important scholar of Renaissance humanism. He was awarded the Haskins Medal in 1992. He was last active as Professor Emeritus of Philosophy at Columbia University in New York, where he mentored both Irving Louis Horowitz and A. James Gregor.", "occupations": ["yago:University_teacher"]} +{"title": "August_Friedrich_Schweigger", "summary": "August Friedrich Schweigger was a German naturalist born in Erlangen. He was the younger brother of scientist Johann Salomo Christoph Schweigger (1779-1857).", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Frank_Beyer", "summary": "Frank Paul Beyer was a German film director. In East Germany he was one of the most important film directors, working for the state film monopoly DEFA and directed films that dealt mostly with the Nazi era and contemporary East Germany. His film Trace of Stones was banned for 20 years in 1966 by the ruling SED. His 1975 film Jacob the Liar was the only East German film ever nominated for an Academy Award. After the fall of the Berlin Wall in 1989 until his death he mostly directed television films.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Ludwig_Knorr", "summary": " Ludwig Knorr was a German chemist. Together with Carl Paal, he discovered the Paal\u2013Knorr synthesis, and the Knorr quinoline synthesis and Knorr pyrrole synthesis are also named after him. The synthesis in 1883 of the analgesic drug antipyrine, now called phenazone, was a commercial success. Antipyrine was the first synthetic drug and the most widely used drug until it was replaced by Aspirin in the early 20th century.", "occupations": ["yago:University_teacher"]} +{"title": "August_Wilhelm_Heinrich_Blasius", "summary": "August Wilhelm Heinrich Blasius was a German ornithologist.", "occupations": ["yago:University_teacher"]} +{"title": "Marc_Ziegler", "summary": "Marc Ziegler is a retired German footballer who played as a goalkeeper.", "occupations": ["yago:Football_player"]} +{"title": "Johann_Anton_Leisewitz", "summary": "Johann Anton Leisewitz was a German lawyer and dramatic poet, and a central figure of the Sturm und Drang era. He is best known for his play Julius of Tarent (1776), that inspired Friedrich Schiller and is considered the forerunner of Schiller's quintessential Sturm und Drang work The Robbers (1781).", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Christian_Hoffmann_von_Hoffmannswaldau", "summary": "Christian Hoffmann von Hoffmannswaldau was a German poet of the Baroque era.", "occupations": ["yago:Politician", "yago:Writer", "yago:Poet"]} +{"title": "Agriopas", "summary": "Agriopas was a writer of ancient Greece mentioned by Pliny the Elder. He was the author of an account of the Olympic victors, called the Olympionicae. His exact date is unknown.", "occupations": ["yago:Historian"]} +{"title": "Johann_Jakob_Wilhelm_Heinse", "summary": "(Johann Jakob) Wilhelm Heinse, German author, was born at Langewiesen in Schwarzburg-Sondershausen.", "occupations": ["yago:Writer"]} +{"title": "David_Denman", "summary": "David Denman is an American actor. He made his film debut with Keanu Reeves and Gene Hackman as the deaf tight-end in the Warner Bros. football comedy The Replacements. His other feature credits include Tim Burton\u2019s Big Fish with Ewan McGregor, Fair Game with Sean Penn, The Nines with Ryan Reynolds and Melissa McCarthy, Shutter, Smart People, Fanboys, Let Go, and the snowboard comedy Out Cold opposite Zach Galifianakis. Other films include After Earth, Jobs, Beneath the Harvest Sky, Men, Women & Children and Joel Edgerton\u2019s directorial debut The Gift with Jason Bateman and Rebecca Hall. In 2016, Denman starred as \"Boon\" in the Michael Bay film 13 Hours about the 2012 Benghazi attack. In 2017, Denman continued with roles in Saban\u2019s Power Rangers and Logan Lucky with Channing Tatum, Riley Keough, Adam Driver and Daniel Craig. In 2018, Denman starred in the Sundance crowd pleaser Puzzle opposite Kelly MacDonald and Irrfan Khan that came to theaters in the summer of 2018.", "occupations": ["yago:Film_actor"]} +{"title": "Leonie_Swann", "summary": "Leonie Swann is the nom de plume of a German crime writer. She studied philosophy, psychology and English literature in Munich, and now lives in Berlin.", "occupations": ["yago:Writer"]} +{"title": "Georg_Friedrich_Daumer", "summary": "Georg Friedrich Daumer was a German poet and philosopher. He was educated at the gymnasium of his native city, at that time directed by the famous philosopher Hegel. In 1817 he entered the University of Erlangen as a student of theology, but abandoned that study for philosophy. For a number of years Daumer was professor at the gymnasium of Nuremberg; owing to ill-health he was pensioned in 1832 and henceforth devoted himself entirely to literary work. While at Erlangen he came strongly under the influence of Pietism. Soon, however, he became sceptical and exhibited decided leanings towards pantheism. From an orthodox Protestant he gradually became a bitter enemy of Christianity, which he attacked in a number of writings and for which he strove to substitute a new religion \"of love and peace\", formulated in his work Religion des neuen Weltalters. Karl Marx and Frederick Engels joined in writing a critical review of Daumer's Die Religion des Neuen Weltalters in January through February 1850 which was published in the Neue Rheinische Zeitung: Politisch-\u00d6konomische Revue. Marx and Engels criticized Daumer's theory of history from class point of view. Instead of a struggle between economic classes in society, Daumer saw only a struggle between \"coarseness\" and \"culture.\"", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Axel_A._Weber", "summary": "Axel Alfred Weber is a German economist, professor and banker. He is currently a board member and chairman of Swiss investment bank and financial services company, UBS Group AG.", "occupations": ["yago:University_teacher"]} +{"title": "Erubey_Cabuto", "summary": "Erubey Cabuto is a retired Mexican football goalkeeper. He won one cap for the Mexico national team and was a member of the Mexican squad at the 2001 FIFA Confederations Cup.", "occupations": ["yago:Football_player"]} +{"title": "Hans_Zender", "summary": "Johannes \"Hans\" Wolfgang Zender is a German conductor and composer. He was chief conductor of opera houses, and his compositions, many of them vocal music, have been performed at international festivals.", "occupations": ["yago:Composer"]} +{"title": "Edmund_Heines", "summary": "Edmund Heines was a Nazi Party leader and Ernst R\u00f6hm's deputy in the Sturmabteilung or SA. He was eventually executed in the purge that would come to be known as the Night of the Long Knives.", "occupations": ["yago:Politician"]} +{"title": "Ignatz_Urban", "summary": "Ignatz Urban was a German botanist. He is known for his contributions to the flora of the Caribbean and Brazil, and for his work as curator of the Berlin Botanical Garden. Born the son of a brewer, Urban showed an interest in botany as an undergraduate. He pursued further study at the University of Bonn and later at the University of Berlin where he gained a doctorate in 1873. Urban was appointed by A. W. Eichler to run the Berlin Botanical Garden and supervised its move to Dahlem. He also worked as Eichler's assistant on the Flora Brasiliensis, later succeeding him as editor. In 1884 Urban began working with Leopold Krug on his Puerto Rican collections, a collaboration would later produce the nine-volume Symbolae Antillanae, one of his most important contributions, and his 30-part Sertum Antillanum. Urban's herbarium, estimated to include 80,000 or more sheets, was destroyed when the Berlin Herbarium was bombed in 1943, during the Second World War.", "occupations": ["yago:University_teacher"]} +{"title": "Johann_Jakob_Griesbach", "summary": "Johann Jakob Griesbach, German biblical textual critic, was born at Butzbach, a small town in the state of Hesse-Darmstadt, where his father, Konrad Kaspar (1705\u20131777), was pastor. Griesbach's fame rests upon his work in New Testament criticism, in which he inaugurated a new epoch. His solution to the synoptic problem bears his name, but the Griesbach hypothesis has been modernly referred to as the Two-Gospel hypothesis.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Kurt_Welter", "summary": "Kurt Welter was a German Luftwaffe fighter ace and the most successful Jet Expert of World War II. A flying ace or fighter ace is a military aviator credited with shooting down five or more enemy aircraft during aerial combat. He claimed a total of 63 aerial victories\u2014that is, 63 aerial combat encounters resulting in the destruction of the enemy aircraft\u2014achieved in 93 combat missions. He recorded 56 victories at night, including 33 Mosquitos, and scored more aerial victories from a jet fighter aircraft than anyone else in World War II and possibly in aviation history. However this score is a matter of controversy; research of Royal Air Force losses suggests Welter overclaimed Mosquito victories considerably.", "occupations": ["yago:Military_personnel"]} +{"title": "Basilius_Besler", "summary": "Basilius Besler (1561\u20131629) was a respected Nuremberg apothecary and botanist, best known for his monumental Hortus Eystettensis. He was curator of the garden of Johann Konrad von Gemmingen, prince bishop of Eichst\u00e4tt in Bavaria. The bishop was an enthusiastic botanist who derived great pleasure from his garden, which rivaled Hortus Botanicus Leiden among early European botanical gardens outside Italy.", "occupations": ["yago:Physician"]} +{"title": "Maximilian_Maria,_7th_Prince_of_Thurn_and_Taxis", "summary": "Maximilian Maria Carl Joseph Gabriel Lamoral, 7th Prince of Thurn and Taxis, full German name: Maximilian Maria Carl Joseph Gabriel Lamoral F\u00fcrst von Thurn und Taxis was the seventh Prince of Thurn and Taxis and Head of the Princely House of Thurn and Taxis from 10 November 1871 until his death on 2 June 1885.", "occupations": ["yago:Politician"]} +{"title": "Beate_Klarsfeld", "summary": "Beate Auguste Klarsfeld is a Franco-German journalist. She became famous through her involvement in the investigation and prosecution of Nazi crimes. Along with her French husband, Serge, she has investigated with detailed documentation, numerous living Nazi perpetrators including Kurt Lischka, Alois Brunner, Klaus Barbie, Ernst Ehlers, Kurt Asche, and others. In March 2012, she was a candidate for The Left in the election of the German Federal President 2012 against Joachim Gauck, which she lost by 126 to 991 votes.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Rudolf_Klein-Rogge", "summary": "Friedrich Rudolf Klein-Rogge was a German film actor. Klein-Rogge is known for playing sinister figures in films in the 1920s and 1930s as well as being a main-stay in director Fritz Lang's Weimar-era films. He is probably best known in popular culture, particularly to English-speaking audiences, for playing the archetypal mad scientist role of C. A. Rotwang in Lang's Metropolis and as the criminal genius Doctor Mabuse.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Philipp_von_Jolly", "summary": "Johann Philipp Gustav von Jolly was a German physicist and mathematician.", "occupations": ["yago:University_teacher"]} +{"title": "Kurt_Reidemeister", "summary": "Kurt Werner Friedrich Reidemeister was a mathematician born in Braunschweig (Brunswick), Germany.", "occupations": ["yago:University_teacher"]} +{"title": "Frits_Clausen", "summary": "Frits Clausen was leader of the National Socialist Workers' Party of Denmark (DNSAP) prior to and during World War II.", "occupations": ["yago:Politician", "yago:Military_personnel", "yago:Physician"]} +{"title": "Richard_Assmann", "summary": "Richard Assmann ; was a German meteorologist and physician who was a native of Magdeburg. He made numerous contributions in high altitude research of the Earth's atmosphere. He was a pioneer of scientific aeronautics and considered a co-founder of aerology.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Franz_Leydig", "summary": "Franz von Leydig, also Franz Leydig, was a German zoologist and comparative anatomist.", "occupations": ["yago:University_teacher"]} +{"title": "Alfred_Dregger", "summary": "Alfred Dregger was a German politician and a leader of the Christian Democratic Union (CDU).", "occupations": ["yago:Politician"]} +{"title": "Gustav_Kunze", "summary": "Gustav Kunze \nwas a German professor of zoology, an entomologist and botanist with an interest mainly in ferns and orchids.", "occupations": ["yago:University_teacher"]} +{"title": "Lena_Valaitis", "summary": "Lena Valaitis is a Lithuanian\u2013German schlager singer. She had her greatest success during the 1970s and 1980s and competed in three Eurovision Song Contests.", "occupations": ["yago:Singer"]} +{"title": "Leopold_Arends", "summary": "Leopold Alexander Friedrich Arends was a German stenographer and inventor of a system of stenography extensively used on the Continent, especially in Sweden.", "occupations": ["yago:Writer"]} +{"title": "Emil_Warburg", "summary": "Emil Gabriel Warburg was a German physicist who during his career was professor of physics at the Universities of Strassburg, Freiburg and Berlin. He was president of the Deutsche Physikalische Gesellschaft 1899-1905. His name is notably associated with the Warburg element of electrochemistry.", "occupations": ["yago:University_teacher"]} +{"title": "Wilhelm_Dittenberger", "summary": "Wilhelm (William) Dittenberger was a German philologist in classical epigraphy.", "occupations": ["yago:University_teacher"]} +{"title": "Sigmund_von_Birken", "summary": "Sigmund von Birken was a German poet of the Baroque. Also, Sibylle Ursula von Braunschweig-L\u00fcneburg wrote part of a novel, Die Durchlauchtige Syrerin Aramena, which when complete would be the most famous courtly novel in German Baroque literature; it was finished by her brother Anton Ulrich and edited by Sigmund von Birken.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Hermann_Kesten", "summary": "Hermann Kesten was a German novelist and dramatist. He was one of the principal literary figures of the New Objectivity movement in 1920's Germany.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Katja_Woywood", "summary": "Katja Woywood is a German actress and former child star in her native land. Since episode 189 she plays the new chief of the highway police in the German action-series Alarm f\u00fcr Cobra 11 - Die Autobahnpolizei.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Ernst_Hugo_Heinrich_Pfitzer", "summary": "Ernst Hugo Heinrich Pfitzer was a German botanist who specialised in the taxonomy of the Orchidaceae (orchids).", "occupations": ["yago:University_teacher"]} +{"title": "Georg_Neumark", "summary": "Georg Neumark was a German poet and composer of hymns.", "occupations": ["yago:Writer", "yago:Poet", "yago:Composer"]} +{"title": "Friedrich_Wilhelm_Foerster", "summary": "Friedrich Wilhelm Foerster (1869\u20131966) was a German academic, educationist, pacifist and philosopher, known for his public opposition to Nazism. His works primarily dealt with the development of ethics through education, sexology, politics and international law.", "occupations": ["yago:Politician", "yago:University_teacher"]} +{"title": "Gerhard_Frey", "summary": "Gerhard Frey is a German mathematician, known for his work in number theory. His Frey curve, a construction of an elliptic curve from a purported solution to the Fermat equation, was central to Wiles's proof of Fermat's Last Theorem.", "occupations": ["yago:University_teacher"]} +{"title": "Annemarie_Renger", "summary": "Annemarie Renger, , was a German politician for the \"Sozialdemokratische Partei Deutschlands\".", "occupations": ["yago:Politician"]} +{"title": "Christian_Samuel_Weiss", "summary": "Christian Samuel Weiss was a German mineralogist born in Leipzig.", "occupations": ["yago:University_teacher"]} +{"title": "Alexander_Demandt", "summary": "Alexander Demandt is a German historian. He was professor of ancient history at the Free University of Berlin from 1974 to 2005. Demandt is an expert of the history of Rome.", "occupations": ["yago:University_teacher"]} +{"title": "Johann_Gottfried_Ludwig_Kosegarten", "summary": "\nJohann Gottfried Ludwig Kosegarten was a German orientalist born in Altenkirchen on the island of R\u00fcgen. He was the son of ecclesiastic Ludwig Gotthard Kosegarten (1758\u20131818).", "occupations": ["yago:University_teacher"]} +{"title": "Georg_Friedrich_Knapp", "summary": "Georg Friedrich Knapp was a German economist who in 1905 published The State Theory of Money, which founded the chartalist school of monetary theory, which argues that money's value derives from its issuance by an institutional form of government rather than spontaneously through relations of exchange.", "occupations": ["yago:University_teacher"]} +{"title": "Kuno_von_Moltke", "summary": "Lieutenant General Kuno Augustus Friedrich Karl Detlev Graf von Moltke (1847\u20131923), adjutant to Kaiser Wilhelm II and military commander of Berlin, was a principal in the homosexual scandal known as the Harden-Eulenburg Affair (1907) that rocked the Kaiser's entourage. Moltke was forced to leave the military service.", "occupations": ["yago:Composer", "yago:Military_personnel"]} +{"title": "Thomas_Godoj", "summary": "Thomas Godoj is a naturalized German rock-pop singer and songwriter of Polish origin. He was the winner of the fifth season of Deutschland sucht den Superstar, the German version of Pop Idol.", "occupations": ["yago:Singer"]} +{"title": "Hans_Reissner", "summary": "Hans Jacob Reissner, also known as Jacob Johannes Reissner, was a German aeronautical engineer whose avocation was mathematical physics. During World War I he was awarded the Iron Cross second class for his pioneering work on aircraft design.", "occupations": ["yago:University_teacher"]} +{"title": "Oskar_Kellner", "summary": "Oskar (Oscar) Johann Kellner was a German agricultural scientist.", "occupations": ["yago:University_teacher"]} +{"title": "Ulli_Lommel", "summary": "Ulli Lommel was a German actor and director, noted for his many collaborations with Rainer Werner Fassbinder and his association with the New German Cinema movement. Lommel spent time at The Factory and was a creative associate of Andy Warhol, with whom he made several films and works of art. Since 1977 he lived and worked in the United States, where he wrote, directed and starred in over 50 movies.", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "August_Heissmeyer", "summary": "August Hei\u00dfmeyer, was a German SS functionary during the Nazi era. He commanded the SS Main Office in 1935\u20131939. After World War II, Hei\u00dfmeyer was tried and convicted as a \"major Nazi offender\".", "occupations": ["yago:Politician"]} +{"title": "Franz_Roh", "summary": "Franz Roh, was a German historian, photographer, and art critic. Roh is perhaps best known for his 1925 book Nach Expressionismus: Magischer Realismus: Probleme der neuesten europ\u00e4ischen Malerei he coined the term magic realism.", "occupations": ["yago:University_teacher"]} +{"title": "Manegold_of_Lautenbach", "summary": "Manegold of Lautenbach was a religious and polemical writer and Augustinian canon from Alsace, active mostly as a teacher in south-west Germany. William of Champeaux may have been one of his pupils, but this is disputed. He was one of the first magisters, recognised masters of theology.", "occupations": ["yago:Writer"]} +{"title": "Hermann_Finsterlin", "summary": "Hermann Finsterlin was a German visionary architect, painter, poet, essayist, toymaker and composer. He played an influential role in the German expressionist architecture movement of the early 20th century but due to the harsh economic climate realised none of his projects. By 1922, Finsterlin had withdrawn from the circle of expressionist architects as they moved towards the New Objectivity movement, he moved to Stuttgart to concentrate on painting and writing.", "occupations": ["yago:Painter", "yago:Composer"]} +{"title": "Franz_Xaver_Haberl", "summary": "Franz Xaver Haberl was a German musicologist, friend of Liszt, Perosi, and Singenberger, cleric, and student of Proske.", "occupations": ["yago:Writer"]} +{"title": "Hans_Litten", "summary": "Hans Achim Litten was a German lawyer who represented opponents of the Nazis at important political trials between 1929 and 1932, defending the rights of workers during the Weimar Republic.", "occupations": ["yago:Lawyer"]} +{"title": "Otmar_Issing", "summary": "\nOtmar Issing is a German economist. As the former Chief Economist and Member of the Board of the European Central Bank (ECB) Issing developed the 'two pillar' approach to monetary policy decision-making that the ECB has adopted.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Verena_von_Strenge", "summary": "Verena von Strenge is a German singer and dancer best known for being the lead singer for the German happy hardcore dance group Dune from 1996-1997 and 1999-2000.", "occupations": ["yago:Singer"]} +{"title": "Volker_Kauder", "summary": "Volker Kauder is a German lawyer and CDU politician. He served as parliamentary group leader of the ruling CDU/CSU faction in the German Bundestag from 2005 to 2018, during which he was frequently referred to as the \"right hand\" of Chancellor Angela Merkel.", "occupations": ["yago:Politician"]} +{"title": "Sebastian_Fitzek", "summary": "Sebastian Fitzek is a German writer and journalist. His first book Therapy was a bestseller in Germany in 2006, toppling The Da Vinci Code from the #1 position.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Screenwriter"]} +{"title": "Werner_Janensch", "summary": "Werner Ernst Martin Janensch was a German paleontologist and geologist.", "occupations": ["yago:University_teacher"]} +{"title": "Karl_von_den_Steinen", "summary": "Karl von den Steinen was a German physician, ethnologist, explorer, and author of important anthropological work, which is particularly to the study of Indian cultures of Central Brazil, and the art of the Marquesas. He laid the permanent foundations for Brazilian ethnology.", "occupations": ["yago:University_teacher"]} +{"title": "Paul_Bonatz", "summary": "Paul Bonatz was a German architect, member of the Stuttgart School and professor at the technical university in that city during part of World War II and from 1954 until his death. He worked in many styles, but most often in a simplified neo-Romanesque, and designed important public buildings both in the Weimar Republic and under the Third Reich, including major bridges for the new autobahns. In 1943 he designed several buildings in Turkey, returning to Stuttgart in 1954.", "occupations": ["yago:University_teacher"]} +{"title": "Johann_Carolus", "summary": "Johann Carolus (1575\u22121634) was a German publisher of the first newspaper, called Relation aller F\u00fcrnemmen und gedenckw\u00fcrdigen Historien. The Relation is recognised by the World Association of Newspapers, as well as many authors, as the world's first newspaper.", "occupations": ["yago:Journalist"]} +{"title": "Theodor_Kirchner", "summary": "F\u00fcrchtegott Theodor Kirchner was a German composer and pianist of the Romantic era.", "occupations": ["yago:Composer"]} +{"title": "Martin_Ebbertz", "summary": "\nMartin Ebbertz is a German writer of children's books.", "occupations": ["yago:Writer", "yago:Screenwriter"]} +{"title": "Karl_Heinrich_von_Boetticher", "summary": "Karl Heinrich von Boetticher was a German conservative statesman. He served as Secretary of the Interior (1880\u20131897), and Vice Chancellor of Germany (1881\u20131897).", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Grethe_Weiser", "summary": "Grethe Weiser was a German actress.", "occupations": ["yago:Singer", "yago:Film_actor"]} +{"title": "Edward_Dannreuther", "summary": "Edward George Dannreuther was a German pianist and writer on music, resident from 1863 in England. His father had crossed the Atlantic, moving to Cincinnati, and there established a piano manufacturing business. Young Edward, under pressure from his father to enter banking as a career, a prospect he found uncongenial, escaped to Leipzig in 1859.", "occupations": ["yago:University_teacher", "yago:Composer"]} +{"title": "Verona_Pooth", "summary": "Verona Pooth is a German television personality, beauty pageant winner, and an occasional actress. In 1993, she was Miss Germany and Miss Intercontinental and represented Germany at the Miss Universe 1993 contest.", "occupations": ["yago:Film_actor"]} +{"title": "Jean_Gilbert", "summary": "Jean Gilbert, born Max Winterfeld, was a German operetta composer and conductor.", "occupations": ["yago:Poet", "yago:Composer"]} +{"title": "Sergio_Brio", "summary": "Sergio Brio is a former Italian footballer, in the role of centre back, who played for Juventus in the late 1970s and the 1980s and was part of their European Cup victory in 1985. An atypical continental defender, he was not particularly technically gifted, although he was known for his strength, tenacity, and physicality, as well as his ability in the air, which often made him a goal threat on set pieces; this also allowed him to play as a centre-forward earlier in his career. In addition to his athletic ability, he was also known for his concentration, and was an excellent man-marker, and reader of the game.", "occupations": ["yago:Football_player"]} +{"title": "Otto_Flake", "summary": "Otto Flake was a German writer.", "occupations": ["yago:Writer"]} +{"title": "Ehrenfried-Oskar_Boege", "summary": "Ehrenfried-Oskar Boege was a German general during World War II who held several corps level commands. He was a recipient of the Knight's Cross of the Iron Cross with Oak Leaves of Nazi Germany.", "occupations": ["yago:Military_personnel"]} +{"title": "Elias_Ammerbach", "summary": "Elias Nikolaus Ammerbach was a German organist and arranger of organ music of the Renaissance. He published the earliest printed book of organ music in Germany and is grouped among the composers known as the Colorists.", "occupations": ["yago:Composer", "yago:Musician"]} +{"title": "Johann_Georg_Jacobi", "summary": "Johann Georg Jacobi was a German poet.", "occupations": ["yago:Writer", "yago:University_teacher", "yago:Poet"]} +{"title": "Louis_de_Wohl", "summary": "Louis de Wohl was a German-born Catholic author, and had served as an astrologer notable for his work with MI5 during World War II. Sixteen of his popular pre-war novels were the basis of movies. His later novels are literary hagiographies of notable Roman Catholic saints and of different periods of the Bible.", "occupations": ["yago:Writer", "yago:Screenwriter"]} +{"title": "Friederike_Caroline_Neuber", "summary": "Friederike Caroline Neuber, n\u00e9e Friederike Caroline Weissenborn, also known as Friedericke Karoline Neuber, Frederika Neuber, Karoline Neuber, Carolina Neuber, Frau Neuber, and Die Neuberin,, was a German actress and theatre director. She is considered one of the most famous actresses and actor-managers in the history of the German theatre, \"influential in the development of modern German theatre.\" Neuber also worked to improve the social and artistic status of German actors and actresses, emphasizing naturalistic technique. During a time when theatrical managers in Germany were predominantly men, Caroline Neuber stands out in history as a remarkably ambitious woman who, during her 25-year career, was able to alter theatrical history, elevating the status of German theatre alongside of Germany's most important male theatrical leaders at the time, such as \"her actor-manager husband Johann, the popular stage fool Johann M\u00fcller, the major actor of the next generation Johann Sch\u00f6nemann, the multi-talented newcomer Gotthold Ephraim Lessing, and principally, their de facto Dramaturg, Johann Gottsched.\"", "occupations": ["yago:Writer"]} +{"title": "Shripad_Narayan_Pendse", "summary": "Shripad Narayan Pendse was a writer of several Marathi novels.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Ehrenfried_Patzel", "summary": "Ehrenfried Patzel was an Ethnic German football player from Czechoslovakia.", "occupations": ["yago:Football_player"]} +{"title": "Theodor_Schneider", "summary": "Theodor Schneider was a German mathematician, best known for providing proof of what is now known as the Gelfond\u2013Schneider theorem.", "occupations": ["yago:University_teacher"]} +{"title": "Hermann_Muhs", "summary": "Hermann Muhs was a Secretary of State and Minister for Church Affairs in Nazi Germany.", "occupations": ["yago:Politician"]} +{"title": "Ulrich_Zasius", "summary": "Ulrich Zasius was a German jurist.", "occupations": ["yago:University_teacher", "yago:Lawyer"]} +{"title": "Hans-Christoph_Seebohm", "summary": "Hans-Christoph Seebohm was a German politician of the national conservative German Party and after 1960 the Christian Democratic Union (CDU). He was Federal Minister of Transport for 17 years and the fourth Vice Chancellor of the Federal Republic of Germany in 1966.", "occupations": ["yago:Politician"]} +{"title": "Detlev_Buck", "summary": "Detlev Buck is a German film director, actor, producer and screenwriter.", "occupations": ["yago:Actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Paul_Melchers", "summary": "Paul Melchers was a Cardinal and Archbishop of Cologne. At the height of the Kulturkampf he took refuge in the Netherlands.", "occupations": ["yago:Politician"]} +{"title": "Gert_Bastian", "summary": "Gert Bastian was a German military officer and politician with the German Green Party.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Gustav_Seyffarth", "summary": "Gustav Seyffarth was a German-American Egyptologist, born in Uebigau.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "John_Kasich", "summary": "John Richard Kasich Jr. is an American politician, author and former television news host serving as the 69th and current Governor of Ohio. Elected governor in 2010 and re-elected in 2014, Kasich is a member of the Republican Party. His second term ends on January 14, 2019; he is ineligible for reelection due to term limits.", "occupations": ["yago:Politician", "yago:Writer", "yago:Businessperson"]} +{"title": "Otto_Franke_(sinologist)", "summary": "Otto Franke was a German diplomat, sinologist, and historian. He was the preeminent German sinologist of his time, called the \"Nestor of German Sinology\" by Hellmut Wilhelm. He served as a diplomat at the German embassy to the Qing empire for 13 years, before becoming the inaugural Sinology Chair at the University of Hamburg and then at the University of Berlin. His five-volume Geschichte des Chinesischen Reiches, though unfinished because of World War II, remains the standard history of China in German decades after its publication. His son Wolfgang Franke was also a well known sinologist who succeeded him as the Sinology Chair at Hamburg.", "occupations": ["yago:University_teacher"]} +{"title": "Johann_Vierdanck", "summary": "Johann Vierdanck was a German violinist, cornettist, and composer of the Baroque period.", "occupations": ["yago:Composer"]} +{"title": "Ludimar_Hermann", "summary": "Ludimar Hermann was a German physiologist and speech scientist who used the Edison phonograph to test theories of vowel production, particularly those of Robert Willis and Charles Wheatstone. He coined the word formant, a term of importance in modern acoustic phonetics. The Hermann Grid is named after him; he was the first to report the illusion in scientific literature.", "occupations": ["yago:University_teacher"]} +{"title": "Prince_Heinrich_of_Bavaria", "summary": "Prince Heinrich of Bavaria was a member of the Bavarian Royal House of Wittelsbach and a highly decorated Army officer in the First World War.", "occupations": ["yago:Politician"]} +{"title": "Wilhelm_Kreis", "summary": "Wilhelm Kreis was a prominent German architect and professor of architecture, active through four political systems in German history: the Wilhelmine era, the Weimar Republic, the Third Reich, and the foundation of the Federal Republic.", "occupations": ["yago:University_teacher"]} +{"title": "Arthur_Rudolf_Hantzsch", "summary": "Arthur Rudolf Hantzsch was a German chemist.", "occupations": ["yago:University_teacher"]} +{"title": "Wilhelm_His_Jr.", "summary": "Wilhelm His Jr. was a Swiss-born cardiologist and anatomist.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Sebastian_Sailer", "summary": "Sebastian Sailer, born Johann Valentin Sailer, was a German Premonstratensian Baroque preacher and writer. He is especially known for his comedies written in Swabian German.", "occupations": ["yago:Writer", "yago:Historian"]} +{"title": "Oliver_Hartmann", "summary": "Oliver Hartmann is a German metal vocalist, guitarist, songwriter, and producer who performed in various acts, either as guitarist, solo or choir singer. He is best known for his role as vocalist and one of the founders of the band At Vance, his own band Hartmann and his guest appearances on albums of several prominent metal bands, including Freedom Call, Edguy, Rhapsody, Genius rock opera, Iron Mask, Aina's metal opera Days of Rising Doom and the metal opera Avantasia where he participated as a vocalist in 4 albums and also as a guitarist of the live and studio line up. He is also guitarist and vocalist with the Pink-Floyd tribute band Echoes.", "occupations": ["yago:Singer"]} +{"title": "Eduard_Bendemann", "summary": "Eduard Julius Friedrich Bendemann was a German painter.", "occupations": ["yago:Painter", "yago:University_teacher"]} +{"title": "Rolf_Hoppe", "summary": "Rolf Hoppe was a German film and stage actor.", "occupations": ["yago:Film_actor"]} +{"title": "Monika_Maron", "summary": "Monika Maron is a German author, formerly of the German Democratic Republic. She moved in 1951 from West to East Berlin with her stepfather, Karl Maron, the GDR Minister of the Interior. She studied theatre and spent time as a directing assistant and as a journalist. In the late 1970s, she began writing full-time in East Berlin. She left the GDR in 1988 with a three-year visa. After living in Hamburg, Germany, until 1992, she returned to a reunited Berlin, where she lives and writes. Her works deal to a large degree with confrontation with the past and explore the threats posed both by memory and isolation. Her prose is sparse, bleak, and lonely, conveying the sensitivity and desperation of her narrators. In 1992, she was distinguished with the renowned Kleist Prize, awarded annually to prominent German authors, and, in 2003, with the Friedrich H\u00f6lderlin Prize.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Tatiana_von_Metternich-Winneburg", "summary": "Tatiana von Metternich-Winneburg was a German patron of the arts of Russian birth. She published her books and watercolours under the name Tatiana von Metternich. She supported charity, especially the Red Cross and the Order of St. Lazarus, which she served as Grand Bailiff for Germany. She was a founding member of the Rheingau Musik Festival, made parts of Schloss Johannisberg available as concert venues for the festival and served as the president of its Kuratorium until her death.", "occupations": ["yago:Writer"]} +{"title": "Georg_Sabinus", "summary": "Georg Sabinus or Georg Schuler was a German poet, diplomat and academic.", "occupations": ["yago:Writer", "yago:University_teacher", "yago:Poet"]} +{"title": "Monika_Treut", "summary": "Monika Treut is a German lesbian filmmaker. She attended high school at an all-girls state school. She studied German and Political Science at university. She wrote her PhD thesis about The Cruel Woman: Female Images in the Writing of Marquis de Sade and Leopold von Sacher-Masoch. After passing the state examination she graduated in 1978.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Kurt_Neumann_(director)", "summary": "Kurt Neumann was a German Hollywood film director who specialized in science fiction movies in his later career.", "occupations": ["yago:Film_director"]} +{"title": "Padamsinh_Bajirao_Patil", "summary": "Dr. Padamsinha Bajirao Patil is a former member of 15th Lok Sabha, lower house of Parliament of India, from Osmanabad in Maharashtra state in India. He was elected to the Lok Sabha on a Nationalist Congress Party ticket in the May 2009 general elections. He is a former member of the Maharashtra Legislative Assembly for 8 terms. He is considered as Sharad Pawar's closest confidante. His sister is wife of former Deputy-chief minister Ajit Pawar. He was a minister in the Maharashtra Government for more than 20 years. He is former deputy speaker of the Maharashtra Vidhan Sabha, Deputy Opposition Leader and also the State President of Sharad Pawar's Congress(S). He was responsible for constructing the largest number of Kolhapur Type (\"K.T.\") Dams in his home turf Osmanabad and was also responsible for making Osmanabad the most irrigated district in the otherwise backward and largely arid Marathwada region. He is considered as Sharad Pawar's muscle man. He was responsible in bringing Chhagan Bhujbal into the Nationalist Congress Party (\"N.C.P\") and creating other stalwart leaders in the party. His son Ranajagjitsinha Patil is a former Minister of State for Industries, Revenue, Agriculture, Cultural Affairs, Protocol, Employment and Employment with guarantee scheme, Parliamentary Affairs and a Member of the Legislative Council (\"MLC\") for two terms; he has now been elected as a Member of the Legislative Assembly (\"MLA\") for Osmanabad Vidhan Sabha constituency.", "occupations": ["yago:Politician"]} +{"title": "Edith_Picht-Axenfeld", "summary": "Edith Picht-Axenfeld was a German pianist and harpsichordist.", "occupations": ["yago:University_teacher", "yago:Composer"]} +{"title": "Carl_Benjamin_Klunzinger", "summary": "Carl Benjamin Klunzinger was a German physician and zoologist.", "occupations": ["yago:University_teacher"]} +{"title": "Rudolf_Heinze", "summary": "Karl Rudolf Heinze was a German jurist and politician. During the Weimar Republic, as a member of the right-of-centre German People's Party (DVP) he was Vice-Chancellor of Germany and Minister of Justice in 1920/21 in the cabinet of Konstantin Fehrenbach and from 1922 to 1923 again Minister of Justice under Wilhelm Cuno.", "occupations": ["yago:Politician"]} +{"title": "Robert_Mertens", "summary": "Robert Friedrich Wilhelm Mertens was a German herpetologist. The Robert Mertens' day gecko is a species named after him, as is Mertens' water monitor, and he also postulated Mertensian mimicry.", "occupations": ["yago:University_teacher"]} +{"title": "Georg_Konrad_Morgen", "summary": "Georg Konrad Morgen was an SS judge and lawyer who investigated crimes committed in Nazi concentration camps. He rose to the rank of SS-Sturmbannf\u00fchrer (major). After the war, Morgen served as witness at several anti-Nazi trials and continued his legal career in Frankfurt.", "occupations": ["yago:Lawyer"]} +{"title": "Pierre_Beaumarchais", "summary": "Pierre-Augustin Caron de Beaumarchais was a French polymath. At various times in his life, he was a watchmaker, inventor, playwright, musician, diplomat, spy, publisher, horticulturist, arms dealer, satirist, financier, and revolutionary.", "occupations": ["yago:Poet", "yago:Businessperson", "yago:Musician"]} +{"title": "Elena_Gerhardt", "summary": "Elena Gerhardt was a German mezzo-soprano singer associated with the singing of German classical lieder, of which she was considered one of the great interpreters. She left Germany for good to live in London in October 1934.", "occupations": ["yago:Singer"]} +{"title": "Daniel_Schenkel", "summary": "Daniel Schenkel was a Swiss Protestant theologian.", "occupations": ["yago:University_teacher"]} +{"title": "Johann_Severin_Vater", "summary": "Johann Severin Vater was a German theologian, biblical scholar, and linguist.", "occupations": ["yago:University_teacher"]} +{"title": "Hans_Georg_Dehmelt", "summary": "Hans Georg Dehmelt was a German and American physicist, who was awarded Nobel Prize in Physics in 1989, for co-developing the ion trap technique with Wolfgang Paul, for which they shared one-half of the prize. Their technique was used for high precision measurement of the electron magnetic moment.", "occupations": ["yago:University_teacher"]} +{"title": "Wilhelm_Heckmann", "summary": "Wilhelm Heckmann was a German concert and easy listening musician. From 1937 to 1945 he was imprisoned in the Nazi concentration camps in Dachau and Mauthausen. Heckmann founded the first prisoner band in Mauthausen, and was also instrumental in the founding of the large prisoner orchestra there.", "occupations": ["yago:Musician"]} +{"title": "Karl_von_Vierordt", "summary": "Karl von Vierordt was a German physiologist.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Johann_Friedrich_Weidler", "summary": "Johann Friedrich Weidler was a German astronomer and mathematician. He was a professor of mathematics at University of Wittenberg and a fellow of the Royal Society.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Albrecht_Becker", "summary": "Albrecht Becker was a German production designer, photographer, and actor, who was imprisoned by the Nazi regime for the charge of homosexuality.", "occupations": ["yago:Film_actor"]} +{"title": "Abdul_Hamid_Khan_Bhashani", "summary": "Abdul Hamid Khan Bhashani, shortened as Maulana Bhashani was a popular Islamic scholar and political leader in British India. He remained a rural-based politician renowned for selflessness and solidarity with the oppressed. His long political tenure spanned the British colonial India, Pakistan and Bangladesh periods.", "occupations": ["yago:Politician"]} +{"title": "Johannes_Schlaf", "summary": "Johannes Schlaf was a German playwright, author, and translator and an important exponent of Naturalism. As a translator he was important for exposing the German-speaking world to the works of Walt Whitman, \u00c9mile Verhaeren and \u00c9mile Zola and is known as a founder of the \"Whitman Cult\" in Germany. His literary achievements lie foremost in the scenic-dialogue innovations of \"sequential naturalism\" and in the formalization of literary impressionism. He also contributed to the emergence of the \"intimate theater.\"", "occupations": ["yago:Writer"]} +{"title": "Christine_Baitinger", "summary": "Christine Baitinger is a German football referee and former player.", "occupations": ["yago:Football_player"]} +{"title": "Herbert_Windt", "summary": "Herbert Windt was a German composer who became one of the most significant film score composers of the Third Reich. He was best known for his collaborations with the director Leni Riefenstahl on films such as Triumph of the Will and Olympia.", "occupations": ["yago:Composer"]} +{"title": "Ute_Oberhoffner", "summary": "Ute Oberhoffner is an East German luger who competed during the 1980s. She won two medals in the women's singles event at the Winter Olympics with a silver in 1988 and a bronze in 1984.", "occupations": ["yago:Politician"]} +{"title": "Jacob_Volhard", "summary": "Jacob Volhard was the German chemist who discovered, together with his student Hugo Erdmann, the Volhard-Erdmann cyclization reaction. He was also responsible for the improvement of the Hell-Volhard-Zelinsky halogenation.", "occupations": ["yago:University_teacher"]} +{"title": "Ludwig_von_Sybel", "summary": "Ludwig von Sybel was a German archaeologist.", "occupations": ["yago:University_teacher"]} +{"title": "Eduard_Krebsbach", "summary": "Eduard Krebsbach was a former German physician and SS doctor in the Nazi concentration camp in Mauthausen from July 1941 to August 1943. He was executed for crimes against humanity committed at the Mauthausen camp.", "occupations": ["yago:Physician"]} +{"title": "Johann_Wilhelm_Andreas_Pfaff", "summary": "Johann Wilhelm Andreas Pfaff, was professor of pure and applied mathematics successively at Dorpat, Nuremberg, W\u00fcrzburg and Erlangen. He was a brother of Johann Friedrich Pfaff, a mathematician; and of Christian Heinrich Pfaff, a physician and physicist.", "occupations": ["yago:University_teacher"]} +{"title": "Erol_Sander", "summary": "Erol Sander is a Turkish-German actor.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Johann_VI,_Count_of_Nassau-Dillenburg", "summary": "Count John VI of Nassau-Dillenburg was the second son of William the Rich and the younger brother of William the Silent. He has a special place in the history of the Netherlands because he is the male-line forefather of the House of Orange which ruled that country until 1898.", "occupations": ["yago:Politician"]} +{"title": "John_Brugman", "summary": "John Brugman, O.F.M., was a 15th-century Franciscan friar, who became a renowned preacher in Flanders.", "occupations": ["yago:Writer"]} +{"title": "Claire_Goll", "summary": "Claire Goll was a German-French writer and journalist; she married the poet Yvan Goll in 1921.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Poet"]} +{"title": "Gerhard_Lamprecht", "summary": "Gerhard Lamprecht was a German film director, screenwriter and film historian. He directed 63 films between 1920 and 1958. He also wrote for 26 films between 1918 and 1958.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Max_von_Schenkendorf", "summary": "Gottlob Ferdinand Maximilian Gottfried von Schenkendorf was a German poet, born in Tilsit and educated at K\u00f6nigsberg. During the War of Liberation, in which he took an active part, Schenkendorf was associated with Arndt and K\u00f6rner in the writing of patriotic songs. His poems were published as Gedichte (1815), Poetischer Nachlass (1832), and S\u00e4mtliche Gedichte. For his Life, consult Hagen ; Knaake ; E. von Klein, M. von Schenkendorf.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Frithjof_Schmidt", "summary": "Frithjof Schmidt is a German politician and member of the Alliance '90/The Greens group in the Bundestag. Between 2004 and 2009, he served as Member of the European Parliament for Alliance '90/The Greens, part of the European Greens.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Gisela_Kallenbach", "summary": "Gisela Kallenbach is a German politician. She served as a Member of the European Parliament for Alliance '90/The Greens, part of the European Greens, from 2004 to 2009. Since 2009, she has been a member of the Parliament of Saxony. From 2000 to 2003, she was International Mayor of the United Nations Interim Administration Mission in Kosovo. She was awarded the Order of Merit of the Federal Republic of Germany in 2001.", "occupations": ["yago:Politician"]} +{"title": "Karl_Alexander,_5th_Prince_of_Thurn_and_Taxis", "summary": "Karl Alexander, 5th Prince of Thurn and Taxis, full German name: Karl Alexander F\u00fcrst von Thurn und Taxis was the fifth Prince of Thurn and Taxis, head of the Thurn-und-Taxis-Post, and Head of the Princely House of Thurn and Taxis from 13 November 1805 until his death on 15 July 1827. With the death of his father on 13 November 1805, he became nominal Generalpostmeister of the Imperial Reichspost until the resignation of Francis II, Holy Roman Emperor.", "occupations": ["yago:Businessperson"]} +{"title": "Josef_Duchac", "summary": "Josef Duchac is a German politician (CDU).", "occupations": ["yago:Politician"]} +{"title": "Udo_von_Woyrsch", "summary": "Udo von Woyrsch was a high-ranking SS official in Nazi Germany who was responsible for implementing the regime's racial policies during World War II.", "occupations": ["yago:Politician"]} +{"title": "Gustav_Cohn", "summary": "Gustav Cohn was a German economist, noted for his pioneering contributions to the theory and policy of transportation and public finance. He was educated at Berlin and Jena universities. During 1867 and 1868 he was the holder of a fellowship at the Royal Statistical Bureau of Berlin, and in 1869 became privat-docent at the University of Heidelberg, but in the same year accepted an invitation from the Polytechnikum at Riga. Cohn paid a visit to England in 1873, and the fruits of his observation and research were embodied in the masterly production \"Untersuchungen \u00fcber die Englische Eisenbahnpolitik,\" 2 vols., Leipzig, 1874-75. In 1875, he was invited to fill the chair of economics at ETH Zurich, which he held until 1884, when he became professor in the University of G\u00f6ttingen.", "occupations": ["yago:University_teacher"]} +{"title": "Otto_Brahm", "summary": "Otto Brahm was a German drama and literary critic, theatre manager and director. His productions were noted for being accurate and realistic. He was involved in the foundation of the progressive Die Freie B\u00fchne company, of which he became president and producer. He also edited the company's weekly magazine of the same name, but later changed its name to Die neue Rundschau.", "occupations": ["yago:Writer"]} +{"title": "Hermann_Hohn", "summary": "Hermann Hohn was a German general in the Wehrmacht of Nazi Germany during World War II, who commanded several divisions. He was a recipient of the Knight's Cross of the Iron Cross with Oak Leaves and Swords.", "occupations": ["yago:Military_personnel"]} +{"title": "Carl_Boese", "summary": "Carl Boese was a German film director, screenwriter and producer. He directed 158 films between 1917 and 1957.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Vijessna_Ferkic", "summary": "Vijessna Ferkic is a German actress of Croatian descent.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Louis_Aloysius,_Prince_of_Hohenlohe-Waldenburg-Bartenstein", "summary": "Louis Aloysius, Prince of Hohenlohe-Waldenburg-Bartenstein was a German prince and Marshal of France. He commanded a division of Austrian soldiers in the 1809 and 1814 campaigns during the Napoleonic Wars.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Kostja_Ullmann", "summary": "Kostja Ullmann is a German actor, best known for his leading role in the award-winning coming of age drama Sommersturm which gained a lot of praise throughout Europe.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Paul-Louis_Landsberg", "summary": "Paul-Louis Landsberg was a twentieth century Existentialist philosopher who is known for his arguments in support of euthanasia as an acceptable method of suicide. His arguments are used today by Christian proponents of euthanasia. His best known works are The Experience of Death and The Moral Problem of Suicide.", "occupations": ["yago:University_teacher"]} +{"title": "Michael_Anton_Biermer", "summary": "Michael Anton Biermer was a German internist who was a native of Bamberg.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Peretz_Naftali", "summary": "Peretz Naftali was a Zionist activist and Israeli politician who served in several ministerial portfolios in the 1950s.", "occupations": ["yago:Politician", "yago:Writer", "yago:Journalist", "yago:University_teacher"]} +{"title": "Dora_Gerson", "summary": "Dora Gerson was a Jewish German cabaret singer and motion picture actress of the silent film era who died with her family at Auschwitz concentration camp.", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor"]} +{"title": "Katrin_Himmler", "summary": "Katrin Himmler is a German author. She is the granddaughter of Ernst Himmler (1905\u20131945), who was the younger brother of Heinrich Himmler, one of the leading figures of Nazi Germany. Therefore, she is the great-niece of Heinrich Himmler. She is the author of Die Br\u00fcder Himmler: Eine deutsche Familiengeschichte, published in English as The Himmler Brothers: A German Family History.", "occupations": ["yago:Writer"]} +{"title": "Karl-Eduard_von_Schnitzler", "summary": "Karl-Eduard von Schnitzler was an East German communist propagandist and host of the television show Der schwarze Kanal from March 21, 1960, to October 30, 1989.", "occupations": ["yago:Journalist"]} +{"title": "Dea_Loher", "summary": "Dea Loher is a German playwright and author.", "occupations": ["yago:Writer"]} +{"title": "Hermann_Niehoff", "summary": "Hermann Niehoff was a German general during World War II. Since 2 March 1945, he was the garrison commander of Fortress Breslau during the Battle of Breslau, which he surrendered to the Soviet 6th Army on 6 May 1945.", "occupations": ["yago:Military_personnel"]} +{"title": "Ludwig_Fulda", "summary": "Ludwig Anton Salomon Fulda was a German playwright and a poet with a strong social commitment. He lived with Moritz Moszkowski's first wife Henriette, n\u00e9e Chaminade, younger sister of pianist and composer C\u00e9cile Chaminade.", "occupations": ["yago:Writer"]} +{"title": "Edgar_Wind", "summary": "Edgar Wind was a German-born British interdisciplinary art historian, specializing in iconology in the Renaissance era. He was a member of the school of art historians associated with Aby Warburg and the Warburg Institute as well as the first Professor of art history at Oxford University.", "occupations": ["yago:University_teacher"]} +{"title": "Paul_Verhoeven_(German_director)", "summary": "Paul Verhoeven was a German actor, writer, and film and theatre director.", "occupations": ["yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Evelin_Lindner", "summary": "Evelin Gerda Lindner is a German-Norwegian medical doctor, psychologist, transdiciplinary scholar and author who is known for her theory of humiliation.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "David_Kipiani", "summary": "David Kipiani was a Georgian football midfielder and manager. Kipiani principally played as a playmaker and is considered one of Georgia's greatest players. He was known for his elegant style of play, dribbling ability and passing range.", "occupations": ["yago:Football_player"]} +{"title": "Friedrich_Accum", "summary": "Friedrich Christian Accum or Frederick Accum was a German chemist, whose most important achievements included advances in the field of gas lighting, efforts to keep processed foods free from dangerous additives, and the promotion of interest in the science of chemistry to the general populace. From 1793 to 1821 Accum lived in London. Following an apprenticeship as an apothecary, he opened his own commercial laboratory enterprise. His business manufactured and sold a variety of chemicals and laboratory equipment. Accum, himself, gave fee-based public lectures in practical chemistry and collaborated with research efforts at numerous other institutes of science.", "occupations": ["yago:Writer"]} +{"title": "Frank_Rennicke", "summary": "Frank Rennicke is a German neo-nazi songwriter and ballad singer from Braunschweig in Lower Saxony. He is one of the key figures within the far-right extremism scene in Germany, and describes himself as a \"national bard\".", "occupations": ["yago:Singer"]} +{"title": "Elisa_von_der_Recke", "summary": "Elisa von der Recke was a Baltic German writer and poet.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Janus_Cornarius", "summary": "Janus Cornarius was a Saxon humanist and friend of Erasmus. A gifted philologist, Cornarius specialized in editing and translating Greek and Latin medical writers with \"prodigious industry,\" taking a particular interest in botanical pharmacology and the effects of environment on illness and the body. Early in his career, Cornarius also worked with Greek poetry, and later in his life Greek philosophy; he was, in the words of Friedrich August Wolf, \"a great lover of the Greeks.\" Patristic texts of the 4th century were another of his interests. Some of his own writing is extant, including a book on the causes of plague and a collection of lectures for medical students.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Siegfried_Lowitz", "summary": "Siegfried Lowitz was a German actor.", "occupations": ["yago:Film_actor"]} +{"title": "Georg_Heinrich_Ferdinand_Nesselmann", "summary": "Georg Heinrich Ferdinand Nesselmann was a German orientalist, a philologist with interests in Baltic languages, and a mathematics historian.", "occupations": ["yago:University_teacher"]} +{"title": "Moshe_Smoira", "summary": "Moshe Smoira was an Israeli jurist and the first President of the Supreme Court of Israel.", "occupations": ["yago:Lawyer"]} +{"title": "Georg_Groscurth", "summary": "\nGeorg Groscurth, was a German doctor and member of the resistance to Nazism in the time of the Third Reich.", "occupations": ["yago:Physician"]} +{"title": "August_Fick", "summary": "Friedrich Conrad August Fick was a German philologist.", "occupations": ["yago:University_teacher"]} +{"title": "Pino_Presti", "summary": "Giuseppe Prestipino Giarritta, professionally known by his pseudonym Pino Presti, is an Italian bassist, arranger, composer, conductor and record producer from Milan. He is a 5th-dan black belt in Shotokan Karate.", "occupations": ["yago:Composer"]} +{"title": "Ludwig_Heilmann", "summary": "Ludwig Heilmann was a German paratroop general in the Wehrmacht during World War II. He was a recipient of the Knight's Cross of the Iron Cross with Oak Leaves and Swords.", "occupations": ["yago:Military_personnel"]} +{"title": "August_Hahn", "summary": "August Hahn was a German Protestant theologian.", "occupations": ["yago:University_teacher"]} +{"title": "Georg_Curtius", "summary": "Georg Curtius was a German philologist.", "occupations": ["yago:University_teacher"]} +{"title": "Gerda_Hasselfeldt", "summary": "Gerda Hasselfeldt is a German politician (CSU) from Bavaria. She served as deputy chairperson of the CDU/CSU parliamentary group and chairwoman of the Bundestag group of CSU parliamentarians. Following her departure from active politics, she became President of the German Red Cross in 2018.", "occupations": ["yago:Politician"]} +{"title": "Karl_Nikolas_Fraas", "summary": "Karl Nikolas Fraas, German botanist and agriculturist, was born at Rattelsdorf, near Bamberg.", "occupations": ["yago:University_teacher"]} +{"title": "Philipp_Nicodemus_Frischlin", "summary": "Philipp Nicodemus Frischlin was a German philologist, poet, playwright, mathematician, and astronomer, born at Erzingen, today part of Balingen in W\u00fcrttemberg, where his father was parish minister.", "occupations": ["yago:Writer", "yago:University_teacher", "yago:Poet"]} +{"title": "Jakob_Rosanes", "summary": "Jakob Rosanes was a German mathematician who worked on algebraic geometry and invariant theory. He was also a chess master.", "occupations": ["yago:University_teacher"]} +{"title": "Elmar_Altvater", "summary": "Elmar Altvater was Professor of Political Science at the Otto-Suhr-Institut of the Free University of Berlin, before retiring on 30 September 2004. He continued to work at the Institute, and published articles and books.", "occupations": ["yago:University_teacher"]} +{"title": "Subahan_Kamal", "summary": "Dato' Subahan bin Kamal is a Malaysian politician and was the member of the Selangor State Legislative Assembly for Taman Templer from 2008 to 2013. He is a member of the governing United Malays National Organisation (UMNO) party. He is currently the president of the Football Association of Selangor.", "occupations": ["yago:Politician"]} +{"title": "M._Manoharan", "summary": "Manoharan s/o Malayalam also known as M. Manoharan is a Malaysian lawyer and was the State Assemblyman for Kota Alam Shah in the Selangor State Assembly. He is a member of the Democratic Action Party (DAP).", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Ralph_Macchio", "summary": "Ralph George Macchio Jr. is an American actor, known for his roles as Daniel LaRusso in The Karate Kid and Cobra Kai, Eugene Martone in Crossroads, Bill Gambini in My Cousin Vinny, and Johnny Cade in The Outsiders. Additionally, he competed on the twelfth season of Dancing with the Stars.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Thibaut_Courtois", "summary": "Thibaut Nicolas Marc Courtois is a Belgian professional footballer who plays as a goalkeeper for Spanish club Real Madrid and the Belgium national team.", "occupations": ["yago:Football_player"]} +{"title": "Wilhelm_Ehm", "summary": "Wilhelm Ehm a World War II Wehrmacht veteran and East German Admiral who was Deputy Minister of National Defense of the German Democratic Republic and head of the People's Navy (Volksmarine).", "occupations": ["yago:Politician"]} +{"title": "Moritz_von_Bissing", "summary": "Moritz Ferdinand Freiherr von Bissing was a Prussian General.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Johann_Gottfried_Zinn", "summary": "Johann Gottfried Zinn was a German anatomist and botanist and was a member of the Berlin Academy.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Karl_Litzmann", "summary": "Karl Litzmann was a German World War I general and later Nazi Party member and state politician.", "occupations": ["yago:Politician"]} +{"title": "Justus_Ludwig_Adolf_Roth", "summary": "Justus Ludwig Adolf Roth was a German geologist and mineralogist.", "occupations": ["yago:University_teacher"]} +{"title": "Dieter_Brenninger", "summary": "Dieter Brenninger is a former German footballer.", "occupations": ["yago:Football_player"]} +{"title": "Niamh_Wilson", "summary": "Niamh Wilson is a Canadian film and television actress from Oakville, Ontario, known for her role as Corbett in Saw III, reprised in Saw V; the Canadian horror film The Marsh (2006); and the title role in the Family Channel series Debra!\nShe was a regular on Degrassi: The Next Generation during seasons 13\u201314 as Jacqueline \"Jack\" Jones.", "occupations": ["yago:Film_actor"]} +{"title": "Erich_Zepler", "summary": "Erich Ernest Zepler, later known as Eric, was a German-born electronics expert and chess problem composer.", "occupations": ["yago:University_teacher"]} +{"title": "Hartmut_Bagger", "summary": "Hartmut Bagger is a retired German general. He served as Chief of Staff of the German Army from 1994 to 1996 and Chief of Staff of the German armed forces, the Bundeswehr, from 1996 to 1999.", "occupations": ["yago:Military_personnel"]} +{"title": "William_Trousdale", "summary": "William Trousdale was an American soldier and politician. He served as Governor of Tennessee from 1849 to 1851, and was United States Minister to Brazil from 1853 to 1857. He fought under Andrew Jackson in the Creek War, the War of 1812 and the Second Seminole War, and commanded the U.S. Fourteenth Infantry in the Mexican\u2013American War. His military exploits earned him the nickname, \"War Horse of Sumner County.\"", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Frank_Richter_(footballer)", "summary": "Frank Richter is a German former footballer.", "occupations": ["yago:Football_player"]} +{"title": "Marius_Goring", "summary": "Marius Goring, was an English stage and film actor. He is most often remembered for the four films he made with Powell & Pressburger, particularly as Conductor 71 in A Matter of Life and Death and as Julian Craster in The Red Shoes. He regularly performed French and German roles.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Reimar_Oltmanns", "summary": "Reimar Oltmanns is a well-known journalist and author in Germany.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Klaus_Wennemann", "summary": "Klaus Wennemann was a German television and film actor.", "occupations": ["yago:Film_actor"]} +{"title": "Hinrich_Wilhelm_Kopf", "summary": "Hinrich Wilhelm Kopf was a German politician (SPD). He joined the SPD in 1919. He served as Prime Minister of the short-lived State of Hanover in 1946 and then as Minister President of Lower Saxony from 1946 to 1955 and from 1959 to 1961. He served as the third President of the Bundesrat from 7 September 1951 to 6 September 1952.", "occupations": ["yago:Politician"]} +{"title": "Erez_Tal", "summary": "Erez Tal is an Israeli actor and television host.", "occupations": ["yago:Film_actor"]} +{"title": "Sylvia_Stolz", "summary": "Sylvia Stolz is a German former lawyer and convicted Holocaust denier. Denial of the Holocaust is a criminal offense in Germany.", "occupations": ["yago:Lawyer"]} +{"title": "Percy_Ernst_Schramm", "summary": "Percy Ernst Schramm was a German historian.", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Marie_Schlei", "summary": "Marie Schlei was a German politician and a member of Social Democratic Party (SPD). She served as minister of economic cooperation from 1976 to 1978, being the first female head of the ministry.", "occupations": ["yago:Politician"]} +{"title": "Sascha_Hehn", "summary": "Sascha Hehn is a German actor who participated in many feature films, TV shows, modern theatre plays and the dubbing of big international cinema productions for German-speaking audiences.", "occupations": ["yago:Film_actor"]} +{"title": "Ernst_Friedrich_Glocker", "summary": "Ernst Friedrich Glocker was a German mineralogist, geologist and paleontologist.", "occupations": ["yago:University_teacher"]} +{"title": "Mirko_Lang", "summary": "Mirko Lang is a German actor, who has appeared in many different screenplays, television shows, as well as stage productions. Born in October 1978 in Bremen, Germany, he currently lives in Berlin. After doing his Abitur he started studying music and theatre in Hannover, where he also had his first appearances on stage. While still studying, he starred in several motion pictures including Engel and Joe and Das Wunder von Bern, which was a popular German movie. He finished studying in 2002 and won a Talent Award for being the best talented young actor in Germany. Since then, he has been working as an independent actor.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Maria_Cavaco_Silva", "summary": "Maria Alves da Silva Cavaco Silva is the wife of An\u00edbal Cavaco Silva, the 19th President of the Portuguese Republic and, as such, was the First Lady of Portugal from 2006 until 2016.", "occupations": ["yago:Politician"]} +{"title": "Silas_Wood", "summary": "Silas Wood was a U.S. Representative from New York.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Eliphas_Shivute", "summary": "Eliphas \"Safile\" Shivute is a Namibian retired international footballer. He retired from football due to a knee injury in 2002 after a career spent in Chinese and European football, as well as domestically. Shivute became the first Namibian to play for a top-level side in Europe, and also, is the man who scored the first international goal for the Brave Warriors.", "occupations": ["yago:Football_player"]} +{"title": "Heinrich_Seidel", "summary": "Heinrich Friedrich Wilhelm Seidel was a German engineer, poet and writer.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Paul_Eltzbacher", "summary": "Paul Eltzbacher was a Jewish German law professor.", "occupations": ["yago:Politician", "yago:Writer", "yago:University_teacher", "yago:Lawyer"]} +{"title": "Alfred_Jeremias", "summary": "Alfred Karl Gabriel Jeremias was a German pastor, Assyriologist and an expert on the religions of the Ancient Near East.", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Princess_Luise_Dorothea_of_Saxe-Meiningen", "summary": "Luise Dorothea of Saxe-Meiningen was the daughter of Ernst Ludwig I, Duke of Saxe-Meiningen and Dorothea Marie of Saxe-Gotha. She was the wife of Frederick III, Duke of Saxe-Gotha-Altenburg.", "occupations": ["yago:Politician"]} +{"title": "Felice_Schragenheim", "summary": "Felice Rahel Schragenheim was a Jewish resistance fighter during World War II. She is known for her tragic love story with Lilly Wust and death during a march from Gross-Rosen concentration camp to Bergen-Belsen concentration camp in Germany or, not later than, March 1945 in Bergen-Belsen.", "occupations": ["yago:Journalist"]} +{"title": "Wolf_Wilhelm_Friedrich_von_Baudissin", "summary": "Wolf Wilhelm Friedrich Graf von Baudissin was a German Protestant theologian who was a native of Sophienhof, near Kiel.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Johann_Karl_Wilhelm_Vatke", "summary": "Johann Karl Wilhelm Vatke, known as Wilhelm Vatke was German Protestant theologian, born in Behnsdorf, near Magdeburg. After acting as Privatdozent in Berlin, he was appointed in 1837 professor extraordinarius.", "occupations": ["yago:University_teacher"]} +{"title": "James_Guyon_Jr.", "summary": "James Guyon Jr. was an American politician from New York.", "occupations": ["yago:Politician"]} +{"title": "Oskar_Emil_Meyer", "summary": "Oskar Emil Meyer was a German physicist best known for his studies on the viscosity of gases. He was a younger brother to chemist Lothar von Meyer.", "occupations": ["yago:University_teacher"]} +{"title": "Ursula_Kuczynski", "summary": "Ursula Kuczynski was a German Communist activist who worked for the Soviet Union in the 1930s and 1940s as a spy, most famously as the handler of nuclear scientist Klaus Fuchs. She moved to East Germany in 1950 when Fuchs was unmasked, and published a series of books related to her spy work, including her bestselling autobiography, Sonjas Rapport.", "occupations": ["yago:Writer", "yago:Actor", "yago:Journalist"]} +{"title": "Lotte_Ulbricht", "summary": "Lotte Ulbricht was a Socialist Unity Party of Germany official and the second wife of the East German leader Walter Ulbricht.", "occupations": ["yago:Politician"]} +{"title": "Gerardo_Chavez", "summary": "Gerardo Chavez is an artist from Trujillo Peru, his artistic foundation has helped to develop a cultural environment in the city through the Toy Museum that was opened in 2001 and with the Museum of Modern Art which he founded, as well as Cultural Space \"Angelmira\" in honor to his brother. Chavez is one of the direct successors of the North Group born in the Trujillo city in the first half of the 20th century. In 2012 he was recognized as the most important Peruvian plastic artist in activity. He has been appointed chairman of the board for the Art and Culture of Trujillo.", "occupations": ["yago:Painter"]} +{"title": "Adolf_Paul", "summary": "Adolf Georg Wiedersheim-Paul was a Swedish writer of novels and plays. He lived most of his adult life in Berlin, Germany, where he was a friend of Swedish writer August Strindberg, Finnish composer Jean Sibelius, Norwegian painter Edvard Munch and Finnish artist Akseli Gallen-Kallela.", "occupations": ["yago:Writer", "yago:Screenwriter"]} +{"title": "Carl_Heinrich_Edmund_von_Berg", "summary": "Carl Heinrich Edmund von Berg was a German forestry scientist.", "occupations": ["yago:Writer", "yago:University_teacher", "yago:Historian"]} +{"title": "Alfred_Toepfer", "summary": "Dr. Alfred Carl Toepfer was a German entrepreneur, owner of the company Toepfer International and founder of the Alfred Toepfer Foundation. He helped shaped the original internal markets of the European Coal and Steel Community, and was a philanthropist known for his celebration of the arts, sciences, and nature.", "occupations": ["yago:Businessperson"]} +{"title": "Christian_Timm", "summary": "Christian Timm is a German football striker who is currently a free agent.", "occupations": ["yago:Football_player"]} +{"title": "Joseph_Weizenbaum", "summary": "Joseph Weizenbaum was a German American computer scientist and a professor at MIT. The Weizenbaum Award is named after him. He is considered one of the fathers of modern artificial intelligence.", "occupations": ["yago:University_teacher"]} +{"title": "Adolf_Zeising", "summary": "Adolf Zeising was a German psychologist, whose main interests were mathematics and philosophy.", "occupations": ["yago:Writer"]} +{"title": "Friedrich_Bessel", "summary": "Friedrich Wilhelm Bessel was a German astronomer, mathematician, physicist and geodesist. He was the first astronomer who determined reliable values for the distance from the sun to another star by the method of parallax. A special type of mathematical functions were named Bessel functions after Bessel's death, though they had originally been discovered by Daniel Bernoulli and then generalised by Bessel.", "occupations": ["yago:University_teacher"]} +{"title": "Franz_Meyers", "summary": "Franz Josef Heinrich Georg Meyers was a German politician (CDU) and the 4th Minister President of North Rhine-Westphalia between 21 July 1958 and 8 December 1966. He was born and died in M\u00f6nchengladbach.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Achilles_Gasser", "summary": "Achilles Pirmin Gasser was a German physician and astrologer. He is now known as a well-connected humanist scholar, and supporter of both Copernicus and Rheticus.", "occupations": ["yago:Historian", "yago:Physician"]} +{"title": "Ludwig_Traube_(palaeographer)", "summary": "Ludwig Traube was a paleographer and held the first chair of Medieval Latin in Germany. He was a son of the physician Ludwig Traube (1818-1876).", "occupations": ["yago:University_teacher"]} +{"title": "Richard_Thurnwald", "summary": "Richard Thurnwald was an Austrian anthropologist and sociologist, known for his comparative studies of social institutions.", "occupations": ["yago:University_teacher"]} +{"title": "Abdurrahman_Wahid", "summary": "Abdurrahman Wahid, colloquially known as Gus Dur\u00a0(help\u00b7info), was an Indonesian Muslim religious and political leader who served as the President of Indonesia from 1999 to 2001. The long-time president of the Nahdlatul Ulama and the founder of the National Awakening Party (PKB), Wahid was the first elected president of Indonesia after the resignation of Suharto in 1998.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Herbert_Selpin", "summary": "Herbert Selpin was a German film director and screenwriter of light entertainment during the 1930s and 1940s. He is best known for his final film, the partly suppressed Titanic, during the production of which he was arrested by Propaganda Minister Joseph Goebbels. He was later found dead in his prison cell.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Rudolf_Bamler", "summary": "Rudolf Bamler was a German general during World War II. Although Bamler was a member of the Nazi Party he would later serve as a leading member of the East German security forces.", "occupations": ["yago:Military_personnel"]} +{"title": "Hellmut_Ritter", "summary": "Hellmut Ritter was a leading German Orientalist specialising in Arabic, Persian, and Turkish, and an authority on Sufi ritual and mysticical beliefs.", "occupations": ["yago:University_teacher"]} +{"title": "Klaus_Uwe_Benneter", "summary": "Klaus Uwe Benneter is a German politician and member of the SPD. He is widowed and has one son.", "occupations": ["yago:Politician"]} +{"title": "Georg_Heinrich_Bernstein", "summary": "Georg Heinrich Bernstein was a German orientalist.", "occupations": ["yago:University_teacher"]} +{"title": "Paul_Alan_Yule", "summary": "Paul Alan Yule is an archaeologist at the Ruprecht-Karls-Universit\u00e4t Heidelberg (habilitation). His main work targets the archaeology of Oman, Yemen, previously India.", "occupations": ["yago:University_teacher"]} +{"title": "Wilhelm_Keitel", "summary": "Wilhelm Bodewin Johann Gustav Keitel was a German field marshal who served as Chief of the Armed Forces High Command in Nazi Germany during World War II. According to David Stahel, Keitel was \"well known and [...] reviled as Hitler\u2019s dependable mouthpiece and habitual yes-man\" among his military colleagues.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Cordula_Trantow", "summary": "Cordula Trantow is a German actress and director. For her performance as Geli Raubal in the 1962 film, Hitler, she was nominated for a 1962 Golden Globe in the category Most Promising Newcomer - Female. Today, she works mostly as a stage actress and director.", "occupations": ["yago:Film_actor"]} +{"title": "Siegfried_Lenz", "summary": "Siegfried Lenz was a German writer of novels, short stories and essays, as well as dramas for radio and the theatre. In 2000 he received the Goethe Prize on the 250th Anniversary of Johann Wolfgang von Goethe's birth.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Screenwriter"]} +{"title": "Carl_von_Clausewitz", "summary": "Carl Philipp Gottfried von Clausewitz was a Prussian general and military theorist who stressed the \"moral\" and political aspects of war. His most notable work, Vom Kriege, was unfinished at his death.\nClausewitz was a realist in many different senses and, while in some respects a romantic, also drew heavily on the rationalist ideas of the European Enlightenment.", "occupations": ["yago:Writer"]} +{"title": "Rainer_Maria_Rilke", "summary": "Ren\u00e9 Karl Wilhelm Johann Josef Maria Rilke, better known as Rainer Maria Rilke, was a Bohemian-Austrian poet and novelist. He is \"widely recognized as one of the most lyrically intense German-language poets\". He wrote both verse and highly lyrical prose. Several critics have described Rilke's work as inherently \"mystical\". His writings include one novel, several collections of poetry and several volumes of correspondence in which he invokes haunting images that focus on the difficulty of communion with the ineffable in an age of disbelief, solitude and profound anxiety. These deeply existential themes tend to position him as a transitional figure between the traditional and the modernist writers.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Paul_Heyse", "summary": "Paul Johann Ludwig von Heyse was a distinguished German writer and translator. A member of two important literary societies, the Tunnel \u00fcber der Spree in Berlin and Die Krokodile in Munich, he wrote novels, poetry, 177 short stories, and about sixty dramas. The sum of Heyse's many and varied productions made him a dominant figure among German men of letters. He was awarded the Nobel Prize for Literature in 1910 \"as a tribute to the consummate artistry, permeated with idealism, which he has demonstrated during his long productive career as a lyric poet, dramatist, novelist and writer of world-renowned short stories.\" Wirsen, one of the Nobel judges, said that \"Germany has not had a greater literary genius since Goethe.\" Heyse is the fifth oldest laureate in literature, after Doris Lessing, Theodor Mommsen, Alice Munro and Jaroslav Seifert.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Helge_Schneider", "summary": "Helge Schneider is a German comedian, jazz musician and multi-instrumentalist, author, film and theatre director, and actor. Schneider's works are an unconventional mixture of horseplay humor, parody, and jazz-influenced music. They involve spontaneity and improvisation as important elements.", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Musician", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Michael_Ende", "summary": "Michael Andreas Helmuth Ende was a German writer of fantasy and children's fiction. He is best known for his epic fantasy The Neverending Story; other famous works include Momo and Jim Button and Luke the Engine Driver. His works have been translated into more than 40 languages, sold more than 35 million copies, and adapted as motion pictures, stage plays, operas and audio books. Ende is one of the most popular and famous German authors of the 20th century, mostly due to the enormous success of his children's fiction. He was not strictly a children's writer, however, as he wrote books for adults too.\nEnde's writing could be described as a surreal mixture of reality and fantasy.", "occupations": ["yago:Writer", "yago:Screenwriter"]} +{"title": "Alfred_Weber", "summary": "Alfred Weber was a German economist, geographer, sociologist and theoretician of culture whose work was influential in the development of modern economic geography.", "occupations": ["yago:University_teacher"]} +{"title": "Richard_Avenarius", "summary": "Richard Ludwig Heinrich Avenarius was a German-Swiss philosopher. He formulated the radical positivist doctrine of \"empirical criticism\" or empirio-criticism.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Hans_Vaihinger", "summary": "Hans Vaihinger was a German philosopher, best known as a Kant scholar and for his Die Philosophie des Als Ob, published in 1911 although its statement of basic principles had been written more than thirty years earlier.", "occupations": ["yago:University_teacher"]} +{"title": "Max_Scheler", "summary": "Max Ferdinand Scheler was a German philosopher known for his work in phenomenology, ethics, and philosophical anthropology. Scheler developed further the philosophical method of the founder of phenomenology, Edmund Husserl, and was called by Jos\u00e9 Ortega y Gasset \"the first man of the philosophical paradise.\" After his death in 1928, Martin Heidegger affirmed, with Ortega y Gasset, that all philosophers of the century were indebted to Scheler and praised him as \"the strongest philosophical force in modern Germany, nay, in contemporary Europe and in contemporary philosophy as such.\" In 1954, Karol Wojty\u0142a, later Pope John Paul II, defended his doctoral thesis on \"An Evaluation of the Possibility of Constructing a Christian Ethics on the Basis of the System of Max Scheler.\"", "occupations": ["yago:University_teacher"]} +{"title": "Stefan_Heym", "summary": "Helmut Flieg or Hellmuth Fliegel was a German writer, known by his pseudonym Stefan Heym. He lived in the United States between 1935 and 1952, before moving back to the part of his native Germany which was, from 1949 to 1990, the German Democratic Republic. He published works in English and German at home and abroad, and despite longstanding criticism of the GDR remained a committed socialist.", "occupations": ["yago:Politician", "yago:Writer", "yago:Journalist"]} +{"title": "Joseph_II,_Holy_Roman_Emperor", "summary": "Joseph II was Holy Roman Emperor from August 1765 and sole ruler of the Habsburg lands from November 1780 until his death. He was the eldest son of Empress Maria Theresa and her husband, Emperor Francis I, and the brother of Marie Antoinette. He was thus the first ruler in the Austrian dominions of the House of Lorraine, styled Habsburg-Lorraine. Joseph was a proponent of enlightened absolutism; however, his commitment to modernizing reforms subsequently engendered significant opposition, which resulted in failure to fully implement his programmes. He has been ranked, with Catherine the Great of Russia and Frederick the Great of Prussia, as one of the three great Enlightenment monarchs. His policies are now known as Josephinism. He died with no sons and was succeeded by his younger brother, Leopold II.", "occupations": ["yago:Politician"]} +{"title": "Carl_Gustav_Jacob_Jacobi", "summary": "Carl Gustav Jacob Jacobi was a German mathematician, who made fundamental contributions to elliptic functions, dynamics, differential equations, and number theory. His name is occasionally written as Carolus Gustavus Iacobus Iacobi in his Latin books, and his first name is sometimes given as Karl.", "occupations": ["yago:University_teacher"]} +{"title": "Karl_Kautsky", "summary": "Karl Johann Kautsky was a Czech-Austrian philosopher, journalist, and Marxist theoretician. Kautsky was recognized as among the most authoritative promulgators of Orthodox Marxism after the death of Friedrich Engels in 1895 until the outbreak of World War I in 1914.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Hermann_Kolbe", "summary": "Adolph Wilhelm Hermann Kolbe, was a seminal contributor in the birth of modern organic chemistry. He was a Professor at Marburg and Leipzig. Kolbe coined the term synthesis and contributed to the philosophical demise of vitalism through synthesis of the organic substance acetic acid from carbon disulfide, and also contributed to the development of structural theory. This was done via modifications to the idea of \"radicals\" and accurate prediction of the existence of secondary and tertiary alcohols, and to the emerging array of organic reactions through his Kolbe electrolysis of carboxylate salts, the Kolbe-Schmitt reaction in the preparation of aspirin and the Kolbe nitrile synthesis. After studies with W\u00f6hler and Bunsen, Kolbe was involved with the early internationalization of chemistry through overseas work in London, and rose through the ranks of his field to edit the Journal f\u00fcr Praktische Chemie. As such, he was elected to the Royal Swedish Academy of Sciences won the Royal Society of London's Davy Medal in the year of his death. Despite these accomplishments and his training a storied next generation of chemists, Kolbe is remembered for editing the Journal for more than a decade, where his rejection of Kekul\u00e9's structure of benzene, van't Hoff's theory on the origin of chirality and von Baeyer's reforms of nomenclature were personally critical and linguistically violent. Kolbe died of a heart attack in Leipzig at age 68, six years after the death of his wife, Charlotte. He was survived by four children.", "occupations": ["yago:University_teacher"]} +{"title": "Frank-Walter_Steinmeier", "summary": "Frank-Walter Steinmeier is a German politician serving as President of Germany since 19 March 2017. He previously was Minister for Foreign Affairs from 2005 to 2009 and again from 2013 to 2017, and Vice-Chancellor of Germany from 2007 to 2009. He was chairman-in-office of the Organization for Security and Co-operation in Europe (OSCE) in 2016.", "occupations": ["yago:Politician"]} +{"title": "Wilhelm_Eduard_Weber", "summary": "Wilhelm Eduard Weber was a German physicist and, together with Carl Friedrich Gauss, inventor of the first electromagnetic telegraph.", "occupations": ["yago:University_teacher"]} +{"title": "Max_Wolf", "summary": "Maximilian Franz Joseph Cornelius \"Max\" Wolf was a German astronomer and a pioneer in the field of astrophotography. He was chairman of astronomy at the University of Heidelberg and director of the Heidelberg-K\u00f6nigstuhl State Observatory from 1902 until his death.", "occupations": ["yago:University_teacher"]} +{"title": "Hans_Poelzig", "summary": "Hans Poelzig was a German architect, painter and set designer.", "occupations": ["yago:University_teacher"]} +{"title": "Tim_Borowski", "summary": "Tim Borowski is a German retired footballer who played as a midfielder, and the current sports director of SV Werder Bremen II.", "occupations": ["yago:Football_player"]} +{"title": "Karl_Gutzkow", "summary": "Karl Ferdinand Gutzkow was a German writer notable in the Young Germany movement of the mid-19th century.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Ferdinand_Cohn", "summary": "Ferdinand Julius Cohn was a German biologist. He is one of the founders of modern bacteriology and microbiology.", "occupations": ["yago:University_teacher"]} +{"title": "Carl_Zuckmayer", "summary": "Carl Zuckmayer was a German writer and playwright. His older brother was the pedagogue, composer, conductor and pianist Eduard Zuckmayer.", "occupations": ["yago:Writer", "yago:Poet", "yago:Screenwriter"]} +{"title": "Karl_Mannheim", "summary": "Karl Mannheim, or K\u00e1roly Manheim in the original spelling, was a Hungarian-born sociologist, influential in the first half of the 20th century and one of the founding fathers of classical sociology as well as a founder of the sociology of knowledge. He is most known for his book Ideology and Utopia published in 1929 where he argues that ideologies are the true nature of any given society and in trying to achieve utopia, these ideologies affect theories of philosophy and even history.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Elizabeth_Marvel", "summary": "Elizabeth Marvel is an American actress. Her most prominent roles include Det. Nancy Parras on The District and Solicitor General Heather Dunbar on House of Cards.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Julius_Streicher", "summary": "Julius Streicher was a prominent member of the Nazi Party. He was the founder and publisher of the semi-pornographic and virulently anti-Semitic newspaper Der St\u00fcrmer, which became a central element of the Nazi propaganda machine. His publishing firm also released three anti-Semitic books for children, including the 1938 Der Giftpilz, one of the most widespread pieces of propaganda, which warned about the supposed dangers Jews posed by using the metaphor of an attractive yet deadly mushroom. The publishing firm was financially very successful and made Streicher a multi-millionaire.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Wolfgang_Petry", "summary": "Wolfgang \"Wolle\" Petry is a german schlager musician and songwriter from Cologne, Germany. In 1997, he was named the leading German language musician in terms of chart figures for the year, with his most successful album Alles.", "occupations": ["yago:Singer"]} +{"title": "Meryem_Uzerli", "summary": "Meryem Sarah Uzerli is a Turkish-German actress and model who rose to prominence by playing H\u00fcrrem Sultan in the Turkish TV series Muhte\u015fem Y\u00fczy\u0131l (2011\u20132013), for which she received critical acclaim and won numerous accolades, including a Golden Butterfly Award.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Leonhard_Frank", "summary": "Leonhard Frank was a German expressionist writer. He studied painting and graphic art in Munich, and gained acclaim with his first novel The Robber Band. When a Berlin journalist celebrated in a famous caf\u00e9 about news of the loss of the ship RMS Lusitania, torpedoed by a German submarine, Frank was upset \u2013 and slapped the man in his face. That is why he went into exile in Switzerland (1915\u201318), where he wrote a series of pacifist short-stories published under the title Man is Good. He returned to Germany, but after the Nazis gained power in 1933 Frank had to emigrate a second time. He lived in Switzerland again, moved to London, then Paris and finally fled under adventurous conditions to the United States in 1940, returning to Munich in 1950. His best-known novels were In the Last Coach and Carl and Anna, which he dramatized in 1929. In 1947 MGM made a movie titled Desire Me out of this story.", "occupations": ["yago:Screenwriter"]} +{"title": "Friedrich_Ludwig_Jahn", "summary": "Friedrich Ludwig Jahn was a German gymnastics educator and nationalist. His admirers know him as Turnvater Jahn, roughly meaning \"father of gymnastics\" Jahn.", "occupations": ["yago:Politician"]} +{"title": "Fritz_Albert_Lipmann", "summary": "Fritz Albert Lipmann was a German-American biochemist and a co-discoverer in 1945 of coenzyme A. For this, together with other research on coenzyme A, he was awarded the Nobel Prize in Physiology or Medicine in 1953.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Hans_Morgenthau", "summary": "Hans Joachim Morgenthau was one of the major twentieth-century figures in the study of international politics. Morgenthau's works belong to the tradition of realism in international relations theory, and he is usually considered, along with George F. Kennan and Reinhold Niebuhr, one of the three leading American realists of the post-World War II period. Morgenthau made landmark contributions to international relations theory and the study of international law. His Politics Among Nations, first published in 1948, went through five editions during his lifetime.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Horst_Bienek", "summary": "Horst Bienek was a German novelist and poet.", "occupations": ["yago:Poet"]} +{"title": "Theodor_Billroth", "summary": "Christian Albert Theodor Billroth was a Prussian-born Austrian surgeon and amateur musician.", "occupations": ["yago:Physician"]} +{"title": "Sena_Jurinac", "summary": "Srebrenka \"Sena\" Jurinac was a Bosnia-born Croatian-Austrian operatic soprano.", "occupations": ["yago:Actor", "yago:Singer"]} +{"title": "Max_Nettlau", "summary": "Max Heinrich Hermann Reinhardt Nettlau was a German anarchist and historian. Although born in Neuwaldegg and raised in Vienna, he lived there until the annexation to Nazi Germany in 1938. Max Nettlau retained his Prussian nationality throughout his life. A student of the Welsh language he spent time in London where he joined the Socialist League and met William Morris. While in London he met anarchists such as Errico Malatesta and Peter Kropotkin whom he remained in contact with for the rest of his life. He also helped to found Freedom Press for whom he wrote for many years.", "occupations": ["yago:Historian"]} +{"title": "Gottlob_Ernst_Schulze", "summary": "Gottlob Ernst Schulze was a German philosopher, born in Heldrungen. He was the grandfather of the pioneering biochemist Ernst Schulze.", "occupations": ["yago:University_teacher"]} +{"title": "Wolfgang_Lukschy", "summary": "Wolfgang Lukschy was a German actor and dubber. He performed in theater, film and television.", "occupations": ["yago:Film_actor", "yago:Screenwriter"]} +{"title": "Hans_Buchner", "summary": "Hans Buchner was an important German organist and composer.", "occupations": ["yago:Composer"]} +{"title": "Wilhelm_Kube", "summary": "Wilhelm Kube was a German politician and Nazi official. He was an important figure in the German Christian movement during the early years of Nazi rule. During the war he became a senior official in the occupying government of the Soviet Union, achieving the rank of Generalkommissar for Weissruthenien (Belarus). He was assassinated in Minsk in 1943, triggering brutal reprisals against the citizens of Minsk. An extreme antisemite, he is known to have said about Jews: \"What plague and syphilis are to humanity, are Jews to the white race.\"", "occupations": ["yago:Politician"]} +{"title": "Hinrich_Lohse", "summary": "Hinrich Lohse was a Nazi German politician and a convicted war criminal, best known for his rule of the Baltic states during World War II.", "occupations": ["yago:Politician"]} +{"title": "Carl_Joachim_Friedrich", "summary": "Carl Joachim Friedrich was a German-American professor and political theorist.", "occupations": ["yago:University_teacher"]} +{"title": "Ludwig_Ganghofer", "summary": "Ludwig Ganghofer was a German writer who became famous for his homeland novels.", "occupations": ["yago:Writer"]} +{"title": "Carl_Mannich", "summary": "Carl Ulrich Franz Mannich was a German chemist. From 1927 to 1943 he was professor for pharmaceutical chemistry at the University of Berlin. His areas of expertise were keto bases, alcohol bases, derivatives of piperidine, papaverine, lactones and also Digitalis-glycosides.", "occupations": ["yago:University_teacher"]} +{"title": "Erik_Ode", "summary": "Erik Ode was a German director and actor who was most famous for playing Kommissar Herbert Keller in the German television drama Der Kommissar. He married Hilde Volk in 1942.", "occupations": ["yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Theodor_Bergk", "summary": "Theodor Bergk was a German philologist, an authority on classical Greek poetry.", "occupations": ["yago:Politician", "yago:University_teacher"]} +{"title": "Karl_Friedrich_Hermann", "summary": "Karl Friedrich Hermann was a German classical scholar and antiquary.", "occupations": ["yago:University_teacher"]} +{"title": "Atiye", "summary": "Deniz Atiye Y\u0131lmaz, originally known by the artist name Atiye Deniz and later the mononym Atiye, is a German-born Turkish pop singer. She releases songs in Turkish and English.", "occupations": ["yago:Singer"]} +{"title": "William_Wrede", "summary": "Georg Friedrich Eduard William Wrede was a German Lutheran theologian.", "occupations": ["yago:University_teacher"]} +{"title": "Georg_Rudolf_Weckherlin", "summary": "Georg Rudolf Weckherlin was a German poet and diplomat. Influenced by the French La Pl\u00e9iade, his poetry introduced Renaissance forms and themes previously unknown in German verse.", "occupations": ["yago:Poet"]} +{"title": "Dietrich_Schwanitz", "summary": "Dietrich Schwanitz was a German writer and literary scholar. He became known to larger audiences after publishing the bestselling campus novel Der Campus in 1995.", "occupations": ["yago:Writer", "yago:University_teacher", "yago:Screenwriter"]} +{"title": "Norbert_Vollertsen", "summary": "Norbert Vollertsen is a German doctor and human rights activist.", "occupations": ["yago:Physician"]} +{"title": "Theodor_Wolf", "summary": "Franz Theodor Wolf was a German naturalist who studied the Gal\u00e1pagos Islands during the late nineteenth century. Wolf Island is named after him. The peak Volc\u00e1n Wolf on Isabela Island is also named after him. He was born at Bartholom\u00e4.", "occupations": ["yago:University_teacher"]} +{"title": "Dorothea_Viehmann", "summary": "Dorothea Viehmann was a German storyteller. Her stories were an important source for the fairy tales collected by the Brothers Grimm. Most of Dorothea Viehmann's tales were published in the second volume of Grimms' Fairy Tales.", "occupations": ["yago:Writer"]} +{"title": "Ernst_Meumann", "summary": "Ernst Friedrich Wilhelm Meumann was a German educator, pedagogist and psychologist, the founder of experimental pedagogy.", "occupations": ["yago:University_teacher"]} +{"title": "L._F._L._Oppenheim", "summary": "Lassa Francis Lawrence Oppenheim was a renowned German jurist. He is regarded by many as the father of the modern discipline of international law, especially the hard legal positivist school of thought. He inspired Joseph Raz and Prosper Weil.", "occupations": ["yago:University_teacher"]} +{"title": "Bahman_Nirumand", "summary": "Bahman Nirumand is an Iranian and German journalist and author.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Georg_Weerth", "summary": "Georg Weerth was a German writer. Weerth's poems celebrated the solidarity of the working class in its fight for liberation from exploitation and oppression. He was a friend and companion of Karl Marx and Friedrich Engels, who described Georg Weerth as the first and most significant poet of the German proletariat.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Poet"]} +{"title": "Dieter_Hallervorden", "summary": "Dieter \"Didi\" Hallervorden is a German comedian, comic actor, singer and cabaret artist.", "occupations": ["yago:Writer", "yago:Singer", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Karl_Wilhelm_Valentiner", "summary": "Karl Wilhelm Valentiner was a German astronomer.", "occupations": ["yago:University_teacher"]} +{"title": "Walter_Stennes", "summary": "Walter Franz Maria Stennes was a leader of the Sturmabteilung of the Nazi Party in Berlin and the surrounding area. In August 1930 he led the Stennes Revolt against Adolf Hitler, the leader of the party, and Hitler's appointed regional head of the party in the Berlin area, Joseph Goebbels. The dispute was over Hitler's policies and practices in the use of the SA, and the underlying purpose of the paramilitary organization. Hitler quelled the revolt peacefully, but after a second rebellion in March-April 1931, the SA was purged and Stennes was expelled from the party.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Karl_Bechert", "summary": "Karl Richard Bechert was a German theoretical physicist and political leader. As a scientist, he made contributions in atomic physics.", "occupations": ["yago:Politician", "yago:Writer", "yago:University_teacher"]} +{"title": "Heinrich_Behmann", "summary": "Heinrich Behmann was a German mathematician. He performed research in the field of set theory and predicate logic.", "occupations": ["yago:University_teacher"]} +{"title": "Hermann_Grapow", "summary": "Hermann Grapow was a German Egyptologist.", "occupations": ["yago:University_teacher"]} +{"title": "Alexander_Radwan", "summary": "Alexander Gamal Radwan is a German politician.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Volker_Oppitz_(scientist)", "summary": "Volker Oppitz is a German economist and mathematician.", "occupations": ["yago:University_teacher"]} +{"title": "Hermann_Hupfeld", "summary": "Hermann Hupfeld was a Protestant German Orientalist and Biblical commentator. He is known for his historical-critical studies of the Old Testament.", "occupations": ["yago:University_teacher"]} +{"title": "Karl_Twesten", "summary": "Karl Twesten was a German politician and author.", "occupations": ["yago:Politician"]} +{"title": "Paul_Merker", "summary": "Paul Merker was an activist member of Germany's Communist Party who later became a politician and a top official of East Germany's ruling SED .", "occupations": ["yago:Politician"]} +{"title": "Louis_of_Oettingen-Wallerstein", "summary": "Louis Kraft Ernest, Prince of Oettingen-Wallerstein, German Ludwig Kraft Ernst was a German Prince of the House of Oettingen-Wallerstein.", "occupations": ["yago:Politician"]} +{"title": "Hermann_Ehlers", "summary": "Hermann Ehlers was a German politician. He was the 2nd President of the Bundestag from 19 October 1950 to 29 October 1954.", "occupations": ["yago:Politician"]} +{"title": "Heinz_Hilpert", "summary": "Heinz Hilpert was a German actor, screenwriter and film director. He was head of the Deutsches Theater during the Third Reich.", "occupations": ["yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Andreas_Musculus", "summary": "Andreas Musculus was a German Lutheran theologian and Protestant reformer. The name Musculus is a Latinized form of Meusel.", "occupations": ["yago:University_teacher"]} +{"title": "Hermann_Guthe", "summary": "Hermann Guthe was a German Semitic scholar.", "occupations": ["yago:University_teacher"]} +{"title": "Phra_Chenduriyang", "summary": "Phra Chenduriyang was a Thai composer, conductor, music teacher, collector, and arranger. He was the son of a German-American immigrant and a Mon-Thai mother. However, he never left Thailand and identified as \"100 percent Thai\". He composed the Thai National Anthem.", "occupations": ["yago:Composer"]} +{"title": "Ernst_Kaltenbrunner", "summary": "Ernst Kaltenbrunner was an Austrian-born senior official of Nazi Germany during World War II. An Obergruppenf\u00fchrer (general) in the Schutzstaffel (SS), between January 1943 and May 1945 he held the offices of Chief of the Reich Main Security Office. He was the highest-ranking member of the SS to face trial at the first Nuremberg trials. He was found guilty of war crimes and crimes against humanity and executed by hanging.", "occupations": ["yago:Politician", "yago:Lawyer"]} +{"title": "Ernst_Gombrich", "summary": "Sir Ernst Hans Josef Gombrich was an Austrian-born art historian who, after settling in England in 1936, became a naturalised British citizen in 1947 and spent most of his working life in the United Kingdom.", "occupations": ["yago:Writer"]} +{"title": "Archduke_Charles_Stephen_of_Austria", "summary": "Archduke Charles Stephen of Austria was a member of the House of Habsburg, a Grand Admiral in the Austro-Hungarian Navy and candidate for the Polish crown.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Benita_Ferrero-Waldner", "summary": "Benita Ferrero-Waldner is an Austrian diplomat and politician, and a member of the conservative Austrian People's Party (\u00d6VP). Ferrero-Waldner served as the Foreign Minister of Austria 2000\u20132004 and was the candidate of the Austrian People's Party in the Austrian presidential election, 2004, which she narrowly lost with 47.6% of the votes. She served as the European Commissioner for External Relations and European Neighbourhood Policy from 2004 to 2009, and as the European Commissioner for Trade and European Neighbourhood Policy from 2009 to 2010.", "occupations": ["yago:Politician"]} +{"title": "Count_Richard_Belcredi", "summary": "Count Richard von Belcredi was an Austrian civil servant and statesman, who served as Minister-President\n(and 'Minister of State') of the Austrian Empire from 1865 to 1867. During 1881\u20131895, Belcredi was President of the Cisleithanian Administrative Court.", "occupations": ["yago:Politician"]} +{"title": "Alfred_Hrdlicka", "summary": "Alfred Hrdlicka was an Austrian sculptor, draughtsman, painter and artist. His surname is sometimes written Hrdli\u010dka.", "occupations": ["yago:Painter", "yago:University_teacher"]} +{"title": "Christian_Berger", "summary": "Christian Berger is an Austrian cinematographer. His 1985 film Raffl was entered into the 14th Moscow International Film Festival. He is mostly known for his work with Michael Haneke. In February 2010, Berger was nominated for an Academy Award for Best Cinematography for his work on The White Ribbon at the 82nd Academy Awards. He was the surprise winner at the ASC Awards for Best Cinematography in 2010.", "occupations": ["yago:University_teacher", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Johann_Philipp_Stadion,_Count_von_Warthausen", "summary": "Johann Philipp Carl Joseph, Graf von Stadion-Warthausen. Born in Mainz, he was a statesman, foreign minister, and diplomat who served the Habsburg empire during the Napoleonic Wars. He was also founder of Austria's central bank Oesterreichische Nationalbank. Johann Philip was Count of Stadion-Warthausen 1787\u20131806.", "occupations": ["yago:Politician"]} +{"title": "Hanns_Eisler", "summary": "Hanns Eisler was an Austrian composer. He is best known for composing the national anthem of East Germany, for his long artistic association with Bertolt Brecht, and for the scores he wrote for films. The Hochschule f\u00fcr Musik \"Hanns Eisler\" is named after him.", "occupations": ["yago:University_teacher", "yago:Composer", "yago:Musician", "yago:Screenwriter"]} +{"title": "Hans_Swarowsky", "summary": "Hans Swarowsky was an Austrian conductor of Hungarian birth.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Herbert_Graf", "summary": "Herbert Graf was an Austrian-American opera producer. Born in Vienna in 1903, he was the son of Max Graf (1873\u20131958), and Olga H\u00f6nig. His father was an the Austrian author, critic, musicologist and member of Sigmund Freud's circle of friends. Herbert Graf was the Little Hans discussed in Freud's 1909 study Analysis of a Phobia in a Five-year-old Boy.", "occupations": ["yago:Film_director"]} +{"title": "Anton_Kerner_von_Marilaun", "summary": "Anton Kerner Ritter von Marilaun, or Anton Joseph Kerner, was an Austrian botanist and professor at the University of Vienna.", "occupations": ["yago:University_teacher"]} +{"title": "Robert_Menasse", "summary": "Robert Menasse is an Austrian writer.", "occupations": ["yago:Writer"]} +{"title": "Viktor_Dankl_von_Krasnik", "summary": "Viktor Julius Ignaz Ferdinand Graf Dankl von Kr\u00e1snik was a highly decorated Austro-Hungarian officer who reached the pinnacle of his service during World War I with promotion to the rare rank of Colonel General (Generaloberst). His successful career met an abrupt end in 1916 due to both his performance on the Italian front and health issues. After the war he would be a vocal apologist for both his country's war record and the dethroned Habsburg monarchy.", "occupations": ["yago:Politician"]} +{"title": "Johann_Amadeus_von_Thugut", "summary": "Johann Amadeus Franz de Paula Freiherr von Thugut was an Austrian diplomat.", "occupations": ["yago:Politician"]} +{"title": "Theodor_Franz,_Count_Baillet_von_Latour", "summary": "Theodor Franz, Count of Baillet von Latour was an Austrian soldier and statesman. As the Imperial Minister of War, he was killed by a mob at the beginning of the Vienna Uprising.", "occupations": ["yago:Politician", "yago:Military_personnel"]} +{"title": "Erich_Kunz", "summary": "Erich Kunz was an Austrian operatic bass baritone, particularly associated with the roles of Papageno and Beckmesser.", "occupations": ["yago:Singer"]} +{"title": "Leopold_Nowak", "summary": "Leopold Nowak was a musicologist chiefly known for editing the works by Anton Bruckner for the International Bruckner Society. He reconstructed the original form of some of those works, most of which had been revised and edited many times.", "occupations": ["yago:University_teacher"]} +{"title": "Eduard_von_Bauernfeld", "summary": "Eduard von Bauernfeld, Austrian dramatist, was born at Vienna.", "occupations": ["yago:Writer"]} +{"title": "Gustave_E._von_Grunebaum", "summary": "Gustave Edmund von Grunebaum was an Austrian historian and Arabist.", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Clemens_Krauss", "summary": "Clemens Heinrich Krauss was an Austrian conductor and opera impresario, particularly associated with the music of Richard Strauss.", "occupations": ["yago:Writer", "yago:University_teacher", "yago:Composer"]} +{"title": "Harald_Reinl", "summary": "Harald Reinl was an Austrian film director. He is known for the movies he made based on Edgar Wallace and Karl May books and also made mountain films, Heimatfilms, German war films and entries in such popular German film series as Dr. Mabuse, Jerry Cotton and Kommissar X.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Joseph_Franz_von_Jacquin", "summary": "Joseph \"Krystel\" Franz Freiherr von Jacquin or Baron Joseph von Jacquin was an Austrian scientist who studied medicine, chemistry, zoology and botany.", "occupations": ["yago:Physician"]} +{"title": "Count_Karl_Ferdinand_von_Buol", "summary": "Karl Ferdinand von Buol was an Austrian diplomatist and statesman, who served as Foreign Minister from 1852 to 1859.", "occupations": ["yago:Politician"]} +{"title": "Irene_Abendroth", "summary": "Irene Abendroth (1871-1932) was a Polish coloratura soprano singer. She was a pupil of Frau Wilczek. She was a member of the Vienna court opera in 1889, and she sang in Riga and Munich, and again in Vienna (1894-99). She was engaged from 1899 to 1908 at the Royal Opera in Dresden.", "occupations": ["yago:Singer"]} +{"title": "Alexander_Altmann", "summary": "Alexander Altmann was an Orthodox Jewish scholar and rabbi born in Kassa, Austria-Hungary. He emigrated to England in 1938 and later settled in the United States, working productively for a decade and a half as a professor within the Philosophy Department at Brandeis University. He is best known for his studies of the thought of Moses Mendelssohn, and was indeed the leading Mendelssohn scholar since the time of Mendelssohn himself. He also made important contributions to the study of Jewish mysticism, and for a large part of his career he was the only scholar in the United States working on this subject in a purely academic setting. Among the many Brandeis students whose work he supervised in this area were Elliot Wolfson, Arthur Green, Heidi Ravven, Lawrence Fine, and Daniel Matt.", "occupations": ["yago:University_teacher"]} +{"title": "Ernestine_Schumann-Heink", "summary": "Ernestine Schumann-Heink was a Czech-born German-American operatic contralto of German Bohemian descent. She was noted for the size, beauty, tonal richness, flexibility and wide range of her voice.", "occupations": ["yago:Singer"]} +{"title": "Robert_Dornhelm", "summary": "Robert Dornhelm is an Austrian film and television director.", "occupations": ["yago:Film_director"]} +{"title": "Robert_Martinek", "summary": "Robert Martinek was an Austrian general who served in the Wehrmacht of Nazi Germany during World War II. He was a recipient of the Knight's Cross of the Iron Cross with Oak Leaves.", "occupations": ["yago:Military_personnel"]} +{"title": "Othmar_Spann", "summary": "Othmar Spann was a conservative Austrian philosopher, sociologist and economist whose radical anti-liberal and anti-Socialist views, based on early 19th century Romantic ideas expressed by Adam M\u00fcller et al. and popularized in his books and lecture courses, helped antagonise political factions in Austria during the interwar years.", "occupations": ["yago:University_teacher"]} +{"title": "Charles_Sealsfield", "summary": "Charles Sealsfield was the pseudonym of Austrian-American journalist Carl Anton Postl, an advocate for a German democracy. He lived in the United States from 1822 to 1826, and then again in 1828/1829. During a final stay from 1853 to 1858 he became a US citizen. Sealsfield is best known for his German-language Romantic novels with American backgrounds, and also wrote travelogues. He returned to Europe about 1829, living in Paris and London before settling in Switzerland in 1832, where he resided for most of the rest of his life.", "occupations": ["yago:Writer", "yago:Journalist", "yago:Lawyer"]} +{"title": "Heinrich_Wawra_von_Fernsee", "summary": "Heinrich Wawra Ritter von Fernsee, born Jind\u0159ich Bla\u017eej V\u00e1vra, was a Czech-Austrian ship surgeon, botanist and explorer.", "occupations": ["yago:Physician"]} +{"title": "Ha_Hyun-woo", "summary": "Ha Hyun-woo is a South Korean singer-songwriter. He is the lead vocal and guitarist of the rock band Guckkasten.", "occupations": ["yago:Singer"]} +{"title": "John_Milton", "summary": "John Milton was an English poet, polemicist, man of letters, and civil servant for the Commonwealth of England under its Council of State and later under Oliver Cromwell. He wrote at a time of religious flux and political upheaval, and is best known for his epic poem Paradise Lost (1667), written in blank verse.", "occupations": ["yago:Politician", "yago:Writer", "yago:Poet"]} +{"title": "George_Talbot,_6th_Earl_of_Shrewsbury", "summary": "George Talbot, 6th Earl of Shrewsbury, 6th Earl of Waterford, 12th Baron Talbot, 11th Baron Furnivall, KG, Earl Marshal was an English magnate and military commander.", "occupations": ["yago:Politician"]} +{"title": "Ann_Hampton_Callaway", "summary": "Ann Hampton Callaway is a jazz singer, songwriter, and actress. She wrote and sang the theme song for the TV series The Nanny.", "occupations": ["yago:Actor", "yago:Singer", "yago:Composer"]} +{"title": "David_Manoyan", "summary": "David Manoyan is an Armenian professional football player who currently plays as a midfielder for Alashkert and the Armenian national team.", "occupations": ["yago:Football_player"]} +{"title": "Charlton_Heston", "summary": "Charlton Heston was an American actor and political activist.", "occupations": ["yago:Writer", "yago:Actor", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Seldon_Connor", "summary": "Seldon Connor was an American soldier, banker, and politician who was the 35th Governor of the U.S. state of Maine.", "occupations": ["yago:Politician"]} +{"title": "Caterina_Sforza", "summary": "Caterina Sforza was an Italian noblewoman and Countess of Forl\u00ec and Lady of Imola firstly with her husband Girolamo Riario, and after his death as a regent of her son Ottaviano.", "occupations": ["yago:Politician"]} +{"title": "Mahiro_Maeda", "summary": "Mahiro Maeda is a Japanese anime director, character designer, and animator. Helen McCarthy in 500 Essential Anime Movies called him \"one of the most imaginative visualists in anime\". He also worked on Concept Art and Design for Mad Max: Fury Road (2015), which won six Academy Awards.", "occupations": ["yago:Film_director"]} +{"title": "Guo_Sheng_(footballer)", "summary": "Guo Sheng is a Chinese football player who currently plays for Shijiazhuang Ever Bright in the China League One.", "occupations": ["yago:Football_player"]} +{"title": "Harrison_Ford", "summary": "Harrison Ford is an American actor, writer and film producer. He gained worldwide fame for his starring roles as Han Solo in the Star Wars film series and as the title character of the Indiana Jones film series. Five of his movies are within the 30 top-grossing movies of all time at the US box office. Ford is also known for playing Rick Deckard in the neo-noir dystopian science fiction film Blade Runner (1982) and its sequel Blade Runner 2049 (2017); John Book in the thriller Witness (1985), for which he was nominated for the Academy Award for Best Actor; and Jack Ryan in the action films Patriot Games (1992) and Clear and Present Danger (1994).", "occupations": ["yago:Actor"]} +{"title": "Kim_Henkel", "summary": "Kim David Henkel is an American screenwriter, director, producer, and actor. He is best known as the co-writer of Tobe Hooper's horror film The Texas Chain Saw Massacre.", "occupations": ["yago:Actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Aldous_Huxley", "summary": "Aldous Leonard Huxley was an English writer, novelist, philosopher, and prominent member of the Huxley family. He graduated from Balliol College at the University of Oxford with a first-class honours degree in English literature.", "occupations": ["yago:Writer", "yago:Poet", "yago:Screenwriter"]} +{"title": "Pierce_Brosnan", "summary": "Pierce Brendan Brosnan is an Irish-American actor, film producer, and activist. Born an Irish citizen, Brosnan is a naturalized American citizen. After leaving comprehensive school at age 16, Brosnan began training in commercial illustration, then went on to train at the Drama Centre in London for three years. Following a stage acting career he rose to popularity in the television series Remington Steele (1982\u20131987), which blended the genres of romantic comedy, drama, and detective procedural. After the conclusion of Remington Steele, Brosnan appeared in films such as the Cold War spy film The Fourth Protocol (1987) and the comedy Mrs. Doubtfire (1993).", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Ahn_Yong-joon", "summary": "Ahn Yong-joon is a South Korean actor.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Anderson_Bamba", "summary": "Anderson Soares de Oliveira or simply Anderson Bamba is a Brazilian football central defender who last played for Eintracht Frankfurt.", "occupations": ["yago:Football_player"]} +{"title": "Carl_von_Marr", "summary": "Carl von Marr was an American-born German painter. He was born at Milwaukee, Wisconsin, the son of the engraver John Marr (1831\u20131921) and his wife Bertha Bodenstein Marr (1836\u20131911).", "occupations": ["yago:Painter", "yago:University_teacher"]} +{"title": "Frank_McHugh", "summary": "Francis Curray McHugh, was an American film and television actor.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Norbert_Klein_(politician)", "summary": "Norbert Pieter Marie Klein is a Dutch politician. As a member of 50PLUS he was an MP between 20 September 2012 and 23 March 2017. He left 50PLUS in 2014 and continued as an independent. As a member of the People's Party for Freedom and Democracy (VVD) he was a member of the municipal council of Nijmegen from 1982 to 1989, and a member of the States-Provincial of Gelderland from 1991 to 2003. In 2006, he left the VVD.", "occupations": ["yago:Politician"]} +{"title": "Alessandro_Rossi_(Captains_Regent)", "summary": "Alessandro Rossi was one of the two Captains Regent of San Marino for the six-month term from April 1 to October 1, 2007, together with Alessandro Mancini.", "occupations": ["yago:Politician"]} +{"title": "Jacinto_Benavente", "summary": "Jacinto Benavente y Mart\u00ednez was one of the foremost Spanish dramatists of the 20th century. He was awarded the Nobel Prize for Literature in 1922 \"for the happy manner in which he has continued the illustrious traditions of the Spanish drama\".", "occupations": ["yago:Politician", "yago:Writer", "yago:Journalist", "yago:Poet"]} +{"title": "John_Terry", "summary": "John George Terry is an English football coach and former professional footballer who played as a centre-back. He was previously captain of Chelsea, the England national team and Aston Villa; he is currently working as an assistant coach with the latter.", "occupations": ["yago:Football_player"]} +{"title": "Lee_Cattermole", "summary": "Lee Barry Cattermole is an English professional footballer who plays as a central midfielder for League One club Sunderland.", "occupations": ["yago:Football_player"]} +{"title": "Danny_Rose_(footballer,_born_1990)", "summary": "Daniel Lee Rose is an English professional footballer who plays as a left back for Premier League club Tottenham Hotspur and the English national team.", "occupations": ["yago:Football_player"]} +{"title": "Michael_Weston", "summary": "Michael Weston is an American television and film actor. His best-known roles are the private detective Lucas Douglas on House, the deranged and sadistic kidnapper Jake in the HBO drama Six Feet Under and Pvt. Dancer on Scrubs.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Khushal_Khattak", "summary": "Kh\u016bsh\u0101l Kh\u0101n Kha\u1e6d\u1e6dak (1613\u00a0\u2013 25 February 1689; Pashto: \u062e\u0648\u0634\u0627\u0644 \u062e\u0627\u0646 \u062e\u067c\u06a9\u200e), also called Khushal Baba, was an Afghan and Pashtun warrior-poet, chief, and freedom-fighter of the Khattak tribe of the Pashtuns. Khushal preached the union of all Pashtuns, and encouraged revolt against the Mughal Empire, promoting Pashtun nationalism through poetry. Khushal was the first Afghan mentor who presents his theories for the unity of the Pashtun tribes against foreign forces and the creation of a nation-state. Khushal wrote many works in Pashto but also a few in Persian. Khushal is considered the \"father of Pashto literature\" and the national poet of Afghanistan.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Basil_Poledouris", "summary": "Basil Konstantine Poledouris was an American composer, conductor, and orchestrator of film and television scores, best known for his long-running collaborations with directors John Milius and Paul Verhoeven. His best known works include music for films like Conan the Barbarian (1982), Red Dawn (1984), RoboCop (1987), The Hunt for Red October (1990), Free Willy (1993), and Starship Troopers (1997). Poledouris won the Primetime Emmy Award for Outstanding Music Composition for a Limited Series, Movie, or Special for his work on the four-part miniseries Lonesome Dove in 1989, and was a four-time recipient of the BMI Film Music Award.", "occupations": ["yago:Composer", "yago:Musician"]} +{"title": "Zheng_Kezang", "summary": "Zheng Kezang, birth name Qin (\u6b3d) or Qinshe (\u6b3d\u820d), was the crown prince and regency of Kingdom of Tungning. Kezhang was the eldest son of Zheng Jing and Chen Zhao-niang, and his grandparents were Koxinga and Princess Dong.", "occupations": ["yago:Politician"]} +{"title": "Peter_Mygind", "summary": "Peter Mygind is a Danish actor and television personality. He has had roles in films including the World War II drama Flame & Citron as well as several TV series such as Borgen, Unit One, Lars Von Trier's The Kingdom and the police drama series Anna Pihl, as the room mate of the title character. Mygind hosted the Dansk Melodi Grand Prix (2011) and the quiz show Boom Boom. In 2005, he participated in Vild Med Dans, the Danish production of Dancing with the Stars.", "occupations": ["yago:Film_actor"]} +{"title": "John_Adams_(composer)", "summary": "John Coolidge Adams is an American composer, clarinetist, and conductor of classical music and opera, with strong roots in minimalism.", "occupations": ["yago:Composer", "yago:Musician"]} +{"title": "Fritjof_Capra", "summary": "Fritjof Capra is an Austrian-born American physicist, systems theorist and deep ecologist. In 1995, he became a founding director of the Center for Ecoliteracy in Berkeley, California. He is on the faculty of Schumacher College.", "occupations": ["yago:Writer"]} +{"title": "Wilhelm_Miklas", "summary": "Wilhelm Miklas was an Austrian politician who served as the third President of Austria from 1928 until the Anschluss to Nazi Germany in 1938.", "occupations": ["yago:Politician"]} +{"title": "Heiko_Vogel", "summary": "Heiko Vogel is a German football manager. He is currently the head coach of Sturm Graz.", "occupations": ["yago:Football_player"]} +{"title": "Friedrich_Dotzauer", "summary": "Justus Johann Friedrich Dotzauer was a German cellist and composer.", "occupations": ["yago:Composer"]} +{"title": "Paul_Falkenberg", "summary": "Paul Falkenberg was a German botanist. He was a professor of botany and Director of Botanical Garden Rostock. He was known for his works in anatomy and morphology of plants, and on the algae. Falkenberg dedicated much on the study to the most extensive and most difficult group red algae Rhodomelaceae.", "occupations": ["yago:University_teacher", "yago:Screenwriter"]} +{"title": "Wilhelm_Krause", "summary": "Johann Friedrich Wilhelm Krause was a German anatomist born in Hanover. He was the son of anatomist Karl Friedrich Theodor Krause (1797-1868).", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Anne_Weber", "summary": "Anne Weber is a German-French author, translator and self-translator. Since 1983 Anne Weber has lived in Paris. She studied in Paris and worked for several editors.\nAnne Weber started writing and publishing in French, but immediately translated her first book Ida invente la poudre into German Ida erfindet das Schie\u00dfpulver. Since then she writes each of her books in French and German. Her self-translations are often published at the same time in France and Germany. In 2005 she received the 3Sat award at the Festival of German-Language Literature. For her translation of Pierre Michon she received a European translation award, the Europ\u00e4ischer \u00dcbersetzerpreis Offenburg.", "occupations": ["yago:Writer", "yago:Actor"]} +{"title": "Franz_Stadion,_Count_von_Warthausen", "summary": "Franz Stadion, Graf von Warthausen, son of the Austrian diplomat Johann Philipp von Stadion. Born in Vienna, he was a statesman who served the Austrian Empire during the 1840s. From 1841 he was Governor of the Austrian Littoral, from 1847 to 1848 Governor of Galicia, and from 1848 to 1849 he was Interior Minister and Minister of Education. He advocated constitutional government, decreed the Imposed March Constitution in March 1849 which was never enacted, and in 1849 promulgated the Gemeinde (municipality) legislation that granted governmental autonomy to all municipalities in the Austrian empire. Lewis Namier, in 1848: The Revolution of the Intellectuals, calls him \"one of the most enlightened and efficient Austrian administrators.\"\n", "occupations": ["yago:Politician"]} +{"title": "Karl_Friedrich_Becker", "summary": "Karl Friedrich Becker was a German educator and historian. His most noted work was World History for Children and Teachers of Children which was widely used and much edited and revised by other noted historians after Becker's death.", "occupations": ["yago:Historian"]} +{"title": "Paula_Wessely", "summary": "Paula Anna Maria Wessely was an Austrian theatre and film actress. Die Wessely, as she was affectionately called by her admirers and fans, was Austria's foremost popular postwar actress.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Hermann_Olshausen", "summary": "Hermann Olshausen was a German theologian.", "occupations": ["yago:University_teacher"]} +{"title": "Sigmund_Exner", "summary": "Sigmund Exner was an Austrian physiologist born in Vienna.", "occupations": ["yago:Physician"]} +{"title": "Friedrich_Rainer", "summary": "Friedrich W. Rainer was an Austrian Nazi politician, Gauleiter as well as a state governor of Salzburg and Carinthia. He is the only Austrian governor who has ever held the same office in two separate states.", "occupations": ["yago:Politician"]} +{"title": "Karl_Hartl", "summary": "Karl Hartl was an Austrian film director.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Ernst_Streeruwitz", "summary": "Ernst Streeruwitz was an Austrian military officer, businessman, political scientist, and politician. A member of the industrialist wing of the Christian Social Party, Streeruwitz served on the National Council from November 1923 to October 1930 and as the country's chancellor and minister of foreign affairs from May to September 1929.", "occupations": ["yago:Politician"]} +{"title": "Karl_von_Bardeleben", "summary": "Karl von Bardeleben was a German anatomist born in Giessen. He was the son of surgeon Heinrich Adolf von Bardeleben (1819\u2013\ufeff1895).", "occupations": ["yago:University_teacher"]} +{"title": "Frank_Stronach", "summary": "Frank Stronach, is an Austrian and Canadian businessman and politician.", "occupations": ["yago:Politician"]} +{"title": "Isidor_Rosenthal", "summary": "Julius Isidor Rosenthal was a German physiologist who was a native of Labischin.", "occupations": ["yago:University_teacher"]} +{"title": "Ingo_Preminger", "summary": "Ingwald \"Ingo\" Preminger was a film producer. He was also the literary agent for several writers, including Dalton Trumbo and Ring Lardner Jr., both of whom were blacklisted in the McCarthy era. He was brother of actor-director-producer Otto Preminger.", "occupations": ["yago:Lawyer"]} +{"title": "Gustav_von_Escherich", "summary": "Gustav Ritter von Escherich was an Austrian mathematician.", "occupations": ["yago:University_teacher"]} +{"title": "Karl_Angerstein", "summary": "Karl Angerstein was a German general during World War II who commanded the 1st Air Corps. He was a recipient of the Knight's Cross of the Iron Cross of Nazi Germany", "occupations": ["yago:Military_personnel"]} +{"title": "Josef_Issels", "summary": "Josef M. Issels was a German physician known for promoting an alternative cancer therapy regimen, the Issels treatment. He claimed to cure cancer patients who had been declared incurable by conventional cancer treatments. During Issels' lifetime, his methods were controversial, and in 1961 he was charged with fraud and manslaughter for allegedly promising fraudulent cancer cures and for the subsequent deaths of patients under his care who refused standard cancer treatment. An initial conviction on the manslaughter charge was overturned in 1964 on the grounds that Issels had genuinely believed that his therapy could cure cancer. The Issels treatment is currently considered unproven and ineffective as a treatment for cancer.", "occupations": ["yago:Physician"]} +{"title": "Peter_Schuster", "summary": "Peter K. Schuster is a theoretical chemist known for his work with the German Nobel Laureate Manfred Eigen in developing the quasispecies model. His work has made great strides in the understanding of viruses and their replication, as well as theoretical mechanisms in the origin of life.", "occupations": ["yago:University_teacher"]} +{"title": "Wolfgang_Stolper", "summary": "Wolfgang Friedrich Stolper was an American economist.", "occupations": ["yago:University_teacher"]} +{"title": "Hubert_Marischka", "summary": "Hubert Marischka, brother of Ernst Marischka, was an Austrian operetta tenor, actor, film director and screenwriter.", "occupations": ["yago:Singer", "yago:Film_actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Gustav_Mayr", "summary": "Gustav L. Mayr was an Austrian entomologist and professor in Budapest and Vienna. He specialised in Hymenoptera, being particularly known for his studies of Formicidae.", "occupations": ["yago:University_teacher"]} +{"title": "Kurt_Eichhorn", "summary": "Kurt Peter Eichhorn, was a German conductor.", "occupations": ["yago:University_teacher"]} +{"title": "Guido_Holzknecht", "summary": "Guido Holzknecht was an Austrian radiologist who was a native of Vienna.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Theodor_von_Frimmel", "summary": "Theodor von Frimmel, fully Theodor von Frimmel-Traisenau was an Austrian art historian, musicologist and Beethoven biographer. He was born in Amstetten and eventually settled in Vienna.", "occupations": ["yago:Composer"]} +{"title": "Wilfried_Klingbiel", "summary": "Wilfried Klingbiel is a German former footballer.", "occupations": ["yago:Football_player"]} +{"title": "Alois_Podhajsky", "summary": "Alois Podhajsky was the director of the Spanish Riding School in Vienna, Austria as well as an Olympic medal-winner in dressage, riding instructor, and writer.", "occupations": ["yago:Writer", "yago:Military_personnel"]} +{"title": "Kurt_Krenn", "summary": "Kurt Krenn was an Austrian Roman Catholic prelate and Bishop who ran a seminary for priests in Sankt P\u00f6lten, near Vienna. He was Bishop of the Diocese of Sankt P\u00f6lten, a suffragan see of the Vienna province, from 1991 to 2004.", "occupations": ["yago:University_teacher"]} +{"title": "Ferdinand_Avenarius", "summary": "Ferdinand Avenarius was a German lyric poet, a leading representative of the culture reform movement of his time and the first popularizer of Sylt.", "occupations": ["yago:Writer", "yago:Poet"]} +{"title": "Friedrich_Moritz_Brauer", "summary": "Friedrich Moritz Brauer was an Austrian entomologist who was Director of the Naturhistorisches Hofmuseum, Vienna, at the time of his death. He wrote many papers on Diptera and Neuroptera.", "occupations": ["yago:University_teacher"]} +{"title": "Kasimir_Graff", "summary": "Kasimir Romuald Graff was a German astronomer. He worked as an assistant at the Hamburg Observatory and became a professor at Hamburg in 1916. In 1928 he became director of the Vienna Observatory, Austria. When the Nazi government took over in Austria in 1938, he was forced to retire. It is likely that his family background and his rejection of the Nazi-supported philosophy of \"Welteislehre\" was the reason, although he officially was removed because of unproven charges of embezzlement. He was reinstated in 1945, and he retired in 1949.", "occupations": ["yago:University_teacher"]} +{"title": "Robert_Freitag", "summary": "Robert Peter Freytag, known professionally as Robert Freitag, was an Austrian-Swiss stage and screen actor and film director.", "occupations": ["yago:Film_actor", "yago:Film_director"]} +{"title": "Alexander_Zach", "summary": "Alexander Zach is an Austrian politician and former member of the Austrian Parliament. He has been the head of the Liberal Forum from 2001 to 2008. Although his party did not run the elections of 2006, Zach was given a seat on the SP\u00d6 as a result of an alliance whose aim was forestalling another term of Wolfgang Sch\u00fcssel as chancellor. Only five days before the Austrian legislative elections in September 2008 Zach resigned his position as head of his party after being accused of lobbying for EADS.", "occupations": ["yago:Politician"]} +{"title": "Christa_Prets", "summary": "Christa Prets is an Austrian politician and Member of the European Parliament (MEP). She is a member of the Social Democratic Party, which is part of the Party of European Socialists, and sits on the European Parliament's Committee on Culture and Education and its Committee on Women's Rights and Gender Equality.", "occupations": ["yago:Politician"]} +{"title": "Doris_Bures", "summary": "Doris Bures is an Austrian politician (SP\u00d6). She is the Second President of the Austrian National Council From September 2014 to November 2017, she was its President. From 2008 to 2014, she was the Austrian Federal Minister for infrastructure.", "occupations": ["yago:Politician"]} +{"title": "Carola_Neher", "summary": "Carola Neher was a German actress and singer.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Josef_Meinrad", "summary": "Josef Meinrad was an Austrian actor.", "occupations": ["yago:Film_actor", "yago:Film_director"]} +{"title": "Werner_Langen", "summary": "Werner Langen is a German politician and Member of the European Parliament (MEP) from Germany. He is a member of the Christian Democratic Union, part of the European People's Party.", "occupations": ["yago:Politician"]} +{"title": "Alfred_Amonn", "summary": "Alfred Amonn was an Austrian economist (National\u00f6konom).", "occupations": ["yago:University_teacher"]} +{"title": "Bernhardus_Albinus", "summary": "Bernhardus Albinus, one of the most famous physicians of his time, was born on 7 January 1653 in Dessau, in the principality of Anhalt, where his father, Christoforus Albinus, was the mayor. His true ancestral name, Weiss, was changed to Albinus in the 16th century, after the fashion of the time, changed by his ancestor Petrus Weiss, poet and historian. In his youth, he coupled a weak body to a strong mind, which was the reason that his father first let him be educated at home by a capable teacher, and only after he had strengthened, was sent to the public school of his city. When the scientist Hendrik Alers, head of the school, was called to the famous school of Bremen in 1669, Albinus joined him. He studied with unusual vigour sciences and languages, especially physics and philosophy. From Bremen he went to the University of Leiden, where he studies medicine under Carolus Drelincourt, Lucas Schacht and Theodorus Cranen.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Ruth_Hieronymi", "summary": "Ruth Hieronymi is a German politician and Member of the European Parliament for North Rhine-Westphalia. She is a member of the conservative Christian Democratic Union, part of the European People's Party.", "occupations": ["yago:Politician"]} +{"title": "H._G._Francis", "summary": "Hans Gerhard Franciskowsky was a German author of popular fiction, notably science fiction, and radio dramas. He wrote pseudonymously, most often as H. G. Francis, or as Hans G. Francis, H. G. Francisco, Gunther Frank, Peter Bars, R. C. Quoos-Raabe, Frank Sky, Hans G. Stelling or Ted Scott.", "occupations": ["yago:Writer"]} +{"title": "Maren_Eggert", "summary": "Maren Eggert is a German actress. She is best known for playing the role of Frieda Jung in the German TV series Tatort. Another notable appearance of her is the role of Dora in the 2001 film Das Experiment, opposite Moritz Bleibtreu. She starred in the film Marseille which was screened in the Un Certain Regard section at the 2004 Cannes Film Festival. Besides this she plays at the Thalia theatre in Hamburg.", "occupations": ["yago:Film_actor"]} +{"title": "Curt_Meyer-Clason", "summary": "Curt Meyer-Clason was a German writer and translator.", "occupations": ["yago:Writer"]} +{"title": "Ahasverus_Fritsch", "summary": "Ahasverus Fritsch was a German jurist, poet and hymn writer of the Baroque era.", "occupations": ["yago:Poet", "yago:Composer", "yago:Lawyer"]} +{"title": "Radost_Bokel", "summary": "Radost Bokel is a German actress.", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor"]} +{"title": "Otto_Wanz", "summary": "Otto Wanz was an Austrian professional wrestler and boxer. He made his professional wrestling debut in 1968. He is a one time American Wrestling Association champion and former operator of the Catch Wrestling Association, where he was the promotion's inaugural World Heavyweight Champion, winning the title four times.", "occupations": ["yago:Actor"]} +{"title": "Alfred_Halm", "summary": "Alfred Halm (1861\u20131951) was an Austrian screenwriter and film director. He was the father of the actor Harry Halm.", "occupations": ["yago:Writer", "yago:Actor", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Ulrich_Maly", "summary": "Dr. Ulrich Maly is a German politician, a member of the Social Democratic Party of Germany who has served as the Mayor of Nuremberg since 2002.", "occupations": ["yago:Politician"]} +{"title": "Erwin_Lanc", "summary": "Erwin Lanc is a former Austrian bank employee and politician.", "occupations": ["yago:Politician"]} +{"title": "Ignaz_Czapka", "summary": "Ignaz Czapka was a mayor of Vienna.", "occupations": ["yago:Politician"]} +{"title": "Andreas_P._Pittler", "summary": "Andreas P. Pittler is an Austrian writer.", "occupations": ["yago:Writer", "yago:Historian"]} +{"title": "Martin_Schlaff", "summary": "Martin Schlaff is an Austrian businessman. He was occupied in trade with East Germany before the German reunification. According to the German parliament's investigations, Schlaff was an unofficial employee of the Stasi. His Stasi codename was \"Landgraf\" and registration number \"3886-86\". his net worth is estimated over \u20ac8 billion.", "occupations": ["yago:Businessperson"]} +{"title": "Eduard_Pernkopf", "summary": "Eduard Pernkopf was an Austrian professor of anatomy who later served as rector of the University of Vienna, his alma mater. He is best known for his seven-volume anatomical atlas, Topographische Anatomie des Menschen, prepared by Pernkopf and four artists over a 20-year period. While it is considered a scientific and artistic masterpiece, with many of its color plates reprinted in other publications and textbooks, it has been in recent years found that Pernkopf and the artists working for him, all of them ardent Nazis, used concentration camp inmates or condemned political prisoners as their subjects.", "occupations": ["yago:University_teacher"]} +{"title": "Karl_Friedrich_Neumann", "summary": "Karl Friedrich Neumann, German orientalist, was born, under the name of Bamberger, at Reichsmannsdorf, near Bamberg.", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Maria_Franziska_von_Trapp", "summary": "Maria Agatha Franziska Gobertina von Trapp was the second-oldest daughter of Georg von Trapp and his first wife, Agatha Whitehead von Trapp. She was a member of the Trapp Family Singers, whose lives inspired the musical and film The Sound of Music. She was portrayed by Heather Menzies as the character \"Louisa\". She died at age 99, and was the last surviving sibling portrayed in the film.", "occupations": ["yago:Singer"]} +{"title": "Oleh_Hornykiewicz", "summary": "Oleh Hornykiewicz is an Austrian biochemist.", "occupations": ["yago:University_teacher"]} +{"title": "Otto_Wernicke", "summary": "Otto Karl Robert Wernicke was a German actor. He was best known for his role as police inspector Karl Lohmann in the two Fritz Lang films M and The Testament of Dr. Mabuse. He was the first one to portray Captain Smith in the first \"official\" Titanic film.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Mick_Blue", "summary": "Mick Blue is an Austrian pornographic actor, director, and auto racing driver.", "occupations": ["yago:Film_actor"]} +{"title": "Ernst_Lothar", "summary": "Ernst Lothar was a Moravian-Austrian writer, theatre director/manager and producer.", "occupations": ["yago:Writer"]} +{"title": "Ferdinand_August_Maria_Franz_von_Ritgen", "summary": "Ferdinand August Maria Franz von Ritgen was a German obstetrician and naturalist born in the Westphalian village of Wulfen. He is remembered for instruction in the field of midwifery.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Anna_Milder-Hauptmann", "summary": "Pauline Anna Milder-Hauptmann was an operatic soprano.", "occupations": ["yago:Actor", "yago:Singer"]} +{"title": "Martin_Cellarius", "summary": "Martin Borrhaus was a German Protestant theologian and reformer.", "occupations": ["yago:University_teacher"]} +{"title": "Gustav_Bergmann", "summary": "Gustav Bergmann was an Austrian-born American philosopher. He studied at the University of Vienna and was a member of the Vienna Circle. Bergmann was influenced by the philosophers Moritz Schlick, Friedrich Waismann, and Rudolf Carnap who were members of the Circle. In the United States, he was a professor of philosophy and psychology at the University of Iowa.", "occupations": ["yago:University_teacher", "yago:Lawyer"]} +{"title": "Hannelore_Schroth", "summary": "Hannelore Emilie K\u00e4te Grete Schroth was a German film, stage and television actress whose career spanned over five decades.", "occupations": ["yago:Film_actor"]} +{"title": "Ignaz_Kuranda", "summary": "Ignaz Kuranda was an Austrian deputy and political writer of Bohemian origin.", "occupations": ["yago:Politician", "yago:Writer", "yago:Journalist"]} +{"title": "August_Zirner", "summary": "August Zirner is an American-Austrian actor, who starred in over 60 film productions. He is one of the most popular actors in Germany.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Friedrich_Christian_Weber", "summary": "Friedrich Christian Weber was an 18th-century German diplomat and writer.", "occupations": ["yago:Writer"]} +{"title": "Hubert_Schleichert", "summary": "Hubert Schleichert is an Austrian emeritus philosopher, now living in Konstanz.", "occupations": ["yago:University_teacher"]} +{"title": "Irene_Prador", "summary": "Irene Prador was an Austrian-born actress and writer.", "occupations": ["yago:Writer", "yago:Actor", "yago:Film_actor"]} +{"title": "Helene_von_Druskowitz", "summary": "Helene von Druskowitz, born Helena Maria Druschkovich, was an Austrian philosopher, writer and music critic. She was the second woman to obtain a Doctorate in Philosophy, which she obtained in Z\u00fcrich. She usually published under a male alias because of predominant sexism.", "occupations": ["yago:Writer"]} +{"title": "Kurt_Schwertsik", "summary": "Kurt Schwertsik is an Austrian contemporary composer. He is famous for creating the \u201cThird Viennese School\u201d and spreading contemporary classical music.", "occupations": ["yago:University_teacher", "yago:Composer"]} +{"title": "Ronald_Daus", "summary": "Ronald Daus is a German university Professor of Romance philology and cultural studies at the Free University of Berlin involved in multi-disciplinary studies.", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Julius_Frank", "summary": "Johann Julius Gottfried Ludwig Frank or Julius Frank (1808\u20131841) was a professor of history, geography and philosophy from Gotha, Germany. He taught at the Largo de S\u00e3o Francisco's Law School in S\u00e3o Paulo ., Brazil. He was an advocator of a liberal philosophy and founded the Students League in Brazil (Burschenschaft).", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Karl_Scheidemantel", "summary": "Karl Scheidemantel was a baritone singer, and later an opera director.", "occupations": ["yago:Singer"]} +{"title": "Wilhelm_Ihne", "summary": "Joseph Anton Friedrich Wilhelm Ihne was a German historian who was a native of F\u00fcrth. He was the father of architect Ernst von Ihne (1848\u20131917).", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Klaus_Eberhartinger", "summary": "Klaus Eberhartinger is an Austrian singer and presenter.", "occupations": ["yago:Singer"]} +{"title": "Ernst_Fraenkel_(political_scientist)", "summary": "Ernst Fraenkel was a German political scientist. He was one of the founding fathers of German political science after World War II.", "occupations": ["yago:Writer", "yago:University_teacher", "yago:Lawyer"]} +{"title": "Robert_Froriep", "summary": "Robert Friedrich Froriep was a German anatomist who was a native of Jena. He was the father of anatomist August von Froriep (1849\u20131917).", "occupations": ["yago:Physician"]} +{"title": "Heinrich_Fichtenau", "summary": "Heinrich von Fichtenau was an Austrian medievalist best known for his studies of medieval diplomatics, social, and intellectual history. He spent his academic career at the University of Vienna and from 1962 to 1983 served as director of the Institut f\u00fcr \u00f6sterreichische Geschichtsforschung. Many of Fichtenau's books were translated into English and he remains one of the few Austrian medievalists of the postwar period whose work has enjoyed a broad and influential reception in Anglophone scholarship.", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Devid_Striesow", "summary": "Devid Striesow is a German actor. He starred as \"Sturmbannf\u00fchrer Herzog\" in Stefan Ruzowitzky's 2007 film The Counterfeiters, which was awarded the Academy Award for Best Foreign Language Film for that year.", "occupations": ["yago:Film_actor"]} +{"title": "Franz_Hanreiter", "summary": "Franz Hanreiter was an Austrian international footballer.", "occupations": ["yago:Football_player"]} +{"title": "Rudolf_Kraus", "summary": "Rudolf Kraus was an Austrian pathologist, bacteriologist and immunologist known for his work with bacterial precipitins.", "occupations": ["yago:University_teacher"]} +{"title": "Karl_Werner", "summary": "Karl Werner was an Austrian theologian.", "occupations": ["yago:University_teacher"]} +{"title": "Johann_Nepomuk_Berger_(politician)", "summary": "Johann Nepomuk Berger was an Austrian lawyer, politician and writer.", "occupations": ["yago:Politician", "yago:Writer"]} +{"title": "Ingo_Pohlmann", "summary": "Ingo Pohlmann is a German pop music singer.", "occupations": ["yago:Singer"]} +{"title": "Johann_Simon_Hermstedt", "summary": "Johann Simon Hermstedt was one of the most famous clarinettists of the 19th century. A German, he served as court clarinettist to Duke G\u00fcnther I of Schwarzburg-Sondershausen, and taught the Duke to play the clarinet. All four of Louis Spohr's clarinet concertos and several of his other clarinet works were written with Hermstedt's skills in mind and were dedicated to him. Hermstedt also composed a few works for wind instruments himself.", "occupations": ["yago:Composer"]} +{"title": "Wilhelm_Roser", "summary": "Wilhelm Roser was a German surgeon and ophthalmologist. He was born in Stuttgart and died in Marburg.", "occupations": ["yago:University_teacher"]} +{"title": "Ernst_Gossner", "summary": "Ernst Gossner is an Austrian film director, screenwriter and producer best known for writing and directing the 2007 film South of Pico as well as 2014 film The Silent Mountain", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Hans_Holt", "summary": "Hans Holt was an Austrian film actor. He appeared in more than 100 films between 1935 and 1990.", "occupations": ["yago:Writer", "yago:Film_actor", "yago:Screenwriter"]} +{"title": "Robert_Gomer", "summary": "Robert Gomer was an Austrian scientist known for his research on field electron emission and field ionization, and his role as an adviser to the United States government.", "occupations": ["yago:University_teacher"]} +{"title": "Johann_Kaspar_von_Seiller", "summary": "Johann Kaspar Freiherr von Seiller was the first freely elected mayor of Vienna.", "occupations": ["yago:Politician"]} +{"title": "Hermann_Vogel_(French_illustrator)", "summary": "Hermann Vogel was a French painter and illustrator of German origin.", "occupations": ["yago:Painter"]} +{"title": "Ladislaus_von_Rabcewicz", "summary": "Ladislaus von Rabcewicz was an Austrian engineer and university professor at the Vienna University of Technology. He is notable for being one of three men who developed the New Austrian Tunneling method.", "occupations": ["yago:University_teacher"]} +{"title": "Karl_Friedrich_Kurz", "summary": "Karl Friedrich Kurz was a Swiss/German/Norwegian novelist.", "occupations": ["yago:Writer"]} +{"title": "Jack_Grunsky", "summary": "Jack Grunsky is a Canadian singer and songwriter. Grunsky's musical career has spanned two continents. More than three decades of recording and touring have earned him a wide following from both adult and children's audiences.", "occupations": ["yago:Singer"]} +{"title": "Wilhelm_Gass", "summary": "Wilhelm Gass was a German theologian born in Breslau. He was the son of theologian Joachim Christian Gass (1766\u20131831).", "occupations": ["yago:University_teacher"]} +{"title": "Walter_Kohut", "summary": "Walter Kohut was an Austrian film, television and theatre actor.", "occupations": ["yago:Film_actor"]} +{"title": "Eduard_Rhein", "summary": "\nProf. Eduard Rudolph Rhein was an inventor, publisher, and author.\nHe was the founder of the German magazine \"H\u00f6rzu\", which he directed as its editor-in-chief until 1964. He also founded the largest European foundation for information technology, the Eduard Rhein Foundation (1976).", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Oscar_Sabo", "summary": "Oscar Sabo was an Austrian actor.", "occupations": ["yago:Film_actor"]} +{"title": "Carlos_Kloppenburg", "summary": "Carlos Kloppenburg, O.F.M. was a German-born Brazilian bishop of the Roman Catholic Church.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Anton_Rubinstein", "summary": "Anton Grigorevich Rubinstein was a Russian pianist, composer and conductor who became a pivotal figure in Russian culture when he founded the Saint Petersburg Conservatory. He was the elder brother of Nikolai Rubinstein who founded the Moscow Conservatory.", "occupations": ["yago:University_teacher", "yago:Composer"]} +{"title": "Albert_Christoph_Dies", "summary": "Albert Christoph Dies was a German painter, composer, and biographer.", "occupations": ["yago:Painter", "yago:Composer"]} +{"title": "Luca_Pacioli", "summary": "Fra Luca Bartolomeo de Pacioli was an Italian mathematician, Franciscan friar, collaborator with Leonardo da Vinci, and an early contributor to the field now known as accounting. He is referred to as \"The Father of Accounting and Bookkeeping\" in Europe and he was the first person to publish a work on the double-entry system of book-keeping on the continent. He was also called Luca di Borgo after his birthplace, Borgo Sansepolcro, Tuscany.", "occupations": ["yago:University_teacher"]} +{"title": "Josef_Peukert", "summary": "Josef Peukert was a German Bohemian anarchist known for his autobiographical book Memoirs from the proletarian revolutionary labour movement. The book provided a glimpse into the early days of the radical labour movement in Austria, the start of the anarchist movement in Germany and the exile of the anarchists in London and America at the time of Socialist Law (1878\u20131890). The accuracy of the book was questioned by fellow anarchist and historian Max Nettlau, who looked upon it in a \"highly-skeptical\" manner.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Rudolf_Petersen", "summary": "Rudolf Hieronymus Petersen was a German businessman, politician (CDU) and First Mayor of Hamburg (1945\u201346).", "occupations": ["yago:Politician"]} +{"title": "Leopold_Gegenbauer", "summary": "Leopold Bernhard Gegenbauer was an Austrian mathematician remembered best as an algebraist. Gegenbauer polynomials are named after him.", "occupations": ["yago:University_teacher"]} +{"title": "Friedrich_Kriehuber", "summary": "Friedrich Kriehuber was an Austrian draftsman, lithographer and woodcutter.", "occupations": ["yago:Painter"]} +{"title": "Rudolf_Bernauer", "summary": "Rudolf Bernauer (1880-1953) was an Austrian lyricist, librettist, screenwriter, film director, producer,\nand actor.", "occupations": ["yago:Writer", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Franz_Antel", "summary": "Franz Antel was a veteran Austrian filmmaker.", "occupations": ["yago:Journalist", "yago:Film_director", "yago:Screenwriter"]} +{"title": "Waltraut_Haas", "summary": "Waltraut Haas is a popular Austrian stage and film actress and singer.", "occupations": ["yago:Film_actor"]} +{"title": "Gregor_Seberg", "summary": " Gregor Seberg is an Austrian actor.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Olga_Desmond", "summary": "Olga Desmond was a German dancer and actress.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Walter_Liebenthal", "summary": "Walter Liebenthal\n(12 June 1886 \u2013 15 November 1982), was a German philosopher and sinologist who specialized in Chinese Buddhism. He translated many philosophical works from Pali, Sanskrit and specially from Chinese into German. Based upon his extensive research in Indian Buddhism and Chinese religion, one of his main conclusions was that early Chinese Buddhism through Ch'an (Zen-) was not a Chinese version of Indian Buddhism, but rather, that it developed from Taoism, a Chinese religion. Indian concepts are present, but at the core it represents a Chinese perspective.", "occupations": ["yago:University_teacher"]} +{"title": "Harry_Nestor", "summary": "Harry Nestor (1893\u20131969) was an Austrian actor.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Otto_Schenk", "summary": "Otto Schenk is an Austrian actor, and theater and opera director.", "occupations": ["yago:Film_actor", "yago:Film_director"]} +{"title": "Hubert_Sattler", "summary": "Hubert Sattler was an Austrian-German ophthalmologist born in Salzburg. His father, also named Hubert Sattler (1817\u20131904), and grandfather, Johann Michael Sattler (1786\u20131847), were both landscape painters.", "occupations": ["yago:University_teacher"]} +{"title": "Karl_Zuchardt", "summary": "\nKarl Zuchardt was a German writer of historical novels.", "occupations": ["yago:Writer", "yago:University_teacher"]} +{"title": "Francis_Xavier_Weninger", "summary": "Francis Xavier Weninger was an Austrian Jesuit missionary and author.", "occupations": ["yago:Writer"]} +{"title": "Rudolf_Ross", "summary": "Rudolf Adolf Wilhelm Ross was a German teacher, politician of the Social Democratic Party (SPD), member of the Hamburg Parliament and first Mayor of Hamburg.", "occupations": ["yago:Politician"]} +{"title": "Christa_Luft", "summary": "Christa Luft is a German economist and politician of the SED/PDS. \nLuft joined the SED in 1958. From 18 November 1989 to 18 March 1990 she was economy minister in the Modrow government. From 1994 to 2002 she was member of the Bundestag for the PDS.", "occupations": ["yago:Politician", "yago:University_teacher"]} +{"title": "Andrea_Clausen", "summary": "Andrea Clausen is a German stage actress, member of the Burgtheater ensemble.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Mathilde_Sussin", "summary": "Mathilde Sussin was an Austrian actress.", "occupations": ["yago:Film_actor"]} +{"title": "Dorothea_Wieck", "summary": "Dorothea Wieck was a German theatre and film actress.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Mario_Lang", "summary": "Mario Lang is an Austrian rock-singer.", "occupations": ["yago:Singer"]} +{"title": "Alfons_Walde", "summary": "Alfons Walde was an Austrian artist and architect.", "occupations": ["yago:Painter"]} +{"title": "Edit_Schlaffer", "summary": "Dr. Edit Schlaffer, is a social scientist and the founder of Women without Borders, based in Vienna, Austria. Her international efforts focus on grassroots, community-based female diplomacy, namely empowering women as agents of change and a critical driving force in stabilizing an insecure world.", "occupations": ["yago:Writer"]} +{"title": "Aaron_Isaac", "summary": "Aaron Isaac was a Jewish seal engraver and merchant in haberdashery. He came from Pommery, a German-speaking area then part of the Swedish Empire, during the reign of Gustav III, and was persuaded to come to Sweden where there were no seal-engravers at the time. He did this on condition that he could bring with him at least ten Jews, in order to have a minyan (quorum) for prayer. His native language was Yiddish.", "occupations": ["yago:Businessperson"]} +{"title": "Hermann_Kuhnt", "summary": "Hermann Kuhnt was a German ophthalmologist born in Senftenberg, Brandenburg.", "occupations": ["yago:University_teacher"]} +{"title": "Werner_Krauss_(academic)", "summary": "Werner Krauss was a German university professor.", "occupations": ["yago:Politician", "yago:University_teacher"]} +{"title": "Tina_Engel", "summary": "Tina Engel is a German actress. She has appeared in 50 films and television shows since 1975. She starred in the 1981 film The Boat Is Full, which was entered into the 31st Berlin International Film Festival, where it won a Silver Bear.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Clementine_Plessner", "summary": "Clementine Plessner (1855\u20131943) was an Austrian stage and film actress. Plessner worked in the German film industry and appeared in over sixty films, mostly during the silent era. Plessner featured in Richard Oswald's enlightenment film Different from the Others and F.W. Murnau's Journey into the Night.", "occupations": ["yago:Film_actor"]} +{"title": "Karl_Heinz_Beckurts", "summary": "Karl Heinz Beckurts was a German physicist and research manager.", "occupations": ["yago:University_teacher"]} +{"title": "Otto_Neumann", "summary": "Otto Neumann was a German sprinter who competed at the 1928 Summer Olympics. He won a silver medal in the 4 \u00d7 400 m relay and failed to reach the final of the individual 400 m event.", "occupations": ["yago:University_teacher"]} +{"title": "August_Reuss", "summary": "August Reuss was an Austrian pediatrician. He was the son of ophthalmologist August Leopold von Reuss (1841\u20131924).", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Walter_Frank", "summary": "\nWalter Frank, also known by the pseudonym Werner Fiedler was a Nazi historian, notable for his leading role in anti-Semitic research.", "occupations": ["yago:Historian"]} +{"title": "Johann_Franz_Bessel", "summary": "Johann Franz Bessel was a German Benedictine abbot and historian.", "occupations": ["yago:University_teacher", "yago:Historian"]} +{"title": "Johann_Nepomuk_von_Nussbaum", "summary": "Johann Nepomuk Ritter von Nussbaum was a German surgeon who was a native of Munich.", "occupations": ["yago:University_teacher", "yago:Physician"]} +{"title": "Sha_(singer)", "summary": "Grazia di Fresco, better known by her stage name Sha, is a German singer of Italian descent who rose to fame in the summer of 2006 with her debut single \"JaJa\".", "occupations": ["yago:Singer"]} +{"title": "Hilde_von_Stolz", "summary": "Hilde von Stolz was an Austrian-German actress.", "occupations": ["yago:Film_actor"]} +{"title": "Emil_Schlagintweit", "summary": "Emil Schlagintweit was a German scholar noted for his work on Buddhism in Tibet.", "occupations": ["yago:Writer"]} +{"title": "Oskar_Pollak", "summary": "Oskar Pollak was a Czech art historian.", "occupations": ["yago:Writer"]} +{"title": "Hermann_Otto_I_of_Limburg-Styrum", "summary": "Hermann Otto I of Limburg-Styrum, count of Limburg and Bronckhorst, lord of Styrum, Gemen, Wisch and Borculo, and from 1640 to 1644 advocate of the imperial abbey of Vreden, was born in 1592, and died on 17 October 1644. He was the eldest son of Jobst of Limburg Stirum.", "occupations": ["yago:Military_personnel"]} +{"title": "Eugen_Binder_von_Krieglstein", "summary": "Eugen Binder von Krieglstein was an Austrian journalist, war correspondent and travel writer; he sometimes used the pen names of Eugen Krieglstein or Eugen Binder-Krieglstein. In addition to his journalistic work, he also gave lectures about his war experiences illustrated with photographs which we took at the various locations. Von Krieglstein also published numerous travel narratives, and works of fiction, including collections of short-stories and novels.", "occupations": ["yago:Writer", "yago:Journalist"]} +{"title": "Waldemar_Bloch", "summary": "Waldemar Bloch was an Austrian composer.", "occupations": ["yago:Composer"]} +{"title": "Hans_Grassmann", "summary": "Hans Grassmann is a German physicist, writer and entrepreneur, who teaches and works in Italy. Grassmann is the author of four books and more than 250 scientific publications, and is the founder and managing director of the research company Isomorph srl.", "occupations": ["yago:University_teacher"]} +{"title": "Ulrike_Lunacek", "summary": "Ulrike Lunacek is an Austrian politician and former Member of the European Parliament (MEP) from Austria. She is a member of the Austrian green party The Greens \u2013 The Green Alternative, part of the European Green Party. In 2017, she was the Greens' top candidate for the Austrian general election, in which the party suffered a historic defeat and failed to win a single seat in parliament for the first time since 1983.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Emmy_Loose", "summary": "Emmy Loose was an Austrian operatic soprano of Czech birth, particularly associated with soubrette roles.", "occupations": ["yago:Singer"]} +{"title": "Kurt_Landau", "summary": "Kurt Landau was an Austrian communist, member of the International Left Opposition, author, and Trotskyist. He was murdered by agents of Stalin's NKVD during the Spanish Civil War.", "occupations": ["yago:Politician"]} +{"title": "Johann_Smidt", "summary": "Johann Smidt was an important Bremen politician, theologian, and founder of Bremerhaven.", "occupations": ["yago:Politician"]} +{"title": "Erwin_Schulhoff", "summary": "Erwin Schulhoff was a Czech composer and pianist. He was one of the figures in the generation of European musicians whose successful careers were prematurely terminated by the rise of the Nazi regime in Germany and whose works have been rarely noted or performed.", "occupations": ["yago:Composer"]} +{"title": "Joseph_von_Hammer-Purgstall", "summary": "Baron Joseph von Hammer-Purgstall was an Austrian orientalist and historian.", "occupations": ["yago:Writer"]} +{"title": "Danny_Nucci", "summary": "Daniel Antonelli Nucci is an American actor known for supporting roles in blockbuster films including The Rock, Crimson Tide, and Titanic and his lead role as Mike Foster in The Fosters.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Eva_Gabriele_Reichmann", "summary": "Eva Gabriele Reichmann was an eminent German historian and sociologist. From 1945 on she conducted research on anti-Semitism. Reichmann was Jewish.", "occupations": ["yago:Historian"]} +{"title": "Auguste_Schmidt", "summary": "Auguste Schmidt, full name, Friederike Wilhelmine Auguste Schmidt, (3 August 1833, Breslau, then Germany now Poland \u2013 10 June 1902, Leipzig, Germany) was a pioneering German feminist, educator, journalist and women's rights activist.", "occupations": ["yago:Politician", "yago:Journalist"]} +{"title": "Thomas_Fritsch", "summary": "Thomas Fritsch is a German television and dubbing actor.", "occupations": ["yago:Actor", "yago:Singer", "yago:Film_actor"]} +{"title": "Erni_Mangold", "summary": "Erni Mangold is an Austrian actress and stage director. Since 1948, she had appeared in more than 75 films and TV productions.", "occupations": ["yago:Film_actor"]} +{"title": "Frida_Richard", "summary": "Frida Richard was an Austrian actress.", "occupations": ["yago:Actor", "yago:Film_actor"]} +{"title": "Elisabeth_Wendling", "summary": "Elisabeth (\"Lisl\") Augusta Wendling, was a German soprano, for whom Mozart wrote the role of Electra in his opera Idomeneo, re di Creta.", "occupations": ["yago:Singer"]} +{"title": "Gustaf_Adolf_Neumann", "summary": "Gustaf Adolf Jakob Neumann was an Austrian investigative journalist and newspaper editor known for his activism against miscarriages of justice during the 1950s.", "occupations": ["yago:Journalist"]} +{"title": "Heinz_Politzer", "summary": "Heinz Politzer was an emigre from Nazism first to Palestine and then to the United States who taught German language and literature as a professor at the Bryn Mawr College, Oberlin College, and the University of California, Berkeley. He was a literary scholar, published poet, and prominent editor, particularly of Franz Kafka. As a close associate of Kafka's prot\u00e9g\u00e9, Max Brod, Politzer coedited with Brod the first complete collection of Kafka's works in eight volumes, published initially by the Schocken publishing house of Berlin during the early years of the Nazi dictatorship and subsequently by the successor firm Schocken Books in New York.", "occupations": ["yago:Writer", "yago:Journalist", "yago:University_teacher"]} +{"title": "Heinrich_Aigner", "summary": "Heinrich Aigner was a German politician, representative of the Christian Social Union of Bavaria.\nHe was born in Ebrach and died in Amberg.", "occupations": ["yago:Politician"]} +{"title": "Heinz_Gappmayr", "summary": "Heinz Gappmayr was an Austrian artist who created works of visual poetry.", "occupations": ["yago:Writer"]} +{"title": "Wolfgang_Pree", "summary": "Wolfgang Pree is a computer scientist and professor at the University of Salzburg, Austria.", "occupations": ["yago:University_teacher"]} +{"title": "Hans_Deppe", "summary": "Hans Deppe was a German actor and film director.", "occupations": ["yago:Actor", "yago:Film_actor", "yago:Film_director"]} +{"title": "Anna_Thalbach", "summary": "Anna Thalbach is a German actress. Her mother Katharina Thalbach is also an actress.", "occupations": ["yago:Film_actor"]} +{"title": "Eduard_Hoesch", "summary": "Eduard Hoesch (1890\u20131983) was an Austrian cinematographer.", "occupations": ["yago:Film_director"]} +{"title": "Mike_Leon_Grosch", "summary": "Mike Leon Grosch is a German singer, who came to fame as the runner-up of the third season of the television show Deutschland sucht den SuperStar, the German version of Pop Idol.", "occupations": ["yago:Singer"]} +{"title": "Friedrich_Wilhelm_Kopsch", "summary": "Friedrich Wilhelm Theodor Kopsch was a German anatomist born in Saarbr\u00fccken.", "occupations": ["yago:University_teacher"]} +{"title": "Christian_Karl_Reisig", "summary": "Christian Karl Reisig was a German philologist and linguist who was a native of Wei\u00dfensee.", "occupations": ["yago:University_teacher", "yago:Military_personnel"]} +{"title": "Peter_Paul_Felner", "summary": "Peter Paul Felner (1884\u20131927) was an Austrian-Hungarian screenwriter and film director.", "occupations": ["yago:Film_director", "yago:Screenwriter"]} +{"title": "Walter_Homolka", "summary": "Walter Homolka is a German rabbi.", "occupations": ["yago:University_teacher"]} diff --git a/tests/test_trainer/__init__.py b/tests/test_trainer/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/tests/test_trainer/test_trainer_distributed.py b/tests/test_trainer/test_trainer_distributed.py new file mode 100644 index 0000000..fe0c5bf --- /dev/null +++ b/tests/test_trainer/test_trainer_distributed.py @@ -0,0 +1,373 @@ +from typing import Dict, Optional +from pathlib import Path +import pytest +import os +from unittest import mock + +import torch + +from ..utils import dist_launcher, find_free_port, get_empty_cache_dir +from ..utils_determined import make_mock_cluster_info, get_determined_context + +from ..utils import get_empty_cache_dir + +from trigram_tokenizer.trainer.train_determined import main as main_determined +from trigram_tokenizer.trainer import TrainerConfig, Trainer + + +@mock.patch("uuid.uuid4") +@mock.patch("determined.get_cluster_info") +def run_test_training_determined( + mock_cluster_info, + mock_uuid, + return_dict: dict, + config_dict: dict, + checkpoint_dir: str, + _world_size: int, +): + """ + function implementing the behavior of training for one single gpu / process + """ + + cluster_info = make_mock_cluster_info(_world_size, checkpoint_dir) + cluster_info._latest_checkpoint = os.environ.get("DET_LATEST_CHECKPOINT") + mock_cluster_info.return_value = cluster_info + mock_uuid.return_value = "determined_checkpoint" + with get_determined_context(checkpoint_dir) as determined_context: + metrics_list = main_determined( + determined_context, + None, + overwrite_config=config_dict, + return_metrics=True, + info=cluster_info, + ) + + +def execute_run_training_determined( + cache_name: str, + world_size: int, + micro_batch_size: int, + gradient_accumulation_steps: int, + precision: str, + zero: bool, + config_dict: Optional[Dict], +): + if world_size > torch.cuda.device_count(): + pytest.skip( + f"cannot run test with world size {world_size} with available {torch.cuda.device_count()} cuda devices" + ) + + tmp_dir = get_empty_cache_dir( + f"{cache_name}_{micro_batch_size}_{gradient_accumulation_steps}_{world_size}_{precision}_{zero}" + ) + config = TrainerConfig.from_dict( + config_dict + or { + "logger": { + "log_level": "info", + "log_dir": None, + "use_wandb": False, + "use_tensorboard": False, + }, + "architecture": { + "vocab_size": 32000, + "hidden_size": 256, + "num_layers": 2, + "num_attention_heads": 2, + "rotary_embedding_base": 10000, + "sequence_length": 2048, + "mlp_factor": 4.0, + "precision": precision, + }, + "data": { + "seed": 42, + "prefix_paths": [ + Path(__file__).parents[1] + / "test_data" + / "data_fineweb" + / "CC-MAIN-2013-20" + ], + "pretraining": True, + "prefix_path_tokenizer_file": str( + Path(__file__).parents[1] + / "test_data" + / "unigram_02pct_cc_v1.0_hf_converted_cleaned.json" + ), + "sequence_length": 2048, + "reset_position_ids": True, + }, + "tokenizer": { + "lowercase": False, + "vocab_size": 32000, + "vocab_population": 4, + "seed": 42, + "end_of_text": "<|endoftext|>", + "cache_dir": "tmp/tokenizer/", + "sequence_length": 2048, + }, + "training": { + "iterations": 6, + "world_size": world_size, + "micro_batch_size": micro_batch_size, + "gradient_accumulation_steps": gradient_accumulation_steps, + "save_dir": str(tmp_dir), + "save_interval": 4, + "dataloader_num_workers": 1, + "dataloader_pin_memory": True, + "gather_word_statistics": True, + }, + "optimizer": { + # AdamWOptimizerConfig + # Base config class providing general settings for non-mutability and json serialization options + # First coefficient used for computing running averages of gradient and its square + "beta1": 0.9, + # Second coefficient used for computing running averages of gradient and its square + "beta2": 0.95, + # term added to the denominator to improve numerical stability (default: 1e-8) + "eps": 1.0e-15, + # clip global l2 grads to this value, deactivate if 0.0 + "gradient_clipping": 0.0, + # number of floating points to allreduce in one go + "allreduce_bucket_size": 500000000, + # Configuration of the loss scaler + "loss_scaler": { + # LossScalerConfig + # Loss scaling is designed to combat the problem of underflowing gradients encountered at long + # times when training fp16 networks. Dynamic loss scaling begins by attempting a very high loss + # scale. Ironically, this may result in OVERflowing gradients. + # The optimizer then skips the update step for this particular iteration/minibatch, + # and the loss scaler adjusts the loss scale to a lower value. + # If a certain number of iterations occur without overflowing gradients detected, + # the loss scaler increases the loss scale once more. + # In this way the loss scaler attempts to "ride the edge" of + # always using the highest loss scale possible without incurring overflow. + # + "enable": False, + # Initial loss scale + "initial_scale": 4294967296.0, + # + "window": 1000, + # + "hysteresis": 2, + # + "consecutive_hysteresis": False, + # + "min_scale": 1.0, + # + "factor": 2.0, + }, + # enable zero stage 1 optimizer + "zero": zero, + }, + "learning_rate_scheduler": { + # LearningRateSchedulerConfig + # Base config class providing general settings for non-mutability and json serialization options + # Base learning rate; this is also the maximum learning rate. + "learning_rate": 0.007196856730011521, + # Minimum learning rate below which a step's learning rate will never drop. This is the final learning rate after the schedule has been applied. + "learning_rate_minimum": 0.0, + # Shape of the learning rate decay after warm up + "learning_rate_decay_style": "cosine", + # Number of iterations within which the learning rate follows the schedule. Warmup iterations are included. + "learning_rate_decay_iters": 143000, + # Number of warmup steps during which the learning rate is linearly increased to the maximum learning rate. The actual schedule starts after the warmump steps. + "learning_rate_warmup_steps": 200, + }, + } + ) + + if "DET_LATEST_CHECKPOINT" in os.environ: + del os.environ["DET_LATEST_CHECKPOINT"] + + # Train up to 10 steps + # This function will checkpoint after 6 steps so that when called again four more steps are run + # on the checkpoint to compare losses of a checkpoint that was trained with a resume and one that was trained continuously + return_dict_continously_trained_model = dist_launcher( + run_func=run_test_training_determined, + world_size=world_size, + master_port=find_free_port(), + config_dict=config.as_dict(), + checkpoint_dir=tmp_dir, + _world_size=world_size, + ) + + # Resume model training from the previous checkpoint at 6 steps. + # Train up to 10 steps after loading from checkpoint + # Step 6 to 10 should have the same losses for both trainings + determined_checkpoint_dir = str(Path(tmp_dir) / "determined_checkpoint") + os.environ["DET_LATEST_CHECKPOINT"] = str(determined_checkpoint_dir) + + return_dict_loaded_checkpoint = dist_launcher( + run_func=run_test_training_determined, + world_size=world_size, + master_port=find_free_port(), + config_dict=config.as_dict(), + checkpoint_dir=tmp_dir, + _world_size=world_size, + ) + + +@pytest.mark.parametrize("world_size", [1, 2]) +@pytest.mark.parametrize("precision", ["bfloat16"]) +@pytest.mark.parametrize("zero", [True, False]) +def test_training_distributed(world_size: int, precision: str, zero: bool): + execute_run_training_determined( + cache_name="test_training_distributed", + world_size=world_size, + micro_batch_size=2, + gradient_accumulation_steps=2, + precision=precision, + zero=zero, + config_dict=None, + ) + + +@pytest.mark.parametrize("world_size", [1, 2]) +@pytest.mark.parametrize("precision", ["bfloat16"]) +@pytest.mark.parametrize("zero", [True, False]) +def test_training_distributed_classic(world_size: int, precision: str, zero: bool): + execute_run_training_determined( + cache_name="test_training_distributed_classic", + world_size=world_size, + micro_batch_size=2, + gradient_accumulation_steps=2, + precision=precision, + zero=zero, + config_dict={ + "logger": { + "log_level": "info", + "log_dir": None, + "use_wandb": False, + # url of the wandb host + "wandb_host": "https://api.wandb.ai", + # Team name for Weights and Biases. + "wandb_team": "aleph-alpha", + # wandb project name + "wandb_project": "trigram_tokenizer", + # wandb project name + "wandb_group": "3B", + # set wandb api key in order not to perform a wandb login first + "wandb_api_key": "NONE", + "use_tensorboard": False, + }, + "architecture": { + "init": "pythia", + "use_flash": True, + "vocab_size": 128000, + "hidden_size": 256, + "num_layers": 2, + "num_attention_heads": 2, + "rotary_embedding_base": 10000, + "sequence_length": 2048, + "mlp_factor": 4, + "precision": precision, + "init_std_global_gain": 1.0, + }, + "data": { + "seed": 42, + "prefix_paths": [ + Path(__file__).parents[1] + / "test_data" + / "data_fineweb" + / "CC-MAIN-2013-20" + ], + "pretraining": True, + "prefix_path_tokenizer_file": str( + Path(__file__).parents[1] + / "test_data" + / "unigram_02pct_cc_v1.0_hf_converted_cleaned.json" + ), + "sequence_length": 2048, + "reset_position_ids": True, + }, + "tokenizer": { + "sequence_length": 2048, + "lowercase": False, + "initialize": "", # "orthogonal" + "vocab_size": 128000, + "vocab_population": 1, + "vocab_population_partial_lowercase": 0, # num of vocab_population taken in lowercase + "prefix_path_tokenizer_file": str( + Path(__file__).parents[1] + / "test_data" + / "unigram_02pct_cc_v1.0_hf_converted_cleaned.json" + ), + "do_classic_tokenization": True, #! setting true overwrites above and uses prefix_path_tokenizer from data to do on-demand tokenization + "seed": 42, + "end_of_text": "<|endoftext|>", + "cache_dir": None, + }, + "training": { + "iterations": 6, + "micro_batch_size": 2, # 8 + "gradient_accumulation_steps": 2, # 2 + "load_optimizer_states": True, + "load_context": True, + "save_interval": 4, + "weight_decay": 0.1, + "loss_pos_weight": 100.0, + "loss_scale": 100.0, + "dataloader_num_workers": 0, + "dataloader_pin_memory": True, + "seed": 42, + "profile": False, + "reset_attention_mask": True, + "gather_word_statistics": True, + }, + "optimizer": { + # AdamWOptimizerConfig + # Base config class providing general settings for non-mutability and json serialization options + # First coefficient used for computing running averages of gradient and its square + "beta1": 0.9, + # Second coefficient used for computing running averages of gradient and its square + "beta2": 0.95, + # term added to the denominator to improve numerical stability (default: 1e-8) + "eps": 1.0e-8, + # clip global l2 grads to this value, deactivate if 0.0 + "gradient_clipping": 1.0, + # number of floating points to allreduce in one go + "allreduce_bucket_size": 500000000, + # Configuration of the loss scaler + "loss_scaler": { + # LossScalerConfig + # Loss scaling is designed to combat the problem of underflowing gradients encountered at long + # times when training fp16 networks. Dynamic loss scaling begins by attempting a very high loss + # scale. Ironically, this may result in OVERflowing gradients. + # The optimizer then skips the update step for this particular iteration/minibatch, + # and the loss scaler adjusts the loss scale to a lower value. + # If a certain number of iterations occur without overflowing gradients detected, + # the loss scaler increases the loss scale once more. + # In this way the loss scaler attempts to "ride the edge" of + # always using the highest loss scale possible without incurring overflow. + # + "enable": False, + # Initial loss scale + "initial_scale": 4294967296.0, + # + "window": 1000, + # + "hysteresis": 2, + # + "consecutive_hysteresis": False, + # + "min_scale": 1.0, + # + "factor": 2.0, + }, + # enable zero stage 1 optimizer + "zero": zero, + }, + # + "learning_rate_scheduler": { + "learning_rate": 4.5e-4, + # Minimum learning rate below which a step's learning rate will never drop. This is the final learning rate after the schedule has been applied. + "learning_rate_minimum": 4.5e-5, + # Shape of the learning rate decay after warm up + "learning_rate_decay_style": "cosine", + # Number of iterations within which the learning rate follows the schedule. Warmup iterations are included. + "learning_rate_decay_iters": 72_000, + # Number of warmup steps during which the learning rate is linearly increased to the maximum learning rate. The actual schedule starts after the warmump steps. + "learning_rate_warmup_steps": 500, + }, + }, + ) diff --git a/tests/utils.py b/tests/utils.py new file mode 100644 index 0000000..af47130 --- /dev/null +++ b/tests/utils.py @@ -0,0 +1,335 @@ +import math +import shutil +import os + +from pathlib import Path + +import torch + + +def get_empty_cache_dir(name: str) -> Path: + cache_dir = Path(__file__).parent.absolute() / "files" / "tmp" / name + if cache_dir.is_dir(): + shutil.rmtree(str(cache_dir)) + cache_dir.mkdir(exist_ok=True, parents=True) + + return cache_dir + + +def normal_round(n, digits=0): + """ + python rounding rounds 0.5 down + this function fixes it and rounds up + """ + n = n * (10**digits) + if n - math.floor(n) < 0.5: + return float(math.floor(n)) / (10**digits) + return float(math.ceil(n)) / (10**digits) + + +def rounded_equal(a: float, b: float, digits=10): + """ + sometimes float have different numbers of digits due to serialization and rounding + this function checks if two floats are equal while allowing for one flaot to be rounded + If different numbers of digits are encountered, the more precise number is rounded + """ + # no rounding necessary if both are equal + if a == b: + return True + + a = float(a) + b = float(b) + + # find number of characters + str_a = str(a) + str_b = str(b) + digits_a = len(str_a.split(".")[1]) + digits_b = len(str_b.split(".")[1]) + + # if same length we know that the two floats must truly be differen + if digits_a < digits_b: + round_to_digits = min(digits_a, digits) + else: + # b is shorter, a is rounded + round_to_digits = min(digits_b, digits) + + # if the number itself has been rounded, rounded again at the last position can result in problems + if min(digits_a, digits_b) - 1 == round_to_digits: + round_to_digits += 1 + + a = normal_round(a, round_to_digits) + b = normal_round(b, round_to_digits) + return a == b + + +def assert_nested_dicts_equal(result, target, message=None, precision=None): + """ + compare two dictionaries and do readable assertions + """ + assert isinstance(result, dict), "result is a dict" + assert isinstance(target, dict), "target is a dict" + + assert set(result.keys()) == set(target.keys()), ( + f"result and target have different keys: {set(result.keys())} vs. {set(target.keys())}" + + ("" if message is None else " (" + message + ")") + ) + + for k, r_v in result.items(): + t_v = target[k] + assert type(r_v) == type(t_v), ( + "result and target have different value types for " + + str(k) + + ( + f": {type(r_v)} with value {r_v} vs. {type(t_v)} with value {t_v}" + if message is None + else " (" + message + f"): {type(r_v)} vs. {type(t_v)}" + ) + ) + if isinstance(r_v, dict): + assert_nested_dicts_equal( + result=r_v, + target=t_v, + message=(str(k) if message is None else message + "." + str(k)), + precision=precision, + ) + elif isinstance(r_v, list): + assert_nested_lists_equal( + result=r_v, + target=t_v, + message=(str(k) if message is None else message + "." + str(k)), + precision=precision, + ) + else: + if precision is not None and isinstance(r_v, float): + assert abs(r_v - t_v) < 0.1**precision, ( + "result and target have different values for " + + str(k) + + "; r_v == " + + str(r_v) + + " (" + + str(type(r_v)) + + "); t_v == " + + str(t_v) + + "(" + + str(type(r_v)) + + ")" + + ("" if message is None else " (" + message + ")") + + "; precision == " + + str(precision) + ) + else: + if torch.is_tensor(r_v) and torch.is_tensor(t_v): + assert (r_v == t_v).all(), ( + "result and target have different values for " + + str(k) + + "; r_v == " + + str(r_v) + + " (" + + str(type(r_v)) + + "); t_v == " + + str(t_v) + + "(" + + str(type(r_v)) + + ")" + + ("" if message is None else " (" + message + ")") + ) + else: + assert r_v == t_v, ( + "result and target have different values for " + + str(k) + + "; r_v == " + + str(r_v) + + " (" + + str(type(r_v)) + + "); t_v == " + + str(t_v) + + "(" + + str(type(r_v)) + + ")" + + ("" if message is None else " (" + message + ")") + ) + + +def assert_nested_lists_equal(result, target, message=None, precision=None): + assert isinstance(result, list), "result is a list" + assert isinstance(target, list), "target is a list" + + assert len(result) == len(target), "result and target have different lengths" + ( + "" if message is None else " (" + message + ")" + ) + for i, (r_v, t_v) in enumerate(zip(result, target)): + assert type(r_v) == type(t_v), ( + "result and target have different value types for list item " + + str(i) + + ("" if message is None else " (" + message + ")") + ) + if isinstance(r_v, dict): + assert_nested_dicts_equal( + result=r_v, + target=t_v, + message=( + "list item " + str(i) + if message is None + else message + "." + "list item " + str(i) + ), + precision=precision, + ) + elif isinstance(r_v, list): + assert_nested_lists_equal( + result=r_v, + target=t_v, + message=( + "list item " + str(i) + if message is None + else message + "." + "list item " + str(i) + ), + precision=precision, + ) + else: + if precision is not None and isinstance(r_v, float): + assert rounded_equal(r_v, t_v, digits=precision), ( + "result and target have different values" + + "; r_v == " + + str(r_v) + + "(" + + str(type(r_v)) + + ")" + + "; t_v == " + + str(t_v) + + "(" + + str(type(t_v)) + + ")" + + ("" if message is None else " (" + message + ")") + + "; precision == " + + str(precision) + ) + elif torch.is_tensor(r_v) and torch.is_tensor(t_v): + assert (r_v == t_v).all().item(), ( + "result and target have different values" + + "; r_v == " + + str(r_v) + + "(" + + str(type(r_v)) + + ")" + + "; t_v == " + + str(t_v) + + "(" + + str(type(t_v)) + + ")" + + ("" if message is None else " (" + message + ")") + ) + else: + assert r_v == t_v, ( + "result and target have different values" + + "; r_v == " + + str(r_v) + + "(" + + str(type(r_v)) + + ")" + + "; t_v == " + + str(t_v) + + "(" + + str(type(t_v)) + + ")" + + ("" if message is None else " (" + message + ")") + ) + + +def find_free_port(): + """https://stackoverflow.com/questions/1365265/on-localhost-how-do-i-pick-a-free-port-number""" + import socket + from contextlib import closing + + with closing(socket.socket(socket.AF_INET, socket.SOCK_STREAM)) as s: + s.bind(("", 0)) + s.setsockopt(socket.SOL_SOCKET, socket.SO_REUSEADDR, 1) + return str(s.getsockname()[1]) + + +# Worker timeout *after* the first worker has completed. +PROCESS_TIMEOUT = 120 + + +def dist_init( + run_func, + master_port, + local_rank, + world_size, + return_dict, + *func_args, + **func_kwargs, +): + os.environ["MASTER_ADDR"] = "127.0.0.1" + os.environ["MASTER_PORT"] = str(master_port) + os.environ["WORLD_SIZE"] = str(world_size) + # NOTE: unit tests don't support multi-node so local_rank == global rank + os.environ["RANK"] = str(local_rank) + os.environ["LOCAL_SLOT"] = str(local_rank) + + run_func(return_dict=return_dict, *func_args, **func_kwargs) + + +def dist_launcher(run_func, world_size, master_port, *func_args, **func_kwargs): + """Launch processes and gracefully handle failures.""" + ctx = torch.multiprocessing.get_context("spawn") + manager = ctx.Manager() + return_dict = manager.dict() + # Spawn all workers on subprocesses. + processes = [] + for local_rank in range(world_size): + p = ctx.Process( + target=dist_init, + args=( + run_func, + master_port, + local_rank, + world_size, + return_dict, + *func_args, + ), + kwargs=func_kwargs, + ) + p.start() + processes.append(p) + + # Now loop and wait for a test to complete. The spin-wait here isn't a big + # deal because the number of processes will be O(#GPUs) << O(#CPUs). + any_done = False + any_failed = False + while not any_done: + for p in processes: + if not p.is_alive(): + any_done = True + if p.exitcode is not None: + any_failed = any_failed or (p.exitcode != 0) + + if any_failed: + for p in processes: + # If it the process hasn't terminated, kill it because it hung. + if p.is_alive(): + p.terminate() + if p.is_alive(): + p.kill() + + # Wait for all other processes to complete + for p in processes: + p.join(PROCESS_TIMEOUT) + + # Collect exitcodes and terminate hanging process + failures = [] + for rank, p in enumerate(processes): + if p.exitcode is None: + # If it still hasn't terminated, kill it because it hung. + p.terminate() + if p.is_alive(): + p.kill() + failures.append(f"Worker {rank} hung.") + elif p.exitcode < 0: + failures.append(f"Worker {rank} killed by signal {-p.exitcode}") + elif p.exitcode > 0: + failures.append(f"Worker {rank} exited with code {p.exitcode}") + + if len(failures) > 0: + raise RuntimeError("\n".join(failures)) + + return dict(return_dict) diff --git a/tests/utils_determined.py b/tests/utils_determined.py new file mode 100644 index 0000000..a5f774e --- /dev/null +++ b/tests/utils_determined.py @@ -0,0 +1,80 @@ +from typing import Optional, Dict, Any +import contextlib +import os + +import determined as det # type: ignore +from determined.common import storage # type: ignore + + +def make_default_exp_config( + hparams: Dict[str, Any], + checkpoint_dir: Optional[str] = None, +) -> Dict: + return { + "resources": {"native_parallel": False, "slots_per_trial": 1}, + "hyperparameters": hparams, + "data_layer": {"type": "shared_fs"}, + "checkpoint_storage": { + "type": "shared_fs", + "host_path": checkpoint_dir or "/tmp", + }, + } + + +def make_mock_cluster_info( + num_slots: int, latest_checkpoint: Optional[str] = None +) -> det.ClusterInfo: + config = make_default_exp_config({}, None) + trial_info_mock = det.TrialInfo( + trial_id=1, + experiment_id=1, + trial_seed=0, + hparams={}, + config=config, + steps_completed=0, + trial_run_id=0, + debug=False, + inter_node_network_interface=None, + ) + rendezvous_info_mock = det.RendezvousInfo( + container_addrs=["localhost"], + container_rank=0, + container_slot_counts=list(range(num_slots)), + ) + cluster_info_mock = det.ClusterInfo( + master_url="localhost", + cluster_id="clusterId", + agent_id="agentId", + slot_ids=list(range(num_slots)), + task_id="taskId", + allocation_id="allocationId", + session_token="sessionToken", + task_type="TRIAL", + rendezvous_info=rendezvous_info_mock, + trial_info=trial_info_mock, + latest_checkpoint=latest_checkpoint, + ) + return cluster_info_mock + + +@contextlib.contextmanager +def get_determined_context(checkpoint_dir): + try: + os.environ["LOCAL_SIZE"] = os.environ["WORLD_SIZE"] + os.environ["LOCAL_RANK"] = os.environ["LOCAL_SLOT"] + os.environ["CROSS_RANK"] = "0" + os.environ["CROSS_SIZE"] = "1" + os.environ["DET_CHIEF_IP"] = "localhost" + os.environ["DETERMINED_TEST"] = "True" + distributed = det.core.DistributedContext.from_deepspeed() + with det.core._dummy_init( + distributed=distributed, + checkpoint_storage=str(checkpoint_dir), + ) as determined_context: + yield determined_context + finally: + del os.environ["LOCAL_SIZE"] + del os.environ["CROSS_RANK"] + del os.environ["CROSS_SIZE"] + del os.environ["DET_CHIEF_IP"] + pass diff --git a/third_party_licenses_base.txt b/third_party_licenses_base.txt new file mode 100644 index 0000000..df2abb3 --- /dev/null +++ b/third_party_licenses_base.txt @@ -0,0 +1,7431 @@ +Start of 'third_party_licenses_base.txt' generated by Python third_party_license_generator at 2024-06-20 14:58:17.379315 + +---------------------------------------- + +Package: analytics-python +License: MIT +Requires: requests, six, monotonic, backoff, python-dateutil +Author: Segment +Home page: https://github.com/segmentio/analytics-python + +MIT License + +Copyright (c) 2021 Segment (segment.com) + +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. + +---------------------------------------- + +Package: annotated-types +License: MIT +Requires: n/a +Author: (unknown) , Samuel Colvin , Zac Hatfield-Dodds > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (unknown) , Samuel Colvin , Zac Hatfield-Dodds > + +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. + +---------------------------------------- + +Package: appdirs +License: MIT +Requires: n/a +Author: Trent Mick +Home page: http://github.com/ActiveState/appdirs + +# This is the MIT license + +Copyright (c) 2010 ActiveState Software Inc. + +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. + +---------------------------------------- + +Package: argcomplete +License: Apache-2.0 +Requires: n/a +Author: Andrey Kislyuk +Home page: https://github.com/kislyuk/argcomplete + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + +---------------------------------------- + +Package: async-generator +License: Apache-2.0 +Requires: n/a +Author: Nathaniel J. Smith +Home page: https://github.com/python-trio/async_generator + +This software is made available under the terms of *either* of the +licenses found in LICENSE.APACHE2 or LICENSE.MIT. Contributions to +trio are made under the terms of *both* these licenses. + +---------------------------------------- + +Package: attrs +License: MIT +Requires: n/a +Author: (unknown) > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (unknown) > + +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. + +---------------------------------------- + +Package: azure-core +License: MIT +Requires: requests, six, typing-extensions +Author: Microsoft Corporation +Home page: https://github.com/Azure/azure-sdk-for-python/tree/main/sdk/core/azure-core + +Copyright (c) Microsoft Corporation. + +MIT License + +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. + +---------------------------------------- + +Package: azure-storage-blob +License: MIT +Requires: azure-core, cryptography, typing-extensions, isodate +Author: Microsoft Corporation +Home page: https://github.com/Azure/azure-sdk-for-python/tree/main/sdk/storage/azure-storage-blob + +Copyright (c) Microsoft Corporation. + +MIT License + +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. + +---------------------------------------- + +Package: backoff +License: MIT +Requires: n/a +Author: Bob Green +Home page: https://github.com/litl/backoff + +The MIT License (MIT) + +Copyright (c) 2014 litl, LLC. + +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. + +---------------------------------------- + +Package: bcrypt +License: Apache-2.0 +Requires: n/a +Author: (unknown) > +Home page: None + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + +TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + +1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + +2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + +3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + +4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + +5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + +6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + +7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + +8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + +9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + +END OF TERMS AND CONDITIONS + +APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + +Copyright [yyyy] [name of copyright owner] + +Licensed under the Apache License, Version 2.0 (the "License"); +you may not use this file except in compliance with the License. +You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + +Unless required by applicable law or agreed to in writing, software +distributed under the License is distributed on an "AS IS" BASIS, +WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +See the License for the specific language governing permissions and +limitations under the License. + +---------------------------------------- + +Package: boto3 +License: Apache-2.0 +Requires: botocore, jmespath, s3transfer +Author: Amazon Web Services +Home page: https://github.com/boto/boto3 + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + +---------------------------------------- + +Package: botocore +License: Apache-2.0 +Requires: jmespath, python-dateutil +Author: Amazon Web Services +Home page: https://github.com/boto/botocore + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + +---------------------------------------- + +Package: cachetools +License: MIT +Requires: n/a +Author: Thomas Kemmer +Home page: https://github.com/tkem/cachetools/ + +The MIT License (MIT) + +Copyright (c) 2014-2024 Thomas Kemmer + +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. + +---------------------------------------- + +Package: certifi +License: MPL-2.0 +Requires: n/a +Author: Kenneth Reitz +Home page: https://github.com/certifi/python-certifi + +This package contains a modified version of ca-bundle.crt: + +ca-bundle.crt -- Bundle of CA Root Certificates + +This is a bundle of X.509 certificates of public Certificate Authorities +(CA). These were automatically extracted from Mozilla's root certificates +file (certdata.txt). This file can be found in the mozilla source tree: +https://hg.mozilla.org/mozilla-central/file/tip/security/nss/lib/ckfw/builtins/certdata.txt +It contains the certificates in PEM format and therefore +can be directly used with curl / libcurl / php_curl, or with +an Apache+mod_ssl webserver for SSL client authentication. +Just configure this file as the SSLCACertificateFile.# + +***** BEGIN LICENSE BLOCK ***** +This Source Code Form is subject to the terms of the Mozilla Public License, +v. 2.0. If a copy of the MPL was not distributed with this file, You can obtain +one at http://mozilla.org/MPL/2.0/. + +***** END LICENSE BLOCK ***** +@(#) $RCSfile: certdata.txt,v $ $Revision: 1.80 $ $Date: 2011/11/03 15:11:58 $ + +---------------------------------------- + +Package: cffi +License: MIT +Requires: pycparser +Author: Armin Rigo, Maciej Fijalkowski +Home page: http://cffi.readthedocs.org + +Except when otherwise stated (look for LICENSE files in directories or +information at the beginning of each file) all software and +documentation is licensed as follows: + + The MIT License + + 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. + +---------------------------------------- + +Package: charset-normalizer +License: MIT +Requires: n/a +Author: Ahmed TAHRI +Home page: https://github.com/Ousret/charset_normalizer + +MIT License + +Copyright (c) 2019 TAHRI Ahmed R. + +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. + +---------------------------------------- + +Package: click +License: BSD-3-clause +Requires: n/a +Author: None +Home page: https://palletsprojects.com/p/click/ + +Copyright 2014 Pallets + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A +PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED +TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: contourpy +License: BSD-3-clause +Requires: numpy +Author: None +Home page: None + +BSD 3-Clause License + +Copyright (c) 2021-2024, ContourPy Developers. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: cryptography +License: Apache-2.0 +Requires: n/a +Author: (unknown) > +Home page: None + +Copyright (c) Individual contributors. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + 1. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + + 2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + + 3. Neither the name of PyCA Cryptography nor the names of its contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON +ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: cycler +License: BSD-3-clause +Requires: n/a +Author: (unknown) > +Home page: None + +Copyright (c) 2015, matplotlib project +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +* Neither the name of the matplotlib project nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: determined +License: Apache-2.0 +Requires: matplotlib, packaging, numpy, psutil, pyzmq, yogadl, certifi, filelock, requests, google-cloud-storage, lomond, pathspec, azure-core, azure-storage-blob, termcolor, boto3, argcomplete, gitpython, pyOpenSSL, python-dateutil, pytz, tabulate, ruamel.yaml, docker[ssh], google-api-python-client, paramiko, tqdm, appdirs, analytics-python +Author: Determined AI +Home page: https://determined.ai/ + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +Apache License +Version 2.0, January 2004 +http://www.apache.org/licenses/ + +TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + +1. Definitions. + +"License" shall mean the terms and conditions for use, reproduction, and distribution as defined by Sections 1 through 9 of this document. + +"Licensor" shall mean the copyright owner or entity authorized by the copyright owner that is granting the License. + +"Legal Entity" shall mean the union of the acting entity and all other entities that control, are controlled by, or are under common control with that entity. For the purposes of this definition, "control" means (i) the power, direct or indirect, to cause the direction or management of such entity, whether by contract or otherwise, or (ii) ownership of fifty percent (50%) or more of the outstanding shares, or (iii) beneficial ownership of such entity. + +"You" (or "Your") shall mean an individual or Legal Entity exercising permissions granted by this License. + +"Source" form shall mean the preferred form for making modifications, including but not limited to software source code, documentation source, and configuration files. + +"Object" form shall mean any form resulting from mechanical transformation or translation of a Source form, including but not limited to compiled object code, generated documentation, and conversions to other media types. + +"Work" shall mean the work of authorship, whether in Source or Object form, made available under the License, as indicated by a copyright notice that is included in or attached to the work (an example is provided in the Appendix below). + +"Derivative Works" shall mean any work, whether in Source or Object form, that is based on (or derived from) the Work and for which the editorial revisions, annotations, elaborations, or other modifications represent, as a whole, an original work of authorship. For the purposes of this License, Derivative Works shall not include works that remain separable from, or merely link (or bind by name) to the interfaces of, the Work and Derivative Works thereof. + +"Contribution" shall mean any work of authorship, including the original version of the Work and any modifications or additions to that Work or Derivative Works thereof, that is intentionally submitted to Licensor for inclusion in the Work by the copyright owner or by an individual or Legal Entity authorized to submit on behalf of the copyright owner. For the purposes of this definition, "submitted" means any form of electronic, verbal, or written communication sent to the Licensor or its representatives, including but not limited to communication on electronic mailing lists, source code control systems, and issue tracking systems that are managed by, or on behalf of, the Licensor for the purpose of discussing and improving the Work, but excluding communication that is conspicuously marked or otherwise designated in writing by the copyright owner as "Not a Contribution." + +"Contributor" shall mean Licensor and any individual or Legal Entity on behalf of whom a Contribution has been received by Licensor and subsequently incorporated within the Work. + +2. Grant of Copyright License. + +Subject to the terms and conditions of this License, each Contributor hereby grants to You a perpetual, worldwide, non-exclusive, no-charge, royalty-free, irrevocable copyright license to reproduce, prepare Derivative Works of, publicly display, publicly perform, sublicense, and distribute the Work and such Derivative Works in Source or Object form. + +3. Grant of Patent License. + +Subject to the terms and conditions of this License, each Contributor hereby grants to You a perpetual, worldwide, non-exclusive, no-charge, royalty-free, irrevocable (except as stated in this section) patent license to make, have made, use, offer to sell, sell, import, and otherwise transfer the Work, where such license applies only to those patent claims licensable by such Contributor that are necessarily infringed by their Contribution(s) alone or by combination of their Contribution(s) with the Work to which such Contribution(s) was submitted. If You institute patent litigation against any entity (including a cross-claim or counterclaim in a lawsuit) alleging that the Work or a Contribution incorporated within the Work constitutes direct or contributory patent infringement, then any patent licenses granted to You under this License for that Work shall terminate as of the date such litigation is filed. + +4. Redistribution. + +You may reproduce and distribute copies of the Work or Derivative Works thereof in any medium, with or without modifications, and in Source or Object form, provided that You meet the following conditions: + +You must give any other recipients of the Work or Derivative Works a copy of this License; and +You must cause any modified files to carry prominent notices stating that You changed the files; and +You must retain, in the Source form of any Derivative Works that You distribute, all copyright, patent, trademark, and attribution notices from the Source form of the Work, excluding those notices that do not pertain to any part of the Derivative Works; and +If the Work includes a "NOTICE" text file as part of its distribution, then any Derivative Works that You distribute must include a readable copy of the attribution notices contained within such NOTICE file, excluding those notices that do not pertain to any part of the Derivative Works, in at least one of the following places: within a NOTICE text file distributed as part of the Derivative Works; within the Source form or documentation, if provided along with the Derivative Works; or, within a display generated by the Derivative Works, if and wherever such third-party notices normally appear. The contents of the NOTICE file are for informational purposes only and do not modify the License. You may add Your own attribution notices within Derivative Works that You distribute, alongside or as an addendum to the NOTICE text from the Work, provided that such additional attribution notices cannot be construed as modifying the License. +You may add Your own copyright statement to Your modifications and may provide additional or different license terms and conditions for use, reproduction, or distribution of Your modifications, or for any such Derivative Works as a whole, provided Your use, reproduction, and distribution of the Work otherwise complies with the conditions stated in this License. + +5. Submission of Contributions. + +Unless You explicitly state otherwise, any Contribution intentionally submitted for inclusion in the Work by You to the Licensor shall be under the terms and conditions of this License, without any additional terms or conditions. Notwithstanding the above, nothing herein shall supersede or modify the terms of any separate license agreement you may have executed with Licensor regarding such Contributions. + +6. Trademarks. + +This License does not grant permission to use the trade names, trademarks, service marks, or product names of the Licensor, except as required for reasonable and customary use in describing the origin of the Work and reproducing the content of the NOTICE file. + +7. Disclaimer of Warranty. + +Unless required by applicable law or agreed to in writing, Licensor provides the Work (and each Contributor provides its Contributions) on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied, including, without limitation, any warranties or conditions of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A PARTICULAR PURPOSE. You are solely responsible for determining the appropriateness of using or redistributing the Work and assume any risks associated with Your exercise of permissions under this License. + +8. Limitation of Liability. + +In no event and under no legal theory, whether in tort (including negligence), contract, or otherwise, unless required by applicable law (such as deliberate and grossly negligent acts) or agreed to in writing, shall any Contributor be liable to You for damages, including any direct, indirect, special, incidental, or consequential damages of any character arising as a result of this License or out of the use or inability to use the Work (including but not limited to damages for loss of goodwill, work stoppage, computer failure or malfunction, or any and all other commercial damages or losses), even if such Contributor has been advised of the possibility of such damages. + +9. Accepting Warranty or Additional Liability. + +While redistributing the Work or Derivative Works thereof, You may choose to offer, and charge a fee for, acceptance of support, warranty, indemnity, or other liability obligations and/or rights consistent with this License. However, in accepting such obligations, You may act only on Your own behalf and on Your sole responsibility, not on behalf of any other Contributor, and only if You agree to indemnify, defend, and hold each Contributor harmless for any liability incurred by, or claims asserted against, such Contributor by reason of your accepting any such warranty or additional liability. + +END OF TERMS AND CONDITIONS + +APPENDIX: How to apply the Apache License to your work + +To apply the Apache License to your work, attach the following boilerplate notice, with the fields enclosed by brackets "[]" replaced with your own identifying information. (Don't include the brackets!) The text should be enclosed in the appropriate comment syntax for the file format. We also recommend that a file or class name and description of purpose be included on the same "printed page" as the copyright notice for easier identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: docker-pycreds +License: Apache-2.0 +Requires: six +Author: UNKNOWN +Home page: https://github.com/shin-/dockerpy-creds + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: einops +License: MIT +Requires: n/a +Author: Alex Rogozhnikov +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 Alex Rogozhnikov + +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. + +---------------------------------------- + +Package: filelock +License: The Unlicense +Requires: n/a +Author: None +Home page: None + +This is free and unencumbered software released into the public domain. + +Anyone is free to copy, modify, publish, use, compile, sell, or +distribute this software, either in source code form or as a compiled +binary, for any purpose, commercial or non-commercial, and by any +means. + +In jurisdictions that recognize copyright laws, the author or authors +of this software dedicate any and all copyright interest in the +software to the public domain. We make this dedication for the benefit +of the public at large and to the detriment of our heirs and +successors. We intend this dedication to be an overt act of +relinquishment in perpetuity of all present and future rights to this +software under copyright law. + +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 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. + +For more information, please refer to + +---------------------------------------- + +Package: fonttools +License: MIT +Requires: n/a +Author: Just van Rossum +Home page: http://github.com/fonttools/fonttools + +MIT License + +Copyright (c) 2017 Just van Rossum + +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. + +---------------------------------------- + +Package: fsspec +License: BSD-3-clause +Requires: n/a +Author: None +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +Note: This license has also been called the "New BSD License" or "Modified BSD License". See also the 2-clause BSD License. + +Copyright 2024 (author unknown) + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: gitdb +License: BSD-3-clause +Requires: smmap +Author: Sebastian Thiel +Home page: https://github.com/gitpython-developers/gitdb + +Copyright (C) 2010, 2011 Sebastian Thiel and contributors +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +* Redistributions of source code must retain the above copyright +notice, this list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright +notice, this list of conditions and the following disclaimer in the +documentation and/or other materials provided with the distribution. + +* Neither the name of the GitDB project nor the names of +its contributors may be used to endorse or promote products derived +from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED +TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + + +Additional Licenses +------------------- +The files at +gitdb/test/fixtures/packs/pack-11fdfa9e156ab73caae3b6da867192221f2089c2.idx +and +gitdb/test/fixtures/packs/pack-11fdfa9e156ab73caae3b6da867192221f2089c2.pack +are licensed under GNU GPL as part of the git source repository, +see http://en.wikipedia.org/wiki/Git_%28software%29 for more information. + +They are not required for the actual operation, which is why they are not found +in the distribution package. + +---------------------------------------- + +Package: google-api-core +License: Apache-2.0 +Requires: googleapis-common-protos, protobuf !, proto-plus, google-auth, requests +Author: Google LLC +Home page: https://github.com/googleapis/python-api-core + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: google-api-python-client +License: Apache-2.0 +Requires: httplib2, google-auth !, google-auth-httplib2, google-api-core !, uritemplate +Author: Google LLC +Home page: https://github.com/googleapis/google-api-python-client/ + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: google-auth +License: Apache-2.0 +Requires: cachetools, pyasn1-modules, rsa +Author: Google Cloud Platform +Home page: https://github.com/googleapis/google-auth-library-python + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: google-auth-httplib2 +License: Apache-2.0 +Requires: google-auth, httplib2 +Author: Google Cloud Platform +Home page: https://github.com/GoogleCloudPlatform/google-auth-library-python-httplib2 + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: google-cloud-core +License: Apache-2.0 +Requires: google-api-core !, google-auth +Author: Google LLC +Home page: https://github.com/googleapis/python-cloud-core + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: google-cloud-storage +License: Apache-2.0 +Requires: google-auth, google-api-core, google-cloud-core, google-resumable-media, requests, google-crc32c +Author: Google LLC +Home page: https://github.com/googleapis/python-storage + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: google-crc32c +License: Apache-2.0 +Requires: n/a +Author: Google LLC +Home page: https://github.com/googleapis/python-crc32c + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + https://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: google-resumable-media +License: Apache-2.0 +Requires: google-crc32c +Author: Google Cloud Platform +Home page: https://github.com/googleapis/google-resumable-media-python + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: googleapis-common-protos +License: Apache-2.0 +Requires: protobuf ! +Author: Google LLC +Home page: https://github.com/googleapis/python-api-common-protos + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: httplib2 +License: MIT +Requires: n/a +Author: Joe Gregorio +Home page: https://github.com/httplib2/httplib2 + +Httplib2 Software License + +Copyright (c) 2006 by Joe Gregorio + +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. + +---------------------------------------- + +Package: huggingface-hub +License: Apache-2.0 +Requires: filelock, fsspec, packaging, pyyaml, requests, tqdm, typing-extensions +Author: Hugging Face, Inc. +Home page: https://github.com/huggingface/huggingface_hub + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: idna +License: BSD-3-clause +Requires: n/a +Author: (unknown) > +Home page: None + +BSD 3-Clause License + +Copyright (c) 2013-2024, Kim Davies and contributors. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED +TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: isodate +License: BSD-3-clause +Requires: six +Author: Gerhard Weis +Home page: https://github.com/gweis/isodate/ + +Copyright (c) 2021, Hugo van Kemenade and contributors +Copyright (c) 2009-2018, Gerhard Weis and contributors +Copyright (c) 2009, Gerhard Weis +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + * Neither the name of the nor the + names of its contributors may be used to endorse or promote products + derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL BE LIABLE FOR ANY +DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND +ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: jmespath +License: MIT +Requires: n/a +Author: James Saryerwinnie +Home page: https://github.com/jmespath/jmespath.py + +Copyright (c) 2013 Amazon.com, Inc. or its affiliates. All Rights Reserved + +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, dis- +tribute, sublicense, and/or sell copies of the Software, and to permit +persons to whom the Software is furnished to do so, subject to the fol- +lowing 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 MERCHANTABIL- +ITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT +SHALL THE AUTHOR 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. + +---------------------------------------- + +Package: kiwisolver +License: BSD-3-clause +Requires: n/a +Author: (unknown) > +Home page: None + +========================= + The Kiwi licensing terms +========================= +Kiwi is licensed under the terms of the Modified BSD License (also known as +New or Revised BSD), as follows: + +Copyright (c) 2013, Nucleic Development Team + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +Redistributions of source code must retain the above copyright notice, this +list of conditions and the following disclaimer. + +Redistributions in binary form must reproduce the above copyright notice, this +list of conditions and the following disclaimer in the documentation and/or +other materials provided with the distribution. + +Neither the name of the Nucleic Development Team nor the names of its +contributors may be used to endorse or promote products derived from this +software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +About Kiwi +---------- +Chris Colbert began the Kiwi project in December 2013 in an effort to +create a blisteringly fast UI constraint solver. Chris is still the +project lead. + +The Nucleic Development Team is the set of all contributors to the Nucleic +project and its subprojects. + +The core team that coordinates development on GitHub can be found here: +http://github.com/nucleic. The current team consists of: + +* Chris Colbert + +Our Copyright Policy +-------------------- +Nucleic uses a shared copyright model. Each contributor maintains copyright +over their contributions to Nucleic. But, it is important to note that these +contributions are typically only changes to the repositories. Thus, the Nucleic +source code, in its entirety is not the copyright of any single person or +institution. Instead, it is the collective copyright of the entire Nucleic +Development Team. If individual contributors want to maintain a record of what +changes/contributions they have specific copyright on, they should indicate +their copyright in the commit message of the change, when they commit the +change to one of the Nucleic repositories. + +With this in mind, the following banner should be used in any source code file +to indicate the copyright and license terms: + +#------------------------------------------------------------------------------ +# Copyright (c) 2013, Nucleic Development Team. +# +# Distributed under the terms of the Modified BSD License. +# +# The full license is in the file LICENSE, distributed with this software. +#------------------------------------------------------------------------------ + +---------------------------------------- + +Package: lmdb +License: MIT +Requires: n/a +Author: David Wilson +Home page: http://github.com/jnwatson/py-lmdb/ + +The OpenLDAP Public License + Version 2.8, 17 August 2003 + +Redistribution and use of this software and associated documentation +("Software"), with or without modification, are permitted provided +that the following conditions are met: + +1. Redistributions in source form must retain copyright statements + and notices, + +2. Redistributions in binary form must reproduce applicable copyright + statements and notices, this list of conditions, and the following + disclaimer in the documentation and/or other materials provided + with the distribution, and + +3. Redistributions must contain a verbatim copy of this document. + +The OpenLDAP Foundation may revise this license from time to time. +Each revision is distinguished by a version number. You may use +this Software under terms of this license revision or under the +terms of any subsequent revision of the license. + +THIS SOFTWARE IS PROVIDED BY THE OPENLDAP FOUNDATION AND ITS +CONTRIBUTORS ``AS IS'' AND ANY EXPRESSED OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY +AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT +SHALL THE OPENLDAP FOUNDATION, ITS CONTRIBUTORS, OR THE AUTHOR(S) +OR OWNER(S) OF THE SOFTWARE BE LIABLE FOR ANY DIRECT, INDIRECT, +INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, +BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. + +The names of the authors and copyright holders must not be used in +advertising or otherwise to promote the sale, use or other dealing +in this Software without specific, written prior permission. Title +to copyright in this Software shall at all times remain with copyright +holders. + +OpenLDAP is a registered trademark of the OpenLDAP Foundation. + +Copyright 1999-2003 The OpenLDAP Foundation, Redwood City, +California, USA. All Rights Reserved. Permission to copy and +distribute verbatim copies of this document is granted. + +---------------------------------------- + +Package: lomond +License: BSD-3-clause +Requires: six +Author: WildFoundry +Home page: https://github.com/wildfoundry/dataplicity-lomond + +This software was originally developed for use with the Dataplicity +IoT platform (dataplicity.com), however we are making it available +for general use under the terms of the BSD 3-Clause license. + +BSD 3-Clause license + +Copyright (c) 2017, WildFoundry Ltd (UK Company No: 08045924) +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +* Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: matplotlib +License: Python-2.0 +Requires: contourpy, cycler, fonttools, kiwisolver, numpy, packaging, pillow, pyparsing, python-dateutil +Author: John D. Hunter, Michael Droettboom +Home page: None + +License agreement for matplotlib versions 1.3.0 and later +========================================================= + +1. This LICENSE AGREEMENT is between the Matplotlib Development Team +("MDT"), and the Individual or Organization ("Licensee") accessing and +otherwise using matplotlib software in source or binary form and its +associated documentation. + +2. Subject to the terms and conditions of this License Agreement, MDT +hereby grants Licensee a nonexclusive, royalty-free, world-wide license +to reproduce, analyze, test, perform and/or display publicly, prepare +derivative works, distribute, and otherwise use matplotlib +alone or in any derivative version, provided, however, that MDT's +License Agreement and MDT's notice of copyright, i.e., "Copyright (c) +2012- Matplotlib Development Team; All Rights Reserved" are retained in +matplotlib alone or in any derivative version prepared by +Licensee. + +3. In the event Licensee prepares a derivative work that is based on or +incorporates matplotlib or any part thereof, and wants to +make the derivative work available to others as provided herein, then +Licensee hereby agrees to include in any such work a brief summary of +the changes made to matplotlib . + +4. MDT is making matplotlib available to Licensee on an "AS +IS" basis. MDT MAKES NO REPRESENTATIONS OR WARRANTIES, EXPRESS OR +IMPLIED. BY WAY OF EXAMPLE, BUT NOT LIMITATION, MDT MAKES NO AND +DISCLAIMS ANY REPRESENTATION OR WARRANTY OF MERCHANTABILITY OR FITNESS +FOR ANY PARTICULAR PURPOSE OR THAT THE USE OF MATPLOTLIB +WILL NOT INFRINGE ANY THIRD PARTY RIGHTS. + +5. MDT SHALL NOT BE LIABLE TO LICENSEE OR ANY OTHER USERS OF MATPLOTLIB + FOR ANY INCIDENTAL, SPECIAL, OR CONSEQUENTIAL DAMAGES OR +LOSS AS A RESULT OF MODIFYING, DISTRIBUTING, OR OTHERWISE USING +MATPLOTLIB , OR ANY DERIVATIVE THEREOF, EVEN IF ADVISED OF +THE POSSIBILITY THEREOF. + +6. This License Agreement will automatically terminate upon a material +breach of its terms and conditions. + +7. Nothing in this License Agreement shall be deemed to create any +relationship of agency, partnership, or joint venture between MDT and +Licensee. This License Agreement does not grant permission to use MDT +trademarks or trade name in a trademark sense to endorse or promote +products or services of Licensee, or any third party. + +8. By copying, installing or otherwise using matplotlib , +Licensee agrees to be bound by the terms and conditions of this License +Agreement. + +License agreement for matplotlib versions prior to 1.3.0 +======================================================== + +1. This LICENSE AGREEMENT is between John D. Hunter ("JDH"), and the +Individual or Organization ("Licensee") accessing and otherwise using +matplotlib software in source or binary form and its associated +documentation. + +2. Subject to the terms and conditions of this License Agreement, JDH +hereby grants Licensee a nonexclusive, royalty-free, world-wide license +to reproduce, analyze, test, perform and/or display publicly, prepare +derivative works, distribute, and otherwise use matplotlib +alone or in any derivative version, provided, however, that JDH's +License Agreement and JDH's notice of copyright, i.e., "Copyright (c) +2002-2011 John D. Hunter; All Rights Reserved" are retained in +matplotlib alone or in any derivative version prepared by +Licensee. + +3. In the event Licensee prepares a derivative work that is based on or +incorporates matplotlib or any part thereof, and wants to +make the derivative work available to others as provided herein, then +Licensee hereby agrees to include in any such work a brief summary of +the changes made to matplotlib. + +4. JDH is making matplotlib available to Licensee on an "AS +IS" basis. JDH MAKES NO REPRESENTATIONS OR WARRANTIES, EXPRESS OR +IMPLIED. BY WAY OF EXAMPLE, BUT NOT LIMITATION, JDH MAKES NO AND +DISCLAIMS ANY REPRESENTATION OR WARRANTY OF MERCHANTABILITY OR FITNESS +FOR ANY PARTICULAR PURPOSE OR THAT THE USE OF MATPLOTLIB +WILL NOT INFRINGE ANY THIRD PARTY RIGHTS. + +5. JDH SHALL NOT BE LIABLE TO LICENSEE OR ANY OTHER USERS OF MATPLOTLIB + FOR ANY INCIDENTAL, SPECIAL, OR CONSEQUENTIAL DAMAGES OR +LOSS AS A RESULT OF MODIFYING, DISTRIBUTING, OR OTHERWISE USING +MATPLOTLIB , OR ANY DERIVATIVE THEREOF, EVEN IF ADVISED OF +THE POSSIBILITY THEREOF. + +6. This License Agreement will automatically terminate upon a material +breach of its terms and conditions. + +7. Nothing in this License Agreement shall be deemed to create any +relationship of agency, partnership, or joint venture between JDH and +Licensee. This License Agreement does not grant permission to use JDH +trademarks or trade name in a trademark sense to endorse or promote +products or services of Licensee, or any third party. + +8. By copying, installing or otherwise using matplotlib, +Licensee agrees to be bound by the terms and conditions of this License +Agreement. + +---------------------------------------- + +Package: monotonic +License: Apache-2.0 +Requires: n/a +Author: Ori Livneh +Home page: https://github.com/atdt/monotonic + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "{}" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright {yyyy} {name of copyright owner} + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: mpmath +License: BSD-3-clause +Requires: n/a +Author: Fredrik Johansson +Home page: http://mpmath.org/ + +Copyright (c) 2005-2021 Fredrik Johansson and mpmath contributors + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + a. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + b. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + c. Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE REGENTS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +---------------------------------------- + +Package: networkx +License: BSD-3-clause +Requires: n/a +Author: (unknown) > +Home page: None + +NetworkX is distributed with the 3-clause BSD license. + +:: + + Copyright (C) 2004-2023, NetworkX Developers + Aric Hagberg + Dan Schult + Pieter Swart + All rights reserved. + + Redistribution and use in source and binary forms, with or without + modification, are permitted provided that the following conditions are + met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of the NetworkX Developers nor the names of its + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + + THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS + "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT + LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR + A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT + OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, + SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT + LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, + DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY + THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT + (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE + OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: numpy +License: BSD-3-clause +Requires: n/a +Author: Travis E. Oliphant et al. +Home page: https://numpy.org + +Copyright (c) 2005-2023, NumPy Developers. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of the NumPy Developers nor the names of any + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: packaging +License: Apache-2.0 +Requires: n/a +Author: (unknown) > +Home page: None + +Copyright (c) Donald Stufft and individual contributors. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + 1. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + + 2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: paramiko +License: LGPL-3.0 +Requires: bcrypt, cryptography, pynacl +Author: Jeff Forcier +Home page: https://paramiko.org + +GNU LESSER GENERAL PUBLIC LICENSE + Version 2.1, February 1999 + + Copyright (C) 1991, 1999 Free Software Foundation, Inc. + 51 Franklin Street, Suite 500, Boston, MA 02110-1335 USA + Everyone is permitted to copy and distribute verbatim copies + of this license document, but changing it is not allowed. + +[This is the first released version of the Lesser GPL. It also counts + as the successor of the GNU Library Public License, version 2, hence + the version number 2.1.] + + Preamble + + The licenses for most software are designed to take away your +freedom to share and change it. By contrast, the GNU General Public +Licenses are intended to guarantee your freedom to share and change +free software--to make sure the software is free for all its users. + + This license, the Lesser General Public License, applies to some +specially designated software packages--typically libraries--of the +Free Software Foundation and other authors who decide to use it. You +can use it too, but we suggest you first think carefully about whether +this license or the ordinary General Public License is the better +strategy to use in any particular case, based on the explanations below. + + When we speak of free software, we are referring to freedom of use, +not price. Our General Public Licenses are designed to make sure that +you have the freedom to distribute copies of free software (and charge +for this service if you wish); that you receive source code or can get +it if you want it; that you can change the software and use pieces of +it in new free programs; and that you are informed that you can do +these things. + + To protect your rights, we need to make restrictions that forbid +distributors to deny you these rights or to ask you to surrender these +rights. These restrictions translate to certain responsibilities for +you if you distribute copies of the library or if you modify it. + + For example, if you distribute copies of the library, whether gratis +or for a fee, you must give the recipients all the rights that we gave +you. You must make sure that they, too, receive or can get the source +code. If you link other code with the library, you must provide +complete object files to the recipients, so that they can relink them +with the library after making changes to the library and recompiling +it. And you must show them these terms so they know their rights. + + We protect your rights with a two-step method: (1) we copyright the +library, and (2) we offer you this license, which gives you legal +permission to copy, distribute and/or modify the library. + + To protect each distributor, we want to make it very clear that +there is no warranty for the free library. Also, if the library is +modified by someone else and passed on, the recipients should know +that what they have is not the original version, so that the original +author's reputation will not be affected by problems that might be +introduced by others. + + Finally, software patents pose a constant threat to the existence of +any free program. We wish to make sure that a company cannot +effectively restrict the users of a free program by obtaining a +restrictive license from a patent holder. Therefore, we insist that +any patent license obtained for a version of the library must be +consistent with the full freedom of use specified in this license. + + Most GNU software, including some libraries, is covered by the +ordinary GNU General Public License. This license, the GNU Lesser +General Public License, applies to certain designated libraries, and +is quite different from the ordinary General Public License. We use +this license for certain libraries in order to permit linking those +libraries into non-free programs. + + When a program is linked with a library, whether statically or using +a shared library, the combination of the two is legally speaking a +combined work, a derivative of the original library. The ordinary +General Public License therefore permits such linking only if the +entire combination fits its criteria of freedom. The Lesser General +Public License permits more lax criteria for linking other code with +the library. + + We call this license the "Lesser" General Public License because it +does Less to protect the user's freedom than the ordinary General +Public License. It also provides other free software developers Less +of an advantage over competing non-free programs. These disadvantages +are the reason we use the ordinary General Public License for many +libraries. However, the Lesser license provides advantages in certain +special circumstances. + + For example, on rare occasions, there may be a special need to +encourage the widest possible use of a certain library, so that it becomes +a de-facto standard. To achieve this, non-free programs must be +allowed to use the library. A more frequent case is that a free +library does the same job as widely used non-free libraries. In this +case, there is little to gain by limiting the free library to free +software only, so we use the Lesser General Public License. + + In other cases, permission to use a particular library in non-free +programs enables a greater number of people to use a large body of +free software. For example, permission to use the GNU C Library in +non-free programs enables many more people to use the whole GNU +operating system, as well as its variant, the GNU/Linux operating +system. + + Although the Lesser General Public License is Less protective of the +users' freedom, it does ensure that the user of a program that is +linked with the Library has the freedom and the wherewithal to run +that program using a modified version of the Library. + + The precise terms and conditions for copying, distribution and +modification follow. Pay close attention to the difference between a +"work based on the library" and a "work that uses the library". The +former contains code derived from the library, whereas the latter must +be combined with the library in order to run. + + GNU LESSER GENERAL PUBLIC LICENSE + TERMS AND CONDITIONS FOR COPYING, DISTRIBUTION AND MODIFICATION + + 0. This License Agreement applies to any software library or other +program which contains a notice placed by the copyright holder or +other authorized party saying it may be distributed under the terms of +this Lesser General Public License (also called "this License"). +Each licensee is addressed as "you". + + A "library" means a collection of software functions and/or data +prepared so as to be conveniently linked with application programs +(which use some of those functions and data) to form executables. + + The "Library", below, refers to any such software library or work +which has been distributed under these terms. A "work based on the +Library" means either the Library or any derivative work under +copyright law: that is to say, a work containing the Library or a +portion of it, either verbatim or with modifications and/or translated +straightforwardly into another language. (Hereinafter, translation is +included without limitation in the term "modification".) + + "Source code" for a work means the preferred form of the work for +making modifications to it. For a library, complete source code means +all the source code for all modules it contains, plus any associated +interface definition files, plus the scripts used to control compilation +and installation of the library. + + Activities other than copying, distribution and modification are not +covered by this License; they are outside its scope. The act of +running a program using the Library is not restricted, and output from +such a program is covered only if its contents constitute a work based +on the Library (independent of the use of the Library in a tool for +writing it). Whether that is true depends on what the Library does +and what the program that uses the Library does. + + 1. You may copy and distribute verbatim copies of the Library's +complete source code as you receive it, in any medium, provided that +you conspicuously and appropriately publish on each copy an +appropriate copyright notice and disclaimer of warranty; keep intact +all the notices that refer to this License and to the absence of any +warranty; and distribute a copy of this License along with the +Library. + + You may charge a fee for the physical act of transferring a copy, +and you may at your option offer warranty protection in exchange for a +fee. + + 2. You may modify your copy or copies of the Library or any portion +of it, thus forming a work based on the Library, and copy and +distribute such modifications or work under the terms of Section 1 +above, provided that you also meet all of these conditions: + + a) The modified work must itself be a software library. + + b) You must cause the files modified to carry prominent notices + stating that you changed the files and the date of any change. + + c) You must cause the whole of the work to be licensed at no + charge to all third parties under the terms of this License. + + d) If a facility in the modified Library refers to a function or a + table of data to be supplied by an application program that uses + the facility, other than as an argument passed when the facility + is invoked, then you must make a good faith effort to ensure that, + in the event an application does not supply such function or + table, the facility still operates, and performs whatever part of + its purpose remains meaningful. + + (For example, a function in a library to compute square roots has + a purpose that is entirely well-defined independent of the + application. Therefore, Subsection 2d requires that any + application-supplied function or table used by this function must + be optional: if the application does not supply it, the square + root function must still compute square roots.) + +These requirements apply to the modified work as a whole. If +identifiable sections of that work are not derived from the Library, +and can be reasonably considered independent and separate works in +themselves, then this License, and its terms, do not apply to those +sections when you distribute them as separate works. But when you +distribute the same sections as part of a whole which is a work based +on the Library, the distribution of the whole must be on the terms of +this License, whose permissions for other licensees extend to the +entire whole, and thus to each and every part regardless of who wrote +it. + +Thus, it is not the intent of this section to claim rights or contest +your rights to work written entirely by you; rather, the intent is to +exercise the right to control the distribution of derivative or +collective works based on the Library. + +In addition, mere aggregation of another work not based on the Library +with the Library (or with a work based on the Library) on a volume of +a storage or distribution medium does not bring the other work under +the scope of this License. + + 3. You may opt to apply the terms of the ordinary GNU General Public +License instead of this License to a given copy of the Library. To do +this, you must alter all the notices that refer to this License, so +that they refer to the ordinary GNU General Public License, version 2, +instead of to this License. (If a newer version than version 2 of the +ordinary GNU General Public License has appeared, then you can specify +that version instead if you wish.) Do not make any other change in +these notices. + + Once this change is made in a given copy, it is irreversible for +that copy, so the ordinary GNU General Public License applies to all +subsequent copies and derivative works made from that copy. + + This option is useful when you wish to copy part of the code of +the Library into a program that is not a library. + + 4. You may copy and distribute the Library (or a portion or +derivative of it, under Section 2) in object code or executable form +under the terms of Sections 1 and 2 above provided that you accompany +it with the complete corresponding machine-readable source code, which +must be distributed under the terms of Sections 1 and 2 above on a +medium customarily used for software interchange. + + If distribution of object code is made by offering access to copy +from a designated place, then offering equivalent access to copy the +source code from the same place satisfies the requirement to +distribute the source code, even though third parties are not +compelled to copy the source along with the object code. + + 5. A program that contains no derivative of any portion of the +Library, but is designed to work with the Library by being compiled or +linked with it, is called a "work that uses the Library". Such a +work, in isolation, is not a derivative work of the Library, and +therefore falls outside the scope of this License. + + However, linking a "work that uses the Library" with the Library +creates an executable that is a derivative of the Library (because it +contains portions of the Library), rather than a "work that uses the +library". The executable is therefore covered by this License. +Section 6 states terms for distribution of such executables. + + When a "work that uses the Library" uses material from a header file +that is part of the Library, the object code for the work may be a +derivative work of the Library even though the source code is not. +Whether this is true is especially significant if the work can be +linked without the Library, or if the work is itself a library. The +threshold for this to be true is not precisely defined by law. + + If such an object file uses only numerical parameters, data +structure layouts and accessors, and small macros and small inline +functions (ten lines or less in length), then the use of the object +file is unrestricted, regardless of whether it is legally a derivative +work. (Executables containing this object code plus portions of the +Library will still fall under Section 6.) + + Otherwise, if the work is a derivative of the Library, you may +distribute the object code for the work under the terms of Section 6. +Any executables containing that work also fall under Section 6, +whether or not they are linked directly with the Library itself. + + 6. As an exception to the Sections above, you may also combine or +link a "work that uses the Library" with the Library to produce a +work containing portions of the Library, and distribute that work +under terms of your choice, provided that the terms permit +modification of the work for the customer's own use and reverse +engineering for debugging such modifications. + + You must give prominent notice with each copy of the work that the +Library is used in it and that the Library and its use are covered by +this License. You must supply a copy of this License. If the work +during execution displays copyright notices, you must include the +copyright notice for the Library among them, as well as a reference +directing the user to the copy of this License. Also, you must do one +of these things: + + a) Accompany the work with the complete corresponding + machine-readable source code for the Library including whatever + changes were used in the work (which must be distributed under + Sections 1 and 2 above); and, if the work is an executable linked + with the Library, with the complete machine-readable "work that + uses the Library", as object code and/or source code, so that the + user can modify the Library and then relink to produce a modified + executable containing the modified Library. (It is understood + that the user who changes the contents of definitions files in the + Library will not necessarily be able to recompile the application + to use the modified definitions.) + + b) Use a suitable shared library mechanism for linking with the + Library. A suitable mechanism is one that (1) uses at run time a + copy of the library already present on the user's computer system, + rather than copying library functions into the executable, and (2) + will operate properly with a modified version of the library, if + the user installs one, as long as the modified version is + interface-compatible with the version that the work was made with. + + c) Accompany the work with a written offer, valid for at + least three years, to give the same user the materials + specified in Subsection 6a, above, for a charge no more + than the cost of performing this distribution. + + d) If distribution of the work is made by offering access to copy + from a designated place, offer equivalent access to copy the above + specified materials from the same place. + + e) Verify that the user has already received a copy of these + materials or that you have already sent this user a copy. + + For an executable, the required form of the "work that uses the +Library" must include any data and utility programs needed for +reproducing the executable from it. However, as a special exception, +the materials to be distributed need not include anything that is +normally distributed (in either source or binary form) with the major +components (compiler, kernel, and so on) of the operating system on +which the executable runs, unless that component itself accompanies +the executable. + + It may happen that this requirement contradicts the license +restrictions of other proprietary libraries that do not normally +accompany the operating system. Such a contradiction means you cannot +use both them and the Library together in an executable that you +distribute. + + 7. You may place library facilities that are a work based on the +Library side-by-side in a single library together with other library +facilities not covered by this License, and distribute such a combined +library, provided that the separate distribution of the work based on +the Library and of the other library facilities is otherwise +permitted, and provided that you do these two things: + + a) Accompany the combined library with a copy of the same work + based on the Library, uncombined with any other library + facilities. This must be distributed under the terms of the + Sections above. + + b) Give prominent notice with the combined library of the fact + that part of it is a work based on the Library, and explaining + where to find the accompanying uncombined form of the same work. + + 8. You may not copy, modify, sublicense, link with, or distribute +the Library except as expressly provided under this License. Any +attempt otherwise to copy, modify, sublicense, link with, or +distribute the Library is void, and will automatically terminate your +rights under this License. However, parties who have received copies, +or rights, from you under this License will not have their licenses +terminated so long as such parties remain in full compliance. + + 9. You are not required to accept this License, since you have not +signed it. However, nothing else grants you permission to modify or +distribute the Library or its derivative works. These actions are +prohibited by law if you do not accept this License. Therefore, by +modifying or distributing the Library (or any work based on the +Library), you indicate your acceptance of this License to do so, and +all its terms and conditions for copying, distributing or modifying +the Library or works based on it. + + 10. Each time you redistribute the Library (or any work based on the +Library), the recipient automatically receives a license from the +original licensor to copy, distribute, link with or modify the Library +subject to these terms and conditions. You may not impose any further +restrictions on the recipients' exercise of the rights granted herein. +You are not responsible for enforcing compliance by third parties with +this License. + + 11. If, as a consequence of a court judgment or allegation of patent +infringement or for any other reason (not limited to patent issues), +conditions are imposed on you (whether by court order, agreement or +otherwise) that contradict the conditions of this License, they do not +excuse you from the conditions of this License. If you cannot +distribute so as to satisfy simultaneously your obligations under this +License and any other pertinent obligations, then as a consequence you +may not distribute the Library at all. For example, if a patent +license would not permit royalty-free redistribution of the Library by +all those who receive copies directly or indirectly through you, then +the only way you could satisfy both it and this License would be to +refrain entirely from distribution of the Library. + +If any portion of this section is held invalid or unenforceable under any +particular circumstance, the balance of the section is intended to apply, +and the section as a whole is intended to apply in other circumstances. + +It is not the purpose of this section to induce you to infringe any +patents or other property right claims or to contest validity of any +such claims; this section has the sole purpose of protecting the +integrity of the free software distribution system which is +implemented by public license practices. Many people have made +generous contributions to the wide range of software distributed +through that system in reliance on consistent application of that +system; it is up to the author/donor to decide if he or she is willing +to distribute software through any other system and a licensee cannot +impose that choice. + +This section is intended to make thoroughly clear what is believed to +be a consequence of the rest of this License. + + 12. If the distribution and/or use of the Library is restricted in +certain countries either by patents or by copyrighted interfaces, the +original copyright holder who places the Library under this License may add +an explicit geographical distribution limitation excluding those countries, +so that distribution is permitted only in or among countries not thus +excluded. In such case, this License incorporates the limitation as if +written in the body of this License. + + 13. The Free Software Foundation may publish revised and/or new +versions of the Lesser General Public License from time to time. +Such new versions will be similar in spirit to the present version, +but may differ in detail to address new problems or concerns. + +Each version is given a distinguishing version number. If the Library +specifies a version number of this License which applies to it and +"any later version", you have the option of following the terms and +conditions either of that version or of any later version published by +the Free Software Foundation. If the Library does not specify a +license version number, you may choose any version ever published by +the Free Software Foundation. + + 14. If you wish to incorporate parts of the Library into other free +programs whose distribution conditions are incompatible with these, +write to the author to ask for permission. For software which is +copyrighted by the Free Software Foundation, write to the Free +Software Foundation; we sometimes make exceptions for this. Our +decision will be guided by the two goals of preserving the free status +of all derivatives of our free software and of promoting the sharing +and reuse of software generally. + + NO WARRANTY + + 15. BECAUSE THE LIBRARY IS LICENSED FREE OF CHARGE, THERE IS NO +WARRANTY FOR THE LIBRARY, TO THE EXTENT PERMITTED BY APPLICABLE LAW. +EXCEPT WHEN OTHERWISE STATED IN WRITING THE COPYRIGHT HOLDERS AND/OR +OTHER PARTIES PROVIDE THE LIBRARY "AS IS" WITHOUT WARRANTY OF ANY +KIND, EITHER EXPRESSED OR IMPLIED, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR +PURPOSE. THE ENTIRE RISK AS TO THE QUALITY AND PERFORMANCE OF THE +LIBRARY IS WITH YOU. SHOULD THE LIBRARY PROVE DEFECTIVE, YOU ASSUME +THE COST OF ALL NECESSARY SERVICING, REPAIR OR CORRECTION. + + 16. IN NO EVENT UNLESS REQUIRED BY APPLICABLE LAW OR AGREED TO IN +WRITING WILL ANY COPYRIGHT HOLDER, OR ANY OTHER PARTY WHO MAY MODIFY +AND/OR REDISTRIBUTE THE LIBRARY AS PERMITTED ABOVE, BE LIABLE TO YOU +FOR DAMAGES, INCLUDING ANY GENERAL, SPECIAL, INCIDENTAL OR +CONSEQUENTIAL DAMAGES ARISING OUT OF THE USE OR INABILITY TO USE THE +LIBRARY (INCLUDING BUT NOT LIMITED TO LOSS OF DATA OR DATA BEING +RENDERED INACCURATE OR LOSSES SUSTAINED BY YOU OR THIRD PARTIES OR A +FAILURE OF THE LIBRARY TO OPERATE WITH ANY OTHER SOFTWARE), EVEN IF +SUCH HOLDER OR OTHER PARTY HAS BEEN ADVISED OF THE POSSIBILITY OF SUCH +DAMAGES. + + END OF TERMS AND CONDITIONS + + How to Apply These Terms to Your New Libraries + + If you develop a new library, and you want it to be of the greatest +possible use to the public, we recommend making it free software that +everyone can redistribute and change. You can do so by permitting +redistribution under these terms (or, alternatively, under the terms of the +ordinary General Public License). + + To apply these terms, attach the following notices to the library. It is +safest to attach them to the start of each source file to most effectively +convey the exclusion of warranty; and each file should have at least the +"copyright" line and a pointer to where the full notice is found. + + + Copyright (C) + + This library is free software; you can redistribute it and/or + modify it under the terms of the GNU Lesser General Public + License as published by the Free Software Foundation; either + version 2.1 of the License, or (at your option) any later version. + + This library is distributed in the hope that it will be useful, + but WITHOUT ANY WARRANTY; without even the implied warranty of + MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU + Lesser General Public License for more details. + + You should have received a copy of the GNU Lesser General Public + License along with this library; if not, write to the Free Software + Foundation, Inc., 51 Franklin Street, Suite 500, Boston, MA 02110-1335 USA + +Also add information on how to contact you by electronic and paper mail. + +You should also get your employer (if you work as a programmer) or your +school, if any, to sign a "copyright disclaimer" for the library, if +necessary. Here is a sample; alter the names: + + Yoyodyne, Inc., hereby disclaims all copyright interest in the + library `Frob' (a library for tweaking knobs) written by James Random Hacker. + + , 1 April 1990 + Ty Coon, President of Vice + +That's all there is to it! + +---------------------------------------- + +Package: pathspec +License: MPL-2.0 +Requires: n/a +Author: (unknown) <"Caleb P. Burns" > +Home page: None + +Mozilla Public License Version 2.0 +================================== + +1. Definitions +-------------- + +1.1. "Contributor" + means each individual or legal entity that creates, contributes to + the creation of, or owns Covered Software. + +1.2. "Contributor Version" + means the combination of the Contributions of others (if any) used + by a Contributor and that particular Contributor's Contribution. + +1.3. "Contribution" + means Covered Software of a particular Contributor. + +1.4. "Covered Software" + means Source Code Form to which the initial Contributor has attached + the notice in Exhibit A, the Executable Form of such Source Code + Form, and Modifications of such Source Code Form, in each case + including portions thereof. + +1.5. "Incompatible With Secondary Licenses" + means + + (a) that the initial Contributor has attached the notice described + in Exhibit B to the Covered Software; or + + (b) that the Covered Software was made available under the terms of + version 1.1 or earlier of the License, but not also under the + terms of a Secondary License. + +1.6. "Executable Form" + means any form of the work other than Source Code Form. + +1.7. "Larger Work" + means a work that combines Covered Software with other material, in + a separate file or files, that is not Covered Software. + +1.8. "License" + means this document. + +1.9. "Licensable" + means having the right to grant, to the maximum extent possible, + whether at the time of the initial grant or subsequently, any and + all of the rights conveyed by this License. + +1.10. "Modifications" + means any of the following: + + (a) any file in Source Code Form that results from an addition to, + deletion from, or modification of the contents of Covered + Software; or + + (b) any new file in Source Code Form that contains any Covered + Software. + +1.11. "Patent Claims" of a Contributor + means any patent claim(s), including without limitation, method, + process, and apparatus claims, in any patent Licensable by such + Contributor that would be infringed, but for the grant of the + License, by the making, using, selling, offering for sale, having + made, import, or transfer of either its Contributions or its + Contributor Version. + +1.12. "Secondary License" + means either the GNU General Public License, Version 2.0, the GNU + Lesser General Public License, Version 2.1, the GNU Affero General + Public License, Version 3.0, or any later versions of those + licenses. + +1.13. "Source Code Form" + means the form of the work preferred for making modifications. + +1.14. "You" (or "Your") + means an individual or a legal entity exercising rights under this + License. For legal entities, "You" includes any entity that + controls, is controlled by, or is under common control with You. For + purposes of this definition, "control" means (a) the power, direct + or indirect, to cause the direction or management of such entity, + whether by contract or otherwise, or (b) ownership of more than + fifty percent (50%) of the outstanding shares or beneficial + ownership of such entity. + +2. License Grants and Conditions +-------------------------------- + +2.1. Grants + +Each Contributor hereby grants You a world-wide, royalty-free, +non-exclusive license: + +(a) under intellectual property rights (other than patent or trademark) + Licensable by such Contributor to use, reproduce, make available, + modify, display, perform, distribute, and otherwise exploit its + Contributions, either on an unmodified basis, with Modifications, or + as part of a Larger Work; and + +(b) under Patent Claims of such Contributor to make, use, sell, offer + for sale, have made, import, and otherwise transfer either its + Contributions or its Contributor Version. + +2.2. Effective Date + +The licenses granted in Section 2.1 with respect to any Contribution +become effective for each Contribution on the date the Contributor first +distributes such Contribution. + +2.3. Limitations on Grant Scope + +The licenses granted in this Section 2 are the only rights granted under +this License. No additional rights or licenses will be implied from the +distribution or licensing of Covered Software under this License. +Notwithstanding Section 2.1(b) above, no patent license is granted by a +Contributor: + +(a) for any code that a Contributor has removed from Covered Software; + or + +(b) for infringements caused by: (i) Your and any other third party's + modifications of Covered Software, or (ii) the combination of its + Contributions with other software (except as part of its Contributor + Version); or + +(c) under Patent Claims infringed by Covered Software in the absence of + its Contributions. + +This License does not grant any rights in the trademarks, service marks, +or logos of any Contributor (except as may be necessary to comply with +the notice requirements in Section 3.4). + +2.4. Subsequent Licenses + +No Contributor makes additional grants as a result of Your choice to +distribute the Covered Software under a subsequent version of this +License (see Section 10.2) or under the terms of a Secondary License (if +permitted under the terms of Section 3.3). + +2.5. Representation + +Each Contributor represents that the Contributor believes its +Contributions are its original creation(s) or it has sufficient rights +to grant the rights to its Contributions conveyed by this License. + +2.6. Fair Use + +This License is not intended to limit any rights You have under +applicable copyright doctrines of fair use, fair dealing, or other +equivalents. + +2.7. Conditions + +Sections 3.1, 3.2, 3.3, and 3.4 are conditions of the licenses granted +in Section 2.1. + +3. Responsibilities +------------------- + +3.1. Distribution of Source Form + +All distribution of Covered Software in Source Code Form, including any +Modifications that You create or to which You contribute, must be under +the terms of this License. You must inform recipients that the Source +Code Form of the Covered Software is governed by the terms of this +License, and how they can obtain a copy of this License. You may not +attempt to alter or restrict the recipients' rights in the Source Code +Form. + +3.2. Distribution of Executable Form + +If You distribute Covered Software in Executable Form then: + +(a) such Covered Software must also be made available in Source Code + Form, as described in Section 3.1, and You must inform recipients of + the Executable Form how they can obtain a copy of such Source Code + Form by reasonable means in a timely manner, at a charge no more + than the cost of distribution to the recipient; and + +(b) You may distribute such Executable Form under the terms of this + License, or sublicense it under different terms, provided that the + license for the Executable Form does not attempt to limit or alter + the recipients' rights in the Source Code Form under this License. + +3.3. Distribution of a Larger Work + +You may create and distribute a Larger Work under terms of Your choice, +provided that You also comply with the requirements of this License for +the Covered Software. If the Larger Work is a combination of Covered +Software with a work governed by one or more Secondary Licenses, and the +Covered Software is not Incompatible With Secondary Licenses, this +License permits You to additionally distribute such Covered Software +under the terms of such Secondary License(s), so that the recipient of +the Larger Work may, at their option, further distribute the Covered +Software under the terms of either this License or such Secondary +License(s). + +3.4. Notices + +You may not remove or alter the substance of any license notices +(including copyright notices, patent notices, disclaimers of warranty, +or limitations of liability) contained within the Source Code Form of +the Covered Software, except that You may alter any license notices to +the extent required to remedy known factual inaccuracies. + +3.5. Application of Additional Terms + +You may choose to offer, and to charge a fee for, warranty, support, +indemnity or liability obligations to one or more recipients of Covered +Software. However, You may do so only on Your own behalf, and not on +behalf of any Contributor. You must make it absolutely clear that any +such warranty, support, indemnity, or liability obligation is offered by +You alone, and You hereby agree to indemnify every Contributor for any +liability incurred by such Contributor as a result of warranty, support, +indemnity or liability terms You offer. You may include additional +disclaimers of warranty and limitations of liability specific to any +jurisdiction. + +4. Inability to Comply Due to Statute or Regulation +--------------------------------------------------- + +If it is impossible for You to comply with any of the terms of this +License with respect to some or all of the Covered Software due to +statute, judicial order, or regulation then You must: (a) comply with +the terms of this License to the maximum extent possible; and (b) +describe the limitations and the code they affect. Such description must +be placed in a text file included with all distributions of the Covered +Software under this License. Except to the extent prohibited by statute +or regulation, such description must be sufficiently detailed for a +recipient of ordinary skill to be able to understand it. + +5. Termination +-------------- + +5.1. The rights granted under this License will terminate automatically +if You fail to comply with any of its terms. However, if You become +compliant, then the rights granted under this License from a particular +Contributor are reinstated (a) provisionally, unless and until such +Contributor explicitly and finally terminates Your grants, and (b) on an +ongoing basis, if such Contributor fails to notify You of the +non-compliance by some reasonable means prior to 60 days after You have +come back into compliance. Moreover, Your grants from a particular +Contributor are reinstated on an ongoing basis if such Contributor +notifies You of the non-compliance by some reasonable means, this is the +first time You have received notice of non-compliance with this License +from such Contributor, and You become compliant prior to 30 days after +Your receipt of the notice. + +5.2. If You initiate litigation against any entity by asserting a patent +infringement claim (excluding declaratory judgment actions, +counter-claims, and cross-claims) alleging that a Contributor Version +directly or indirectly infringes any patent, then the rights granted to +You by any and all Contributors for the Covered Software under Section +2.1 of this License shall terminate. + +5.3. In the event of termination under Sections 5.1 or 5.2 above, all +end user license agreements (excluding distributors and resellers) which +have been validly granted by You or Your distributors under this License +prior to termination shall survive termination. + +************************************************************************ +* * +* 6. Disclaimer of Warranty * +* ------------------------- * +* * +* Covered Software is provided under this License on an "as is" * +* basis, without warranty of any kind, either expressed, implied, or * +* statutory, including, without limitation, warranties that the * +* Covered Software is free of defects, merchantable, fit for a * +* particular purpose or non-infringing. The entire risk as to the * +* quality and performance of the Covered Software is with You. * +* Should any Covered Software prove defective in any respect, You * +* (not any Contributor) assume the cost of any necessary servicing, * +* repair, or correction. This disclaimer of warranty constitutes an * +* essential part of this License. No use of any Covered Software is * +* authorized under this License except under this disclaimer. * +* * +************************************************************************ + +************************************************************************ +* * +* 7. Limitation of Liability * +* -------------------------- * +* * +* Under no circumstances and under no legal theory, whether tort * +* (including negligence), contract, or otherwise, shall any * +* Contributor, or anyone who distributes Covered Software as * +* permitted above, be liable to You for any direct, indirect, * +* special, incidental, or consequential damages of any character * +* including, without limitation, damages for lost profits, loss of * +* goodwill, work stoppage, computer failure or malfunction, or any * +* and all other commercial damages or losses, even if such party * +* shall have been informed of the possibility of such damages. This * +* limitation of liability shall not apply to liability for death or * +* personal injury resulting from such party's negligence to the * +* extent applicable law prohibits such limitation. Some * +* jurisdictions do not allow the exclusion or limitation of * +* incidental or consequential damages, so this exclusion and * +* limitation may not apply to You. * +* * +************************************************************************ + +8. Litigation +------------- + +Any litigation relating to this License may be brought only in the +courts of a jurisdiction where the defendant maintains its principal +place of business and such litigation shall be governed by laws of that +jurisdiction, without reference to its conflict-of-law provisions. +Nothing in this Section shall prevent a party's ability to bring +cross-claims or counter-claims. + +9. Miscellaneous +---------------- + +This License represents the complete agreement concerning the subject +matter hereof. If any provision of this License is held to be +unenforceable, such provision shall be reformed only to the extent +necessary to make it enforceable. Any law or regulation which provides +that the language of a contract shall be construed against the drafter +shall not be used to construe this License against a Contributor. + +10. Versions of the License +--------------------------- + +10.1. New Versions + +Mozilla Foundation is the license steward. Except as provided in Section +10.3, no one other than the license steward has the right to modify or +publish new versions of this License. Each version will be given a +distinguishing version number. + +10.2. Effect of New Versions + +You may distribute the Covered Software under the terms of the version +of the License under which You originally received the Covered Software, +or under the terms of any subsequent version published by the license +steward. + +10.3. Modified Versions + +If you create software not governed by this License, and you want to +create a new license for such software, you may create and use a +modified version of this License if you rename the license and remove +any references to the name of the license steward (except to note that +such modified license differs from this License). + +10.4. Distributing Source Code Form that is Incompatible With Secondary +Licenses + +If You choose to distribute Source Code Form that is Incompatible With +Secondary Licenses under the terms of this version of the License, the +notice described in Exhibit B of this License must be attached. + +Exhibit A - Source Code Form License Notice +------------------------------------------- + + This Source Code Form is subject to the terms of the Mozilla Public + License, v. 2.0. If a copy of the MPL was not distributed with this + file, You can obtain one at http://mozilla.org/MPL/2.0/. + +If it is not possible or desirable to put the notice in a particular +file, then You may include the notice in a location (such as a LICENSE +file in a relevant directory) where a recipient would be likely to look +for such a notice. + +You may add additional accurate notices of copyright ownership. + +Exhibit B - "Incompatible With Secondary Licenses" Notice +--------------------------------------------------------- + + This Source Code Form is "Incompatible With Secondary Licenses", as + defined by the Mozilla Public License, v. 2.0. + +---------------------------------------- + +Package: pillow +License: Unknown (assumed commercial) +Requires: n/a +Author: (unknown) <"Jeffrey A. Clark" > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +This package is under a commercial license; be extremely careful. + +---------------------------------------- + +Package: platformdirs +License: MIT +Requires: n/a +Author: None +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (author unknown) + +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. + +---------------------------------------- + +Package: proto-plus +License: Apache-2.0 +Requires: protobuf +Author: Google LLC +Home page: https://github.com/googleapis/proto-plus-python.git + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: protobuf +License: BSD-3-clause +Requires: n/a +Author: protobuf@googlegroups.com +Home page: https://developers.google.com/protocol-buffers/ + +Copyright 2008 Google Inc. All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright +notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above +copyright notice, this list of conditions and the following disclaimer +in the documentation and/or other materials provided with the +distribution. + * Neither the name of Google Inc. nor the names of its +contributors may be used to endorse or promote products derived from +this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +Code generated by the Protocol Buffer compiler is owned by the owner +of the input file used when generating it. This code is not +standalone and requires a support library to be linked with it. This +support library is itself covered by the above license. + +---------------------------------------- + +Package: psutil +License: BSD-3-clause +Requires: n/a +Author: Giampaolo Rodola +Home page: https://github.com/giampaolo/psutil + +BSD 3-Clause License + +Copyright (c) 2009, Jay Loden, Dave Daeschler, Giampaolo Rodola +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, +are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + + * Neither the name of the psutil authors nor the names of its contributors + may be used to endorse or promote products derived from this software without + specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON +ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: pyOpenSSL +License: Apache-2.0 +Requires: cryptography +Author: The pyOpenSSL developers +Home page: https://pyopenssl.org/ + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: pyasn1 +License: BSD-2-clause +Requires: n/a +Author: Ilya Etingof +Home page: https://github.com/pyasn1/pyasn1 + +Copyright (c) 2005-2020, Ilya Etingof +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: pycparser +License: BSD-3-clause +Requires: n/a +Author: Eli Bendersky +Home page: https://github.com/eliben/pycparser + +pycparser -- A C parser in Python + +Copyright (c) 2008-2022, Eli Bendersky +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, +are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. +* Neither the name of the copyright holder nor the names of its contributors may + be used to endorse or promote products derived from this software without + specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE +GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT +OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: pydantic +License: MIT +Requires: annotated-types, pydantic-core, typing-extensions +Author: (unknown) , Eric Jolibois , Hasan Ramezani , Adrian Garcia Badaracco <1755071+adriangb@users.noreply.github.com>, Terrence Dorsey , David Montague , Serge Matveenko , Marcelo Trylesinski , Sydney Runkle , David Hewitt , Alex Hall > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (unknown) , Eric Jolibois , Hasan Ramezani , Adrian Garcia Badaracco <1755071+adriangb@users.noreply.github.com>, Terrence Dorsey , David Montague , Serge Matveenko , Marcelo Trylesinski , Sydney Runkle , David Hewitt , Alex Hall > + +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. + +---------------------------------------- + +Package: pyparsing +License: MIT +Requires: n/a +Author: (unknown) > +Home page: None + +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. + +---------------------------------------- + +Package: python-dateutil +License: Apache-2.0 +Requires: six +Author: Gustavo Niemeyer +Home page: https://github.com/dateutil/dateutil + +Copyright 2017- Paul Ganssle +Copyright 2017- dateutil contributors (see AUTHORS file) + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +The above license applies to all contributions after 2017-12-01, as well as +all contributions that have been re-licensed (see AUTHORS file for the list of +contributors who have re-licensed their code). +-------------------------------------------------------------------------------- +dateutil - Extensions to the standard Python datetime module. + +Copyright (c) 2003-2011 - Gustavo Niemeyer +Copyright (c) 2012-2014 - Tomi Pieviläinen +Copyright (c) 2014-2016 - Yaron de Leeuw +Copyright (c) 2015- - Paul Ganssle +Copyright (c) 2015- - dateutil contributors (see AUTHORS file) + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + * Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR +CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, +EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, +PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +The above BSD License Applies to all code, even that also covered by Apache 2.0. + +---------------------------------------- + +Package: pytz +License: MIT +Requires: n/a +Author: Stuart Bishop +Home page: http://pythonhosted.org/pytz + +Copyright (c) 2003-2019 Stuart Bishop + +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. + +---------------------------------------- + +Package: pyzmq +License: BSD-3-clause +Requires: n/a +Author: Brian E. Granger, Min Ragan-Kelley +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +Note: This license has also been called the "New BSD License" or "Modified BSD License". See also the 2-clause BSD License. + +Copyright 2024 Brian E. Granger, Min Ragan-Kelley + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: requests +License: Apache-2.0 +Requires: charset-normalizer, idna, urllib3, certifi +Author: Kenneth Reitz +Home page: https://requests.readthedocs.io + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + +---------------------------------------- + +Package: rsa +License: Apache-2.0 +Requires: pyasn1 +Author: Sybren A. Stüvel +Home page: https://stuvel.eu/rsa + +Copyright 2011 Sybren A. Stüvel + +Licensed under the Apache License, Version 2.0 (the "License"); +you may not use this file except in compliance with the License. +You may obtain a copy of the License at + + https://www.apache.org/licenses/LICENSE-2.0 + +Unless required by applicable law or agreed to in writing, software +distributed under the License is distributed on an "AS IS" BASIS, +WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +See the License for the specific language governing permissions and +limitations under the License. + +---------------------------------------- + +Package: ruamel.yaml +License: MIT +Requires: n/a +Author: Anthon van der Neut +Home page: None + +The MIT License (MIT) + + Copyright (c) 2014-2024 Anthon van der Neut, Ruamel bvba + + 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. + +---------------------------------------- + +Package: s3transfer +License: Apache-2.0 +Requires: botocore +Author: Amazon Web Services +Home page: https://github.com/boto/s3transfer + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: sentry-sdk +License: MIT +Requires: urllib3, certifi +Author: Sentry Team and Contributors +Home page: https://github.com/getsentry/sentry-python + +MIT License + +Copyright (c) 2018-2024 Functional Software, Inc. dba Sentry + +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. + +---------------------------------------- + +Package: setproctitle +License: BSD-3-clause +Requires: n/a +Author: Daniele Varrazzo +Home page: https://github.com/dvarrazzo/py-setproctitle + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +Note: This license has also been called the "New BSD License" or "Modified BSD License". See also the 2-clause BSD License. + +Copyright 2024 Daniele Varrazzo + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: six +License: MIT +Requires: n/a +Author: Benjamin Peterson +Home page: https://github.com/benjaminp/six + +Copyright (c) 2010-2020 Benjamin Peterson + +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. + +---------------------------------------- + +Package: smmap +License: BSD-3-clause +Requires: n/a +Author: Sebastian Thiel +Home page: https://github.com/gitpython-developers/smmap + +Copyright (C) 2010, 2011 Sebastian Thiel and contributors +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +* Redistributions of source code must retain the above copyright +notice, this list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright +notice, this list of conditions and the following disclaimer in the +documentation and/or other materials provided with the distribution. + +* Neither the name of the async project nor the names of +its contributors may be used to endorse or promote products derived +from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED +TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: sympy +License: BSD-3-clause +Requires: mpmath +Author: SymPy development team +Home page: https://sympy.org + +Copyright (c) 2006-2023 SymPy Development Team + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + a. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + b. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + c. Neither the name of SymPy nor the names of its contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE REGENTS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +-------------------------------------------------------------------------------- + +Patches that were taken from the Diofant project (https://github.com/diofant/diofant) +are licensed as: + +Copyright (c) 2006-2018 SymPy Development Team, + 2013-2023 Sergey B Kirpichev + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + a. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + b. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + c. Neither the name of Diofant or SymPy nor the names of its contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE REGENTS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +-------------------------------------------------------------------------------- + +Submodules taken from the multipledispatch project (https://github.com/mrocklin/multipledispatch) +are licensed as: + +Copyright (c) 2014 Matthew Rocklin + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + a. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + b. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + c. Neither the name of multipledispatch nor the names of its contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE REGENTS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +-------------------------------------------------------------------------------- + +The files under the directory sympy/parsing/autolev/tests/pydy-example-repo +are directly copied from PyDy project and are licensed as: + +Copyright (c) 2009-2023, PyDy Authors +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +* Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +* Neither the name of this project nor the names of its contributors may be + used to endorse or promote products derived from this software without + specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL PYDY AUTHORS BE LIABLE FOR ANY DIRECT, +INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, +BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE +OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF +ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +-------------------------------------------------------------------------------- + +The files under the directory sympy/parsing/latex +are directly copied from latex2sympy project and are licensed as: + +Copyright 2016, latex2sympy + +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. + +---------------------------------------- + +Package: tabulate +License: MIT +Requires: n/a +Author: (unknown) > +Home page: None + +Copyright (c) 2011-2020 Sergey Astanin and contributors + +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. + +---------------------------------------- + +Package: termcolor +License: MIT +Requires: n/a +Author: (unknown) > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (unknown) > + +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. + +---------------------------------------- + +Package: tokenizers +License: Apache-2.0 +Requires: huggingface-hub +Author: Anthony MOI , Anthony Moi > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +Apache License +Version 2.0, January 2004 +http://www.apache.org/licenses/ + +TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + +1. Definitions. + +"License" shall mean the terms and conditions for use, reproduction, and distribution as defined by Sections 1 through 9 of this document. + +"Licensor" shall mean the copyright owner or entity authorized by the copyright owner that is granting the License. + +"Legal Entity" shall mean the union of the acting entity and all other entities that control, are controlled by, or are under common control with that entity. For the purposes of this definition, "control" means (i) the power, direct or indirect, to cause the direction or management of such entity, whether by contract or otherwise, or (ii) ownership of fifty percent (50%) or more of the outstanding shares, or (iii) beneficial ownership of such entity. + +"You" (or "Your") shall mean an individual or Legal Entity exercising permissions granted by this License. + +"Source" form shall mean the preferred form for making modifications, including but not limited to software source code, documentation source, and configuration files. + +"Object" form shall mean any form resulting from mechanical transformation or translation of a Source form, including but not limited to compiled object code, generated documentation, and conversions to other media types. + +"Work" shall mean the work of authorship, whether in Source or Object form, made available under the License, as indicated by a copyright notice that is included in or attached to the work (an example is provided in the Appendix below). + +"Derivative Works" shall mean any work, whether in Source or Object form, that is based on (or derived from) the Work and for which the editorial revisions, annotations, elaborations, or other modifications represent, as a whole, an original work of authorship. For the purposes of this License, Derivative Works shall not include works that remain separable from, or merely link (or bind by name) to the interfaces of, the Work and Derivative Works thereof. + +"Contribution" shall mean any work of authorship, including the original version of the Work and any modifications or additions to that Work or Derivative Works thereof, that is intentionally submitted to Licensor for inclusion in the Work by the copyright owner or by an individual or Legal Entity authorized to submit on behalf of the copyright owner. For the purposes of this definition, "submitted" means any form of electronic, verbal, or written communication sent to the Licensor or its representatives, including but not limited to communication on electronic mailing lists, source code control systems, and issue tracking systems that are managed by, or on behalf of, the Licensor for the purpose of discussing and improving the Work, but excluding communication that is conspicuously marked or otherwise designated in writing by the copyright owner as "Not a Contribution." + +"Contributor" shall mean Licensor and any individual or Legal Entity on behalf of whom a Contribution has been received by Licensor and subsequently incorporated within the Work. + +2. Grant of Copyright License. + +Subject to the terms and conditions of this License, each Contributor hereby grants to You a perpetual, worldwide, non-exclusive, no-charge, royalty-free, irrevocable copyright license to reproduce, prepare Derivative Works of, publicly display, publicly perform, sublicense, and distribute the Work and such Derivative Works in Source or Object form. + +3. Grant of Patent License. + +Subject to the terms and conditions of this License, each Contributor hereby grants to You a perpetual, worldwide, non-exclusive, no-charge, royalty-free, irrevocable (except as stated in this section) patent license to make, have made, use, offer to sell, sell, import, and otherwise transfer the Work, where such license applies only to those patent claims licensable by such Contributor that are necessarily infringed by their Contribution(s) alone or by combination of their Contribution(s) with the Work to which such Contribution(s) was submitted. If You institute patent litigation against any entity (including a cross-claim or counterclaim in a lawsuit) alleging that the Work or a Contribution incorporated within the Work constitutes direct or contributory patent infringement, then any patent licenses granted to You under this License for that Work shall terminate as of the date such litigation is filed. + +4. Redistribution. + +You may reproduce and distribute copies of the Work or Derivative Works thereof in any medium, with or without modifications, and in Source or Object form, provided that You meet the following conditions: + +You must give any other recipients of the Work or Derivative Works a copy of this License; and +You must cause any modified files to carry prominent notices stating that You changed the files; and +You must retain, in the Source form of any Derivative Works that You distribute, all copyright, patent, trademark, and attribution notices from the Source form of the Work, excluding those notices that do not pertain to any part of the Derivative Works; and +If the Work includes a "NOTICE" text file as part of its distribution, then any Derivative Works that You distribute must include a readable copy of the attribution notices contained within such NOTICE file, excluding those notices that do not pertain to any part of the Derivative Works, in at least one of the following places: within a NOTICE text file distributed as part of the Derivative Works; within the Source form or documentation, if provided along with the Derivative Works; or, within a display generated by the Derivative Works, if and wherever such third-party notices normally appear. The contents of the NOTICE file are for informational purposes only and do not modify the License. You may add Your own attribution notices within Derivative Works that You distribute, alongside or as an addendum to the NOTICE text from the Work, provided that such additional attribution notices cannot be construed as modifying the License. +You may add Your own copyright statement to Your modifications and may provide additional or different license terms and conditions for use, reproduction, or distribution of Your modifications, or for any such Derivative Works as a whole, provided Your use, reproduction, and distribution of the Work otherwise complies with the conditions stated in this License. + +5. Submission of Contributions. + +Unless You explicitly state otherwise, any Contribution intentionally submitted for inclusion in the Work by You to the Licensor shall be under the terms and conditions of this License, without any additional terms or conditions. Notwithstanding the above, nothing herein shall supersede or modify the terms of any separate license agreement you may have executed with Licensor regarding such Contributions. + +6. Trademarks. + +This License does not grant permission to use the trade names, trademarks, service marks, or product names of the Licensor, except as required for reasonable and customary use in describing the origin of the Work and reproducing the content of the NOTICE file. + +7. Disclaimer of Warranty. + +Unless required by applicable law or agreed to in writing, Licensor provides the Work (and each Contributor provides its Contributions) on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied, including, without limitation, any warranties or conditions of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A PARTICULAR PURPOSE. You are solely responsible for determining the appropriateness of using or redistributing the Work and assume any risks associated with Your exercise of permissions under this License. + +8. Limitation of Liability. + +In no event and under no legal theory, whether in tort (including negligence), contract, or otherwise, unless required by applicable law (such as deliberate and grossly negligent acts) or agreed to in writing, shall any Contributor be liable to You for damages, including any direct, indirect, special, incidental, or consequential damages of any character arising as a result of this License or out of the use or inability to use the Work (including but not limited to damages for loss of goodwill, work stoppage, computer failure or malfunction, or any and all other commercial damages or losses), even if such Contributor has been advised of the possibility of such damages. + +9. Accepting Warranty or Additional Liability. + +While redistributing the Work or Derivative Works thereof, You may choose to offer, and charge a fee for, acceptance of support, warranty, indemnity, or other liability obligations and/or rights consistent with this License. However, in accepting such obligations, You may act only on Your own behalf and on Your sole responsibility, not on behalf of any other Contributor, and only if You agree to indemnify, defend, and hold each Contributor harmless for any liability incurred by, or claims asserted against, such Contributor by reason of your accepting any such warranty or additional liability. + +END OF TERMS AND CONDITIONS + +APPENDIX: How to apply the Apache License to your work + +To apply the Apache License to your work, attach the following boilerplate notice, with the fields enclosed by brackets "[]" replaced with your own identifying information. (Don't include the brackets!) The text should be enclosed in the appropriate comment syntax for the file format. We also recommend that a file or class name and description of purpose be included on the same "printed page" as the copyright notice for easier identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +Package: tqdm +License: MIT +Requires: n/a +Author: None +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (author unknown) + +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. + +---------------------------------------- + +Package: uritemplate +License: Apache-2.0 +Requires: n/a +Author: Ian Stapleton Cordasco +Home page: https://uritemplate.readthedocs.org + +This software is made available under the terms of *either* of the licenses +found in LICENSE.APACHE or LICENSE.BSD. Contributions to uritemplate are +made under the terms of *both* these licenses. + +---------------------------------------- + +Package: urllib3 +License: MIT +Requires: n/a +Author: (unknown) > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (unknown) > + +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. + +---------------------------------------- + +Package: wandb +License: MIT +Requires: click!, docker-pycreds, gitpython!, platformdirs, psutil, pyyaml, requests, sentry-sdk, setproctitle, setuptools +Author: (unknown) > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (unknown) > + +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. + +---------------------------------------- + +Package: websockets +License: BSD-3-clause +Requires: n/a +Author: (unknown) > +Home page: None + +Copyright (c) Aymeric Augustin and contributors + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + * Neither the name of the copyright holder nor the names of its contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: yogadl +License: Apache-2.0 +Requires: async-generator, boto3, filelock, google-cloud-storage, lmdb, lomond, websockets +Author: Determined AI +Home page: https://www.github.com/determined-ai/yogadl/ + +Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +---------------------------------------- + +End of 'third_party_licenses_base.txt' generated by Python third_party_license_generator at 2024-06-20 14:58:17.379646 diff --git a/third_party_licenses_test.txt b/third_party_licenses_test.txt new file mode 100644 index 0000000..cc14543 --- /dev/null +++ b/third_party_licenses_test.txt @@ -0,0 +1,1669 @@ +Start of 'third_party_licenses_test.txt' generated by Python third_party_license_generator at 2024-06-20 14:58:23.136890 + +---------------------------------------- + +Package: anyio +License: MIT +Requires: idna, sniffio +Author: (unknown) > +Home page: None + +The MIT License (MIT) + +Copyright (c) 2018 Alex Grönholm + +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. + +---------------------------------------- + +Package: black +License: MIT +Requires: click, mypy-extensions, packaging, pathspec, platformdirs +Author: (unknown) <Łukasz Langa > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (unknown) <Łukasz Langa > + +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. + +---------------------------------------- + +Package: certifi +License: MPL-2.0 +Requires: n/a +Author: Kenneth Reitz +Home page: https://github.com/certifi/python-certifi + +This package contains a modified version of ca-bundle.crt: + +ca-bundle.crt -- Bundle of CA Root Certificates + +This is a bundle of X.509 certificates of public Certificate Authorities +(CA). These were automatically extracted from Mozilla's root certificates +file (certdata.txt). This file can be found in the mozilla source tree: +https://hg.mozilla.org/mozilla-central/file/tip/security/nss/lib/ckfw/builtins/certdata.txt +It contains the certificates in PEM format and therefore +can be directly used with curl / libcurl / php_curl, or with +an Apache+mod_ssl webserver for SSL client authentication. +Just configure this file as the SSLCACertificateFile.# + +***** BEGIN LICENSE BLOCK ***** +This Source Code Form is subject to the terms of the Mozilla Public License, +v. 2.0. If a copy of the MPL was not distributed with this file, You can obtain +one at http://mozilla.org/MPL/2.0/. + +***** END LICENSE BLOCK ***** +@(#) $RCSfile: certdata.txt,v $ $Revision: 1.80 $ $Date: 2011/11/03 15:11:58 $ + +---------------------------------------- + +Package: cfgv +License: MIT +Requires: n/a +Author: Anthony Sottile +Home page: https://github.com/asottile/cfgv + +Copyright (c) 2018 Anthony Sottile + +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. + +---------------------------------------- + +Package: click +License: BSD-3-clause +Requires: n/a +Author: None +Home page: https://palletsprojects.com/p/click/ + +Copyright 2014 Pallets + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A +PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED +TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: distlib +License: Python-2.0 +Requires: n/a +Author: Vinay Sajip +Home page: https://github.com/pypa/distlib + +A. HISTORY OF THE SOFTWARE +========================== + +Python was created in the early 1990s by Guido van Rossum at Stichting +Mathematisch Centrum (CWI, see http://www.cwi.nl) in the Netherlands +as a successor of a language called ABC. Guido remains Python's +principal author, although it includes many contributions from others. + +In 1995, Guido continued his work on Python at the Corporation for +National Research Initiatives (CNRI, see http://www.cnri.reston.va.us) +in Reston, Virginia where he released several versions of the +software. + +In May 2000, Guido and the Python core development team moved to +BeOpen.com to form the BeOpen PythonLabs team. In October of the same +year, the PythonLabs team moved to Digital Creations (now Zope +Corporation, see http://www.zope.com). In 2001, the Python Software +Foundation (PSF, see http://www.python.org/psf/) was formed, a +non-profit organization created specifically to own Python-related +Intellectual Property. Zope Corporation is a sponsoring member of +the PSF. + +All Python releases are Open Source (see http://www.opensource.org for +the Open Source Definition). Historically, most, but not all, Python +releases have also been GPL-compatible; the table below summarizes +the various releases. + + Release Derived Year Owner GPL- + from compatible? (1) + + 0.9.0 thru 1.2 1991-1995 CWI yes + 1.3 thru 1.5.2 1.2 1995-1999 CNRI yes + 1.6 1.5.2 2000 CNRI no + 2.0 1.6 2000 BeOpen.com no + 1.6.1 1.6 2001 CNRI yes (2) + 2.1 2.0+1.6.1 2001 PSF no + 2.0.1 2.0+1.6.1 2001 PSF yes + 2.1.1 2.1+2.0.1 2001 PSF yes + 2.2 2.1.1 2001 PSF yes + 2.1.2 2.1.1 2002 PSF yes + 2.1.3 2.1.2 2002 PSF yes + 2.2.1 2.2 2002 PSF yes + 2.2.2 2.2.1 2002 PSF yes + 2.2.3 2.2.2 2003 PSF yes + 2.3 2.2.2 2002-2003 PSF yes + 2.3.1 2.3 2002-2003 PSF yes + 2.3.2 2.3.1 2002-2003 PSF yes + 2.3.3 2.3.2 2002-2003 PSF yes + 2.3.4 2.3.3 2004 PSF yes + 2.3.5 2.3.4 2005 PSF yes + 2.4 2.3 2004 PSF yes + 2.4.1 2.4 2005 PSF yes + 2.4.2 2.4.1 2005 PSF yes + 2.4.3 2.4.2 2006 PSF yes + 2.4.4 2.4.3 2006 PSF yes + 2.5 2.4 2006 PSF yes + 2.5.1 2.5 2007 PSF yes + 2.5.2 2.5.1 2008 PSF yes + 2.5.3 2.5.2 2008 PSF yes + 2.6 2.5 2008 PSF yes + 2.6.1 2.6 2008 PSF yes + 2.6.2 2.6.1 2009 PSF yes + 2.6.3 2.6.2 2009 PSF yes + 2.6.4 2.6.3 2009 PSF yes + 2.6.5 2.6.4 2010 PSF yes + 3.0 2.6 2008 PSF yes + 3.0.1 3.0 2009 PSF yes + 3.1 3.0.1 2009 PSF yes + 3.1.1 3.1 2009 PSF yes + 3.1.2 3.1 2010 PSF yes + 3.2 3.1 2010 PSF yes + +Footnotes: + +(1) GPL-compatible doesn't mean that we're distributing Python under + the GPL. All Python licenses, unlike the GPL, let you distribute + a modified version without making your changes open source. The + GPL-compatible licenses make it possible to combine Python with + other software that is released under the GPL; the others don't. + +(2) According to Richard Stallman, 1.6.1 is not GPL-compatible, + because its license has a choice of law clause. According to + CNRI, however, Stallman's lawyer has told CNRI's lawyer that 1.6.1 + is "not incompatible" with the GPL. + +Thanks to the many outside volunteers who have worked under Guido's +direction to make these releases possible. + + +B. TERMS AND CONDITIONS FOR ACCESSING OR OTHERWISE USING PYTHON +=============================================================== + +PYTHON SOFTWARE FOUNDATION LICENSE VERSION 2 +-------------------------------------------- + +1. This LICENSE AGREEMENT is between the Python Software Foundation +("PSF"), and the Individual or Organization ("Licensee") accessing and +otherwise using this software ("Python") in source or binary form and +its associated documentation. + +2. Subject to the terms and conditions of this License Agreement, PSF hereby +grants Licensee a nonexclusive, royalty-free, world-wide license to reproduce, +analyze, test, perform and/or display publicly, prepare derivative works, +distribute, and otherwise use Python alone or in any derivative version, +provided, however, that PSF's License Agreement and PSF's notice of copyright, +i.e., "Copyright (c) 2001, 2002, 2003, 2004, 2005, 2006, 2007, 2008, 2009, 2010 +Python Software Foundation; All Rights Reserved" are retained in Python alone or +in any derivative version prepared by Licensee. + +3. In the event Licensee prepares a derivative work that is based on +or incorporates Python or any part thereof, and wants to make +the derivative work available to others as provided herein, then +Licensee hereby agrees to include in any such work a brief summary of +the changes made to Python. + +4. PSF is making Python available to Licensee on an "AS IS" +basis. PSF MAKES NO REPRESENTATIONS OR WARRANTIES, EXPRESS OR +IMPLIED. BY WAY OF EXAMPLE, BUT NOT LIMITATION, PSF MAKES NO AND +DISCLAIMS ANY REPRESENTATION OR WARRANTY OF MERCHANTABILITY OR FITNESS +FOR ANY PARTICULAR PURPOSE OR THAT THE USE OF PYTHON WILL NOT +INFRINGE ANY THIRD PARTY RIGHTS. + +5. PSF SHALL NOT BE LIABLE TO LICENSEE OR ANY OTHER USERS OF PYTHON +FOR ANY INCIDENTAL, SPECIAL, OR CONSEQUENTIAL DAMAGES OR LOSS AS +A RESULT OF MODIFYING, DISTRIBUTING, OR OTHERWISE USING PYTHON, +OR ANY DERIVATIVE THEREOF, EVEN IF ADVISED OF THE POSSIBILITY THEREOF. + +6. This License Agreement will automatically terminate upon a material +breach of its terms and conditions. + +7. Nothing in this License Agreement shall be deemed to create any +relationship of agency, partnership, or joint venture between PSF and +Licensee. This License Agreement does not grant permission to use PSF +trademarks or trade name in a trademark sense to endorse or promote +products or services of Licensee, or any third party. + +8. By copying, installing or otherwise using Python, Licensee +agrees to be bound by the terms and conditions of this License +Agreement. + + +BEOPEN.COM LICENSE AGREEMENT FOR PYTHON 2.0 +------------------------------------------- + +BEOPEN PYTHON OPEN SOURCE LICENSE AGREEMENT VERSION 1 + +1. This LICENSE AGREEMENT is between BeOpen.com ("BeOpen"), having an +office at 160 Saratoga Avenue, Santa Clara, CA 95051, and the +Individual or Organization ("Licensee") accessing and otherwise using +this software in source or binary form and its associated +documentation ("the Software"). + +2. Subject to the terms and conditions of this BeOpen Python License +Agreement, BeOpen hereby grants Licensee a non-exclusive, +royalty-free, world-wide license to reproduce, analyze, test, perform +and/or display publicly, prepare derivative works, distribute, and +otherwise use the Software alone or in any derivative version, +provided, however, that the BeOpen Python License is retained in the +Software, alone or in any derivative version prepared by Licensee. + +3. BeOpen is making the Software available to Licensee on an "AS IS" +basis. BEOPEN MAKES NO REPRESENTATIONS OR WARRANTIES, EXPRESS OR +IMPLIED. BY WAY OF EXAMPLE, BUT NOT LIMITATION, BEOPEN MAKES NO AND +DISCLAIMS ANY REPRESENTATION OR WARRANTY OF MERCHANTABILITY OR FITNESS +FOR ANY PARTICULAR PURPOSE OR THAT THE USE OF THE SOFTWARE WILL NOT +INFRINGE ANY THIRD PARTY RIGHTS. + +4. BEOPEN SHALL NOT BE LIABLE TO LICENSEE OR ANY OTHER USERS OF THE +SOFTWARE FOR ANY INCIDENTAL, SPECIAL, OR CONSEQUENTIAL DAMAGES OR LOSS +AS A RESULT OF USING, MODIFYING OR DISTRIBUTING THE SOFTWARE, OR ANY +DERIVATIVE THEREOF, EVEN IF ADVISED OF THE POSSIBILITY THEREOF. + +5. This License Agreement will automatically terminate upon a material +breach of its terms and conditions. + +6. This License Agreement shall be governed by and interpreted in all +respects by the law of the State of California, excluding conflict of +law provisions. Nothing in this License Agreement shall be deemed to +create any relationship of agency, partnership, or joint venture +between BeOpen and Licensee. This License Agreement does not grant +permission to use BeOpen trademarks or trade names in a trademark +sense to endorse or promote products or services of Licensee, or any +third party. As an exception, the "BeOpen Python" logos available at +http://www.pythonlabs.com/logos.html may be used according to the +permissions granted on that web page. + +7. By copying, installing or otherwise using the software, Licensee +agrees to be bound by the terms and conditions of this License +Agreement. + + +CNRI LICENSE AGREEMENT FOR PYTHON 1.6.1 +--------------------------------------- + +1. This LICENSE AGREEMENT is between the Corporation for National +Research Initiatives, having an office at 1895 Preston White Drive, +Reston, VA 20191 ("CNRI"), and the Individual or Organization +("Licensee") accessing and otherwise using Python 1.6.1 software in +source or binary form and its associated documentation. + +2. Subject to the terms and conditions of this License Agreement, CNRI +hereby grants Licensee a nonexclusive, royalty-free, world-wide +license to reproduce, analyze, test, perform and/or display publicly, +prepare derivative works, distribute, and otherwise use Python 1.6.1 +alone or in any derivative version, provided, however, that CNRI's +License Agreement and CNRI's notice of copyright, i.e., "Copyright (c) +1995-2001 Corporation for National Research Initiatives; All Rights +Reserved" are retained in Python 1.6.1 alone or in any derivative +version prepared by Licensee. Alternately, in lieu of CNRI's License +Agreement, Licensee may substitute the following text (omitting the +quotes): "Python 1.6.1 is made available subject to the terms and +conditions in CNRI's License Agreement. This Agreement together with +Python 1.6.1 may be located on the Internet using the following +unique, persistent identifier (known as a handle): 1895.22/1013. This +Agreement may also be obtained from a proxy server on the Internet +using the following URL: http://hdl.handle.net/1895.22/1013". + +3. In the event Licensee prepares a derivative work that is based on +or incorporates Python 1.6.1 or any part thereof, and wants to make +the derivative work available to others as provided herein, then +Licensee hereby agrees to include in any such work a brief summary of +the changes made to Python 1.6.1. + +4. CNRI is making Python 1.6.1 available to Licensee on an "AS IS" +basis. CNRI MAKES NO REPRESENTATIONS OR WARRANTIES, EXPRESS OR +IMPLIED. BY WAY OF EXAMPLE, BUT NOT LIMITATION, CNRI MAKES NO AND +DISCLAIMS ANY REPRESENTATION OR WARRANTY OF MERCHANTABILITY OR FITNESS +FOR ANY PARTICULAR PURPOSE OR THAT THE USE OF PYTHON 1.6.1 WILL NOT +INFRINGE ANY THIRD PARTY RIGHTS. + +5. CNRI SHALL NOT BE LIABLE TO LICENSEE OR ANY OTHER USERS OF PYTHON +1.6.1 FOR ANY INCIDENTAL, SPECIAL, OR CONSEQUENTIAL DAMAGES OR LOSS AS +A RESULT OF MODIFYING, DISTRIBUTING, OR OTHERWISE USING PYTHON 1.6.1, +OR ANY DERIVATIVE THEREOF, EVEN IF ADVISED OF THE POSSIBILITY THEREOF. + +6. This License Agreement will automatically terminate upon a material +breach of its terms and conditions. + +7. This License Agreement shall be governed by the federal +intellectual property law of the United States, including without +limitation the federal copyright law, and, to the extent such +U.S. federal law does not apply, by the law of the Commonwealth of +Virginia, excluding Virginia's conflict of law provisions. +Notwithstanding the foregoing, with regard to derivative works based +on Python 1.6.1 that incorporate non-separable material that was +previously distributed under the GNU General Public License (GPL), the +law of the Commonwealth of Virginia shall govern this License +Agreement only as to issues arising under or with respect to +Paragraphs 4, 5, and 7 of this License Agreement. Nothing in this +License Agreement shall be deemed to create any relationship of +agency, partnership, or joint venture between CNRI and Licensee. This +License Agreement does not grant permission to use CNRI trademarks or +trade name in a trademark sense to endorse or promote products or +services of Licensee, or any third party. + +8. By clicking on the "ACCEPT" button where indicated, or by copying, +installing or otherwise using Python 1.6.1, Licensee agrees to be +bound by the terms and conditions of this License Agreement. + + ACCEPT + + +CWI LICENSE AGREEMENT FOR PYTHON 0.9.0 THROUGH 1.2 +-------------------------------------------------- + +Copyright (c) 1991 - 1995, Stichting Mathematisch Centrum Amsterdam, +The Netherlands. All rights reserved. + +Permission to use, copy, modify, and distribute this software and its +documentation for any purpose and without fee is hereby granted, +provided that the above copyright notice appear in all copies and that +both that copyright notice and this permission notice appear in +supporting documentation, and that the name of Stichting Mathematisch +Centrum or CWI not be used in advertising or publicity pertaining to +distribution of the software without specific, written prior +permission. + +STICHTING MATHEMATISCH CENTRUM DISCLAIMS ALL WARRANTIES WITH REGARD TO +THIS SOFTWARE, INCLUDING ALL IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS, IN NO EVENT SHALL STICHTING MATHEMATISCH CENTRUM BE LIABLE +FOR ANY SPECIAL, INDIRECT OR CONSEQUENTIAL DAMAGES OR ANY DAMAGES +WHATSOEVER RESULTING FROM LOSS OF USE, DATA OR PROFITS, WHETHER IN AN +ACTION OF CONTRACT, NEGLIGENCE OR OTHER TORTIOUS ACTION, ARISING OUT +OF OR IN CONNECTION WITH THE USE OR PERFORMANCE OF THIS SOFTWARE. + +---------------------------------------- + +Package: filelock +License: The Unlicense +Requires: n/a +Author: None +Home page: None + +This is free and unencumbered software released into the public domain. + +Anyone is free to copy, modify, publish, use, compile, sell, or +distribute this software, either in source code form or as a compiled +binary, for any purpose, commercial or non-commercial, and by any +means. + +In jurisdictions that recognize copyright laws, the author or authors +of this software dedicate any and all copyright interest in the +software to the public domain. We make this dedication for the benefit +of the public at large and to the detriment of our heirs and +successors. We intend this dedication to be an overt act of +relinquishment in perpetuity of all present and future rights to this +software under copyright law. + +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 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. + +For more information, please refer to + +---------------------------------------- + +Package: flake8 +License: MIT +Requires: mccabe, pycodestyle, pyflakes +Author: Tarek Ziade +Home page: https://github.com/pycqa/flake8 + +== Flake8 License (MIT) == + +Copyright (C) 2011-2013 Tarek Ziade +Copyright (C) 2012-2016 Ian Cordasco + +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. + +---------------------------------------- + +Package: h11 +License: MIT +Requires: n/a +Author: Nathaniel J. Smith +Home page: https://github.com/python-hyper/h11 + +The MIT License (MIT) + +Copyright (c) 2016 Nathaniel J. Smith and other contributors + +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. + +---------------------------------------- + +Package: httpcore +License: BSD-3-clause +Requires: certifi, h11 +Author: (unknown) > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +Note: This license has also been called the "New BSD License" or "Modified BSD License". See also the 2-clause BSD License. + +Copyright 2024 (unknown) > + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: httpx +License: BSD-3-clause +Requires: anyio, certifi, httpcore, idna, sniffio +Author: (unknown) > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +Note: This license has also been called the "New BSD License" or "Modified BSD License". See also the 2-clause BSD License. + +Copyright 2024 (unknown) > + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: identify +License: MIT +Requires: n/a +Author: Chris Kuehl +Home page: https://github.com/pre-commit/identify + +Copyright (c) 2017 Chris Kuehl, Anthony Sottile + +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. + +---------------------------------------- + +Package: idna +License: BSD-3-clause +Requires: n/a +Author: (unknown) > +Home page: None + +BSD 3-Clause License + +Copyright (c) 2013-2024, Kim Davies and contributors. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED +TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: iniconfig +License: MIT +Requires: n/a +Author: (unknown) , Holger Krekel > +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (unknown) , Holger Krekel > + +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. + +---------------------------------------- + +Package: mccabe +License: MIT +Requires: n/a +Author: Tarek Ziade +Home page: https://github.com/pycqa/mccabe + +Copyright © Ned Batchelder +Copyright © 2011-2013 Tarek Ziade +Copyright © 2013 Florent Xicluna + +Licensed under the terms of the Expat License + +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. + +---------------------------------------- + +Package: mypy +License: MIT +Requires: typing-extensions, mypy-extensions +Author: Jukka Lehtosalo +Home page: https://www.mypy-lang.org/ + +Mypy (and mypyc) are licensed under the terms of the MIT license, reproduced below. + += = = = = + +The MIT License + +Copyright (c) 2012-2023 Jukka Lehtosalo and contributors +Copyright (c) 2015-2023 Dropbox, Inc. + +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. + += = = = = + +Portions of mypy and mypyc are licensed under different licenses. +The files +mypyc/lib-rt/pythonsupport.h, mypyc/lib-rt/getargs.c and +mypyc/lib-rt/getargsfast.c are licensed under the PSF 2 License, reproduced +below. + += = = = = + +PYTHON SOFTWARE FOUNDATION LICENSE VERSION 2 +-------------------------------------------- + +1. This LICENSE AGREEMENT is between the Python Software Foundation +("PSF"), and the Individual or Organization ("Licensee") accessing and +otherwise using this software ("Python") in source or binary form and +its associated documentation. + +2. Subject to the terms and conditions of this License Agreement, PSF hereby +grants Licensee a nonexclusive, royalty-free, world-wide license to reproduce, +analyze, test, perform and/or display publicly, prepare derivative works, +distribute, and otherwise use Python alone or in any derivative version, +provided, however, that PSF's License Agreement and PSF's notice of copyright, +i.e., "Copyright (c) 2001, 2002, 2003, 2004, 2005, 2006, 2007, 2008, 2009, 2010, +2011, 2012 Python Software Foundation; All Rights Reserved" are retained in Python +alone or in any derivative version prepared by Licensee. + +3. In the event Licensee prepares a derivative work that is based on +or incorporates Python or any part thereof, and wants to make +the derivative work available to others as provided herein, then +Licensee hereby agrees to include in any such work a brief summary of +the changes made to Python. + +4. PSF is making Python available to Licensee on an "AS IS" +basis. PSF MAKES NO REPRESENTATIONS OR WARRANTIES, EXPRESS OR +IMPLIED. BY WAY OF EXAMPLE, BUT NOT LIMITATION, PSF MAKES NO AND +DISCLAIMS ANY REPRESENTATION OR WARRANTY OF MERCHANTABILITY OR FITNESS +FOR ANY PARTICULAR PURPOSE OR THAT THE USE OF PYTHON WILL NOT +INFRINGE ANY THIRD PARTY RIGHTS. + +5. PSF SHALL NOT BE LIABLE TO LICENSEE OR ANY OTHER USERS OF PYTHON +FOR ANY INCIDENTAL, SPECIAL, OR CONSEQUENTIAL DAMAGES OR LOSS AS +A RESULT OF MODIFYING, DISTRIBUTING, OR OTHERWISE USING PYTHON, +OR ANY DERIVATIVE THEREOF, EVEN IF ADVISED OF THE POSSIBILITY THEREOF. + +6. This License Agreement will automatically terminate upon a material +breach of its terms and conditions. + +7. Nothing in this License Agreement shall be deemed to create any +relationship of agency, partnership, or joint venture between PSF and +Licensee. This License Agreement does not grant permission to use PSF +trademarks or trade name in a trademark sense to endorse or promote +products or services of Licensee, or any third party. + +8. By copying, installing or otherwise using Python, Licensee +agrees to be bound by the terms and conditions of this License +Agreement. + + +BEOPEN.COM LICENSE AGREEMENT FOR PYTHON 2.0 +------------------------------------------- + +BEOPEN PYTHON OPEN SOURCE LICENSE AGREEMENT VERSION 1 + +1. This LICENSE AGREEMENT is between BeOpen.com ("BeOpen"), having an +office at 160 Saratoga Avenue, Santa Clara, CA 95051, and the +Individual or Organization ("Licensee") accessing and otherwise using +this software in source or binary form and its associated +documentation ("the Software"). + +2. Subject to the terms and conditions of this BeOpen Python License +Agreement, BeOpen hereby grants Licensee a non-exclusive, +royalty-free, world-wide license to reproduce, analyze, test, perform +and/or display publicly, prepare derivative works, distribute, and +otherwise use the Software alone or in any derivative version, +provided, however, that the BeOpen Python License is retained in the +Software, alone or in any derivative version prepared by Licensee. + +3. BeOpen is making the Software available to Licensee on an "AS IS" +basis. BEOPEN MAKES NO REPRESENTATIONS OR WARRANTIES, EXPRESS OR +IMPLIED. BY WAY OF EXAMPLE, BUT NOT LIMITATION, BEOPEN MAKES NO AND +DISCLAIMS ANY REPRESENTATION OR WARRANTY OF MERCHANTABILITY OR FITNESS +FOR ANY PARTICULAR PURPOSE OR THAT THE USE OF THE SOFTWARE WILL NOT +INFRINGE ANY THIRD PARTY RIGHTS. + +4. BEOPEN SHALL NOT BE LIABLE TO LICENSEE OR ANY OTHER USERS OF THE +SOFTWARE FOR ANY INCIDENTAL, SPECIAL, OR CONSEQUENTIAL DAMAGES OR LOSS +AS A RESULT OF USING, MODIFYING OR DISTRIBUTING THE SOFTWARE, OR ANY +DERIVATIVE THEREOF, EVEN IF ADVISED OF THE POSSIBILITY THEREOF. + +5. This License Agreement will automatically terminate upon a material +breach of its terms and conditions. + +6. This License Agreement shall be governed by and interpreted in all +respects by the law of the State of California, excluding conflict of +law provisions. Nothing in this License Agreement shall be deemed to +create any relationship of agency, partnership, or joint venture +between BeOpen and Licensee. This License Agreement does not grant +permission to use BeOpen trademarks or trade names in a trademark +sense to endorse or promote products or services of Licensee, or any +third party. As an exception, the "BeOpen Python" logos available at +http://www.pythonlabs.com/logos.html may be used according to the +permissions granted on that web page. + +7. By copying, installing or otherwise using the software, Licensee +agrees to be bound by the terms and conditions of this License +Agreement. + + +CNRI LICENSE AGREEMENT FOR PYTHON 1.6.1 +--------------------------------------- + +1. This LICENSE AGREEMENT is between the Corporation for National +Research Initiatives, having an office at 1895 Preston White Drive, +Reston, VA 20191 ("CNRI"), and the Individual or Organization +("Licensee") accessing and otherwise using Python 1.6.1 software in +source or binary form and its associated documentation. + +2. Subject to the terms and conditions of this License Agreement, CNRI +hereby grants Licensee a nonexclusive, royalty-free, world-wide +license to reproduce, analyze, test, perform and/or display publicly, +prepare derivative works, distribute, and otherwise use Python 1.6.1 +alone or in any derivative version, provided, however, that CNRI's +License Agreement and CNRI's notice of copyright, i.e., "Copyright (c) +1995-2001 Corporation for National Research Initiatives; All Rights +Reserved" are retained in Python 1.6.1 alone or in any derivative +version prepared by Licensee. Alternately, in lieu of CNRI's License +Agreement, Licensee may substitute the following text (omitting the +quotes): "Python 1.6.1 is made available subject to the terms and +conditions in CNRI's License Agreement. This Agreement together with +Python 1.6.1 may be located on the Internet using the following +unique, persistent identifier (known as a handle): 1895.22/1013. This +Agreement may also be obtained from a proxy server on the Internet +using the following URL: http://hdl.handle.net/1895.22/1013". + +3. In the event Licensee prepares a derivative work that is based on +or incorporates Python 1.6.1 or any part thereof, and wants to make +the derivative work available to others as provided herein, then +Licensee hereby agrees to include in any such work a brief summary of +the changes made to Python 1.6.1. + +4. CNRI is making Python 1.6.1 available to Licensee on an "AS IS" +basis. CNRI MAKES NO REPRESENTATIONS OR WARRANTIES, EXPRESS OR +IMPLIED. BY WAY OF EXAMPLE, BUT NOT LIMITATION, CNRI MAKES NO AND +DISCLAIMS ANY REPRESENTATION OR WARRANTY OF MERCHANTABILITY OR FITNESS +FOR ANY PARTICULAR PURPOSE OR THAT THE USE OF PYTHON 1.6.1 WILL NOT +INFRINGE ANY THIRD PARTY RIGHTS. + +5. CNRI SHALL NOT BE LIABLE TO LICENSEE OR ANY OTHER USERS OF PYTHON +1.6.1 FOR ANY INCIDENTAL, SPECIAL, OR CONSEQUENTIAL DAMAGES OR LOSS AS +A RESULT OF MODIFYING, DISTRIBUTING, OR OTHERWISE USING PYTHON 1.6.1, +OR ANY DERIVATIVE THEREOF, EVEN IF ADVISED OF THE POSSIBILITY THEREOF. + +6. This License Agreement will automatically terminate upon a material +breach of its terms and conditions. + +7. This License Agreement shall be governed by the federal +intellectual property law of the United States, including without +limitation the federal copyright law, and, to the extent such +U.S. federal law does not apply, by the law of the Commonwealth of +Virginia, excluding Virginia's conflict of law provisions. +Notwithstanding the foregoing, with regard to derivative works based +on Python 1.6.1 that incorporate non-separable material that was +previously distributed under the GNU General Public License (GPL), the +law of the Commonwealth of Virginia shall govern this License +Agreement only as to issues arising under or with respect to +Paragraphs 4, 5, and 7 of this License Agreement. Nothing in this +License Agreement shall be deemed to create any relationship of +agency, partnership, or joint venture between CNRI and Licensee. This +License Agreement does not grant permission to use CNRI trademarks or +trade name in a trademark sense to endorse or promote products or +services of Licensee, or any third party. + +8. By clicking on the "ACCEPT" button where indicated, or by copying, +installing or otherwise using Python 1.6.1, Licensee agrees to be +bound by the terms and conditions of this License Agreement. + + ACCEPT + + +CWI LICENSE AGREEMENT FOR PYTHON 0.9.0 THROUGH 1.2 +-------------------------------------------------- + +Copyright (c) 1991 - 1995, Stichting Mathematisch Centrum Amsterdam, +The Netherlands. All rights reserved. + +Permission to use, copy, modify, and distribute this software and its +documentation for any purpose and without fee is hereby granted, +provided that the above copyright notice appear in all copies and that +both that copyright notice and this permission notice appear in +supporting documentation, and that the name of Stichting Mathematisch +Centrum or CWI not be used in advertising or publicity pertaining to +distribution of the software without specific, written prior +permission. + +STICHTING MATHEMATISCH CENTRUM DISCLAIMS ALL WARRANTIES WITH REGARD TO +THIS SOFTWARE, INCLUDING ALL IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS, IN NO EVENT SHALL STICHTING MATHEMATISCH CENTRUM BE LIABLE +FOR ANY SPECIAL, INDIRECT OR CONSEQUENTIAL DAMAGES OR ANY DAMAGES +WHATSOEVER RESULTING FROM LOSS OF USE, DATA OR PROFITS, WHETHER IN AN +ACTION OF CONTRACT, NEGLIGENCE OR OTHER TORTIOUS ACTION, ARISING OUT +OF OR IN CONNECTION WITH THE USE OR PERFORMANCE OF THIS SOFTWARE. + +---------------------------------------- + +Package: mypy-extensions +License: MIT +Requires: n/a +Author: The mypy developers +Home page: https://github.com/python/mypy_extensions + +Mypy extensions are licensed under the terms of the MIT license, reproduced below. + += = = = = + +The MIT License + +Copyright (c) 2016-2017 Jukka Lehtosalo and contributors + +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. + += = = = = + +---------------------------------------- + +Package: nodeenv +License: BSD-3-clause +Requires: n/a +Author: Eugene Kalinin +Home page: https://github.com/ekalinin/nodeenv + +Copyright (c) 2011, Eugene Kalinin. + +Some rights reserved. + +Redistribution and use in source and binary forms of the software as well +as documentation, with or without modification, are permitted provided +that the following conditions are met: + +* Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + +* The names of the contributors may not be used to endorse or + promote products derived from this software without specific + prior written permission. + +THIS SOFTWARE AND DOCUMENTATION IS PROVIDED BY THE COPYRIGHT HOLDERS AND +CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT +NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER +OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, +EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, +PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE AND DOCUMENTATION, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +---------------------------------------- + +Package: packaging +License: Apache-2.0 +Requires: n/a +Author: (unknown) > +Home page: None + +Copyright (c) Donald Stufft and individual contributors. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + 1. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + + 2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---------------------------------------- + +Package: pathspec +License: MPL-2.0 +Requires: n/a +Author: (unknown) <"Caleb P. Burns" > +Home page: None + +Mozilla Public License Version 2.0 +================================== + +1. Definitions +-------------- + +1.1. "Contributor" + means each individual or legal entity that creates, contributes to + the creation of, or owns Covered Software. + +1.2. "Contributor Version" + means the combination of the Contributions of others (if any) used + by a Contributor and that particular Contributor's Contribution. + +1.3. "Contribution" + means Covered Software of a particular Contributor. + +1.4. "Covered Software" + means Source Code Form to which the initial Contributor has attached + the notice in Exhibit A, the Executable Form of such Source Code + Form, and Modifications of such Source Code Form, in each case + including portions thereof. + +1.5. "Incompatible With Secondary Licenses" + means + + (a) that the initial Contributor has attached the notice described + in Exhibit B to the Covered Software; or + + (b) that the Covered Software was made available under the terms of + version 1.1 or earlier of the License, but not also under the + terms of a Secondary License. + +1.6. "Executable Form" + means any form of the work other than Source Code Form. + +1.7. "Larger Work" + means a work that combines Covered Software with other material, in + a separate file or files, that is not Covered Software. + +1.8. "License" + means this document. + +1.9. "Licensable" + means having the right to grant, to the maximum extent possible, + whether at the time of the initial grant or subsequently, any and + all of the rights conveyed by this License. + +1.10. "Modifications" + means any of the following: + + (a) any file in Source Code Form that results from an addition to, + deletion from, or modification of the contents of Covered + Software; or + + (b) any new file in Source Code Form that contains any Covered + Software. + +1.11. "Patent Claims" of a Contributor + means any patent claim(s), including without limitation, method, + process, and apparatus claims, in any patent Licensable by such + Contributor that would be infringed, but for the grant of the + License, by the making, using, selling, offering for sale, having + made, import, or transfer of either its Contributions or its + Contributor Version. + +1.12. "Secondary License" + means either the GNU General Public License, Version 2.0, the GNU + Lesser General Public License, Version 2.1, the GNU Affero General + Public License, Version 3.0, or any later versions of those + licenses. + +1.13. "Source Code Form" + means the form of the work preferred for making modifications. + +1.14. "You" (or "Your") + means an individual or a legal entity exercising rights under this + License. For legal entities, "You" includes any entity that + controls, is controlled by, or is under common control with You. For + purposes of this definition, "control" means (a) the power, direct + or indirect, to cause the direction or management of such entity, + whether by contract or otherwise, or (b) ownership of more than + fifty percent (50%) of the outstanding shares or beneficial + ownership of such entity. + +2. License Grants and Conditions +-------------------------------- + +2.1. Grants + +Each Contributor hereby grants You a world-wide, royalty-free, +non-exclusive license: + +(a) under intellectual property rights (other than patent or trademark) + Licensable by such Contributor to use, reproduce, make available, + modify, display, perform, distribute, and otherwise exploit its + Contributions, either on an unmodified basis, with Modifications, or + as part of a Larger Work; and + +(b) under Patent Claims of such Contributor to make, use, sell, offer + for sale, have made, import, and otherwise transfer either its + Contributions or its Contributor Version. + +2.2. Effective Date + +The licenses granted in Section 2.1 with respect to any Contribution +become effective for each Contribution on the date the Contributor first +distributes such Contribution. + +2.3. Limitations on Grant Scope + +The licenses granted in this Section 2 are the only rights granted under +this License. No additional rights or licenses will be implied from the +distribution or licensing of Covered Software under this License. +Notwithstanding Section 2.1(b) above, no patent license is granted by a +Contributor: + +(a) for any code that a Contributor has removed from Covered Software; + or + +(b) for infringements caused by: (i) Your and any other third party's + modifications of Covered Software, or (ii) the combination of its + Contributions with other software (except as part of its Contributor + Version); or + +(c) under Patent Claims infringed by Covered Software in the absence of + its Contributions. + +This License does not grant any rights in the trademarks, service marks, +or logos of any Contributor (except as may be necessary to comply with +the notice requirements in Section 3.4). + +2.4. Subsequent Licenses + +No Contributor makes additional grants as a result of Your choice to +distribute the Covered Software under a subsequent version of this +License (see Section 10.2) or under the terms of a Secondary License (if +permitted under the terms of Section 3.3). + +2.5. Representation + +Each Contributor represents that the Contributor believes its +Contributions are its original creation(s) or it has sufficient rights +to grant the rights to its Contributions conveyed by this License. + +2.6. Fair Use + +This License is not intended to limit any rights You have under +applicable copyright doctrines of fair use, fair dealing, or other +equivalents. + +2.7. Conditions + +Sections 3.1, 3.2, 3.3, and 3.4 are conditions of the licenses granted +in Section 2.1. + +3. Responsibilities +------------------- + +3.1. Distribution of Source Form + +All distribution of Covered Software in Source Code Form, including any +Modifications that You create or to which You contribute, must be under +the terms of this License. You must inform recipients that the Source +Code Form of the Covered Software is governed by the terms of this +License, and how they can obtain a copy of this License. You may not +attempt to alter or restrict the recipients' rights in the Source Code +Form. + +3.2. Distribution of Executable Form + +If You distribute Covered Software in Executable Form then: + +(a) such Covered Software must also be made available in Source Code + Form, as described in Section 3.1, and You must inform recipients of + the Executable Form how they can obtain a copy of such Source Code + Form by reasonable means in a timely manner, at a charge no more + than the cost of distribution to the recipient; and + +(b) You may distribute such Executable Form under the terms of this + License, or sublicense it under different terms, provided that the + license for the Executable Form does not attempt to limit or alter + the recipients' rights in the Source Code Form under this License. + +3.3. Distribution of a Larger Work + +You may create and distribute a Larger Work under terms of Your choice, +provided that You also comply with the requirements of this License for +the Covered Software. If the Larger Work is a combination of Covered +Software with a work governed by one or more Secondary Licenses, and the +Covered Software is not Incompatible With Secondary Licenses, this +License permits You to additionally distribute such Covered Software +under the terms of such Secondary License(s), so that the recipient of +the Larger Work may, at their option, further distribute the Covered +Software under the terms of either this License or such Secondary +License(s). + +3.4. Notices + +You may not remove or alter the substance of any license notices +(including copyright notices, patent notices, disclaimers of warranty, +or limitations of liability) contained within the Source Code Form of +the Covered Software, except that You may alter any license notices to +the extent required to remedy known factual inaccuracies. + +3.5. Application of Additional Terms + +You may choose to offer, and to charge a fee for, warranty, support, +indemnity or liability obligations to one or more recipients of Covered +Software. However, You may do so only on Your own behalf, and not on +behalf of any Contributor. You must make it absolutely clear that any +such warranty, support, indemnity, or liability obligation is offered by +You alone, and You hereby agree to indemnify every Contributor for any +liability incurred by such Contributor as a result of warranty, support, +indemnity or liability terms You offer. You may include additional +disclaimers of warranty and limitations of liability specific to any +jurisdiction. + +4. Inability to Comply Due to Statute or Regulation +--------------------------------------------------- + +If it is impossible for You to comply with any of the terms of this +License with respect to some or all of the Covered Software due to +statute, judicial order, or regulation then You must: (a) comply with +the terms of this License to the maximum extent possible; and (b) +describe the limitations and the code they affect. Such description must +be placed in a text file included with all distributions of the Covered +Software under this License. Except to the extent prohibited by statute +or regulation, such description must be sufficiently detailed for a +recipient of ordinary skill to be able to understand it. + +5. Termination +-------------- + +5.1. The rights granted under this License will terminate automatically +if You fail to comply with any of its terms. However, if You become +compliant, then the rights granted under this License from a particular +Contributor are reinstated (a) provisionally, unless and until such +Contributor explicitly and finally terminates Your grants, and (b) on an +ongoing basis, if such Contributor fails to notify You of the +non-compliance by some reasonable means prior to 60 days after You have +come back into compliance. Moreover, Your grants from a particular +Contributor are reinstated on an ongoing basis if such Contributor +notifies You of the non-compliance by some reasonable means, this is the +first time You have received notice of non-compliance with this License +from such Contributor, and You become compliant prior to 30 days after +Your receipt of the notice. + +5.2. If You initiate litigation against any entity by asserting a patent +infringement claim (excluding declaratory judgment actions, +counter-claims, and cross-claims) alleging that a Contributor Version +directly or indirectly infringes any patent, then the rights granted to +You by any and all Contributors for the Covered Software under Section +2.1 of this License shall terminate. + +5.3. In the event of termination under Sections 5.1 or 5.2 above, all +end user license agreements (excluding distributors and resellers) which +have been validly granted by You or Your distributors under this License +prior to termination shall survive termination. + +************************************************************************ +* * +* 6. Disclaimer of Warranty * +* ------------------------- * +* * +* Covered Software is provided under this License on an "as is" * +* basis, without warranty of any kind, either expressed, implied, or * +* statutory, including, without limitation, warranties that the * +* Covered Software is free of defects, merchantable, fit for a * +* particular purpose or non-infringing. The entire risk as to the * +* quality and performance of the Covered Software is with You. * +* Should any Covered Software prove defective in any respect, You * +* (not any Contributor) assume the cost of any necessary servicing, * +* repair, or correction. This disclaimer of warranty constitutes an * +* essential part of this License. No use of any Covered Software is * +* authorized under this License except under this disclaimer. * +* * +************************************************************************ + +************************************************************************ +* * +* 7. Limitation of Liability * +* -------------------------- * +* * +* Under no circumstances and under no legal theory, whether tort * +* (including negligence), contract, or otherwise, shall any * +* Contributor, or anyone who distributes Covered Software as * +* permitted above, be liable to You for any direct, indirect, * +* special, incidental, or consequential damages of any character * +* including, without limitation, damages for lost profits, loss of * +* goodwill, work stoppage, computer failure or malfunction, or any * +* and all other commercial damages or losses, even if such party * +* shall have been informed of the possibility of such damages. This * +* limitation of liability shall not apply to liability for death or * +* personal injury resulting from such party's negligence to the * +* extent applicable law prohibits such limitation. Some * +* jurisdictions do not allow the exclusion or limitation of * +* incidental or consequential damages, so this exclusion and * +* limitation may not apply to You. * +* * +************************************************************************ + +8. Litigation +------------- + +Any litigation relating to this License may be brought only in the +courts of a jurisdiction where the defendant maintains its principal +place of business and such litigation shall be governed by laws of that +jurisdiction, without reference to its conflict-of-law provisions. +Nothing in this Section shall prevent a party's ability to bring +cross-claims or counter-claims. + +9. Miscellaneous +---------------- + +This License represents the complete agreement concerning the subject +matter hereof. If any provision of this License is held to be +unenforceable, such provision shall be reformed only to the extent +necessary to make it enforceable. Any law or regulation which provides +that the language of a contract shall be construed against the drafter +shall not be used to construe this License against a Contributor. + +10. Versions of the License +--------------------------- + +10.1. New Versions + +Mozilla Foundation is the license steward. Except as provided in Section +10.3, no one other than the license steward has the right to modify or +publish new versions of this License. Each version will be given a +distinguishing version number. + +10.2. Effect of New Versions + +You may distribute the Covered Software under the terms of the version +of the License under which You originally received the Covered Software, +or under the terms of any subsequent version published by the license +steward. + +10.3. Modified Versions + +If you create software not governed by this License, and you want to +create a new license for such software, you may create and use a +modified version of this License if you rename the license and remove +any references to the name of the license steward (except to note that +such modified license differs from this License). + +10.4. Distributing Source Code Form that is Incompatible With Secondary +Licenses + +If You choose to distribute Source Code Form that is Incompatible With +Secondary Licenses under the terms of this version of the License, the +notice described in Exhibit B of this License must be attached. + +Exhibit A - Source Code Form License Notice +------------------------------------------- + + This Source Code Form is subject to the terms of the Mozilla Public + License, v. 2.0. If a copy of the MPL was not distributed with this + file, You can obtain one at http://mozilla.org/MPL/2.0/. + +If it is not possible or desirable to put the notice in a particular +file, then You may include the notice in a location (such as a LICENSE +file in a relevant directory) where a recipient would be likely to look +for such a notice. + +You may add additional accurate notices of copyright ownership. + +Exhibit B - "Incompatible With Secondary Licenses" Notice +--------------------------------------------------------- + + This Source Code Form is "Incompatible With Secondary Licenses", as + defined by the Mozilla Public License, v. 2.0. + +---------------------------------------- + +Package: platformdirs +License: MIT +Requires: n/a +Author: None +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (author unknown) + +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. + +---------------------------------------- + +Package: pluggy +License: MIT +Requires: n/a +Author: Holger Krekel +Home page: https://github.com/pytest-dev/pluggy + +The MIT License (MIT) + +Copyright (c) 2015 holger krekel (rather uses bitbucket/hpk42) + +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. + +---------------------------------------- + +Package: pre-commit +License: MIT +Requires: cfgv, identify, nodeenv, pyyaml, virtualenv +Author: Anthony Sottile +Home page: https://github.com/pre-commit/pre-commit + +Copyright (c) 2014 pre-commit dev team: Anthony Sottile, Ken Struys + +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. + +---------------------------------------- + +Package: pycodestyle +License: MIT +Requires: n/a +Author: Johann C. Rocholl +Home page: https://pycodestyle.pycqa.org/ + +Copyright © 2006-2009 Johann C. Rocholl +Copyright © 2009-2014 Florent Xicluna +Copyright © 2014-2020 Ian Lee + +Licensed under the terms of the Expat License + +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. + +---------------------------------------- + +Package: pyflakes +License: MIT +Requires: n/a +Author: A lot of people +Home page: https://github.com/PyCQA/pyflakes + +Copyright 2005-2011 Divmod, Inc. +Copyright 2013-2014 Florent Xicluna + +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. + +---------------------------------------- + +Package: pytest +License: MIT +Requires: iniconfig, packaging, pluggy +Author: Holger Krekel, Bruno Oliveira, Ronny Pfannschmidt, Floris Bruynooghe, Brianna Laugher, Florian Bruhin, Others (See AUTHORS) +Home page: None + +The MIT License (MIT) + +Copyright (c) 2004 Holger Krekel and others + +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. + +---------------------------------------- + +Package: pytest-cov +License: MIT +Requires: pytest, coverage[toml] +Author: Marc Schlaich +Home page: https://github.com/pytest-dev/pytest-cov + +The MIT License + +Copyright (c) 2010 Meme Dough + +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. + +---------------------------------------- + +Package: sniffio +License: Apache-2.0 +Requires: n/a +Author: (unknown) <"Nathaniel J. Smith" > +Home page: None + +This software is made available under the terms of *either* of the +licenses found in LICENSE.APACHE2 or LICENSE.MIT. Contributions to are +made under the terms of *both* these licenses. + +---------------------------------------- + +Package: virtualenv +License: MIT +Requires: distlib, filelock, platformdirs +Author: None +Home page: None + +NOTE: This module was missing a license file (despite listing a license name) so one has been auto-generated + +The MIT License + +Copyright 2024 (author unknown) + +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. + +---------------------------------------- + +End of 'third_party_licenses_test.txt' generated by Python third_party_license_generator at 2024-06-20 14:58:23.137254